期刊文献+
共找到697篇文章
< 1 2 35 >
每页显示 20 50 100
Long Text Classification Algorithm Using a Hybrid Model of Bidirectional Encoder Representation from Transformers-Hierarchical Attention Networks-Dilated Convolutions Network 被引量:1
1
作者 赵媛媛 高世宁 +1 位作者 刘洋 宫晓蕙 《Journal of Donghua University(English Edition)》 CAS 2021年第4期341-350,共10页
Text format information is full of most of the resources of Internet,which puts forward higher and higher requirements for the accuracy of text classification.Therefore,in this manuscript,firstly,we design a hybrid mo... Text format information is full of most of the resources of Internet,which puts forward higher and higher requirements for the accuracy of text classification.Therefore,in this manuscript,firstly,we design a hybrid model of bidirectional encoder representation from transformers-hierarchical attention networks-dilated convolutions networks(BERT_HAN_DCN)which based on BERT pre-trained model with superior ability of extracting characteristic.The advantages of HAN model and DCN model are taken into account which can help gain abundant semantic information,fusing context semantic features and hierarchical characteristics.Secondly,the traditional softmax algorithm increases the learning difficulty of the same kind of samples,making it more difficult to distinguish similar features.Based on this,AM-softmax is introduced to replace the traditional softmax.Finally,the fused model is validated,which shows superior performance in the accuracy rate and F1-score of this hybrid model on two datasets and the experimental analysis shows the general single models such as HAN,DCN,based on BERT pre-trained model.Besides,the improved AM-softmax network model is superior to the general softmax network model. 展开更多
关键词 long text classification dilated convolution BERT fusing context semantic features hierarchical characteristics BERT_HAN_DCN AM-softmax
下载PDF
Advanced Face Mask Detection Model Using Hybrid Dilation Convolution Based Method 被引量:1
2
作者 Shaohan Wang Xiangyu Wang Xin Guo 《Journal of Software Engineering and Applications》 2023年第1期1-19,共19页
A face-mask object detection model incorporating hybrid dilation convolutional network termed ResNet Hybrid-dilation-convolution Face-mask-detector (RHF) is proposed in this paper. Furthermore, a lightweight face-mask... A face-mask object detection model incorporating hybrid dilation convolutional network termed ResNet Hybrid-dilation-convolution Face-mask-detector (RHF) is proposed in this paper. Furthermore, a lightweight face-mask dataset named Light Masked Face Dataset (LMFD) and a medium-sized face-mask dataset named Masked Face Dataset (MFD) with data augmentation methods applied is also constructed in this paper. The hybrid dilation convolutional network is able to expand the perception of the convolutional kernel without concern about the discontinuity of image information during the convolution process. For the given two datasets being constructed above, the trained models are significantly optimized in terms of detection performance, training time, and other related metrics. By using the MFD dataset of 55,905 images, the RHF model requires roughly 10 hours less training time compared to ResNet50 with better detection results with mAP of 93.45%. 展开更多
关键词 Face Mask Detection Object Detection Hybrid dilation convolution Computer Vision
下载PDF
DcNet: Dilated Convolutional Neural Networks for Side-Scan Sonar Image Semantic Segmentation 被引量:2
3
作者 ZHAO Xiaohong QIN Rixia +3 位作者 ZHANG Qilei YU Fei WANG Qi HE Bo 《Journal of Ocean University of China》 SCIE CAS CSCD 2021年第5期1089-1096,共8页
In ocean explorations,side-scan sonar(SSS)plays a very important role and can quickly depict seabed topography.As-sembling the SSS to an autonomous underwater vehicle(AUV)and performing semantic segmentation of an SSS... In ocean explorations,side-scan sonar(SSS)plays a very important role and can quickly depict seabed topography.As-sembling the SSS to an autonomous underwater vehicle(AUV)and performing semantic segmentation of an SSS image in real time can realize online submarine geomorphology or target recognition,which is conducive to submarine detection.However,because of the complexity of the marine environment,various noises in the ocean pollute the sonar image,which also encounters the intensity inhomogeneity problem.In this paper,we propose a novel neural network architecture named dilated convolutional neural network(DcNet)that can run in real time while addressing the above-mentioned issues and providing accurate semantic segmentation.The proposed architecture presents an encoder-decoder network to gradually reduce the spatial dimension of the input image and recover the details of the target,respectively.The core of our network is a novel block connection named DCblock,which mainly uses dilated convolution and depthwise separable convolution between the encoder and decoder to attain more context while still retaining high accuracy.Furthermore,our proposed method performs a super-resolution reconstruction to enlarge the dataset with high-quality im-ages.We compared our network to other common semantic segmentation networks performed on an NVIDIA Jetson TX2 using our sonar image datasets.Experimental results show that while the inference speed of the proposed network significantly outperforms state-of-the-art architectures,the accuracy of our method is still comparable,which indicates its potential applications not only in AUVs equipped with SSS but also in marine exploration. 展开更多
关键词 side-scan sonar(SSS) semantic segmentation dilated convolutions SUPER-RESOLUTION
下载PDF
TSCND:Temporal Subsequence-Based Convolutional Network with Difference for Time Series Forecasting
4
作者 Haoran Huang Weiting Chen Zheming Fan 《Computers, Materials & Continua》 SCIE EI 2024年第3期3665-3681,共17页
Time series forecasting plays an important role in various fields, such as energy, finance, transport, and weather. Temporal convolutional networks (TCNs) based on dilated causal convolution have been widely used in t... Time series forecasting plays an important role in various fields, such as energy, finance, transport, and weather. Temporal convolutional networks (TCNs) based on dilated causal convolution have been widely used in time series forecasting. However, two problems weaken the performance of TCNs. One is that in dilated casual convolution, causal convolution leads to the receptive fields of outputs being concentrated in the earlier part of the input sequence, whereas the recent input information will be severely lost. The other is that the distribution shift problem in time series has not been adequately solved. To address the first problem, we propose a subsequence-based dilated convolution method (SDC). By using multiple convolutional filters to convolve elements of neighboring subsequences, the method extracts temporal features from a growing receptive field via a growing subsequence rather than a single element. Ultimately, the receptive field of each output element can cover the whole input sequence. To address the second problem, we propose a difference and compensation method (DCM). The method reduces the discrepancies between and within the input sequences by difference operations and then compensates the outputs for the information lost due to difference operations. Based on SDC and DCM, we further construct a temporal subsequence-based convolutional network with difference (TSCND) for time series forecasting. The experimental results show that TSCND can reduce prediction mean squared error by 7.3% and save runtime, compared with state-of-the-art models and vanilla TCN. 展开更多
关键词 DIFFERENCE data prediction time series temporal convolutional network dilated convolution
下载PDF
Multi⁃Scale Dilated Convolutional Neural Network for Hyperspectral Image Classification
5
作者 Shanshan Zheng Wen Liu +3 位作者 Rui Shan Jingyi Zhao Guoqian Jiang Zhi Zhang 《Journal of Harbin Institute of Technology(New Series)》 CAS 2021年第4期25-32,共8页
Aiming at the problem of image information loss,dilated convolution is introduced and a novel multi⁃scale dilated convolutional neural network(MDCNN)is proposed.Dilated convolution can polymerize image multi⁃scale inf... Aiming at the problem of image information loss,dilated convolution is introduced and a novel multi⁃scale dilated convolutional neural network(MDCNN)is proposed.Dilated convolution can polymerize image multi⁃scale information without reducing the resolution.The first layer of the network used spectral convolutional step to reduce dimensionality.Then the multi⁃scale aggregation extracted multi⁃scale features through applying dilated convolution and shortcut connection.The extracted features which represent properties of data were fed through Softmax to predict the samples.MDCNN achieved the overall accuracy of 99.58% and 99.92% on two public datasets,Indian Pines and Pavia University.Compared with four other existing models,the results illustrate that MDCNN can extract better discriminative features and achieve higher classification performance. 展开更多
关键词 multi⁃scale aggregation dilated convolution hyperspectral image classification(HSIC) shortcut connection
下载PDF
A Lightweight Convolutional Neural Network with Hierarchical Multi-Scale Feature Fusion for Image Classification
6
作者 Adama Dembele Ronald Waweru Mwangi Ananda Omutokoh Kube 《Journal of Computer and Communications》 2024年第2期173-200,共28页
Convolutional neural networks (CNNs) are widely used in image classification tasks, but their increasing model size and computation make them challenging to implement on embedded systems with constrained hardware reso... Convolutional neural networks (CNNs) are widely used in image classification tasks, but their increasing model size and computation make them challenging to implement on embedded systems with constrained hardware resources. To address this issue, the MobileNetV1 network was developed, which employs depthwise convolution to reduce network complexity. MobileNetV1 employs a stride of 2 in several convolutional layers to decrease the spatial resolution of feature maps, thereby lowering computational costs. However, this stride setting can lead to a loss of spatial information, particularly affecting the detection and representation of smaller objects or finer details in images. To maintain the trade-off between complexity and model performance, a lightweight convolutional neural network with hierarchical multi-scale feature fusion based on the MobileNetV1 network is proposed. The network consists of two main subnetworks. The first subnetwork uses a depthwise dilated separable convolution (DDSC) layer to learn imaging features with fewer parameters, which results in a lightweight and computationally inexpensive network. Furthermore, depthwise dilated convolution in DDSC layer effectively expands the field of view of filters, allowing them to incorporate a larger context. The second subnetwork is a hierarchical multi-scale feature fusion (HMFF) module that uses parallel multi-resolution branches architecture to process the input feature map in order to extract the multi-scale feature information of the input image. Experimental results on the CIFAR-10, Malaria, and KvasirV1 datasets demonstrate that the proposed method is efficient, reducing the network parameters and computational cost by 65.02% and 39.78%, respectively, while maintaining the network performance compared to the MobileNetV1 baseline. 展开更多
关键词 MobileNet Image Classification Lightweight convolutional Neural Network Depthwise dilated Separable convolution Hierarchical Multi-Scale Feature Fusion
下载PDF
1D-CNN:Speech Emotion Recognition System Using a Stacked Network with Dilated CNN Features 被引量:2
7
作者 Mustaqeem Soonil Kwon 《Computers, Materials & Continua》 SCIE EI 2021年第6期4039-4059,共21页
Emotion recognition from speech data is an active and emerging area of research that plays an important role in numerous applications,such as robotics,virtual reality,behavior assessments,and emergency call centers.Re... Emotion recognition from speech data is an active and emerging area of research that plays an important role in numerous applications,such as robotics,virtual reality,behavior assessments,and emergency call centers.Recently,researchers have developed many techniques in this field in order to ensure an improvement in the accuracy by utilizing several deep learning approaches,but the recognition rate is still not convincing.Our main aim is to develop a new technique that increases the recognition rate with reasonable cost computations.In this paper,we suggested a new technique,which is a one-dimensional dilated convolutional neural network(1D-DCNN)for speech emotion recognition(SER)that utilizes the hierarchical features learning blocks(HFLBs)with a bi-directional gated recurrent unit(BiGRU).We designed a one-dimensional CNN network to enhance the speech signals,which uses a spectral analysis,and to extract the hidden patterns from the speech signals that are fed into a stacked one-dimensional dilated network that are called HFLBs.Each HFLB contains one dilated convolution layer(DCL),one batch normalization(BN),and one leaky_relu(Relu)layer in order to extract the emotional features using a hieratical correlation strategy.Furthermore,the learned emotional features are feed into a BiGRU in order to adjust the global weights and to recognize the temporal cues.The final state of the deep BiGRU is passed from a softmax classifier in order to produce the probabilities of the emotions.The proposed model was evaluated over three benchmarked datasets that included the IEMOCAP,EMO-DB,and RAVDESS,which achieved 72.75%,91.14%,and 78.01%accuracy,respectively. 展开更多
关键词 Affective computing one-dimensional dilated convolutional neural network emotion recognition gated recurrent unit raw audio clips
下载PDF
Multi-Classification of Polyps in Colonoscopy Images Based on an Improved Deep Convolutional Neural Network 被引量:1
8
作者 Shuang Liu Xiao Liu +9 位作者 Shilong Chang Yufeng Sun Kaiyuan Li Ya Hou Shiwei Wang Jie Meng Qingliang Zhao Sibei Wu Kun Yang Linyan Xue 《Computers, Materials & Continua》 SCIE EI 2023年第6期5837-5852,共16页
Achieving accurate classification of colorectal polyps during colonoscopy can avoid unnecessary endoscopic biopsy or resection.This study aimed to develop a deep learning model that can automatically classify colorect... Achieving accurate classification of colorectal polyps during colonoscopy can avoid unnecessary endoscopic biopsy or resection.This study aimed to develop a deep learning model that can automatically classify colorectal polyps histologically on white-light and narrow-band imaging(NBI)colonoscopy images based on World Health Organization(WHO)and Workgroup serrAted polypS and Polyposis(WASP)classification criteria for colorectal polyps.White-light and NBI colonoscopy images of colorectal polyps exhibiting pathological results were firstly collected and classified into four categories:conventional adenoma,hyperplastic polyp,sessile serrated adenoma/polyp(SSAP)and normal,among which conventional adenoma could be further divided into three sub-categories of tubular adenoma,villous adenoma and villioustublar adenoma,subsequently the images were re-classified into six categories.In this paper,we proposed a novel convolutional neural network termed Polyp-DedNet for the four-and six-category classification tasks of colorectal polyps.Based on the existing classification network ResNet50,Polyp-DedNet adopted dilated convolution to retain more high-dimensional spatial information and an Efficient Channel Attention(ECA)module to improve the classification performance further.To eliminate gridding artifacts caused by dilated convolutions,traditional convolutional layers were used instead of the max pooling layer,and two convolutional layers with progressively decreasing dilation were added at the end of the network.Due to the inevitable imbalance of medical image data,a regularization method DropBlock and a Class-Balanced(CB)Loss were performed to prevent network overfitting.Furthermore,the 5-fold cross-validation was adopted to estimate the performance of Polyp-DedNet for the multi-classification task of colorectal polyps.Mean accuracies of the proposed Polyp-DedNet for the four-and six-category classifications of colorectal polyps were 89.91%±0.92%and 85.13%±1.10%,respectively.The metrics of precision,recall and F1-score were also improved by 1%∼2%compared to the baseline ResNet50.The proposed Polyp-DedNet presented state-of-the-art performance for colorectal polyp classifying on white-light and NBI colonoscopy images,highlighting its considerable potential as an AI-assistant system for accurate colorectal polyp diagnosis in colonoscopy. 展开更多
关键词 Colorectal polyps four-and six-category classifications convolutional neural network dilated residual network
下载PDF
基于混合分组扩张卷积的玉米植株图像深度估计
9
作者 周云成 刘忠颖 +2 位作者 邓寒冰 苗腾 王昌远 《华南农业大学学报》 CSCD 北大核心 2024年第2期280-292,共13页
【目的】研究面向玉米田间场景的图像深度估计方法,解决深度估计模型因缺少有效光度损失度量而易产生的精度不足问题,为田间智能农业机械视觉系统设计及导航避障等提供技术支持。【方法】应用双目相机作为视觉传感器,提出一种基于混合... 【目的】研究面向玉米田间场景的图像深度估计方法,解决深度估计模型因缺少有效光度损失度量而易产生的精度不足问题,为田间智能农业机械视觉系统设计及导航避障等提供技术支持。【方法】应用双目相机作为视觉传感器,提出一种基于混合分组扩张卷积的无监督场景深度估计模型。设计一种混合分组扩张卷积结构及对应的自注意力机制,由此构建反向残差模块和深度估计骨干网络;并将光照不敏感的图像梯度和Gabor纹理特征引入视图表观差异度量,构建模型优化目标。以田间玉米植株图像深度估计为例,开展模型的训练和测试试验。【结果】与固定扩张因子相比,采用混合分组扩张卷积使田间玉米植株深度估计平均相对误差降低了63.9%,平均绝对误差和均方根误差则分别降低32.3%和10.2%,模型精度显著提高;图像梯度、Gabor纹理特征和自注意力机制的引入,使田间玉米植株深度估计平均绝对误差和均方根误差进一步降低3.2%和4.6%。增加浅层编码器的网络宽度和深度可显著提高模型深度估计精度,但该处理对深层编码器的作用不明显。该研究设计的自注意力机制对编码器浅层反向残差模块中不同扩张因子的卷积分组体现出选择性,说明该机制具有自主调节感受野的能力。与Monodepth2相比,该研究模型田间玉米植株深度估计的平均相对误差降低48.2%,平均绝对误差降低17.1%;在20 m采样范围内,估计深度的平均绝对误差小于16 cm,计算速度为14.3帧/s。【结论】基于混合分组扩张卷积的图像深度估计模型优于现有方法,有效提升了深度估计的精度,能够满足田间玉米植株图像的深度估计要求。 展开更多
关键词 深度估计 扩张卷积 自注意力 无监督学习 玉米植株图像
下载PDF
基于空洞分层注意力胶囊网络的X射线焊缝缺陷识别方法
10
作者 张婷 王登武 《宇航计测技术》 CSCD 2024年第2期45-51,共7页
由于X射线焊缝图像的复杂多样性,使得很多传统基于X射线焊缝缺陷检测方法的准确性不高,泛化能力较差。提出一种基于空洞分层注意力胶囊网络(DHACNet)的X射线焊缝缺陷识别方法。DHACNet由卷积模块、空洞分层注意力和胶囊网络(CapsNet)组... 由于X射线焊缝图像的复杂多样性,使得很多传统基于X射线焊缝缺陷检测方法的准确性不高,泛化能力较差。提出一种基于空洞分层注意力胶囊网络(DHACNet)的X射线焊缝缺陷识别方法。DHACNet由卷积模块、空洞分层注意力和胶囊网络(CapsNet)组成。卷积模块用来提取图像的卷积特征,空洞分层注意力用来提取多尺度显著性特征,CapsNet利用胶囊层和动态路由算法替代卷积神经网络(CNN)中的池化操作和全连接操作。DHACNet具有强大多尺度特征提取能力,能够克服CNN只关注图像局部特征和池化操作导致图像部分信息丢失等不足。在构建的X射线焊缝缺陷图像集上进行识别试验,识别准确率为96%以上,与传统方法进行比较,结果表明,该方法有效可行,能够为X射线焊缝缺陷识别系统提供技术支持。 展开更多
关键词 X射线焊缝缺陷识别 空洞卷积 胶囊网络 空洞分层注意力胶囊网络
下载PDF
一种基于特征增强的场景文本检测算法
11
作者 高楠 张雷 +2 位作者 梁荣华 陈朋 付政 《计算机科学》 CSCD 北大核心 2024年第6期256-263,共8页
针对自然场景下图像文本复杂背景、尺度多变等造成的漏检、误检问题,提出了一种基于特征增强的场景文本检测算法。在特征金字塔融合阶段,提出了双域注意力特征融合模块(Dual-domain Attention Feature Fusion Module,D2AAFM)。该模块能... 针对自然场景下图像文本复杂背景、尺度多变等造成的漏检、误检问题,提出了一种基于特征增强的场景文本检测算法。在特征金字塔融合阶段,提出了双域注意力特征融合模块(Dual-domain Attention Feature Fusion Module,D2AAFM)。该模块能够更好地融合不同语义和尺度的特征图信息,从而提高文本信息的表征能力。同时,考虑到网络深层特征图在上采样融合过程中出现语义信息损失的问题,提出了多尺度空间感知模块(Multi-scale Spatial Perception Module,MSPM),通过扩大感受野来获取更大感受野的上下文信息,增强深层特征图的文本语义信息特征,从而有效地减少文本漏检、误检。为了评估所提算法的有效性,在公开数据集ICDAR2015,CTW1500以及MSRA-TD500上进行实验,所提方法综合指标F值分别达到了82.8%,83.4%和85.3%。实验结果表明,该算法在不同数据集上都具有良好的检测能力。 展开更多
关键词 深度学习 场景文本检测 注意力机制 多尺度特征融合 空洞卷积
下载PDF
多尺度特征金字塔融合的街景图像语义分割
12
作者 曲海成 王莹 +1 位作者 董康龙 刘万军 《计算机系统应用》 2024年第3期73-84,共12页
针对街景图像语义分割任务中的目标尺寸差异大、多尺度特征难以高效提取的问题,本文提出了一种语义分割网络(LDPANet).首先,将空洞卷积与引入残差学习单元的深度可分离卷积结合,来优化编码器结构,在降低了计算复杂度的同时缓解梯度消失... 针对街景图像语义分割任务中的目标尺寸差异大、多尺度特征难以高效提取的问题,本文提出了一种语义分割网络(LDPANet).首先,将空洞卷积与引入残差学习单元的深度可分离卷积结合,来优化编码器结构,在降低了计算复杂度的同时缓解梯度消失的问题.然后利用层传递的迭代空洞空间金字塔,将自顶向下的特征信息依次融合,提高了上下文信息的有效交互能力;在多尺度特征融合之后引入属性注意力模块,使网络抑制冗余信息,强化重要特征.再者,以通道扩展上采样代替双线插值上采样作为解码器,进一步提升了特征图的分辨率.最后,LDPANet方法在Cityscapes和CamVid数据集上的精度分别达到了91.8%和87.52%,与近几年网络模型相比,本文网络模型可以精确地提取像素的位置信息以及空间维度信息,提高了语义分割的准确率. 展开更多
关键词 语义分割 MDSDC IDCP-LC 属性注意力 通道扩展上采样 特征融合
下载PDF
基于改进ResNet50的钨矿石双能X射线图像分选方法
13
作者 刘志锋 曾灵锋 +2 位作者 彭芳伟 魏振华 张寰宇 《现代电子技术》 北大核心 2024年第13期87-92,共6页
文中提出一种基于深度扩张可分离卷积和注意力机制的残差网络模型(DWAtt-ResNet),通过实验对比表明,该模型在钨矿石双能X射线图像数据集上准确率、F1分数、AUC值和AP值均优于ConvNeXt、DenseNet121和EfficientNet_b4等主流的图像分类模... 文中提出一种基于深度扩张可分离卷积和注意力机制的残差网络模型(DWAtt-ResNet),通过实验对比表明,该模型在钨矿石双能X射线图像数据集上准确率、F1分数、AUC值和AP值均优于ConvNeXt、DenseNet121和EfficientNet_b4等主流的图像分类模型。通过消融实验表明,该模型准确率达到87.4%,计算量为2.7GFLOPs,参数量为16.95M,相比ResNet50准确率提高3%,计算量降低1.42 GFLOPs,参数量降低6.56M,准确率提升的同时,效率大幅提升,更适合工业生产的矿石快速分拣需求。 展开更多
关键词 钨矿石 双能X射线 图像分类 ResNet50 深度扩张可分离卷积 注意力机制
下载PDF
联合多连接特征编解码与小波池化的轻量级语义分割
14
作者 易清明 王渝 +1 位作者 石敏 骆爱文 《电子科技大学学报》 EI CAS CSCD 北大核心 2024年第3期366-375,共10页
语义分割是当前场景理解领域的基础技术之一。现存的语义分割网络通常结构复杂、参数量大、图像特征信息损失过多和计算效率低。针对以上问题,基于编-解码器框架和离散小波变换,设计了一个联合多连接特征编解码与小波池化的轻量级语义... 语义分割是当前场景理解领域的基础技术之一。现存的语义分割网络通常结构复杂、参数量大、图像特征信息损失过多和计算效率低。针对以上问题,基于编-解码器框架和离散小波变换,设计了一个联合多连接特征编解码与小波池化的轻量级语义分割网络MLWP-Net(Multi-Link Wavelet-Pooled Network),在编码阶段利用多连接策略并结合深度可分离卷积、空洞卷积和通道压缩设计了轻量级特征提取瓶颈结构,并设计了低频混合小波池化操作替代传统的下采样操作,有效降低编码过程造成的信息丢失;在解码阶段,设计了多分支并行空洞卷积解码器以融合多级特征并行实现图像分辨率的恢复。实验结果表明,MLWP-Net仅以0.74 MB的参数量在数据集Cityscapes和CamVid上分别达到74.1%和68.2%mIoU的分割精度,验证了该算法的有效性。 展开更多
关键词 实时语义分割 轻量级神经网络 多连接特征融合 小波池化 多分支空洞卷积
下载PDF
基于残差卷积与多头自注意力的CXR图像分类
15
作者 陈辉 张甜 陈润斌 《工程科学与技术》 EI CAS CSCD 北大核心 2024年第3期219-227,共9页
为了提高新型冠状病毒肺炎(COVID-19)检测的效率和准确性,本文提出一种自动识别COVID-19胸部X射线(CXR)图像的网络模型(MHRA-RCNet)。在ResNet50模型的基础上,首先,采用残差卷积对CXR图像中形状复杂的感染区域进行局部特征提取。其次,... 为了提高新型冠状病毒肺炎(COVID-19)检测的效率和准确性,本文提出一种自动识别COVID-19胸部X射线(CXR)图像的网络模型(MHRA-RCNet)。在ResNet50模型的基础上,首先,采用残差卷积对CXR图像中形状复杂的感染区域进行局部特征提取。其次,选择在ResNet50的第2、3阶段引入多头关系聚合模块,以增强对全局信息的建模能力;为了进一步将局部信息和全局信息进行融合,以提高特征的表达能力和特征之间位置的相关性,在ResNet50的最后阶段引入了空洞视觉Transforme模块,有助于识别CXR图像中复杂的病变区域。最后,将融合后的特征以串联方式输入全局平均池化层进行全局空间信息整合,通过多层感知机进行图像分类并进行可视化分析。在公开访问的COVID-19 Radiography Database数据集与其他深度学习模型进行实验对比。实验结果表明:本文模型在多项分类指标上具有较好的分类精度;另外,从精确度、灵敏度和特异性上也可以直观地看出本文模型能够较好地识别新冠肺炎,进一步证明了本文模型在图像分类任务中的优越性和有效性。 展开更多
关键词 新型冠状病毒肺炎 图像分类 残差卷积 多头关系聚合 空洞视觉Transformer
下载PDF
基于交叉注意力的多任务交通场景检测模型
16
作者 牛国臣 王晓楠 《北京航空航天大学学报》 EI CAS CSCD 北大核心 2024年第5期1491-1499,共9页
感知是自动驾驶的基础和关键,但大多数单个模型无法同时完成交通目标、可行驶区域和车道线等多项检测任务。提出一种基于交叉注意力的多任务交通场景检测模型,可以同时检测交通目标、可行驶区域和车道线。使用编解码网络提取初始特征,... 感知是自动驾驶的基础和关键,但大多数单个模型无法同时完成交通目标、可行驶区域和车道线等多项检测任务。提出一种基于交叉注意力的多任务交通场景检测模型,可以同时检测交通目标、可行驶区域和车道线。使用编解码网络提取初始特征,利用混合空洞卷积对初始特征进行强化,并通过交叉注意力模块得到分割和检测特征图。在分割特征图上进行语义分割,在检测特征图上进行目标检测。实验结果表明:在具有挑战性的BDD100K数据集中,所提模型在任务精度和总体计算效率方面优于其他多任务模型。 展开更多
关键词 注意力机制 多任务学习 自动驾驶 目标检测 混合空洞卷积
下载PDF
多层特征融合与语义增强的盲图像质量评价
17
作者 赵文清 许丽娇 +1 位作者 陈昊阳 李梦伟 《智能系统学报》 CSCD 北大核心 2024年第1期132-141,共10页
针对现有盲图像质量评价算法在面对真实失真图像时性能较差的问题,本文提出多层特征融合和语义信息增强相结合的无参考图像质量评价算法。提取图像的局部和全局失真特征,利用特征融合模块对特征进行多层融合;利用多层扩张卷积增强语义信... 针对现有盲图像质量评价算法在面对真实失真图像时性能较差的问题,本文提出多层特征融合和语义信息增强相结合的无参考图像质量评价算法。提取图像的局部和全局失真特征,利用特征融合模块对特征进行多层融合;利用多层扩张卷积增强语义信息,进而指导失真图像到质量分数的映射过程;考虑预测分数和主观分数之间的相对排名关系,对L_(1)损失函数和三元组排名损失函数进行融合,构建新的损失函数L_(mix)。为了验证本文方法的有效性,在野生图像质量挑战数据集上进行了验证和对比实验,该算法的斯皮尔曼等级相关系数与皮尔逊线性相关系数指标相比原算法分别提升2.3%和2.3%;在康斯坦茨真实图像质量数据数据集和野生图像质量挑战数据集上进行了跨数据集实验,该算法在面对真实失真图像时表现出了良好的泛化性能。 展开更多
关键词 深度学习 图像质量 卷积神经网络 特征提取 通道注意力结构 多层次特征融合 扩张卷积 三元组损失函数
下载PDF
比例融合与多层规模感知的人群计数方法
18
作者 孟月波 张娅琳 王宙 《智能系统学报》 CSCD 北大核心 2024年第2期307-315,共9页
针对密集场景下人群图像拍摄视角或距离多变造成的多尺度特征获取不足、融合不佳和全局特征利用不充分等问题,提出一种比例融合与多层规模感知的人群计数网络。首先采用骨干网络VGG16提取人群密度初始特征;其次,设计多层规模感知模块,... 针对密集场景下人群图像拍摄视角或距离多变造成的多尺度特征获取不足、融合不佳和全局特征利用不充分等问题,提出一种比例融合与多层规模感知的人群计数网络。首先采用骨干网络VGG16提取人群密度初始特征;其次,设计多层规模感知模块,获得人群多尺度信息的丰富表达;再次,提出比例融合策略,根据卷积层捕获的特征权重重构多尺度信息,提取显著性人群特征;最后,采用卷积回归策略进行密度图的回归。同时,提出一种局部一致性损失函数,通过区域化密度图的方式增强生成密度图与真实密度图的相似度,提高计数性能。在多个人群数据集上的试验结果表明,所提模型优于近年人群计数的先进方法,且在车辆计数上有较好推广性。 展开更多
关键词 人群密度估计与计数 卷积神经网络 多层规模感知 比例融合 局部一致性损失 密度图回归 多尺度信息 空洞卷积
下载PDF
基于长序列的航空发动机剩余使用寿命预测方法
19
作者 郭俊锋 刘国华 刘国伟 《北京航空航天大学学报》 EI CAS CSCD 北大核心 2024年第3期774-784,共11页
针对多传感器长序列数据下航空发动机剩余使用寿命预测方法存在预测准确度不足的问题,提出一种基于堆叠膨胀卷积神经网络(SDCNN)的航空发动机剩余使用寿命预测方法。将多传感器长序列数据归一化处理,降低因量纲和取值范围不同引起的误差... 针对多传感器长序列数据下航空发动机剩余使用寿命预测方法存在预测准确度不足的问题,提出一种基于堆叠膨胀卷积神经网络(SDCNN)的航空发动机剩余使用寿命预测方法。将多传感器长序列数据归一化处理,降低因量纲和取值范围不同引起的误差;构建预测目标函数表征航空发动机的真实退化情况;搭建基于SDCNN的预测模型,扩大模型感受野,提取数据中的长期、深层和全局时序特征用于回归分析,得到航空发动机的剩余使用寿命预测结果;采用Hyperband优化算法和StratifiedKFold交叉验证方法优化模型,提升模型预测准确度和不同条件下的适应性,并采用商用模块化航空推进系统仿真(C-MAPSS)数据集验证所提方法的有效性。在C-MAPSS中FD003数据集上的实验结果表明:所提方法可有效提高基于长序列的航空发动机剩余使用寿命预测准确度,模型预测准确度得分指标明显降低32.62%。 展开更多
关键词 堆叠膨胀卷积 剩余使用寿命预测 Hyperband超参数优化算法 航空发动机 长序列信号
下载PDF
基于卷积神经网络的抽油机故障诊断
20
作者 吴昊臻 许燕 +2 位作者 周建平 谢欣岳 彭东 《燕山大学学报》 北大核心 2024年第1期30-38,共9页
抽油机故障诊断对于保障油气田的稳定运行至关重要.针对已有基于深度学习的故障诊断模型参数量大导致应用范围受限的问题提出一种基于空洞卷积和惩罚机制的卷积神经网络模型.该模型在浅层神经网络部署不同空洞卷积率的空洞残差模块高效... 抽油机故障诊断对于保障油气田的稳定运行至关重要.针对已有基于深度学习的故障诊断模型参数量大导致应用范围受限的问题提出一种基于空洞卷积和惩罚机制的卷积神经网络模型.该模型在浅层神经网络部署不同空洞卷积率的空洞残差模块高效获取示功图轮廓特征的同时降低了模型参数量.其次将惩罚机制融入Softmax损失函数增强模型诊断气体影响等难分样本的故障准确率.采用抽油机实况数据集进行实验验证结果表明该模型参数量为0.94 M浮点型计算量为165.24 M.与MobileNetV3相比改进后的算法模型在准确率同为96.6%的前提下参数量减少了3.30 M浮点型计算量减少了52.22 M更易部署在资源受限的故障诊断平台. 展开更多
关键词 卷积神经网络 抽油机 故障诊断 空洞卷积 损失函数
下载PDF
上一页 1 2 35 下一页 到第
使用帮助 返回顶部