首页 > 最新文献

2022 IEEE 16th International Conference on Application of Information and Communication Technologies (AICT)最新文献

英文 中文
Anomaly Detection in Cyber-Physical Systems based on BiGRU-VAE 基于BiGRU-VAE的信息物理系统异常检测
R. Alguliyev, L. Sukhostat, Aykhan Mammadov
Various problems inevitably arise in cyber-physical systems, such as equipment failure, performance degradation, etc. Untimely detection of an abnormal state caused by a cyber-attack or a failure to operate devices in a cyber-physical system can lead to severe losses for the entire system. This paper proposes a method based on a deep bidirectional gated recurrent unit and variational autoencoder model to detect anomalies in a cyber-physical system. Experiments on a real dataset have shown the effectiveness of the proposed method in detecting anomalies in a cyber-physical system. Comparison with known methods showed the most accurate results according to the precision, recall, and F-measure metrics and amounted to 99.87%, 77.39%, and 87.20%, respectively.
网络物理系统不可避免地会出现各种问题,如设备故障、性能下降等。在网络物理系统中,由于网络攻击导致的异常状态或设备无法正常运行,如果不能及时发现,将会给整个系统造成严重的损失。提出了一种基于深度双向门控循环单元和变分自编码器模型的网络物理系统异常检测方法。在真实数据集上的实验证明了该方法在网络物理系统异常检测中的有效性。在精密度、召回率和F-measure指标上,与已知方法比较结果最准确,分别达到99.87%、77.39%和87.20%。
{"title":"Anomaly Detection in Cyber-Physical Systems based on BiGRU-VAE","authors":"R. Alguliyev, L. Sukhostat, Aykhan Mammadov","doi":"10.1109/AICT55583.2022.10013581","DOIUrl":"https://doi.org/10.1109/AICT55583.2022.10013581","url":null,"abstract":"Various problems inevitably arise in cyber-physical systems, such as equipment failure, performance degradation, etc. Untimely detection of an abnormal state caused by a cyber-attack or a failure to operate devices in a cyber-physical system can lead to severe losses for the entire system. This paper proposes a method based on a deep bidirectional gated recurrent unit and variational autoencoder model to detect anomalies in a cyber-physical system. Experiments on a real dataset have shown the effectiveness of the proposed method in detecting anomalies in a cyber-physical system. Comparison with known methods showed the most accurate results according to the precision, recall, and F-measure metrics and amounted to 99.87%, 77.39%, and 87.20%, respectively.","PeriodicalId":441475,"journal":{"name":"2022 IEEE 16th International Conference on Application of Information and Communication Technologies (AICT)","volume":"62 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2022-10-12","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"115144588","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Improving BERT Classification Performance on Short Queries About UNIX Commands Using an Additional Round of Fine-Tuning on Related Data 通过对相关数据进行一轮额外的微调,提高UNIX命令短查询的BERT分类性能
Grady McPeak
One of the great advantages of machine learning as a whole is its ability to assist a human with digesting extremely large sets of data, and helping them to learn useful information that otherwise would have been significantly more difficult to piece together, and improvements to ML models often can result in improvements in this ability. To that end, this paper presents an evaluation of the relative performances of differing versions of Bidirectional Encoder Representations from Transformers (BERT) on the task of classifying a dataset of titles from posts scraped from two UNIX-related Q&A forum websites into classes based on what command each post is most likely about. The differing versions of BERT were each first fine-tuned on a different dataset from the post titles in order to try to improve the accuracy and precision of the model’s classification abilities through the introduction of relevant yet longer, more detailed, and more information-rich information. Additionally, the performances of these models are compared to that of the Heterogeneous Graph Attention Network (HGAT). The novel contributions of this paper are a real-world-use comparison between HGAT and BERT, the production of a novel dataset, and the presentation of supporting evidence for the value of relevance and length of text in pretraining for short-text classification.
机器学习作为一个整体的巨大优势之一是它能够帮助人类消化大量数据,并帮助他们学习有用的信息,否则这些信息将更加难以拼凑在一起,而ML模型的改进通常会导致这种能力的提高。为此,本文对来自变形金刚的双向编码器表示(BERT)的不同版本的相对性能进行了评估,该任务是根据每个帖子最有可能的命令将两个unix相关问答论坛网站上抓取的帖子标题数据集分类为类。不同版本的BERT首先对来自帖子标题的不同数据集进行微调,以便通过引入相关的更长、更详细、更丰富的信息来提高模型分类能力的准确性和精度。此外,将这些模型的性能与异构图注意网络(HGAT)的性能进行了比较。本文的新贡献是HGAT和BERT之间的实际使用比较,新数据集的产生,以及在短文本分类预训练中文本的相关性和长度的价值的支持证据的呈现。
{"title":"Improving BERT Classification Performance on Short Queries About UNIX Commands Using an Additional Round of Fine-Tuning on Related Data","authors":"Grady McPeak","doi":"10.1109/AICT55583.2022.10013532","DOIUrl":"https://doi.org/10.1109/AICT55583.2022.10013532","url":null,"abstract":"One of the great advantages of machine learning as a whole is its ability to assist a human with digesting extremely large sets of data, and helping them to learn useful information that otherwise would have been significantly more difficult to piece together, and improvements to ML models often can result in improvements in this ability. To that end, this paper presents an evaluation of the relative performances of differing versions of Bidirectional Encoder Representations from Transformers (BERT) on the task of classifying a dataset of titles from posts scraped from two UNIX-related Q&A forum websites into classes based on what command each post is most likely about. The differing versions of BERT were each first fine-tuned on a different dataset from the post titles in order to try to improve the accuracy and precision of the model’s classification abilities through the introduction of relevant yet longer, more detailed, and more information-rich information. Additionally, the performances of these models are compared to that of the Heterogeneous Graph Attention Network (HGAT). The novel contributions of this paper are a real-world-use comparison between HGAT and BERT, the production of a novel dataset, and the presentation of supporting evidence for the value of relevance and length of text in pretraining for short-text classification.","PeriodicalId":441475,"journal":{"name":"2022 IEEE 16th International Conference on Application of Information and Communication Technologies (AICT)","volume":"29 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2022-10-12","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"127522217","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Automated detection of myocardial infarction using ECG-based artificial intelligence models: a systematic review 使用基于心电图的人工智能模型自动检测心肌梗死:系统综述
Pedro A Segura-Saldaña, Frank Britto-Bisso, D. Pacheco, M. Álvarez-Vargas, A. L. Manrique, Gisella M. Bejarano Nicho
Clinical decision making in the emergency room needs to be fast and accurate, especially for myocardial infarction (MI) cases. The best way to address data-based decisions is through artificial intelligence techniques (AI), which haven’t been systematize for MI detection. Thereby, we performed a systematic review (PROSPERO: CRD42021229084). The literature search from Pubmed, Web of Science, Scopus, IEEE Xplore and Embase resulted in n = 48 included articles. 71% of those articles implemented deep-learning models, while the other 29% developed machine-learning models, from which Convolutional Neural Networks and Support Vector Machines were the most common architectures. Data pre-processing methods, ECG-derived features with their corresponding feature extraction techniques, dimensionality reduction and redundancy evaluation algorithms and classifier are discussed in the present work. Furthermore, public and private datasets are analyzed, and class balance is addressed. To the extent of our knowledge, the present work is one of the most comprehensive reviews that addressed systematically the characteristics of artificial intelligence algorithms for the detection of MI based on ECG information.
急诊室的临床决策需要快速和准确,特别是对于心肌梗死(MI)病例。解决基于数据的决策的最佳方法是通过人工智能技术(AI),这些技术尚未系统化用于MI检测。因此,我们进行了系统评价(PROSPERO: CRD42021229084)。从Pubmed、Web of Science、Scopus、IEEE Xplore和Embase进行文献检索,得到n = 48篇纳入文章。其中71%的文章实现了深度学习模型,而另外29%的文章开发了机器学习模型,其中卷积神经网络和支持向量机是最常见的架构。本文讨论了数据预处理方法、脑电图衍生特征及其相应的特征提取技术、降维和冗余评估算法以及分类器。此外,还分析了公共和私有数据集,并解决了类平衡问题。就我们所知,目前的工作是最全面的综述之一,系统地解决了基于ECG信息检测心肌梗死的人工智能算法的特点。
{"title":"Automated detection of myocardial infarction using ECG-based artificial intelligence models: a systematic review","authors":"Pedro A Segura-Saldaña, Frank Britto-Bisso, D. Pacheco, M. Álvarez-Vargas, A. L. Manrique, Gisella M. Bejarano Nicho","doi":"10.1109/AICT55583.2022.10013571","DOIUrl":"https://doi.org/10.1109/AICT55583.2022.10013571","url":null,"abstract":"Clinical decision making in the emergency room needs to be fast and accurate, especially for myocardial infarction (MI) cases. The best way to address data-based decisions is through artificial intelligence techniques (AI), which haven’t been systematize for MI detection. Thereby, we performed a systematic review (PROSPERO: CRD42021229084). The literature search from Pubmed, Web of Science, Scopus, IEEE Xplore and Embase resulted in n = 48 included articles. 71% of those articles implemented deep-learning models, while the other 29% developed machine-learning models, from which Convolutional Neural Networks and Support Vector Machines were the most common architectures. Data pre-processing methods, ECG-derived features with their corresponding feature extraction techniques, dimensionality reduction and redundancy evaluation algorithms and classifier are discussed in the present work. Furthermore, public and private datasets are analyzed, and class balance is addressed. To the extent of our knowledge, the present work is one of the most comprehensive reviews that addressed systematically the characteristics of artificial intelligence algorithms for the detection of MI based on ECG information.","PeriodicalId":441475,"journal":{"name":"2022 IEEE 16th International Conference on Application of Information and Communication Technologies (AICT)","volume":"11 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2022-10-12","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"115041856","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
An Ontological Approach to the Development of Analytical Platform Language Toolkits 分析平台语言工具箱开发的本体论方法
L. Lyadova, N. Suvorov, V. Zayakin, E. Zamyatina
The development of complex software systems is impossible without using modern modeling tools. At the design process, various models are developed: when solving each task, the attributes of processes and systems, which are significant for solving this task, are to be presented in the model. Developing analytical systems for data-intensive areas has specifics, which determine new requirements for the system functionality and architecture (interoperability, adaptability, etc.). These requirements can be implemented in the system based on a combination of two approaches: knowledge-driven development and model-driven development. This article presents an approach to creating a knowledge-driven analytical platforms, which integrate language toolkits allowing to create "on the fly" new domain-specific languages (DSLs). DSLs provide "user interfaces" which are customizable to the specifics of the tasks, solved by users with modeling tools, and to the corresponding users' domains. The architecture of the analytical platform, the graph model, and the metalanguage which are the basis of the language toolkits implementation are described in the paper. The multifaceted ontology, which is the core of the analytical platform, is presented too.
不使用现代建模工具,复杂软件系统的开发是不可能的。在设计过程中,开发各种模型:在解决每个任务时,将对解决该任务有重要意义的过程和系统的属性呈现在模型中。为数据密集型领域开发分析系统具有特殊性,这决定了系统功能和体系结构(互操作性、适应性等)的新需求。这些需求可以基于两种方法的组合在系统中实现:知识驱动的开发和模型驱动的开发。本文提出了一种创建知识驱动的分析平台的方法,它集成了允许创建“动态”的新领域特定语言(dsl)的语言工具包。dsl提供了“用户界面”,可以根据任务的具体情况定制,由用户使用建模工具解决,并针对相应的用户域。本文描述了分析平台的体系结构、图模型和元语言,它们是语言工具包实现的基础。提出了作为分析平台核心的多面本体。
{"title":"An Ontological Approach to the Development of Analytical Platform Language Toolkits","authors":"L. Lyadova, N. Suvorov, V. Zayakin, E. Zamyatina","doi":"10.1109/AICT55583.2022.10013576","DOIUrl":"https://doi.org/10.1109/AICT55583.2022.10013576","url":null,"abstract":"The development of complex software systems is impossible without using modern modeling tools. At the design process, various models are developed: when solving each task, the attributes of processes and systems, which are significant for solving this task, are to be presented in the model. Developing analytical systems for data-intensive areas has specifics, which determine new requirements for the system functionality and architecture (interoperability, adaptability, etc.). These requirements can be implemented in the system based on a combination of two approaches: knowledge-driven development and model-driven development. This article presents an approach to creating a knowledge-driven analytical platforms, which integrate language toolkits allowing to create \"on the fly\" new domain-specific languages (DSLs). DSLs provide \"user interfaces\" which are customizable to the specifics of the tasks, solved by users with modeling tools, and to the corresponding users' domains. The architecture of the analytical platform, the graph model, and the metalanguage which are the basis of the language toolkits implementation are described in the paper. The multifaceted ontology, which is the core of the analytical platform, is presented too.","PeriodicalId":441475,"journal":{"name":"2022 IEEE 16th International Conference on Application of Information and Communication Technologies (AICT)","volume":"1 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2022-10-12","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"115093246","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 2
Performance analysis of transfer learning based deep neural networks in Alzheimer classification 基于迁移学习的深度神经网络在老年痴呆症分类中的性能分析
Mohammad Jaber Hossain, Juan Luis Nieves
Medical image analysis using deep learning techniques found good attention to diagnose critical diseases within a shorter time and recommendable performance in the identification of disease conditions. Early detection of this disease has a way of doing the treatment effectively if it is possible to identify it before the symptoms appear. In this study, different methods are being proposed with their performance analysis using deep neural networks to diagnose the different stages of Alzheimer’s disease. The dataset used in this study was collected from the kaggle repository and consists of 3 different classes of Alzheimer’s disease which include Very Mild Demented, Mild Demented and Non Demented. In this study, VGG19 and ResNet50 pre-trained models with fine-tuning were used to classify different stages of the disease, alongside other two deep neural networks used where these VGG19 and ResNet50 pre-trained models were used as a feature extractor. Finally, an AlzheimerNet proposed, which outperformed previously mentioned methods that achieved 96.41% accuracy, 97% precision, 96% recall and F1- score. The current findings of the study indicate deep learning-based method achieved significant improvement in classifying Alzheimer’s disease in its early stage.
使用深度学习技术的医学图像分析在较短的时间内诊断出严重疾病,并且在识别疾病状况方面表现出色。如果有可能在症状出现之前识别出这种疾病,那么早期发现这种疾病就有办法有效地进行治疗。在本研究中,提出了不同的方法及其性能分析,利用深度神经网络来诊断阿尔茨海默病的不同阶段。本研究中使用的数据集来自kaggle知识库,由三种不同类型的阿尔茨海默病组成,包括极轻度痴呆、轻度痴呆和非痴呆。在本研究中,VGG19和ResNet50预训练模型与微调一起用于对疾病的不同阶段进行分类,同时使用另外两个深度神经网络,其中这些VGG19和ResNet50预训练模型被用作特征提取器。最后提出了一种阿尔茨海默氏网络,其准确率达到96.41%,准确率达到97%,召回率达到96%,得分达到F1-。目前的研究结果表明,基于深度学习的方法在阿尔茨海默病的早期分类方面取得了显著的进步。
{"title":"Performance analysis of transfer learning based deep neural networks in Alzheimer classification","authors":"Mohammad Jaber Hossain, Juan Luis Nieves","doi":"10.1109/AICT55583.2022.10013501","DOIUrl":"https://doi.org/10.1109/AICT55583.2022.10013501","url":null,"abstract":"Medical image analysis using deep learning techniques found good attention to diagnose critical diseases within a shorter time and recommendable performance in the identification of disease conditions. Early detection of this disease has a way of doing the treatment effectively if it is possible to identify it before the symptoms appear. In this study, different methods are being proposed with their performance analysis using deep neural networks to diagnose the different stages of Alzheimer’s disease. The dataset used in this study was collected from the kaggle repository and consists of 3 different classes of Alzheimer’s disease which include Very Mild Demented, Mild Demented and Non Demented. In this study, VGG19 and ResNet50 pre-trained models with fine-tuning were used to classify different stages of the disease, alongside other two deep neural networks used where these VGG19 and ResNet50 pre-trained models were used as a feature extractor. Finally, an AlzheimerNet proposed, which outperformed previously mentioned methods that achieved 96.41% accuracy, 97% precision, 96% recall and F1- score. The current findings of the study indicate deep learning-based method achieved significant improvement in classifying Alzheimer’s disease in its early stage.","PeriodicalId":441475,"journal":{"name":"2022 IEEE 16th International Conference on Application of Information and Communication Technologies (AICT)","volume":"1 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2022-10-12","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"129476231","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
A Business Recommender System Based on Zones and Commercial Data 基于区域和商业数据的商业推荐系统
Mai Abusair, Rania Dameh, Ruba Egbaria, Salsabeel Alzaqa
In many countries people target different places to open a business and succeed in it. They may choose an unsuccessful business or the location does not need the type of this business. In this paper, we aim to improve the opportunity of choosing a correct business and location. We suggest an approach based on many principles of machine learning. The approach uses a prediction model based on analysing data about zones (areas) and their commercial services. The zones are classified using K-Means clustering method that depends on the number of same businesses and their costs averages in an area. To show the novelty of our work, we developed a system that implements the approach principles for several zones in Nablus city. We evaluate the work by running several test cases to show the system ability in recommending kinds of businesses.
在许多国家,人们在不同的地方开办企业并取得成功。他们可能会选择一个不成功的企业或地点不需要这个企业的类型。在本文中,我们旨在提高选择正确的业务和位置的机会。我们提出了一种基于许多机器学习原理的方法。该方法使用了一个基于分析区域(地区)及其商业服务数据的预测模型。根据同一区域内相同企业的数量和平均成本,使用K-Means聚类法进行分类。为了展示我们工作的新颖性,我们开发了一个系统,在纳布卢斯市的几个区域实现了方法原则。我们通过运行几个测试用例来评估工作,以显示系统在推荐各种业务方面的能力。
{"title":"A Business Recommender System Based on Zones and Commercial Data","authors":"Mai Abusair, Rania Dameh, Ruba Egbaria, Salsabeel Alzaqa","doi":"10.1109/AICT55583.2022.10013597","DOIUrl":"https://doi.org/10.1109/AICT55583.2022.10013597","url":null,"abstract":"In many countries people target different places to open a business and succeed in it. They may choose an unsuccessful business or the location does not need the type of this business. In this paper, we aim to improve the opportunity of choosing a correct business and location. We suggest an approach based on many principles of machine learning. The approach uses a prediction model based on analysing data about zones (areas) and their commercial services. The zones are classified using K-Means clustering method that depends on the number of same businesses and their costs averages in an area. To show the novelty of our work, we developed a system that implements the approach principles for several zones in Nablus city. We evaluate the work by running several test cases to show the system ability in recommending kinds of businesses.","PeriodicalId":441475,"journal":{"name":"2022 IEEE 16th International Conference on Application of Information and Communication Technologies (AICT)","volume":"15 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2022-10-12","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"122228305","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
An Improved Hybrid LDPC Decoder over Rayleigh Fading Channel 一种基于瑞利衰落信道的改进混合LDPC解码器
Reza Biazaran, H. J. Helgert
Soft decision decoders applicable to low density parity check codes such as sum product algorithms provide excellent error performance, however, it comes at the expense of computational complexity. Additionally, many iterations may be required of these decoders to achieve desired error performance. The processing delay associated with too many iterations may be a drawback for cases where low latency is a critical requirement. Conversely, performance of hard decision decoders such as bit flipping decoder and its variants, while improved, generally are not on par with that of soft decision decoders. Such decoders also require many iterations to achieve a given error performance. We have proposed a two-stage hybrid decoder with a simplified sum product algorithm (SPA) in the first stage, and an improved noisy gradient decent bit flipping decoder in the second stage. We have shown that our proposed hybrid decoder outperforms the legacy individual decoders, studied in this paper, from error performance point of view as well as required number of iterations that will reduce the overall network latency.
适用于低密度奇偶校验码(如和积算法)的软判决解码器提供了出色的错误性能,但其代价是计算复杂度的增加。此外,这些解码器可能需要许多迭代才能达到期望的错误性能。在低延迟是关键需求的情况下,与太多迭代相关的处理延迟可能是一个缺点。相反,硬决策解码器(如位翻转解码器及其变体)的性能虽然有所提高,但通常无法与软决策解码器相提并论。这样的解码器还需要多次迭代才能达到给定的错误性能。我们提出了一种两级混合解码器,第一阶段采用简化和积算法(SPA),第二阶段采用改进的噪声梯度体面的位翻转解码器。我们已经证明,从错误性能的角度来看,我们提出的混合解码器优于本文研究的传统单个解码器,以及所需的迭代次数,这将减少整体网络延迟。
{"title":"An Improved Hybrid LDPC Decoder over Rayleigh Fading Channel","authors":"Reza Biazaran, H. J. Helgert","doi":"10.1109/AICT55583.2022.10013650","DOIUrl":"https://doi.org/10.1109/AICT55583.2022.10013650","url":null,"abstract":"Soft decision decoders applicable to low density parity check codes such as sum product algorithms provide excellent error performance, however, it comes at the expense of computational complexity. Additionally, many iterations may be required of these decoders to achieve desired error performance. The processing delay associated with too many iterations may be a drawback for cases where low latency is a critical requirement. Conversely, performance of hard decision decoders such as bit flipping decoder and its variants, while improved, generally are not on par with that of soft decision decoders. Such decoders also require many iterations to achieve a given error performance. We have proposed a two-stage hybrid decoder with a simplified sum product algorithm (SPA) in the first stage, and an improved noisy gradient decent bit flipping decoder in the second stage. We have shown that our proposed hybrid decoder outperforms the legacy individual decoders, studied in this paper, from error performance point of view as well as required number of iterations that will reduce the overall network latency.","PeriodicalId":441475,"journal":{"name":"2022 IEEE 16th International Conference on Application of Information and Communication Technologies (AICT)","volume":"109 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2022-10-12","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"133368907","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
A Syntax-based BSGCN Model for Chinese Implicit Sentiment Analysis with Multi-classification 基于句法的多分类汉语隐式情感分析BSGCN模型
Lifang Fu, Shuai Liu
There are two types of sentiment analysis about Chinese sentences: explicit sentiment analysis and implicit sentiment analysis. Implicit sentiment, unlike explicit sentiment, lacks a well-defined sentiment vocabulary. Currently, the majority of relevant research has focused on extracting implicit emotion via word analysis, ignoring the role of syntactic structures and relationships between words in the analysis of implicit emotions in Chinese. In this paper, we use a graph convolutional neural network (GCN) to analyze the syntactic structure of implicit sentiment texts, then combine it with a Bidirectional Encoder Representations from Transformers (BERT) to extract contextual information to create the BSGCN, a multi-classification Chinese implicit sentiment analysis model, that can classify implicit sentiment Chinese sentences into five types: happiness, sadness, disgust, surprise, and neutral. In the experiment based on the dataset SMP-ECISA, the accuracy of the Chinese implicit sentiment analysis model proposed in this paper was 82.1%, which is a significant improvement over existing models.
汉语句子的情感分析有两种类型:显性情感分析和隐性情感分析。内隐情感与外显情感不同,缺乏明确的情感词汇。目前,相关研究大多侧重于通过词语分析提取内隐情绪,忽视了句法结构和词间关系在汉语内隐情绪分析中的作用。本文利用图卷积神经网络(GCN)对隐式情感文本的句法结构进行分析,并结合BERT (Bidirectional Encoder Representations from Transformers)提取语境信息,建立了多分类汉语隐式情感分析模型BSGCN,将隐式情感汉语句子分为快乐、悲伤、厌恶、惊讶和中性五种类型。在基于SMP-ECISA数据集的实验中,本文提出的汉语隐式情感分析模型的准确率为82.1%,比现有模型有了显著提高。
{"title":"A Syntax-based BSGCN Model for Chinese Implicit Sentiment Analysis with Multi-classification","authors":"Lifang Fu, Shuai Liu","doi":"10.1109/AICT55583.2022.10013562","DOIUrl":"https://doi.org/10.1109/AICT55583.2022.10013562","url":null,"abstract":"There are two types of sentiment analysis about Chinese sentences: explicit sentiment analysis and implicit sentiment analysis. Implicit sentiment, unlike explicit sentiment, lacks a well-defined sentiment vocabulary. Currently, the majority of relevant research has focused on extracting implicit emotion via word analysis, ignoring the role of syntactic structures and relationships between words in the analysis of implicit emotions in Chinese. In this paper, we use a graph convolutional neural network (GCN) to analyze the syntactic structure of implicit sentiment texts, then combine it with a Bidirectional Encoder Representations from Transformers (BERT) to extract contextual information to create the BSGCN, a multi-classification Chinese implicit sentiment analysis model, that can classify implicit sentiment Chinese sentences into five types: happiness, sadness, disgust, surprise, and neutral. In the experiment based on the dataset SMP-ECISA, the accuracy of the Chinese implicit sentiment analysis model proposed in this paper was 82.1%, which is a significant improvement over existing models.","PeriodicalId":441475,"journal":{"name":"2022 IEEE 16th International Conference on Application of Information and Communication Technologies (AICT)","volume":"150 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2022-10-12","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"131660670","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Interference Resistant Position Awareness for Collision Avoidance in Dense Drones Swarming 密集无人机群防碰撞的抗干扰位置感知
Syed Hussain Ali Kazmi, Faizan Qamar, Rosilah Hassan, K. Nisar
Global interest in drones is prone to surface challenges related to collision avoidance in dense constellation. Existing collision avoidance mechanism, known as Automatic Dependent Surveillance-Broadcast (ADS-B), contains serious limitations of interference effects due to broadcasting. Therefore, we propose a novel Discrete Sequence Spread Spectrum (DSSS) enabled Minimum Shift Keying (MSK) modulation for Three Dimension (3D) position sharing in collision avoidance mechanism. Our proposed scheme avoids extra processing through physical layer addressing and provides convergence to further reduced broadcast rate. We analyzed the performance of the proposed mechanism in the spectrum completely covered with Gaussian noise. The MATLAB based analysis results indicate the proposed scheme as a potential solution to address the challenges faced in drone to drone communication for collision avoidance in dense swarms of drones or Unmanned Aerial Vehicles (UAV). Moreover, the proposed scheme outperforms the traditional demodulation approach compare to direct correlation without demodulation. Further, we discussed possible future research directions in subject solution.
全球对无人机的兴趣很容易受到与密集星座中避碰相关的地面挑战。现有的自动相关监视广播(ADS-B)避碰机制存在广播干扰效应的严重限制。因此,我们提出了一种新的离散序列扩频(DSSS)最小移位键控(MSK)调制,用于避免碰撞机制中的三维(3D)位置共享。我们提出的方案避免了通过物理层寻址的额外处理,并提供收敛以进一步降低广播速率。我们分析了该机制在完全被高斯噪声覆盖的频谱中的性能。基于MATLAB的分析结果表明,该方案可以解决无人机或无人机(UAV)密集集群中无人机对无人机通信中避免碰撞所面临的挑战。此外,与不进行解调的直接相关相比,该方案优于传统的解调方法。在此基础上,讨论了课题解决的未来可能的研究方向。
{"title":"Interference Resistant Position Awareness for Collision Avoidance in Dense Drones Swarming","authors":"Syed Hussain Ali Kazmi, Faizan Qamar, Rosilah Hassan, K. Nisar","doi":"10.1109/AICT55583.2022.10013534","DOIUrl":"https://doi.org/10.1109/AICT55583.2022.10013534","url":null,"abstract":"Global interest in drones is prone to surface challenges related to collision avoidance in dense constellation. Existing collision avoidance mechanism, known as Automatic Dependent Surveillance-Broadcast (ADS-B), contains serious limitations of interference effects due to broadcasting. Therefore, we propose a novel Discrete Sequence Spread Spectrum (DSSS) enabled Minimum Shift Keying (MSK) modulation for Three Dimension (3D) position sharing in collision avoidance mechanism. Our proposed scheme avoids extra processing through physical layer addressing and provides convergence to further reduced broadcast rate. We analyzed the performance of the proposed mechanism in the spectrum completely covered with Gaussian noise. The MATLAB based analysis results indicate the proposed scheme as a potential solution to address the challenges faced in drone to drone communication for collision avoidance in dense swarms of drones or Unmanned Aerial Vehicles (UAV). Moreover, the proposed scheme outperforms the traditional demodulation approach compare to direct correlation without demodulation. Further, we discussed possible future research directions in subject solution.","PeriodicalId":441475,"journal":{"name":"2022 IEEE 16th International Conference on Application of Information and Communication Technologies (AICT)","volume":"18 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2022-10-12","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"115344942","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 1
Formation of Unified Digital Health Information Space in Healthcare 4.0 Environment and interoperability issues 医疗4.0环境下统一数字医疗信息空间的形成与互操作性问题
M. Mammadova, A. Ahmadova
This article analyzes the essence and goals of e-health and the problems hindering its development and highlights its structural components. It explores the integration of Industry 4.0 technologies into health and its effects, and reviews the possibilities opened up by Health 4.0. The integration issues of health information systems and generated data on the management levels of healthcare are studied and a conceptual model of a unified digital medical information space in the Republic of Azerbaijan is proposed. The issues of data sharing and interoperability of medical information systems in a unified medical space are investigated.
本文分析了电子医疗的本质、目标和阻碍电子医疗发展的问题,并重点介绍了电子医疗的构成要素。它探讨了工业4.0技术与健康的整合及其影响,并回顾了健康4.0带来的可能性。研究了卫生信息系统的集成问题和关于医疗保健管理水平的生成数据,并提出了阿塞拜疆共和国统一数字医疗信息空间的概念模型。研究了统一医疗空间中医疗信息系统的数据共享和互操作问题。
{"title":"Formation of Unified Digital Health Information Space in Healthcare 4.0 Environment and interoperability issues","authors":"M. Mammadova, A. Ahmadova","doi":"10.1109/AICT55583.2022.10013605","DOIUrl":"https://doi.org/10.1109/AICT55583.2022.10013605","url":null,"abstract":"This article analyzes the essence and goals of e-health and the problems hindering its development and highlights its structural components. It explores the integration of Industry 4.0 technologies into health and its effects, and reviews the possibilities opened up by Health 4.0. The integration issues of health information systems and generated data on the management levels of healthcare are studied and a conceptual model of a unified digital medical information space in the Republic of Azerbaijan is proposed. The issues of data sharing and interoperability of medical information systems in a unified medical space are investigated.","PeriodicalId":441475,"journal":{"name":"2022 IEEE 16th International Conference on Application of Information and Communication Technologies (AICT)","volume":"118 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2022-10-12","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"117107055","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
期刊
2022 IEEE 16th International Conference on Application of Information and Communication Technologies (AICT)
全部 Acc. Chem. Res. ACS Applied Bio Materials ACS Appl. Electron. Mater. ACS Appl. Energy Mater. ACS Appl. Mater. Interfaces ACS Appl. Nano Mater. ACS Appl. Polym. Mater. ACS BIOMATER-SCI ENG ACS Catal. ACS Cent. Sci. ACS Chem. Biol. ACS Chemical Health & Safety ACS Chem. Neurosci. ACS Comb. Sci. ACS Earth Space Chem. ACS Energy Lett. ACS Infect. Dis. ACS Macro Lett. ACS Mater. Lett. ACS Med. Chem. Lett. ACS Nano ACS Omega ACS Photonics ACS Sens. ACS Sustainable Chem. Eng. ACS Synth. Biol. Anal. Chem. BIOCHEMISTRY-US Bioconjugate Chem. BIOMACROMOLECULES Chem. Res. Toxicol. Chem. Rev. Chem. Mater. CRYST GROWTH DES ENERG FUEL Environ. Sci. Technol. Environ. Sci. Technol. Lett. Eur. J. Inorg. Chem. IND ENG CHEM RES Inorg. Chem. J. Agric. Food. Chem. J. Chem. Eng. Data J. Chem. Educ. J. Chem. Inf. Model. J. Chem. Theory Comput. J. Med. Chem. J. Nat. Prod. J PROTEOME RES J. Am. Chem. Soc. LANGMUIR MACROMOLECULES Mol. Pharmaceutics Nano Lett. Org. Lett. ORG PROCESS RES DEV ORGANOMETALLICS J. Org. Chem. J. Phys. Chem. J. Phys. Chem. A J. Phys. Chem. B J. Phys. Chem. C J. Phys. Chem. Lett. Analyst Anal. Methods Biomater. Sci. Catal. Sci. Technol. Chem. Commun. Chem. Soc. Rev. CHEM EDUC RES PRACT CRYSTENGCOMM Dalton Trans. Energy Environ. Sci. ENVIRON SCI-NANO ENVIRON SCI-PROC IMP ENVIRON SCI-WAT RES Faraday Discuss. Food Funct. Green Chem. Inorg. Chem. Front. Integr. Biol. J. Anal. At. Spectrom. J. Mater. Chem. A J. Mater. Chem. B J. Mater. Chem. C Lab Chip Mater. Chem. Front. Mater. Horiz. MEDCHEMCOMM Metallomics Mol. Biosyst. Mol. Syst. Des. Eng. Nanoscale Nanoscale Horiz. Nat. Prod. Rep. New J. Chem. Org. Biomol. Chem. Org. Chem. Front. PHOTOCH PHOTOBIO SCI PCCP Polym. Chem.
×
引用
GB/T 7714-2015
复制
MLA
复制
APA
复制
导出至
BibTeX EndNote RefMan NoteFirst NoteExpress
×
0
微信
客服QQ
Book学术公众号 扫码关注我们
反馈
×
意见反馈
请填写您的意见或建议
请填写您的手机或邮箱
×
提示
您的信息不完整,为了账户安全,请先补充。
现在去补充
×
提示
您因"违规操作"
具体请查看互助需知
我知道了
×
提示
现在去查看 取消
×
提示
确定
Book学术官方微信
Book学术文献互助
Book学术文献互助群
群 号:481959085
Book学术
文献互助 智能选刊 最新文献 互助须知 联系我们:info@booksci.cn
Book学术提供免费学术资源搜索服务,方便国内外学者检索中英文文献。致力于提供最便捷和优质的服务体验。
Copyright © 2023 Book学术 All rights reserved.
ghs 京公网安备 11010802042870号 京ICP备2023020795号-1