首页 > 最新文献

Third International Seminar on Artificial Intelligence, Networking, and Information Technology最新文献

英文 中文
Fraudulent promotion detection on GitHub using heterogeneous neural network 基于异构神经网络的GitHub欺诈推广检测
Zexin Ning, Pengtao Pu, Jiashen Lin
There are fraudulent promotion behaviors in GitHub, which promotes Stars and Forks for specific repositories. It is harmful to the environment of the open source community, while it is not effectively detected by GitHub yet. This paper applies a heterogeneous neural network to detect repositories that are suspected of fraudulent promotion behavior. A heterogenous mini-graph neural network with attention mechanism and hyper-graph generation is proposed to detect repositories with cheating behaviors. Attention mechanism can dynamically balance the weight of semantics in heterogeneous information networks. Hyper-graph generation method can solve the problem of poor connectivity caused by many small graphs in the dataset. The experimental result shows that the model can effectively detect this kind of cheating behavior.
GitHub中存在欺诈性的推广行为,它为特定的存储库推广Stars和Forks。它对开源社区的环境是有害的,而GitHub还没有有效地检测到它。本文应用异构神经网络来检测涉嫌欺诈促销行为的存储库。提出了一种具有注意机制和超图生成的异构微图神经网络来检测存在作弊行为的存储库。注意机制可以动态平衡异构信息网络中语义的权重。超图生成方法可以解决数据集中小图过多导致的连通性差的问题。实验结果表明,该模型能够有效地检测出这种作弊行为。
{"title":"Fraudulent promotion detection on GitHub using heterogeneous neural network","authors":"Zexin Ning, Pengtao Pu, Jiashen Lin","doi":"10.1117/12.2667534","DOIUrl":"https://doi.org/10.1117/12.2667534","url":null,"abstract":"There are fraudulent promotion behaviors in GitHub, which promotes Stars and Forks for specific repositories. It is harmful to the environment of the open source community, while it is not effectively detected by GitHub yet. This paper applies a heterogeneous neural network to detect repositories that are suspected of fraudulent promotion behavior. A heterogenous mini-graph neural network with attention mechanism and hyper-graph generation is proposed to detect repositories with cheating behaviors. Attention mechanism can dynamically balance the weight of semantics in heterogeneous information networks. Hyper-graph generation method can solve the problem of poor connectivity caused by many small graphs in the dataset. The experimental result shows that the model can effectively detect this kind of cheating behavior.","PeriodicalId":128051,"journal":{"name":"Third International Seminar on Artificial Intelligence, Networking, and Information Technology","volume":"20 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2023-02-22","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"129939645","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
Growing neural networks using orthogonal initialization 用正交初始化方法生长神经网络
Xinglin Pan
In the training of neural networks, the architecture is usually determined first and then the parameters are selected by an optimizer. The choice of architecture and parameters is often independent. Whenever the architecture is modified, an expensive retraining of the parameters is required. In this work, we focus on growing the architecture instead of the expensive retraining. There are two main ways to grow new neurons: splitting and adding. In this paper, we propose orthogonal initialization to mitigate the gradient vanish of the new adding neurons. We use QR decomposition to obtain orthogonal initialization. We performed detailed experiments on two datasets (CIFAR-10, CIFAR-100) and the experimental results show the efficiency of our method.
在神经网络的训练中,通常首先确定结构,然后由优化器选择参数。体系结构和参数的选择通常是独立的。无论何时修改体系结构,都需要对参数进行昂贵的重新训练。在这项工作中,我们专注于架构的发展,而不是昂贵的再培训。产生新神经元的主要方法有两种:分裂和添加。在本文中,我们提出正交初始化来缓解新添加神经元的梯度消失。利用QR分解得到正交初始化。在两个数据集(CIFAR-10和CIFAR-100)上进行了详细的实验,实验结果表明了该方法的有效性。
{"title":"Growing neural networks using orthogonal initialization","authors":"Xinglin Pan","doi":"10.1117/12.2667654","DOIUrl":"https://doi.org/10.1117/12.2667654","url":null,"abstract":"In the training of neural networks, the architecture is usually determined first and then the parameters are selected by an optimizer. The choice of architecture and parameters is often independent. Whenever the architecture is modified, an expensive retraining of the parameters is required. In this work, we focus on growing the architecture instead of the expensive retraining. There are two main ways to grow new neurons: splitting and adding. In this paper, we propose orthogonal initialization to mitigate the gradient vanish of the new adding neurons. We use QR decomposition to obtain orthogonal initialization. We performed detailed experiments on two datasets (CIFAR-10, CIFAR-100) and the experimental results show the efficiency of our method.","PeriodicalId":128051,"journal":{"name":"Third International Seminar on Artificial Intelligence, Networking, and Information Technology","volume":"12587 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2023-02-22","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"131064019","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
Research on melanoma image segmentation method based on improved SwinUNet 基于改进SwinUNet的黑色素瘤图像分割方法研究
Zhenyue Zhu, Yingshu Lu
Aiming at the problems of fuzzy boundary and poor segmentation effect of SwinUNet in melanoma image segmentation, an improved SwinUNet network segmentation method was proposed. Firstly, Dice loss function is used to alleviate the background and regional imbalance. Secondly, each decoder layer is made to fuse the smaller scale from the encoder, the same scale feature map and the larger scale feature map from the decoder, so that the fine-grained semantics and coarse-grained semantics at the full scale can be captured . Finally, the size of the sliding window is increased, the receptive field of the model is enlarged, and the Dice coefficient is used to evaluate the segmentation results. The average Dice values of the original SwinUNet and the three improved models were 0.8311, 0.8689, 0.8719 and 0.8661, respectively. The experimental results show that the improved model proposed in this paper can effectively improve the accuracy of the original model, which is extremely important for the early diagnosis and treatment of melanoma.
针对SwinUNet在黑色素瘤图像分割中存在的边界模糊、分割效果差的问题,提出了一种改进的SwinUNet网络分割方法。首先,利用骰子损失函数缓解背景和区域不平衡;其次,使每一解码器层融合来自编码器的小尺度特征图、来自解码器的同尺度特征图和大尺度特征图,从而捕获全尺度的细粒度语义和粗粒度语义;最后,增大滑动窗口的大小,扩大模型的接受域,并利用Dice系数对分割结果进行评价。原始SwinUNet和三种改进模型的平均Dice值分别为0.8311、0.8689、0.8719和0.8661。实验结果表明,本文提出的改进模型能够有效提高原模型的准确率,这对于黑色素瘤的早期诊断和治疗具有极其重要的意义。
{"title":"Research on melanoma image segmentation method based on improved SwinUNet","authors":"Zhenyue Zhu, Yingshu Lu","doi":"10.1117/12.2667246","DOIUrl":"https://doi.org/10.1117/12.2667246","url":null,"abstract":"Aiming at the problems of fuzzy boundary and poor segmentation effect of SwinUNet in melanoma image segmentation, an improved SwinUNet network segmentation method was proposed. Firstly, Dice loss function is used to alleviate the background and regional imbalance. Secondly, each decoder layer is made to fuse the smaller scale from the encoder, the same scale feature map and the larger scale feature map from the decoder, so that the fine-grained semantics and coarse-grained semantics at the full scale can be captured . Finally, the size of the sliding window is increased, the receptive field of the model is enlarged, and the Dice coefficient is used to evaluate the segmentation results. The average Dice values of the original SwinUNet and the three improved models were 0.8311, 0.8689, 0.8719 and 0.8661, respectively. The experimental results show that the improved model proposed in this paper can effectively improve the accuracy of the original model, which is extremely important for the early diagnosis and treatment of melanoma.","PeriodicalId":128051,"journal":{"name":"Third International Seminar on Artificial Intelligence, Networking, and Information Technology","volume":"77 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2023-02-22","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"124795052","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
Early warning method of power supply enterprise service network public opinion based on fuzzy reasoning 基于模糊推理的供电企业服务网舆情预警方法
Qianqian Li, Wenjie Fan, Xiaozhou Shen, Jing Li
To improve the accuracy of the power supply enterprise service network public opinion crisis early warning, the fuzzy reasoning theory is introduced to carry out the design research of the power supply enterprise service network public opinion early warning method. Based on public opinion topic intensity, development heat and public attitude, the power supply enterprise service network public opinion early warning index system is constructed. Combined with fuzzy reasoning theory, the index membership degree and early warning level membership degree are calculated. Through the learning method, the public opinion early warning level judgment rule is learned, and the public opinion early warning level judgment and early warning display are completed. The experiment proves that the new public opinion early warning method can accurately judge the degree of public opinion crisis, and give a reasonable and intuitive early warning display result.
为提高供电企业服务网舆情危机预警的准确性,引入模糊推理理论,对供电企业服务网舆情预警方法进行设计研究。基于舆论话题强度、发展热度和公众态度,构建了供电企业服务网舆情预警指标体系。结合模糊推理理论,计算了指标隶属度和预警等级隶属度。通过学习方法,学习舆情预警等级判断规则,完成舆情预警等级判断和预警展示。实验证明,新的舆情预警方法能够准确判断舆情危机的程度,并给出合理直观的预警显示结果。
{"title":"Early warning method of power supply enterprise service network public opinion based on fuzzy reasoning","authors":"Qianqian Li, Wenjie Fan, Xiaozhou Shen, Jing Li","doi":"10.1117/12.2667502","DOIUrl":"https://doi.org/10.1117/12.2667502","url":null,"abstract":"To improve the accuracy of the power supply enterprise service network public opinion crisis early warning, the fuzzy reasoning theory is introduced to carry out the design research of the power supply enterprise service network public opinion early warning method. Based on public opinion topic intensity, development heat and public attitude, the power supply enterprise service network public opinion early warning index system is constructed. Combined with fuzzy reasoning theory, the index membership degree and early warning level membership degree are calculated. Through the learning method, the public opinion early warning level judgment rule is learned, and the public opinion early warning level judgment and early warning display are completed. The experiment proves that the new public opinion early warning method can accurately judge the degree of public opinion crisis, and give a reasonable and intuitive early warning display result.","PeriodicalId":128051,"journal":{"name":"Third International Seminar on Artificial Intelligence, Networking, and Information Technology","volume":"93 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2023-02-22","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"121600613","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
Research on chest x-ray image diagnosis of COVID-19 based on improved ResNet 基于改进ResNet的COVID-19胸部x线图像诊断研究
J. Sun
With the outbreak of covid-19 in 2020, timely and effective diagnosis and treatment of each covid-19 patient is particularly important. This paper combines the advantages of deep learning in image recognition, takes RESNET as the basic network framework, and carries out the experiment of improving the residual structure on this basis. It is tested on the open source new coronal chest radiograph data set, and the accuracy rate is 82.3%. Through a series of experiments, the training model has the advantages of good generalization, high accuracy and fast convergence. This paper proves the feasibility of the improved residual neural network in the diagnosis of covid-19.
随着2020年新冠肺炎疫情的爆发,及时有效地诊断和治疗每一位新冠肺炎患者尤为重要。本文结合深度学习在图像识别中的优势,以RESNET为基本网络框架,在此基础上进行残差结构的改进实验。在开源的新型冠状胸片数据集上进行了测试,准确率为82.3%。通过一系列的实验,该训练模型具有泛化好、准确率高、收敛速度快等优点。本文证明了改进的残差神经网络在covid-19诊断中的可行性。
{"title":"Research on chest x-ray image diagnosis of COVID-19 based on improved ResNet","authors":"J. Sun","doi":"10.1117/12.2667614","DOIUrl":"https://doi.org/10.1117/12.2667614","url":null,"abstract":"With the outbreak of covid-19 in 2020, timely and effective diagnosis and treatment of each covid-19 patient is particularly important. This paper combines the advantages of deep learning in image recognition, takes RESNET as the basic network framework, and carries out the experiment of improving the residual structure on this basis. It is tested on the open source new coronal chest radiograph data set, and the accuracy rate is 82.3%. Through a series of experiments, the training model has the advantages of good generalization, high accuracy and fast convergence. This paper proves the feasibility of the improved residual neural network in the diagnosis of covid-19.","PeriodicalId":128051,"journal":{"name":"Third International Seminar on Artificial Intelligence, Networking, and Information Technology","volume":"16 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2023-02-22","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"130481975","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 infrared small vehicle target detection method based on deep learning 一种基于深度学习的红外小型车辆目标检测方法
Xiaofeng Zhao, Yuting Xia, Mingyang Xu, wewen zhang, Jiahui Niu, Zhili Zhang
Infrared small vehicle target detection plays an important role in infrared search and tracking systems applications. The target detection methods based on deep learning are developing rapidly, but the existing approaches always perform poorly for the detection of small target. In this study, we propose an improved SSD(Single Shot MultiBox Detector) to improve the detection performance of infrared small targets from three aspects. First of all, we recommend using the stride convolution layer to replace the 3~6 maximum pooling layers in the original algorithm; second, design a shallow feature layer information enhancement module, semantically fusing the feature maps of the shallow feature layer and the deep feature layer, and using a new pyramid structure to detect the target; third, introducing residual unit and use the MSRA function to initialize the weights of the neurons in each layer at the beginning of training. To evaluate the Infrared-SSD proposed in this paper, the infrared vehicle data set created by this team was used to train and test the model. Experimental results show that Infrared-SSD has higher accuracy than the original SSD algorithm. For an input of 300pixel×300pixel, Infrared-SSD got a mAP(mean Average Precision) test score of 82.02%.
红外小型车辆目标检测在红外搜索跟踪系统中占有重要的地位。基于深度学习的目标检测方法发展迅速,但现有的方法在小目标检测方面表现不佳。在本研究中,我们提出了一种改进的SSD(Single Shot MultiBox Detector),从三个方面提高红外小目标的检测性能。首先,我们建议使用跨步卷积层代替原算法中的3~6个最大池化层;其次,设计浅层特征层信息增强模块,将浅层特征层和深层特征层的特征图进行语义融合,并采用新的金字塔结构对目标进行检测;第三,引入残差单元,在训练开始时使用MSRA函数初始化每层神经元的权值。为了对本文提出的红外固态硬盘进行评估,使用该团队创建的红外车辆数据集对模型进行训练和测试。实验结果表明,红外固态硬盘算法比原始固态硬盘算法具有更高的精度。对于输入300pixel×300pixel, Infrared-SSD的mAP(mean Average Precision)测试得分为82.02%。
{"title":"An infrared small vehicle target detection method based on deep learning","authors":"Xiaofeng Zhao, Yuting Xia, Mingyang Xu, wewen zhang, Jiahui Niu, Zhili Zhang","doi":"10.1117/12.2667313","DOIUrl":"https://doi.org/10.1117/12.2667313","url":null,"abstract":"Infrared small vehicle target detection plays an important role in infrared search and tracking systems applications. The target detection methods based on deep learning are developing rapidly, but the existing approaches always perform poorly for the detection of small target. In this study, we propose an improved SSD(Single Shot MultiBox Detector) to improve the detection performance of infrared small targets from three aspects. First of all, we recommend using the stride convolution layer to replace the 3~6 maximum pooling layers in the original algorithm; second, design a shallow feature layer information enhancement module, semantically fusing the feature maps of the shallow feature layer and the deep feature layer, and using a new pyramid structure to detect the target; third, introducing residual unit and use the MSRA function to initialize the weights of the neurons in each layer at the beginning of training. To evaluate the Infrared-SSD proposed in this paper, the infrared vehicle data set created by this team was used to train and test the model. Experimental results show that Infrared-SSD has higher accuracy than the original SSD algorithm. For an input of 300pixel×300pixel, Infrared-SSD got a mAP(mean Average Precision) test score of 82.02%.","PeriodicalId":128051,"journal":{"name":"Third International Seminar on Artificial Intelligence, Networking, and Information Technology","volume":"62 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2023-02-22","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"131714832","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
Flexible production line product research and development and manufacturing cloud platform based on intelligent data collaboration 基于智能数据协同的柔性生产线产品研发与制造云平台
Yanyin Xie, Rui Yang, Ruihan Hu, Lin Gan, Hualin Ke
This paper focuses on how to ensure the availability and effectiveness of massive cloud data for industrial robots in the flexible production line, address the technical challenge in building a massive data cloud platform for industrial robots, and resolve the engineering problem of cloud based industrial robot cloud service application. To achieve this purpose, research is conducted on industrial robot hybrid cloud platform architecture, network technology, industrial robot big data system, autonomous learning cloud data processing and other technologies, which provides support for cloud service applications. It is suggested to combine knowledge atlas, digital twins, deep neural network, migration learning and other artificial intelligence technologies, which is conducive to remote monitoring and fault diagnosis cloud service applications. This has been verified and promoted in the handling, polishing, stacking, welding, assembly and other robots in 3C, mold, household appliances, automobile, furniture, electronic equipment manufacturing and other industries.
本文重点研究如何保证柔性生产线中工业机器人海量云数据的可用性和有效性,解决构建工业机器人海量数据云平台的技术难题,解决基于云的工业机器人云服务应用的工程问题。为此,对工业机器人混合云平台架构、网络技术、工业机器人大数据系统、自主学习云数据处理等技术进行研究,为云服务应用提供支撑。建议结合知识图谱、数字孪生、深度神经网络、迁移学习等人工智能技术,有利于远程监控和故障诊断云服务应用。这在3C、模具、家电、汽车、家具、电子设备制造等行业的搬运、抛光、堆垛、焊接、装配等机器人中得到了验证和推广。
{"title":"Flexible production line product research and development and manufacturing cloud platform based on intelligent data collaboration","authors":"Yanyin Xie, Rui Yang, Ruihan Hu, Lin Gan, Hualin Ke","doi":"10.1117/12.2667215","DOIUrl":"https://doi.org/10.1117/12.2667215","url":null,"abstract":"This paper focuses on how to ensure the availability and effectiveness of massive cloud data for industrial robots in the flexible production line, address the technical challenge in building a massive data cloud platform for industrial robots, and resolve the engineering problem of cloud based industrial robot cloud service application. To achieve this purpose, research is conducted on industrial robot hybrid cloud platform architecture, network technology, industrial robot big data system, autonomous learning cloud data processing and other technologies, which provides support for cloud service applications. It is suggested to combine knowledge atlas, digital twins, deep neural network, migration learning and other artificial intelligence technologies, which is conducive to remote monitoring and fault diagnosis cloud service applications. This has been verified and promoted in the handling, polishing, stacking, welding, assembly and other robots in 3C, mold, household appliances, automobile, furniture, electronic equipment manufacturing and other industries.","PeriodicalId":128051,"journal":{"name":"Third International Seminar on Artificial Intelligence, Networking, and Information Technology","volume":"84 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2023-02-22","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"123623992","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
Emotion recognition research of eye-movement feature extraction classification network in online video learning environment 在线视频学习环境下眼动特征提取分类网络的情绪识别研究
Shengxi Liu, Ze-ping Li, Xiaomei Tao
With the rapid development of artificial intelligence technology, emotion recognition has been applied in all aspects of life, using eye movement tracking technology for emotion recognition has become an important branch of emotion computing. In order to explore the relationship between eye movement signals and learners' emotional states in the online video learning environment, we used machine learning and convolutional neural network methods to recognize eye movement signals, and classify learners' emotional states into two categories, positive and negative. The study of eye movement data under different time windows mainly includes four stages: data collection, data preprocessing, classifier modeling, training and testing. In this paper, a Eye-movement Feature Extraction Classification Network(EFECN) based on convolutional neural network is proposed for small sample data and the classification of emotion state based on eye movement. The eye movement data were transformed into images through cross-modal conversion as input of multiple different deep convolutional neural networks, and the emotional states were classified in positive and negative directions. The accuracy was used as the evaluation index to evaluate and compare the different models. The accuracy of the eye movement emotion recognition model reached 72% in the SVM model and 91.62% in the EFECN model. Experimental results show that the convolutional neural network based on deep learning has a significant improvement in recognition accuracy compared with traditional machine learning methods.
随着人工智能技术的飞速发展,情绪识别已经应用于生活的方方面面,利用眼动追踪技术进行情绪识别已经成为情绪计算的一个重要分支。为了探索在线视频学习环境下眼动信号与学习者情绪状态之间的关系,我们使用机器学习和卷积神经网络方法对眼动信号进行识别,并将学习者的情绪状态分为积极和消极两类。不同时间窗下眼动数据的研究主要包括数据采集、数据预处理、分类器建模、训练和测试四个阶段。本文针对小样本数据和基于眼动的情绪状态分类,提出了一种基于卷积神经网络的眼动特征提取分类网络(EFECN)。将眼动数据作为多个不同深度卷积神经网络的输入,通过交叉模态转换转化为图像,并将情绪状态分为正、负两个方向进行分类。以精度为评价指标,对不同模型进行评价和比较。在SVM模型和EFECN模型中,眼动情绪识别模型的准确率分别达到72%和91.62%。实验结果表明,与传统机器学习方法相比,基于深度学习的卷积神经网络在识别精度上有显著提高。
{"title":"Emotion recognition research of eye-movement feature extraction classification network in online video learning environment","authors":"Shengxi Liu, Ze-ping Li, Xiaomei Tao","doi":"10.1117/12.2667404","DOIUrl":"https://doi.org/10.1117/12.2667404","url":null,"abstract":"With the rapid development of artificial intelligence technology, emotion recognition has been applied in all aspects of life, using eye movement tracking technology for emotion recognition has become an important branch of emotion computing. In order to explore the relationship between eye movement signals and learners' emotional states in the online video learning environment, we used machine learning and convolutional neural network methods to recognize eye movement signals, and classify learners' emotional states into two categories, positive and negative. The study of eye movement data under different time windows mainly includes four stages: data collection, data preprocessing, classifier modeling, training and testing. In this paper, a Eye-movement Feature Extraction Classification Network(EFECN) based on convolutional neural network is proposed for small sample data and the classification of emotion state based on eye movement. The eye movement data were transformed into images through cross-modal conversion as input of multiple different deep convolutional neural networks, and the emotional states were classified in positive and negative directions. The accuracy was used as the evaluation index to evaluate and compare the different models. The accuracy of the eye movement emotion recognition model reached 72% in the SVM model and 91.62% in the EFECN model. Experimental results show that the convolutional neural network based on deep learning has a significant improvement in recognition accuracy compared with traditional machine learning methods.","PeriodicalId":128051,"journal":{"name":"Third International Seminar on Artificial Intelligence, Networking, and Information Technology","volume":"09 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2023-02-22","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"124536872","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
Automatic keyword extraction based on dependency parsing and BERT semantic weighting 基于依赖解析和BERT语义加权的自动关键字提取
Huixin Liu
It's hard for the classic TextRank algorithm to differentiate the degree of association between candidate keyword nodes. Furthermore, it readily ignores the long-distance syntactic relations and topic semantic information between words while extracting keywords from a document. For the purpose of solving this problem, we propose an improved TextRank algorithm utilizing lexical, grammatical, and semantic features to find objective keywords from Chinese academic text. Firstly, we construct the word graph of candidate keywords after text preprocessing. Secondly, we integrate multidimensional features of candidate words into the primary calculation of the transition probability matrix. In this regard, our approach mines the full text to extract a collection of grammatical and morphological features (such as part-of-speech, word position, long-distance dependencies, and distinguished BERT dynamic semantic information). By introducing the dependency syntax of long sentences, the algorithm's ability to identify low-frequency topic keywords is obviously promotional. In addition, the external semantic information is designed to be imported through the word embedding model. A merged feature-based matrix is then employed to calculate the influence of all candidate keyword nodes with the iterative formula of PageRank. Namely, we attain a set of satisfactory keywords by ranking candidate nodes according to their comprehensive influence scores and selecting the ultimate top N keywords. This paper utilizes public data sets to verify the effectiveness of the proposed algorithm. Our approach achieves comparable f-scores with a 5.5% improvement (4 keywords) over the classic. The experimental results demonstrate that our approach can expand the degree of association differentiation between nodes better by mining synthetic long text features. Besides, the results also show that the proposed algorithm is more promising and its extraction effect is more robust than previously studied ensemble methods.
经典的TextRank算法很难区分候选关键字节点之间的关联程度。此外,在从文档中提取关键词时,容易忽略词之间的远距离句法关系和主题语义信息。为了解决这一问题,我们提出了一种改进的TextRank算法,利用词汇、语法和语义特征从中文学术文本中寻找客观关键词。首先,对文本进行预处理,构建候选关键词词图;其次,将候选词的多维特征整合到转移概率矩阵的初步计算中;在这方面,我们的方法挖掘全文以提取语法和形态学特征的集合(如词性、词位置、远程依赖关系和区分的BERT动态语义信息)。通过引入长句的依赖句法,该算法对低频主题词的识别能力得到明显提升。此外,还设计了外部语义信息通过词嵌入模型导入。然后利用基于特征的合并矩阵,利用PageRank的迭代公式计算所有候选关键字节点的影响。即根据候选节点的综合影响力得分对其进行排序,并选择最终的前N个关键词,从而获得一组满意的关键词。本文利用公共数据集验证了所提算法的有效性。我们的方法比经典方法获得了5.5%的改进(4个关键字)。实验结果表明,该方法通过挖掘合成长文本特征,可以更好地扩展节点间的关联分化程度。此外,实验结果还表明,该算法具有较好的应用前景,其提取效果比已有的集成方法具有更好的鲁棒性。
{"title":"Automatic keyword extraction based on dependency parsing and BERT semantic weighting","authors":"Huixin Liu","doi":"10.1117/12.2667242","DOIUrl":"https://doi.org/10.1117/12.2667242","url":null,"abstract":"It's hard for the classic TextRank algorithm to differentiate the degree of association between candidate keyword nodes. Furthermore, it readily ignores the long-distance syntactic relations and topic semantic information between words while extracting keywords from a document. For the purpose of solving this problem, we propose an improved TextRank algorithm utilizing lexical, grammatical, and semantic features to find objective keywords from Chinese academic text. Firstly, we construct the word graph of candidate keywords after text preprocessing. Secondly, we integrate multidimensional features of candidate words into the primary calculation of the transition probability matrix. In this regard, our approach mines the full text to extract a collection of grammatical and morphological features (such as part-of-speech, word position, long-distance dependencies, and distinguished BERT dynamic semantic information). By introducing the dependency syntax of long sentences, the algorithm's ability to identify low-frequency topic keywords is obviously promotional. In addition, the external semantic information is designed to be imported through the word embedding model. A merged feature-based matrix is then employed to calculate the influence of all candidate keyword nodes with the iterative formula of PageRank. Namely, we attain a set of satisfactory keywords by ranking candidate nodes according to their comprehensive influence scores and selecting the ultimate top N keywords. This paper utilizes public data sets to verify the effectiveness of the proposed algorithm. Our approach achieves comparable f-scores with a 5.5% improvement (4 keywords) over the classic. The experimental results demonstrate that our approach can expand the degree of association differentiation between nodes better by mining synthetic long text features. Besides, the results also show that the proposed algorithm is more promising and its extraction effect is more robust than previously studied ensemble methods.","PeriodicalId":128051,"journal":{"name":"Third International Seminar on Artificial Intelligence, Networking, and Information Technology","volume":"4 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2023-02-22","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"125486985","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 efficient differential privacy federated learning scheme with optimal adaptive client number K 具有最优自适应客户数K的高效差分隐私联邦学习方案
Jian Wang, Mengwei Zhang
Federated Learning (FL) protects users’ privacy by only uploading the training result instead of gathering all the private data. However, achieving the desired model performance often requires a large number of iterations of parameter transfer between client and central server. Currently, selecting a fixed number of clients to participate in training can slightly reduce the communication overhead during model training, but ignore the impact on model training accuracy. In this paper, we propose an adaptive chosen client number K scheme, which can give a better tradeoff between accuracy and cost. Firstly, through experiments, we find that increasing extracted clients’ number K can reduce iterations’ number T, but after K increases to a certain extent (𝐾1), T will no longer reduce significantly. Similarly, increasing K can further improve the accuracy of model training, but K is large enough (𝐾2 ≥ 𝐾1), the accuracy will also no more be improved remarkably. Thus, [𝐾1,𝐾2] is the optimal range. Secondly, we conduct experiments on different datasets with different number of clients, and find that the optimal client’s number growth rate q’ for different conditions is 0.02. According to the experimental results, we set the initial K to be 𝐾1 for the optimal T, when the model update magnitude in two adjacent iterations is less than a threshold, the number of clients participating in training will increase by q’ to speed up the convergence until K reaches K2, otherwise it will remain unchanged. Finally, we use our algorithm to improve present FL algorithms. Through experiments, we demonstrate that our algorithm is suitable for existing differential private FL algorithms.
联邦学习(FL)通过只上传训练结果而不是收集所有的私人数据来保护用户的隐私。然而,实现所需的模型性能通常需要在客户机和中央服务器之间进行大量的参数传输迭代。目前,选择固定数量的客户端参与训练可以略微减少模型训练时的通信开销,但忽略了对模型训练精度的影响。在本文中,我们提出了一种自适应的选择客户端数K方案,该方案可以更好地在精度和成本之间进行权衡。首先,通过实验,我们发现增加提取的客户端K可以减少迭代次数T,但K增加到一定程度后(𝐾1),T不再明显减少。同样,增加K可以进一步提高模型训练的准确率,但K足够大(𝐾2≥𝐾1),准确率也不会再得到显著提高。因此,[𝐾1,𝐾2]为最优范围。其次,我们在不同客户数量的不同数据集上进行实验,发现不同条件下的最优客户数量增长率q '为0.02。根据实验结果,我们将最优T的初始K设为𝐾1,当相邻两次迭代的模型更新幅度小于某个阈值时,参与训练的客户端数量将增加q '以加快收敛速度,直到K达到K2,否则保持不变。最后,我们使用我们的算法来改进现有的FL算法。通过实验,我们证明了我们的算法适用于现有的微分私有FL算法。
{"title":"An efficient differential privacy federated learning scheme with optimal adaptive client number K","authors":"Jian Wang, Mengwei Zhang","doi":"10.1117/12.2667280","DOIUrl":"https://doi.org/10.1117/12.2667280","url":null,"abstract":"Federated Learning (FL) protects users’ privacy by only uploading the training result instead of gathering all the private data. However, achieving the desired model performance often requires a large number of iterations of parameter transfer between client and central server. Currently, selecting a fixed number of clients to participate in training can slightly reduce the communication overhead during model training, but ignore the impact on model training accuracy. In this paper, we propose an adaptive chosen client number K scheme, which can give a better tradeoff between accuracy and cost. Firstly, through experiments, we find that increasing extracted clients’ number K can reduce iterations’ number T, but after K increases to a certain extent (𝐾1), T will no longer reduce significantly. Similarly, increasing K can further improve the accuracy of model training, but K is large enough (𝐾2 ≥ 𝐾1), the accuracy will also no more be improved remarkably. Thus, [𝐾1,𝐾2] is the optimal range. Secondly, we conduct experiments on different datasets with different number of clients, and find that the optimal client’s number growth rate q’ for different conditions is 0.02. According to the experimental results, we set the initial K to be 𝐾1 for the optimal T, when the model update magnitude in two adjacent iterations is less than a threshold, the number of clients participating in training will increase by q’ to speed up the convergence until K reaches K2, otherwise it will remain unchanged. Finally, we use our algorithm to improve present FL algorithms. Through experiments, we demonstrate that our algorithm is suitable for existing differential private FL algorithms.","PeriodicalId":128051,"journal":{"name":"Third International Seminar on Artificial Intelligence, Networking, and Information Technology","volume":"122 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2023-02-22","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"117313955","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
期刊
Third International Seminar on Artificial Intelligence, Networking, and Information Technology
全部 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