期刊文献+
共找到13篇文章
< 1 >
每页显示 20 50 100
基于CNN和BiLSTM的短文本相似度计算方法 被引量:14
1
作者 郭浩 许伟 +1 位作者 卢凯 唐球 《信息技术与网络安全》 2019年第6期61-64,68,共5页
文本语义相似度学习在自然语言处理领域扮演着重要角色。传统的基于统计学习的方法只能对句子的浅层语义进行建模,在深层语义上效果表现不佳。针对统计学习方法无法有效解决深层语义的问题,提出一种基于卷积神经网络(Convolutional Neur... 文本语义相似度学习在自然语言处理领域扮演着重要角色。传统的基于统计学习的方法只能对句子的浅层语义进行建模,在深层语义上效果表现不佳。针对统计学习方法无法有效解决深层语义的问题,提出一种基于卷积神经网络(Convolutional Neural Networks,CNN)和双向长短期记忆(Bidirectional Long Short Term Memory,BiLSTM)相结合的短文本相似度计算方法,利用CNN与BiLSTM相结合的孪生神经网络结构提取句子不同粒度的特征,对句子进行深层语义编码。此外,结合attention机制将提取到的单词级别的特征组合拼接成句子的语义向量表示,最后通过匹配层来判断文本的语义相似度。实验结果表明,基于Quora Questions Pairs数据集,所提出的短文本相似度计算方法准确率为84.58%, F1值为85.02%,优于其他方法。 展开更多
关键词 语义相似度 CNN BiLSTM attention机制
下载PDF
结合3D-CNN和频-空注意力机制的EEG情感识别 被引量:9
2
作者 张静 张雪英 +1 位作者 陈桂军 闫超 《西安电子科技大学学报》 EI CAS CSCD 北大核心 2022年第3期191-198,205,共9页
目前,将深度学习用于脑电情感识别的研究已提出很多方法,但大多数方法并没有同时考虑脑电信号在时间、空间以及频率三个维度上的信息。基于此,提出一种结合频率-空间注意力机制的三维卷积神经网络(FSA-3D-CNN),同时考虑脑电信号在时间... 目前,将深度学习用于脑电情感识别的研究已提出很多方法,但大多数方法并没有同时考虑脑电信号在时间、空间以及频率三个维度上的信息。基于此,提出一种结合频率-空间注意力机制的三维卷积神经网络(FSA-3D-CNN),同时考虑脑电信号在时间、空间和频率三个维度的信息,从而提高情感识别的准确性。首先,根据脑电信号的特性设计了一种新颖的四维特征结构,对时域分段后的脑电信号分别提取微分熵特征,并将其转换为四维矩阵用于训练深度模型。然后,针对四维特征矩阵结构改进现有的3D-CNN情感识别模型,同时利用脑电信号中的时间、空间和频率的信息。最后,设计一种频率-空间注意力机制自适应地分配脑电信号的频率和空间通道的权值,挖掘脑电信号中更能显著反映情感状态变化的空间和频率信息。FSA-3D-CNN模型在DEAP公共情感数据集的效价维和唤醒维二分类准确率分别达到了约95.87%和95.23%,在效价-唤醒维的四分类准确率达到约94.53%,比现有的卷积神经网络和LSTM情感识别模型均取得了显著的提升。 展开更多
关键词 脑电信号 情感识别 微分熵 深度学习 注意力机制
下载PDF
An Intelligent Sensor Data Preprocessing Method for OCT Fundus Image Watermarking Using an RCNN 被引量:1
3
作者 Jialun Lin Qiong Chen 《Computer Modeling in Engineering & Sciences》 SCIE EI 2024年第2期1549-1561,共13页
Watermarks can provide reliable and secure copyright protection for optical coherence tomography(OCT)fundus images.The effective image segmentation is helpful for promoting OCT image watermarking.However,OCT images ha... Watermarks can provide reliable and secure copyright protection for optical coherence tomography(OCT)fundus images.The effective image segmentation is helpful for promoting OCT image watermarking.However,OCT images have a large amount of low-quality data,which seriously affects the performance of segmentationmethods.Therefore,this paper proposes an effective segmentation method for OCT fundus image watermarking using a rough convolutional neural network(RCNN).First,the rough-set-based feature discretization module is designed to preprocess the input data.Second,a dual attention mechanism for feature channels and spatial regions in the CNN is added to enable the model to adaptively select important information for fusion.Finally,the refinement module for enhancing the extraction power of multi-scale information is added to improve the edge accuracy in segmentation.RCNN is compared with CE-Net and MultiResUNet on 83 gold standard 3D retinal OCT data samples.The average dice similarly coefficient(DSC)obtained by RCNN is 6%higher than that of CE-Net.The average 95 percent Hausdorff distance(95HD)and average symmetric surface distance(ASD)obtained by RCNN are 32.4%and 33.3%lower than those of MultiResUNet,respectively.We also evaluate the effect of feature discretization,as well as analyze the initial learning rate of RCNN and conduct ablation experiments with the four different models.The experimental results indicate that our method can improve the segmentation accuracy of OCT fundus images,providing strong support for its application in medical image watermarking. 展开更多
关键词 Watermarks image segmentation rough convolutional neural network attentionmechanism feature discretization
下载PDF
基于注意力机制的CNN-BiGRU模型预测风力发电功率
4
作者 巩冠华 娄柯 +1 位作者 尹杰 李冬玉 《安徽工程大学学报》 CAS 2024年第2期47-54,共8页
风能作为清洁能源,在新能源领域深受重视,但由于风力发电不稳定的出力情况制约着其应用和发展,预测其下一阶段工作功率可以有效提高能源的利用,降低系统维护难度。基于风电场的历史时序数据、风速和叶片桨距角数据,针对风电场的短期功... 风能作为清洁能源,在新能源领域深受重视,但由于风力发电不稳定的出力情况制约着其应用和发展,预测其下一阶段工作功率可以有效提高能源的利用,降低系统维护难度。基于风电场的历史时序数据、风速和叶片桨距角数据,针对风电场的短期功率预测提出一种基于注意力机制的卷积神经网络(CNN)和双向门控制循环单元(BiGRU)的融合模型(CNN-BiGRU-AM)。首先通过CNN提取数据的空间特征,再将其所获取的特征传递到BiGRU,通过BiGRU学习时间特征,最后通过注意力机制捕获两个模型输出的关键时空特征,通过训练后的参数建立模型,将数值气象预报(NWP)的风速等数据输入模型中,输出所需求的风力发电功率预测结果。输出的风力发电功率预测结果由平均绝对误差(MAE)和均方根误差(RMSE)来评估模型预测的精度,并将多个经典模型、不加注意力机制的融合模型、不同位置引入注意力机制的融合模型和此模型预测效果进行对比,结果显示本文所提出的模型精度更高更稳定。 展开更多
关键词 注意力机制 卷积神经网络 双向门控循环单元 数值气象预报
下载PDF
Early fire detection technology based on improved transformers in aircraft cargo compartments
5
作者 Hongzhou Ai Dong Han +4 位作者 Xinzhi Wang Quanyi Liu Yue Wang Mengyue Li Pei Zhu 《Journal of Safety Science and Resilience》 EI CSCD 2024年第2期194-203,共10页
The implementation of early and accurate detection of aircraft cargo compartment fire is of great significance to ensure flight safety.The current airborne fire detection technology mostly relies on single-parameter s... The implementation of early and accurate detection of aircraft cargo compartment fire is of great significance to ensure flight safety.The current airborne fire detection technology mostly relies on single-parameter smoke detection using infrared light.This often results in a high false alarm rate in complex air transportation envi-ronments.The traditional deep learning model struggles to effectively address the issue of long-term dependency in multivariate fire information.This paper proposes a multi-technology collaborative fire detection method based on an improved transformers model.Dual-wavelength optical sensors,flue gas analyzers,and other equipment are used to carry out multi-technology collaborative detection methods and characterize various feature dimensions of fire to improve detection accuracy.The improved Transformer model which integrates the self-attention mechanism and position encoding mechanism is applied to the problem of long-time series modeling of fire information from a global perspective,which effectively solves the problem of gradient disappearance and gradient explosion in traditional RNN(recurrent neural network)and CNN(convolutional neural network).Two different multi-head self-attention mechanisms are used to classify and model multivariate fire information,respectively,which solves the problem of confusing time series modeling and classification modeling in dealing with multivariate classification tasks by a single attention mechanism.Finally,the output results of the two models are fused through the gate mechanism.The research results show that,compared with the traditional single-feature detection technology,the multi-technology collaborative fire detection method can better capture fire information.Compared with the traditional deep learning model,the multivariate fire pre-diction model constructed by the improved Transformer can better detect fires,and the accuracy rate is 0.995. 展开更多
关键词 Deep learning Aircraft cargo compartment attentionmechanism Firedetection Multi-sourcedata fusion
原文传递
移窗自注意力与卷积融合的医学图像分割网络
6
作者 郑言瑞 张淑军 王鸿雁 《计算机仿真》 2024年第2期261-267,288,共8页
医学图像分割是临床诊疗中的关键技术,为疾病诊断提供可靠依据。由于病灶或器官等区域尺度不一、小目标难以辨识,且边界信息较弱,容易导致过分割或欠分割问题。提出一种移窗自注意力与卷积融合的医学图像分割网络STrongUNet,使用卷积提... 医学图像分割是临床诊疗中的关键技术,为疾病诊断提供可靠依据。由于病灶或器官等区域尺度不一、小目标难以辨识,且边界信息较弱,容易导致过分割或欠分割问题。提出一种移窗自注意力与卷积融合的医学图像分割网络STrongUNet,使用卷积提取浅层特征,小感受野获得细粒度信息;通过移窗自注意力机制对局部信息进行增强提取,解决长距离依赖问题;编码器和解码器结构对称,并用两种跳跃连接方式融合高级和低级特征,实现多尺度融合的精准分割。在多器官分割数据集Synapse上的实验表明,在Dice相似系数(DSC)和Hausdorff距离(HD)评估度量上至少提高了1.94%和4.99%。 展开更多
关键词 医学图像分割 编解码网络 卷积神经网络 注意力机制
下载PDF
用于基于方面情感分析的RCNN-BGRU-HN网络模型 被引量:4
7
作者 孙中锋 王静 《计算机科学》 CSCD 北大核心 2019年第9期223-228,共6页
针对一般神经网络模型在处理基于方面情感分析任务中存在的句子间相互联系少以及单词之间的语义信息获取有限等问题,文中提出了一种新型结构的深度学习网络模型。该模型通过区域卷积神经网络(RCNN)可以很好地保留评论文本中句子的时序关... 针对一般神经网络模型在处理基于方面情感分析任务中存在的句子间相互联系少以及单词之间的语义信息获取有限等问题,文中提出了一种新型结构的深度学习网络模型。该模型通过区域卷积神经网络(RCNN)可以很好地保留评论文本中句子的时序关系,同时结合双向门控循环单元(BGRU)可以大大降低模型训练的时间代价。此外,加入的高速公路网络(HN)使得该模型能够捕获更多单词间的语义信息;利用注意力机制来分配网络结构中特定方面的权重,可以有效获取特定方面在整个评论文本中的长距离依赖关系。该模型可以进行端到端的训练,在不同的数据集上取得了比现有网络模型更好的分类效果。 展开更多
关键词 深度学习 基于方面情感分析 卷积神经网络 双向门控循环单元 高速公路网络 注意力机制
下载PDF
TO–YOLOX: a pure CNN tiny object detection model for remotesensing images
8
作者 Zhe Chen Yuan Liang +10 位作者 Zhengbo Yu Ke Xu Qingyun Ji Xueqi Zhang Quanping Zhang Zijia Cui Ziqiong He Ruichun Chang Zhongchang Sun Keyan Xiao Huadong Guo 《International Journal of Digital Earth》 SCIE EI 2023年第1期3882-3904,共23页
Remote sensing and deep learning are being widely combined in tasks such as urban planning and disaster prevention.However,due to interference occasioned by density,overlap,and coverage,the tiny object detection in re... Remote sensing and deep learning are being widely combined in tasks such as urban planning and disaster prevention.However,due to interference occasioned by density,overlap,and coverage,the tiny object detection in remote sensing images has always been a difficult problem.Therefore,we propose a novel TO–YOLOX(Tiny Object–You Only Look Once)model.TO–YOLOX possesses a MiSo(Multiple-in-Singleout)feature fusion structure,which exhibits a spatial-shift structure,and the model balances positive and negative samples and enhances the information interaction pertaining to the local patch of remote sensing images.TO–YOLOX utilizes an adaptive IOU-T(Intersection Over Uni-Tiny)loss to enhance the localization accuracy of tiny objects,and it applies attention mechanism Group-CBAM(group-convolutional block attention module)to enhance the perception of tiny objects in remote sensing images.To verify the effectiveness and efficiency of TO–YOLOX,we utilized three aerial-photography tiny object detection datasets,namely VisDrone2021,Tiny Person,and DOTA–HBB,and the following mean average precision(mAP)values were recorded,respectively:45.31%(+10.03%),28.9%(+9.36%),and 63.02%(+9.62%).With respect to recognizing tiny objects,TO–YOLOX exhibits a stronger ability compared with Faster R-CNN,RetinaNet,YOLOv5,YOLOv6,YOLOv7,and YOLOX,and the proposed model exhibits fast computation. 展开更多
关键词 Tiny object detection TO-YOLOX remote sensing image deep learning attentionmechanism
原文传递
Image Emotion Classification Network Based on Multilayer Attentional Interaction,Adaptive Feature Aggregation
9
作者 Xiaorui Zhang Chunlin Yuan +1 位作者 Wei Sun Sunil Kumar Jha 《Computers, Materials & Continua》 SCIE EI 2023年第5期4273-4291,共19页
The image emotion classification task aims to use the model to automatically predict the emotional response of people when they see the image.Studies have shown that certain local regions are more likely to inspire an... The image emotion classification task aims to use the model to automatically predict the emotional response of people when they see the image.Studies have shown that certain local regions are more likely to inspire an emotional response than the whole image.However,existing methods perform poorly in predicting the details of emotional regions and are prone to overfitting during training due to the small size of the dataset.Therefore,this study proposes an image emotion classification network based on multilayer attentional interaction and adaptive feature aggregation.To perform more accurate emotional region prediction,this study designs a multilayer attentional interaction module.The module calculates spatial attention maps for higher-layer semantic features and fusion features through amultilayer shuffle attention module.Through layer-by-layer up-sampling and gating operations,the higher-layer features guide the lower-layer features to learn,eventually achieving sentiment region prediction at the optimal scale.To complement the important information lost by layer-by-layer fusion,this study not only adds an intra-layer fusion to the multilayer attention interaction module but also designs an adaptive feature aggregation module.The module uses global average pooling to compress spatial information and connect channel information from all layers.Then,the module adaptively generates a set of aggregated weights through two fully connected layers to augment the original features of each layer.Eventually,the semantics and details of the different layers are aggregated through gating operations and residual connectivity to complement the lost information.To reduce overfitting on small datasets,the network is pre-trained on the FI dataset,and further weight fine-tuning is performed on the small dataset.The experimental results on the FI,Twitter I and Emotion ROI(Region of Interest)datasets show that the proposed network exceeds existing image emotion classification methods,with accuracies of 90.27%,84.66%and 84.96%. 展开更多
关键词 attentionmechanism emotional region prediction image emotion classification transfer learning
下载PDF
基于卷积神经网络的推荐模型研究 被引量:2
10
作者 刘展宁 宫义山 《长江信息通信》 2022年第2期53-55,共3页
在网络购物平台中,评论信息是用户做出在线购买决策的主要依据。然而评论包含大量信息,其重要程度是不一样的。无用的评论会影响推荐系统的性能,对用户的参考意义也较小。文章提出一种基于评论的推荐模型,该模型在用户和商品两个维度并... 在网络购物平台中,评论信息是用户做出在线购买决策的主要依据。然而评论包含大量信息,其重要程度是不一样的。无用的评论会影响推荐系统的性能,对用户的参考意义也较小。文章提出一种基于评论的推荐模型,该模型在用户和商品两个维度并行建模,利用卷积神经网络提取评论特征,并引入注意力机制来探索评论的有用性。在Amazon不同的子数据集上的大量实验表明,通过考虑评论有用性,所提出的模型在评分预测方面始终优于包括PMF、NMF、SVD++、HFT和DeepCoNN在内的推荐模型。 展开更多
关键词 推荐模型 文本评论 卷积神经网络 LFM 注意力机制
下载PDF
基于卷积神经网络和自注意力机制的文本分类模型 被引量:25
11
作者 汪嘉伟 杨煦晨 +2 位作者 琚生根 袁宵 谢正文 《四川大学学报(自然科学版)》 CAS CSCD 北大核心 2020年第3期469-475,共7页
单词级别的浅层卷积神经网络(CNN)模型在文本分类任务上取得了良好的表现.然而,浅层CNN模型由于无法捕捉长距离依赖关系,影响了模型在文本分类任务上的效果.简单地加深模型层数并不能提升模型的效果.本文提出一种新的单词级别的文本分... 单词级别的浅层卷积神经网络(CNN)模型在文本分类任务上取得了良好的表现.然而,浅层CNN模型由于无法捕捉长距离依赖关系,影响了模型在文本分类任务上的效果.简单地加深模型层数并不能提升模型的效果.本文提出一种新的单词级别的文本分类模型Word-CNN-Att,该模型使用CNN捕捉局部特征和位置信息,利用自注意力机制捕捉长距离依赖.在AGNews、DBPedia、Yelp Review Polarity、Yelp Review Full、Yahoo! Answers等5个公开的数据集上,Word-CNN-Att比单词级别的浅层CNN模型的准确率分别提高了0.9%、0.2%、0.5%、2.1%、2.0%. 展开更多
关键词 文本分类 卷积神经网络 自注意力机制 长距离依赖
下载PDF
基于双注意力残差循环单幅图像去雨集成网络 被引量:7
12
作者 张学锋 李金晶 《软件学报》 EI CSCD 北大核心 2021年第10期3283-3292,共10页
降雨会严重降低拍摄图像质量和影响户外视觉任务.由于不同图像中,雨的形状、方向和密度不同,导致单幅图像去雨是一项困难的任务.提出一种新的基于双注意力的残差循环单幅图像去雨集成网络(简称RDARENet).在网络中,因为上下文的信息对于... 降雨会严重降低拍摄图像质量和影响户外视觉任务.由于不同图像中,雨的形状、方向和密度不同,导致单幅图像去雨是一项困难的任务.提出一种新的基于双注意力的残差循环单幅图像去雨集成网络(简称RDARENet).在网络中,因为上下文的信息对于去除雨痕十分重要,所以首先采用多尺度的扩张卷积网络去获得更大的感受野.雨痕信息可以认为是多个雨层特征的叠加,为了更好地提取雨痕的特征和恢复背景图层信息,运用了通道和空间注意力机制的残差网络.通道注意力能够反映不同雨层的权重,而空间注意力则通过相邻空间特征之间的关系增强区域的表征.随着网络的加深,防止低层信息的丢失,采用级联的残差网络和长短时间记忆网络,将低层特征信息传递到高层中去,逐阶段地去除雨痕.在网络的输出部分,采用集成学习的方式,将每个阶段的输出结果通过门控网络加权相加,得到最终的无雨图像.实验结果表明,去雨和恢复纹理细节的效果都得到较大提升. 展开更多
关键词 单幅图像去雨 双注意力机制 残差网络 门控网络
下载PDF
基于加法网络和自注意力机制的OSA检测方法
13
作者 郑雅纯 郑和裕 林美娜 《自动化与信息工程》 2021年第6期43-48,共6页
为实现准确率高且计算复杂度低的阻塞性睡眠呼吸暂停(OSA)检测,根据血氧饱和度(SpO_(2))提出一种基于加法网络和自注意力机制的OSA检测方法。该方法引入加法网络用于SpO_(2)的特征提取,以降低计算复杂度;采用自注意力机制调整采样点间... 为实现准确率高且计算复杂度低的阻塞性睡眠呼吸暂停(OSA)检测,根据血氧饱和度(SpO_(2))提出一种基于加法网络和自注意力机制的OSA检测方法。该方法引入加法网络用于SpO_(2)的特征提取,以降低计算复杂度;采用自注意力机制调整采样点间的特征权重,以提高检测精度。在数据集Apnea-ECG上实现了敏感性94.56%、特异性96.91%的检测性能,且浮点运算数量为2.88K FLOPs,比卷积操作减小了40%。实验结果表明:该方法在获得较高检测精度的同时,可以保持较低的计算复杂度。 展开更多
关键词 血氧饱和度 阻塞性睡眠呼吸暂停检测 加法网络 自注意力机制
下载PDF
上一页 1 下一页 到第
使用帮助 返回顶部