期刊文献+
共找到1,475篇文章
< 1 2 74 >
每页显示 20 50 100
Automatic modulation recognition of radiation source signals based on two-dimensional data matrix and improved residual neural network
1
作者 Guanghua Yi Xinhong Hao +3 位作者 Xiaopeng Yan Jian Dai Yangtian Liu Yanwen Han 《Defence Technology(防务技术)》 SCIE EI CAS CSCD 2024年第3期364-373,共10页
Automatic modulation recognition(AMR)of radiation source signals is a research focus in the field of cognitive radio.However,the AMR of radiation source signals at low SNRs still faces a great challenge.Therefore,the ... Automatic modulation recognition(AMR)of radiation source signals is a research focus in the field of cognitive radio.However,the AMR of radiation source signals at low SNRs still faces a great challenge.Therefore,the AMR method of radiation source signals based on two-dimensional data matrix and improved residual neural network is proposed in this paper.First,the time series of the radiation source signals are reconstructed into two-dimensional data matrix,which greatly simplifies the signal preprocessing process.Second,the depthwise convolution and large-size convolutional kernels based residual neural network(DLRNet)is proposed to improve the feature extraction capability of the AMR model.Finally,the model performs feature extraction and classification on the two-dimensional data matrix to obtain the recognition vector that represents the signal modulation type.Theoretical analysis and simulation results show that the AMR method based on two-dimensional data matrix and improved residual network can significantly improve the accuracy of the AMR method.The recognition accuracy of the proposed method maintains a high level greater than 90% even at -14 dB SNR. 展开更多
关键词 Automatic modulation recognition Radiation source signals Two-dimensional data matrix residual neural network Depthwise convolution
下载PDF
Printed Circuit Board (PCB) Surface Micro Defect Detection Model Based on Residual Network with Novel Attention Mechanism
2
作者 Xinyu Hu Defeng Kong +2 位作者 Xiyang Liu Junwei Zhang Daode Zhang 《Computers, Materials & Continua》 SCIE EI 2024年第1期915-933,共19页
Printed Circuit Board(PCB)surface tiny defect detection is a difficult task in the integrated circuit industry,especially since the detection of tiny defects on PCB boards with large-size complex circuits has become o... Printed Circuit Board(PCB)surface tiny defect detection is a difficult task in the integrated circuit industry,especially since the detection of tiny defects on PCB boards with large-size complex circuits has become one of the bottlenecks.To improve the performance of PCB surface tiny defects detection,a PCB tiny defects detection model based on an improved attention residual network(YOLOX-AttResNet)is proposed.First,the unsupervised clustering performance of the K-means algorithm is exploited to optimize the channel weights for subsequent operations by feeding the feature mapping into the SENet(Squeeze and Excitation Network)attention network;then the improved K-means-SENet network is fused with the directly mapped edges of the traditional ResNet network to form an augmented residual network(AttResNet);and finally,the AttResNet module is substituted for the traditional ResNet structure in the backbone feature extraction network of mainstream excellent detection models,thus improving the ability to extract small features from the backbone of the target detection network.The results of ablation experiments on a PCB surface defect dataset show that AttResNet is a reliable and efficient module.In Torify the performance of AttResNet for detecting small defects in large-size complex circuit images,a series of comparison experiments are further performed.The results show that the AttResNet module combines well with the five best existing target detection frameworks(YOLOv3,YOLOX,Faster R-CNN,TDD-Net,Cascade R-CNN),and all the combined new models have improved detection accuracy compared to the original model,which suggests that the AttResNet module proposed in this paper can help the detection model to extract target features.Among them,the YOLOX-AttResNet model proposed in this paper performs the best,with the highest accuracy of 98.45% and the detection speed of 36 FPS(Frames Per Second),which meets the accuracy and real-time requirements for the detection of tiny defects on PCB surfaces.This study can provide some new ideas for other real-time online detection tasks of tiny targets with high-resolution images. 展开更多
关键词 neural networks deep learning resnet small object feature extraction PCB surface defect detection
下载PDF
Prediction of Load-Displacement Curve of Flexible Pipe Carcass Under Radial Compression Based on Residual Neural Network
3
作者 YAN Jun LI Wen-bo +4 位作者 Murilo Augusto VAZ LU Hai-long ZHANG Heng-rui DU Hong-ze BU Yu-feng 《China Ocean Engineering》 SCIE EI CSCD 2023年第1期42-52,共11页
The carcass layer of flexible pipe comprises a large-angle spiral structure with a complex interlocked stainless steel cross-section profile, which is mainly used to resist radial load. With the complex structure of t... The carcass layer of flexible pipe comprises a large-angle spiral structure with a complex interlocked stainless steel cross-section profile, which is mainly used to resist radial load. With the complex structure of the carcass layer, an equivalent simplified model is used to study the mechanical properties of the carcass layer. However, the current equivalent carcass model only considers the elastic deformation, and this simplification leads to huge errors in the calculation results. In this study, radial compression experiments were carried out to make the carcasses to undergo plastic deformation. Subsequently, a residual neural network based on the experimental data was established to predict the load-displacement curves of carcasses with different inner diameter in plastic states under radial compression.The established neural network model’s high precision was verified by experimental data, and the influence of the number of input variables on the accuracy of the neural network was discussed. The conclusion shows that the residual neural network model established based on the experimental data of the small-diameter carcass layer can predict the load-displacement curve of the large-diameter carcass layer in the plastic stage. With the decrease of input data, the prediction accuracy of residual network model in plasticity stage will decrease. 展开更多
关键词 flexible pipe CARCASS radial compression experiment load−displacement curves residual neural network
下载PDF
A COVID-19 Detection Model Based on Convolutional Neural Network and Residual Learning
4
作者 Bo Wang Yongxin Zhang +3 位作者 Shihui Ji Binbin Zhang Xiangyu Wang Jiyong Zhang 《Computers, Materials & Continua》 SCIE EI 2023年第5期3625-3642,共18页
Amodel that can obtain rapid and accurate detection of coronavirus disease 2019(COVID-19)plays a significant role in treating and preventing the spread of disease transmission.However,designing such amodel that can ba... Amodel that can obtain rapid and accurate detection of coronavirus disease 2019(COVID-19)plays a significant role in treating and preventing the spread of disease transmission.However,designing such amodel that can balance the detection accuracy andweight parameters ofmemorywell to deploy a mobile device is challenging.Taking this point into account,this paper fuses the convolutional neural network and residual learning operations to build a multi-class classification model,which improves COVID-19 pneumonia detection performance and keeps a trade-off between the weight parameters and accuracy.The convolutional neural network can extract the COVID-19 feature information by repeated convolutional operations.The residual learning operations alleviate the gradient problems caused by stacking convolutional layers and enhance the ability of feature extraction.The ability further enables the proposed model to acquire effective feature information at a lowcost,which canmake ourmodel keep smallweight parameters.Extensive validation and comparison with other models of COVID-19 pneumonia detection on the well-known COVIDx dataset show that(1)the sensitivity of COVID-19 pneumonia detection is improved from 88.2%(non-COVID-19)and 77.5%(COVID-19)to 95.3%(non-COVID-19)and 96.5%(COVID-19),respectively.The positive predictive value is also respectively increased from72.8%(non-COVID-19)and 89.0%(COVID-19)to 88.8%(non-COVID-19)and 95.1%(COVID-19).(2)Compared with the weight parameters of the COVIDNet-small network,the value of the proposed model is 13 M,which is slightly higher than that(11.37 M)of the COVIDNet-small network.But,the corresponding accuracy is improved from 85.2%to 93.0%.The above results illustrate the proposed model can gain an efficient balance between accuracy and weight parameters. 展开更多
关键词 COVID-19 chest X-ray images multi-class classification convolutional neural network residual learning
下载PDF
Rockburst Intensity Grade Prediction Model Based on Batch Gradient Descent and Multi-Scale Residual Deep Neural Network
5
作者 Yu Zhang Mingkui Zhang +1 位作者 Jitao Li Guangshu Chen 《Computer Systems Science & Engineering》 SCIE EI 2023年第11期1987-2006,共20页
Rockburst is a phenomenon in which free surfaces are formed during excavation,which subsequently causes the sudden release of energy in the construction of mines and tunnels.Light rockburst only peels off rock slices ... Rockburst is a phenomenon in which free surfaces are formed during excavation,which subsequently causes the sudden release of energy in the construction of mines and tunnels.Light rockburst only peels off rock slices without ejection,while severe rockburst causes casualties and property loss.The frequency and degree of rockburst damage increases with the excavation depth.Moreover,rockburst is the leading engineering geological hazard in the excavation process,and thus the prediction of its intensity grade is of great significance to the development of geotechnical engineering.Therefore,the prediction of rockburst intensity grade is one problem that needs to be solved urgently.By comprehensively considering the occurrence mechanism of rockburst,this paper selects the stress index(σθ/σc),brittleness index(σ_(c)/σ_(t)),and rock elastic energy index(Wet)as the rockburst evaluation indexes through the Spearman coefficient method.This overcomes the low accuracy problem of a single evaluation index prediction method.Following this,the BGD-MSR-DNN rockburst intensity grade prediction model based on batch gradient descent and a multi-scale residual deep neural network is proposed.The batch gradient descent(BGD)module is used to replace the gradient descent algorithm,which effectively improves the efficiency of the network and reduces the model training time.Moreover,the multi-scale residual(MSR)module solves the problem of network degradation when there are too many hidden layers of the deep neural network(DNN),thus improving the model prediction accuracy.The experimental results reveal the BGDMSR-DNN model accuracy to reach 97.1%,outperforming other comparable models.Finally,actual projects such as Qinling Tunnel and Daxiangling Tunnel,reached an accuracy of 100%.The model can be applied in mines and tunnel engineering to realize the accurate and rapid prediction of rockburst intensity grade. 展开更多
关键词 Rockburst prediction rockburst intensity grade deep neural network batch gradient descent multi-scale residual
下载PDF
基于ResNet-LSTM的航空发动机性能异常检测方法 被引量:1
6
作者 蔡舒妤 殷航 +1 位作者 史涛 范杰 《航空发动机》 北大核心 2024年第1期135-142,共8页
为了实现数据驱动的航空发动机性能异常的智能检测,提出了一种基于残差网络(ResNet)-长短期记忆网络(LSTM)的发动机性能异常检测方法。采用发动机性能数据图像化方法,在数据降维的同时,完备保留数据的关联特征和时序特征;以残差单元构... 为了实现数据驱动的航空发动机性能异常的智能检测,提出了一种基于残差网络(ResNet)-长短期记忆网络(LSTM)的发动机性能异常检测方法。采用发动机性能数据图像化方法,在数据降维的同时,完备保留数据的关联特征和时序特征;以残差单元构建发动机性能异常检测模型,在加深网络结构的同时,消除深层网络梯度消失问题,提高发动机性能图像空间关联特征的提取能力。同时,引入LSTM,提出基于ResNet-LSTM的发动机性能异常检测模型,通过ResNet与LSTM的融合,强化异常检测模型对时序特征的提取,提升发动机性能异常检测的准确率;通过发动机运行数据进行验证。结果表明:在训练集上,该方法的异常检测准确率为94.95%,比基于ResNet18、ResNet34、ResNet50异常检测模型的分别提高10.87%、8.00%、3.23%;在测试集上,该方法的异常检测准确率为92.15%,比基于ResNet18、ResNet34、ResNet50异常检测模型的分别提高11.81%、9.45%、3.78%。 展开更多
关键词 异常检测 残差网络 长短期记忆网络 航空发动机
下载PDF
基于scSE非局部双流ResNet网络的行为识别
7
作者 李占利 王佳莹 +1 位作者 靳红梅 李洪安 《计算机应用与软件》 北大核心 2024年第8期319-325,共7页
针对双流网络对包含冗余信息的视频帧存在识别率低的问题,在双流网络的基础上引入scSE(Spatial and Channel Squeeze&Excitation Block)和非局部操作,构建SC_NLResNet行为识别框架。该框架将视频划分为等分不重叠的时序段并在每段... 针对双流网络对包含冗余信息的视频帧存在识别率低的问题,在双流网络的基础上引入scSE(Spatial and Channel Squeeze&Excitation Block)和非局部操作,构建SC_NLResNet行为识别框架。该框架将视频划分为等分不重叠的时序段并在每段上稀疏采样,提取RGB帧以及光流图作为scSE模块的输入;将经过scSE处理的特征输入非局部双流ResNet网络中,融合各分段得到最终的预测结果。在UCF101以及Hmdb51数据集上实验准确率分别达到96.9%和76.2%,结果表明,非局部操作与scSE模块结合可以增强特征时空上以及通道间的信息提高准确率,验证了SC_NLResNet网络的有效性。 展开更多
关键词 双流卷积神经网络 scSE模块 残差网络 非局部操作 行为识别
下载PDF
ResNet-UAN-AUD:基于深度学习的水声上行非正交多址通信系统活动用户检测方法
8
作者 王建平 陈光岚 +1 位作者 冯启高 马建伟 《传感技术学报》 CAS CSCD 北大核心 2024年第6期985-996,共12页
水下声学网络(Underwater Acoustic Networks,UAN)是探测未知水域的重要技术手段。非正交多址(Non-Orthogonal Multiple Access,NOMA)是一种新颖的移动通信技术,支持时域、频域、空域/编域的非正交分配,可有效地提高网络容量和用户接入... 水下声学网络(Underwater Acoustic Networks,UAN)是探测未知水域的重要技术手段。非正交多址(Non-Orthogonal Multiple Access,NOMA)是一种新颖的移动通信技术,支持时域、频域、空域/编域的非正交分配,可有效地提高网络容量和用户接入数,为性能和电量受限的UAN提供创新解决方案。活动用户检测(Active User Detection,AUD)是NOMA通信系统的基础支撑,对于NOMA系统消除信号干扰和提高接收性能至关重要。ResNet是基于残差模块跳跃连接的神经网络,解决了深度学习的梯度消失和网络退化问题。提出了一种基于深度学习的水声上行NOMA通信系统AUD检测方案。首先,构建水声上行NOMA通信系统基本模型;其次,实施NOMA活动用户检测问题的数学表征;接着,开发基于ResNet网络的水声NOMA系统活动节点检测方法(ResNet-UAN-AUD);最后,执行仿真实验。结果表明,ResNet-UAN-AUD的检测性能接近基于长短期记忆网络的活动用户检测(LSTM-UAN-AUD)方案,而复杂度略高于基于卷积神经网络的活动用户检测(CNN-UAN-AUD)技术,实现了次优目标,适合水声上行NOMA系统使用。 展开更多
关键词 水声网络 深度学习 残差神经网络(resnet) 活动用户检测 上行NOMA通信系统
下载PDF
基于信号图像化和CNN-ResNet的配电网单相接地故障选线方法
9
作者 缪欣 张忠锐 +1 位作者 郭威 侯思祖 《中国测试》 CAS 北大核心 2024年第6期157-166,共10页
配电网发生单相接地故障时,零序电流呈现较强的非线性与非平稳性,故障选线较为困难,针对此问题,提出一种基于信号图像化和卷积神经网络-残差网络的配电网单相接地故障选线方法。首先,利用排列熵优化变分模态分解算法的参数,将零序电流... 配电网发生单相接地故障时,零序电流呈现较强的非线性与非平稳性,故障选线较为困难,针对此问题,提出一种基于信号图像化和卷积神经网络-残差网络的配电网单相接地故障选线方法。首先,利用排列熵优化变分模态分解算法的参数,将零序电流信号分解成一系列固有模态函数;其次,引入新的数据预处理方式,将固有模态函数转成二维图像,获得零序电流信号的时频特征图;最后,利用一维卷积神经网络提取零序电流信号的相关性和特征,利用残差网络提取时频特征图的特征,将两个网络融合,构建混合卷积神经网络结构,实现故障选线。仿真与实验结果表明,该方法能够在高阻接地、采样时间不同步、强噪声等情况下准确地选择出故障线路,可满足配电网对故障选线准确性和可靠性的需求。 展开更多
关键词 变分模态分解 卷积神经网络 残差网络 故障选线 排列熵
下载PDF
基于ResNet的害虫图像质量评估方法
10
作者 王红梅 朱莉 《长春工业大学学报》 CAS 2024年第1期52-58,共7页
提出一种基于ResNet的害虫图像质量评估方法,从而对林业害虫图像进行预评估。该方法首先提取害虫图像特征,并通过Wasserstein距离计算不同图像特征间的相似分布距离作为质量伪标签进行训练。通过预评估区分出不同质量的林业害虫图像,对... 提出一种基于ResNet的害虫图像质量评估方法,从而对林业害虫图像进行预评估。该方法首先提取害虫图像特征,并通过Wasserstein距离计算不同图像特征间的相似分布距离作为质量伪标签进行训练。通过预评估区分出不同质量的林业害虫图像,对其进行筛选、识别、分类,从而达到提高识别准确率的效果。实验结果表明,经过该方法筛选后的林业害虫数据集在ResNet18和ResNet50网络上识别准确率分别提升2.97%,2.57%。 展开更多
关键词 resnet 卷积神经网络 林业害虫 质量评估
下载PDF
基于CNN-BiGRU-ResNet的网络入侵检测研究
11
作者 包锋 庄泽堃 《计算机与数字工程》 2024年第2期468-472,共5页
网络入侵检测是网络安全中的一项重要工作,其主要是通过网络、系统等信息对入侵行为进行判断,它可以及时地发现网络中的攻击行为,传统的网络入侵检测方法存在准确率低并且误报率高的问题,针对上述问题,提出了一种融合双向门控循环单元(B... 网络入侵检测是网络安全中的一项重要工作,其主要是通过网络、系统等信息对入侵行为进行判断,它可以及时地发现网络中的攻击行为,传统的网络入侵检测方法存在准确率低并且误报率高的问题,针对上述问题,提出了一种融合双向门控循环单元(BiGRU)、卷积神经网络(CNN)以及残差网络(ResNet)的网络入侵检测方法,该方法通过双向门控循环单元对时间序列特征以及卷积神经网络和残差网络对局部空间特征的提取,利用softmax分类器获得最终的分类结果。实验表明,与基于GRU和ResNet等方法相比,该方法的网络入侵检测效果比较好,其准确率较高,误报率更低。 展开更多
关键词 双向门控循环单元 卷积神经网络 残差网络 网络入侵检测
下载PDF
Multi-Classification of Polyps in Colonoscopy Images Based on an Improved Deep Convolutional Neural Network 被引量:1
12
作者 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
Neural Network Ensemble Residual Kriging Application for Spatial Variability of Soil Properties 被引量:37
13
作者 SHENZhang-Quan SHIJie-Bin +2 位作者 WANGKe KONGFan-Sheng J.S.BAILEY 《Pedosphere》 SCIE CAS CSCD 2004年第3期289-296,共8页
High quality, agricultural nutrient distribution maps are necessary for precision management, but depend on initial soil sample analyses and interpolation techniques. To examine the methodologies for and explore the c... High quality, agricultural nutrient distribution maps are necessary for precision management, but depend on initial soil sample analyses and interpolation techniques. To examine the methodologies for and explore the capability of interpolating soil properties based on neural network ensemble residual kriging, a silage field at Hayes, Northern Ireland, UK, was selected for this study with all samples being split into independent training and validation data sets. The training data set, comprised of five soil properties: soil pH, soil available P, soil available K, soil available Mg and soil available S,was modeled for spatial variability using 1) neural network ensemble residual kriging, 2) neural network ensemble and 3) kriging with their accuracies being estimated by means of the validation data sets. Ordinary kriging of the residuals provided accurate local estimates, while final estimates were produced as a sum of the artificial neural network (ANN)ensemble estimates and the ordinary kriging estimates of the residuals. Compared to kriging and neural network ensemble,the neural network ensemble residual kriging achieved better or similar accuracy for predicting and estimating contour maps. Thus, the results demonstrated that ANN ensemble residual kriging was an efficient alternative to the conventional geo-statistical models that were usually used for interpolation of a data set in the soil science area. 展开更多
关键词 KRIGING neural networks ensemble residual soil properties SPATIALVARIABILITY
下载PDF
融合Residual Network-50残差块与卷积注意力模块的地震断层自动识别
14
作者 王欣伟 师素珍 +4 位作者 姚学君 裴锦博 王祎璠 杨涵博 刘丹青 《Applied Geophysics》 SCIE CSCD 2023年第1期20-35,130,共17页
传统的断层识别是由地质解释人员以人工标记的方式进行检测,不仅耗时长、效率低,且识别结果存在一定的人为误差。为解决以上问题,提高断层识别的精度,提出了一种基于深度学习的断层识别方法,利用注意力机制聚焦目标特征的能力,在U-Net... 传统的断层识别是由地质解释人员以人工标记的方式进行检测,不仅耗时长、效率低,且识别结果存在一定的人为误差。为解决以上问题,提高断层识别的精度,提出了一种基于深度学习的断层识别方法,利用注意力机制聚焦目标特征的能力,在U-Net网络的解码层引入了卷积注意力模块(Convolutional Block Attention Module,CBAM),在编码层引入了ResNet-50残差块,建立基于卷积神经网络(Convolutional Neural Networks,CNN)的断层识别方法(Res-CBAM-UNet)。将合成地震数据与相应的断层标签进行数据增强操作,新生成的训练数据集作为输入对网络模型进行训练,以提高模型的泛化能力。随后将该模型与CBAM-UNet、ResNet34-UNet和ResNet50-UNet网络进行对比分析,利用实际工区地震数据进行测试。结果表明,设计的Res-CBAM-UNet网络对断层具有较好的识别效果,且识别出的断层连续性好,计算效率高。 展开更多
关键词 卷积神经网络 深度学习 断层识别 残差网络 注意 力机制
下载PDF
Prediction about residual stress and microhardness of material subjected to multiple overlap laser shock processing using artificial neural network 被引量:3
15
作者 WU Jia-jun HUANG Zheng +4 位作者 QIAO Hong-chao WEI Bo-xin ZHAO Yong-jie LI Jing-feng ZHAO Ji-bin 《Journal of Central South University》 SCIE EI CAS CSCD 2022年第10期3346-3360,共15页
In this work,the nickel-based powder metallurgy superalloy FGH95 was selected as experimental material,and the experimental parameters in multiple overlap laser shock processing(LSP)treatment were selected based on or... In this work,the nickel-based powder metallurgy superalloy FGH95 was selected as experimental material,and the experimental parameters in multiple overlap laser shock processing(LSP)treatment were selected based on orthogonal experimental design.The experimental data of residual stress and microhardness were measured in the same depth.The residual stress and microhardness laws were investigated and analyzed.Artificial neural network(ANN)with four layers(4-N-(N-1)-2)was applied to predict the residual stress and microhardness of FGH95 subjected to multiple overlap LSP.The experimental data were divided as training-testing sets in pairs.Laser energy,overlap rate,shocked times and depth were set as inputs,while residual stress and microhardness were set as outputs.The prediction performances with different network configuration of developed ANN models were compared and analyzed.The developed ANN model with network configuration of 4-7-6-2 showed the best predict performance.The predicted values showed a good agreement with the experimental values.In addition,the correlation coefficients among all the parameters and the effect of LSP parameters on materials response were studied.It can be concluded that ANN is a useful method to predict residual stress and microhardness of material subjected to LSP when with limited experimental data. 展开更多
关键词 laser shock processing residual stress MICROHARDNESS artificial neural network
下载PDF
IRMIRS:Inception-ResNet-Based Network for MRI Image Super-Resolution
16
作者 Wazir Muhammad Zuhaibuddin Bhutto +3 位作者 Salman Masroor Murtaza Hussain Shaikh Jalal Shah Ayaz Hussain 《Computer Modeling in Engineering & Sciences》 SCIE EI 2023年第8期1121-1142,共22页
Medical image super-resolution is a fundamental challenge due to absorption and scattering in tissues.These challenges are increasing the interest in the quality of medical images.Recent research has proven that the r... Medical image super-resolution is a fundamental challenge due to absorption and scattering in tissues.These challenges are increasing the interest in the quality of medical images.Recent research has proven that the rapid progress in convolutional neural networks(CNNs)has achieved superior performance in the area of medical image super-resolution.However,the traditional CNN approaches use interpolation techniques as a preprocessing stage to enlarge low-resolution magnetic resonance(MR)images,adding extra noise in the models and more memory consumption.Furthermore,conventional deep CNN approaches used layers in series-wise connection to create the deeper mode,because this later end layer cannot receive complete information and work as a dead layer.In this paper,we propose Inception-ResNet-based Network for MRI Image Super-Resolution known as IRMRIS.In our proposed approach,a bicubic interpolation is replaced with a deconvolution layer to learn the upsampling filters.Furthermore,a residual skip connection with the Inception block is used to reconstruct a high-resolution output image from a low-quality input image.Quantitative and qualitative evaluations of the proposed method are supported through extensive experiments in reconstructing sharper and clean texture details as compared to the state-of-the-art methods. 展开更多
关键词 SUPER-RESOLUTION magnetic resonance imaging resnet block inception block convolutional neural network deconvolution layer
下载PDF
Automatic Detection of COVID-19 Using Chest X-Ray Images and Modified ResNet18-Based Convolution Neural Networks 被引量:3
17
作者 Ruaa A.Al-Falluji Zainab Dalaf Katheeth Bashar Alathari 《Computers, Materials & Continua》 SCIE EI 2021年第2期1301-1313,共13页
The latest studies with radiological imaging techniques indicate that X-ray images provide valuable details on the Coronavirus disease 2019(COVID-19).The usage of sophisticated artificial intelligence technology(AI)an... The latest studies with radiological imaging techniques indicate that X-ray images provide valuable details on the Coronavirus disease 2019(COVID-19).The usage of sophisticated artificial intelligence technology(AI)and the radiological images can help in diagnosing the disease reliably and addressing the problem of the shortage of trained doctors in remote villages.In this research,the automated diagnosis of Coronavirus disease was performed using a dataset of X-ray images of patients with severe bacterial pneumonia,reported COVID-19 disease,and normal cases.The goal of the study is to analyze the achievements for medical image recognition of state-of-the-art neural networking architectures.Transfer Learning technique has been implemented in this work.Transfer learning is an ambitious task,but it results in impressive outcomes for identifying distinct patterns in tiny datasets of medical images.The findings indicate that deep learning with X-ray imagery could retrieve important biomarkers relevant for COVID-19 disease detection.Since all diagnostic measures show failure levels that pose questions,the scientific profession should determine the probability of integration of X-rays with the clinical treatment,utilizing the results.The proposed model achieved 96.73%accuracy outperforming the ResNet50 and traditional Resnet18 models.Based on our findings,the proposed system can help the specialist doctors in making verdicts for COVID-19 detection. 展开更多
关键词 COVID-19 artificial intelligence convolutional neural network chest x-ray images resnet18 model
下载PDF
Route Temporal⁃Spatial Information Based Residual Neural Networks for Bus Arrival Time Prediction 被引量:1
18
作者 Chao Yang Xiaolei Ru Bin Hu 《Journal of Harbin Institute of Technology(New Series)》 EI CAS 2020年第4期31-39,共9页
Bus arrival time prediction contributes to the quality improvement of public transport services.Passengers can arrange departure time effectively if they know the accurate bus arrival time in advance.We proposed a mac... Bus arrival time prediction contributes to the quality improvement of public transport services.Passengers can arrange departure time effectively if they know the accurate bus arrival time in advance.We proposed a machine⁃learning approach,RTSI⁃ResNet,to forecast the bus arrival time at target stations.The residual neural network framework was employed to model the bus route temporal⁃spatial information.It was found that the bus travel time on a segment between two stations not only had correlation with the preceding buses,but also had common change trends with nearby downstream/upstream segments.Two features about bus travel time and headway were extracted from bus route including target section in both forward and reverse directions to constitute the route temporal⁃spatial information,which reflects the road traffic conditions comprehensively.Experiments on the bus trajectory data of route No.10 in Shenzhen public transport system demonstrated that the proposed RTSI⁃ResNet outperformed other well⁃known methods(e.g.,RNN/LSTM,SVM).Specifically,the advantage was more significant when the distance between bus and the target station was farther. 展开更多
关键词 bus arrival time prediction route temporal⁃spatial information residual neural network recurrent neural network bus trajectory data
下载PDF
Ensemble Recurrent Neural Network-Based Residual Useful Life Prognostics of Aircraft Engines 被引量:1
19
作者 Jun Wu Kui Hu +3 位作者 Yiwei Cheng Ji Wang Chao Deng Yuanhan Wang 《Structural Durability & Health Monitoring》 EI 2019年第3期317-329,共13页
Residual useful life(RUL)prediction is a key issue for improving efficiency of aircraft engines and reducing their maintenance cost.Owing to various failure mechanism and operating environment,the application of class... Residual useful life(RUL)prediction is a key issue for improving efficiency of aircraft engines and reducing their maintenance cost.Owing to various failure mechanism and operating environment,the application of classical models in RUL prediction of aircraft engines is fairly difficult.In this study,a novel RUL prognostics method based on using ensemble recurrent neural network to process massive sensor data is proposed.First of all,sensor data obtained from the aircraft engines are preprocessed to eliminate singular values,reduce random fluctuation and preserve degradation trend of the raw sensor data.Secondly,three kinds of recurrent neural networks(RNN),including ordinary RNN,long shortterm memory(LSTM),and gated recurrent unit(GRU),are individually constructed.Thirdly,ensemble learning mechanism is designed to merge the above RNNs for producing a more accurate RUL prediction.The effectiveness of the proposed method is validated using two characteristically different turbofan engine datasets.Experimental results show a competitive performance of the proposed method in comparison with typical methods reported in literatures. 展开更多
关键词 Aircraft engines residual useful life prediction health monitoring neural networks ensemble learning
下载PDF
拉曼光谱结合WGANGP-ResNet算法鉴别病原菌种类
20
作者 孟星志 刘亚秋 刘丽娜 《光谱学与光谱分析》 SCIE EI CAS CSCD 北大核心 2024年第2期542-547,共6页
快速准确识别病原菌在防止传染病的传播、帮助对抗抗菌素耐药性和改善病人预后方面起着关键作用。拉曼光谱结合机器学习算法能够简单快捷地对病原菌进行无标记检测。然而,病原菌种类和表型繁多,并且深度学习需要依赖大量样本训练,而收... 快速准确识别病原菌在防止传染病的传播、帮助对抗抗菌素耐药性和改善病人预后方面起着关键作用。拉曼光谱结合机器学习算法能够简单快捷地对病原菌进行无标记检测。然而,病原菌种类和表型繁多,并且深度学习需要依赖大量样本训练,而收集大批量病原菌拉曼光谱劳神费力,且易受荧光等因素影响。针对上述问题,提出一种基于WGAN-GP数据增强方法和ResNet结合的病原菌拉曼光谱检测模型。采用五种常见眼科病原菌的拉曼光谱。将采集到的原始数据归一化作为ResNet和传统卷积神经网络(1D-CNN)的输入,将经过SG滤波、airPLS基线校正、PCA降维等预处理后的数据作为K近邻(KNN)的输入,对比分析发现ResNet模型效果最优,其分类精度可达96%;搭建Wasserstein生成式对抗网络加梯度惩罚模型(WGAN-GP),生成大量与真实数据相似的高分辨率光谱数据。同时与偏移法、深度卷积生成式对抗神经网络(DCGAN)2种数据增强方法进行比对,证明WGAN-GP的可靠性;为验证生成数据可以丰富数据多样性,进而提高分类精度,将扩充后的数据集重新放入ResNet进行训练,最终WGAN-GP结合ResNet的分类准确率提高到99.3%。结果表明:基于ResNet的分类模型无需复杂数据预处理,在开发效率和分类精度上均有提高;改进的WGAN-GP模型适用于拉曼光谱数据增强,解决了传统数据增强方法生成光谱的有效性与类别准确性不匹配的问题,相比于GAN提高了训练过程的速度和稳定性;利用表面增强拉曼光谱技术(SERS)结合WGANGP-ResNet模型对病原菌拉曼光谱分类,减少了对大量训练数据的需求,有利于快速学习和分析低信噪比的拉曼光谱,并将光谱采集时间缩减到1/10。在临床快速、免培养鉴别病原菌方面具有重要研究意义与应用价值。 展开更多
关键词 WGAN-GP 拉曼光谱 病原菌鉴别 一维残差网络 卷积神经网络
下载PDF
上一页 1 2 74 下一页 到第
使用帮助 返回顶部