期刊文献+
共找到882篇文章
< 1 2 45 >
每页显示 20 50 100
A COVID-19 Detection Model Based on Convolutional Neural Network and Residual Learning
1
作者 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
Object Grasping Detection Based on Residual Convolutional Neural Network
2
作者 WU Di WU Nailong SHI Hongrui 《Journal of Donghua University(English Edition)》 CAS 2022年第4期345-352,共8页
Robotic grasps play an important role in the service and industrial fields,and the robotic arm can grasp the object properly depends on the accuracy of the grasping detection result.In order to predict grasping detect... Robotic grasps play an important role in the service and industrial fields,and the robotic arm can grasp the object properly depends on the accuracy of the grasping detection result.In order to predict grasping detection positions for known or unknown objects by a modular robotic system,a convolutional neural network(CNN)with the residual block is proposed,which can be used to generate accurate grasping detection for input images of the scene.The proposed model architecture was trained on the standard Cornell grasp dataset and evaluated on the test dataset.Moreover,it was evaluated on different types of household objects and cluttered multi-objects.On the Cornell grasp dataset,the accuracy of the model on image-wise splitting detection and object-wise splitting detection achieved 95.5%and 93.6%,respectively.Further,the real detection time per image was 109 ms.The experimental results show that the model can quickly detect the grasping positions of a single object or multiple objects in image pixels in real time,and it keeps good stability and robustness. 展开更多
关键词 grasping detection residual convolutional neural network(Res-CNN) Cornell grasp dataset household objects cluttered multi-objects
下载PDF
Automatic modulation recognition of radiation source signals based on two-dimensional data matrix and improved residual neural network
3
作者 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
Intelligent Detection Model Based on a Fully Convolutional Neural Network for Pavement Cracks 被引量:2
4
作者 Duo Ma Hongyuan Fang +3 位作者 Binghan Xue Fuming Wang Mohammed AMsekh Chiu Ling Chan 《Computer Modeling in Engineering & Sciences》 SCIE EI 2020年第6期1267-1291,共25页
The crack is a common pavement failure problem.A lack of periodic maintenance will result in extending the cracks and damage the pavement,which will affect the normal use of the road.Therefore,it is significant to est... The crack is a common pavement failure problem.A lack of periodic maintenance will result in extending the cracks and damage the pavement,which will affect the normal use of the road.Therefore,it is significant to establish an efficient intelligent identification model for pavement cracks.The neural network is a method of simulating animal nervous systems using gradient descent to predict results by learning a weight matrix.It has been widely used in geotechnical engineering,computer vision,medicine,and other fields.However,there are three major problems in the application of neural networks to crack identification.There are too few layers,extracted crack features are not complete,and the method lacks the efficiency to calculate the whole picture.In this study,a fully convolutional neural network based on ResNet-101 is used to establish an intelligent identification model of pavement crack regions.This method,using a convolutional layer instead of a fully connected layer,realizes full convolution and accelerates calculation.The region proposals come from the feature map at the end of the base network,which avoids multiple computations of the same picture.Online hard example mining and data-augmentation techniques are adopted to improve the model’s recognition accuracy.We trained and tested Concrete Crack Images for Classification(CCIC),which is a public dataset collected using smartphones,and the Crack Image Database(CIDB),which was automatically collected using vehicle-mounted charge-coupled device cameras,with identification accuracy reaching 91.4%and 86.4%,respectively.The proposed model has a higher recognition accuracy and recall rate than Faster RCNN and different depth models,and can extract more complete and accurate crack features in CIDB.We also analyzed translation processing,fuzzy,scaling,and distorted images.The proposed model shows a strong robustness and stability,and can automatically identify image cracks of different forms.It has broad application prospects in practical engineering problems. 展开更多
关键词 fully convolutional neural network pavement crack intelligent detection crack image database
下载PDF
Prediction of Uncertainty Estimation and Confidence Calibration Using Fully Convolutional Neural Network
5
作者 Karim Gasmi Lassaad Ben Ammar +1 位作者 Hmoud Elshammari Fadwa Yahya 《Computers, Materials & Continua》 SCIE EI 2023年第5期2557-2573,共17页
Convolution neural networks(CNNs)have proven to be effective clinical imagingmethods.This study highlighted some of the key issues within these systems.It is difficult to train these systems in a limited clinical imag... Convolution neural networks(CNNs)have proven to be effective clinical imagingmethods.This study highlighted some of the key issues within these systems.It is difficult to train these systems in a limited clinical image databases,and many publications present strategies including such learning algorithm.Furthermore,these patterns are known formaking a highly reliable prognosis.In addition,normalization of volume and losses of dice have been used effectively to accelerate and stabilize the training.Furthermore,these systems are improperly regulated,resulting in more confident ratings for correct and incorrect classification,which are inaccurate and difficult to understand.This study examines the risk assessment of Fully Convolutional Neural Networks(FCNNs)for clinical image segmentation.Essential contributions have been made to this planned work:1)dice loss and cross-entropy loss are compared on the basis of segment quality and uncertain assessment of FCNNs;2)proposal for a group model for assurance measurement of full convolutional neural networks trained with dice loss and group normalization;And 3)the ability of the measured FCNs to evaluate the segment quality of the structures and to identify test examples outside the distribution.To evaluate the study’s contributions,it conducted a series of tests in three clinical image division applications such as heart,brain and prostate.The findings of the study provide significant insights into the predictive ambiguity assessment and a practical strategies for outside-distribution identification and reliable measurement in the clinical image segmentation.The approaches presented in this research significantly enhance the reliability and accuracy rating of CNNbased clinical imaging methods. 展开更多
关键词 Medical image SEGMENTATION confidence calibration uncertainty estimation fully convolutional neural network
下载PDF
Reconstructing the 3D digital core with a fully convolutional neural network
6
作者 Li Qiong Chen Zheng +4 位作者 He Jian-Jun Hao Si-Yu Wang Rui Yang Hao-Tao Sun Hua-Jun 《Applied Geophysics》 SCIE CSCD 2020年第3期401-410,共10页
In this paper, the complete process of constructing 3D digital core by fullconvolutional neural network is described carefully. A large number of sandstone computedtomography (CT) images are used as training input for... In this paper, the complete process of constructing 3D digital core by fullconvolutional neural network is described carefully. A large number of sandstone computedtomography (CT) images are used as training input for a fully convolutional neural networkmodel. This model is used to reconstruct the three-dimensional (3D) digital core of Bereasandstone based on a small number of CT images. The Hamming distance together with theMinkowski functions for porosity, average volume specifi c surface area, average curvature,and connectivity of both the real core and the digital reconstruction are used to evaluate theaccuracy of the proposed method. The results show that the reconstruction achieved relativeerrors of 6.26%, 1.40%, 6.06%, and 4.91% for the four Minkowski functions and a Hammingdistance of 0.04479. This demonstrates that the proposed method can not only reconstructthe physical properties of real sandstone but can also restore the real characteristics of poredistribution in sandstone, is the ability to which is a new way to characterize the internalmicrostructure of rocks. 展开更多
关键词 fully convolutional neural network 3D digital core numerical simulation training set
下载PDF
Mural Anomaly Region Detection Algorithm Based on Hyperspectral Multiscale Residual Attention Network
7
作者 Bolin Guo Shi Qiu +1 位作者 Pengchang Zhang Xingjia Tang 《Computers, Materials & Continua》 SCIE EI 2024年第10期1809-1833,共25页
Mural paintings hold significant historical information and possess substantial artistic and cultural value.However,murals are inevitably damaged by natural environmental factors such as wind and sunlight,as well as b... Mural paintings hold significant historical information and possess substantial artistic and cultural value.However,murals are inevitably damaged by natural environmental factors such as wind and sunlight,as well as by human activities.For this reason,the study of damaged areas is crucial for mural restoration.These damaged regions differ significantly from undamaged areas and can be considered abnormal targets.Traditional manual visual processing lacks strong characterization capabilities and is prone to omissions and false detections.Hyperspectral imaging can reflect the material properties more effectively than visual characterization methods.Thus,this study employs hyperspectral imaging to obtain mural information and proposes a mural anomaly detection algorithm based on a hyperspectral multi-scale residual attention network(HM-MRANet).The innovations of this paper include:(1)Constructing mural painting hyperspectral datasets.(2)Proposing a multi-scale residual spectral-spatial feature extraction module based on a 3D CNN(Convolutional Neural Networks)network to better capture multiscale information and improve performance on small-sample hyperspectral datasets.(3)Proposing the Enhanced Residual Attention Module(ERAM)to address the feature redundancy problem,enhance the network’s feature discrimination ability,and further improve abnormal area detection accuracy.The experimental results show that the AUC(Area Under Curve),Specificity,and Accuracy of this paper’s algorithm reach 85.42%,88.84%,and 87.65%,respectively,on this dataset.These results represent improvements of 3.07%,1.11%and 2.68%compared to the SSRN algorithm,demonstrating the effectiveness of this method for mural anomaly detection. 展开更多
关键词 MURALS anomaly detection HYPERSPECTRAL 3D CNN(convolutional neural networks) residual network
下载PDF
Image recognition and empirical application of desert plant species based on convolutional neural network 被引量:2
8
作者 LI Jicai SUN Shiding +2 位作者 JIANG Haoran TIAN Yingjie XU Xiaoliang 《Journal of Arid Land》 SCIE CSCD 2022年第12期1440-1455,共16页
In recent years,deep convolution neural network has exhibited excellent performance in computer vision and has a far-reaching impact.Traditional plant taxonomic identification requires high expertise,which is time-con... In recent years,deep convolution neural network has exhibited excellent performance in computer vision and has a far-reaching impact.Traditional plant taxonomic identification requires high expertise,which is time-consuming.Most nature reserves have problems such as incomplete species surveys,inaccurate taxonomic identification,and untimely updating of status data.Simple and accurate recognition of plant images can be achieved by applying convolutional neural network technology to explore the best network model.Taking 24 typical desert plant species that are widely distributed in the nature reserves in Xinjiang Uygur Autonomous Region of China as the research objects,this study established an image database and select the optimal network model for the image recognition of desert plant species to provide decision support for fine management in the nature reserves in Xinjiang,such as species investigation and monitoring,by using deep learning.Since desert plant species were not included in the public dataset,the images used in this study were mainly obtained through field shooting and downloaded from the Plant Photo Bank of China(PPBC).After the sorting process and statistical analysis,a total of 2331 plant images were finally collected(2071 images from field collection and 260 images from the PPBC),including 24 plant species belonging to 14 families and 22 genera.A large number of numerical experiments were also carried out to compare a series of 37 convolutional neural network models with good performance,from different perspectives,to find the optimal network model that is most suitable for the image recognition of desert plant species in Xinjiang.The results revealed 24 models with a recognition Accuracy,of greater than 70.000%.Among which,Residual Network X_8GF(RegNetX_8GF)performs the best,with Accuracy,Precision,Recall,and F1(which refers to the harmonic mean of the Precision and Recall values)values of 78.33%,77.65%,69.55%,and 71.26%,respectively.Considering the demand factors of hardware equipment and inference time,Mobile NetworkV2 achieves the best balance among the Accuracy,the number of parameters and the number of floating-point operations.The number of parameters for Mobile Network V2(MobileNetV2)is 1/16 of RegNetX_8GF,and the number of floating-point operations is 1/24.Our findings can facilitate efficient decision-making for the management of species survey,cataloging,inspection,and monitoring in the nature reserves in Xinjiang,providing a scientific basis for the protection and utilization of natural plant resources. 展开更多
关键词 desert plants image recognition deep learning convolutional neural network residual network X_8GF(RegNetX_8GF) Mobile network V2(MobileNetV2) nature reserves
下载PDF
Multi-Classification of Polyps in Colonoscopy Images Based on an Improved Deep Convolutional Neural Network 被引量:1
9
作者 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
Automated Delineation of Smallholder Farm Fields Using Fully Convolutional Networks and Generative Adversarial Networks 被引量:1
10
作者 Qiuyu YAN Wufan ZHAO +1 位作者 Xiao HUANG Xianwei LYU 《Journal of Geodesy and Geoinformation Science》 2022年第4期10-22,共13页
Accurate boundaries of smallholder farm fields are important and indispensable geo-information that benefits farmers,managers,and policymakers in terms of better managing and utilizing their agricultural resources.Due... Accurate boundaries of smallholder farm fields are important and indispensable geo-information that benefits farmers,managers,and policymakers in terms of better managing and utilizing their agricultural resources.Due to their small size,irregular shape,and the use of mixed-cropping techniques,the farm fields of smallholder can be difficult to delineate automatically.In recent years,numerous studies on field contour extraction using a deep Convolutional Neural Network(CNN)have been proposed.However,there is a relative shortage of labeled data for filed boundaries,thus affecting the training effect of CNN.Traditional methods mostly use image flipping,and random rotation for data augmentation.In this paper,we propose to apply Generative Adversarial Network(GAN)for the data augmentation of farm fields label to increase the diversity of samples.Specifically,we propose an automated method featured by Fully Convolutional Neural networks(FCN)in combination with GAN to improve the delineation accuracy of smallholder farms from Very High Resolution(VHR)images.We first investigate four State-Of-The-Art(SOTA)FCN architectures,i.e.,U-Net,PSPNet,SegNet and OCRNet,to find the optimal architecture in the contour detection task of smallholder farm fields.Second,we apply the identified optimal FCN architecture in combination with Contour GAN and pixel2pixel GAN to improve the accuracy of contour detection.We test our method on the study area in the Sudano-Sahelian savanna region of northern Nigeria.The best combination achieved F1 scores of 0.686 on Test Set 1(TS1),0.684 on Test Set 2(TS2),and 0.691 on Test Set 3(TS3).Results indicate that our architecture adapts to a variety of advanced networks and proves its effectiveness in this task.The conceptual,theoretical,and experimental knowledge from this study is expected to seed many GAN-based farm delineation methods in the future. 展开更多
关键词 field boundary contour detection fully convolutional neural networks generative adversarial networks
下载PDF
Multimodal 3D Convolutional Neural Networks for Classification of Brain Disease Using Structural MR and FDG-PET Images
11
作者 Kun Han Haiwei Pan +2 位作者 Ruiqi Gao Jieyao Yu Bin Yang 《国际计算机前沿大会会议论文集》 2019年第1期666-668,共3页
The classification and identification of brain diseases with multimodal information have attracted increasing attention in the domain of computer-aided. Compared with traditional method which use single modal feature ... The classification and identification of brain diseases with multimodal information have attracted increasing attention in the domain of computer-aided. Compared with traditional method which use single modal feature information, multiple modal information fusion can classify and diagnose brain diseases more comprehensively and accurately in patient subjects. Existing multimodal methods require manual extraction of features or additional personal information, which consumes a lot of manual work. Furthermore, the difference between different modal images along with different manual feature extraction make it difficult for models to learn the optimal solution. In this paper, we propose a multimodal 3D convolutional neural networks framework for classification of brain disease diagnosis using MR images data and PET images data of subjects. We demonstrate the performance of the proposed approach for classification of Alzheimer’s disease (AD) versus mild cognitive impairment (MCI) and normal controls (NC) on the Alzheimer’s Disease National Initiative (ADNI) data set of 3D structural MRI brain scans and FDG-PET images. Experimental results show that the performance of the proposed method for AD vs. NC, MCI vs. NC are 93.55% and 78.92% accuracy respectively. And the accuracy of the results of AD, MCI and NC 3-classification experiments is 68.86%. 展开更多
关键词 Alzheimer’s disease MRI FDG-PET convolutional neural networkS residual networkS Deep learning Image CLASSIFICATION
下载PDF
融合Residual Network-50残差块与卷积注意力模块的地震断层自动识别 被引量:1
12
作者 王欣伟 师素珍 +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
An Optimized Deep Residual Network with a Depth Concatenated Block for Handwritten Characters Classification 被引量:4
13
作者 Gibrael Abosamra Hadi Oqaibi 《Computers, Materials & Continua》 SCIE EI 2021年第7期1-28,共28页
Even though much advancements have been achieved with regards to the recognition of handwritten characters,researchers still face difficulties with the handwritten character recognition problem,especially with the adv... Even though much advancements have been achieved with regards to the recognition of handwritten characters,researchers still face difficulties with the handwritten character recognition problem,especially with the advent of new datasets like the Extended Modified National Institute of Standards and Technology dataset(EMNIST).The EMNIST dataset represents a challenge for both machine-learning and deep-learning techniques due to inter-class similarity and intra-class variability.Inter-class similarity exists because of the similarity between the shapes of certain characters in the dataset.The presence of intra-class variability is mainly due to different shapes written by different writers for the same character.In this research,we have optimized a deep residual network to achieve higher accuracy vs.the published state-of-the-art results.This approach is mainly based on the prebuilt deep residual network model ResNet18,whose architecture has been enhanced by using the optimal number of residual blocks and the optimal size of the receptive field of the first convolutional filter,the replacement of the first max-pooling filter by an average pooling filter,and the addition of a drop-out layer before the fully connected layer.A distinctive modification has been introduced by replacing the final addition layer with a depth concatenation layer,which resulted in a novel deep architecture having higher accuracy vs.the pure residual architecture.Moreover,the dataset images’sizes have been adjusted to optimize their visibility in the network.Finally,by tuning the training hyperparameters and using rotation and shear augmentations,the proposed model outperformed the state-of-the-art models by achieving average accuracies of 95.91%and 90.90%for the Letters and Balanced dataset sections,respectively.Furthermore,the average accuracies were improved to 95.9%and 91.06%for the Letters and Balanced sections,respectively,by using a group of 5 instances of the trained models and averaging the output class probabilities. 展开更多
关键词 Handwritten character classification deep convolutional neural networks residual networks GoogLeNet ResNet18 DenseNet DROP-OUT L2 regularization factor learning rate
下载PDF
Image Super-Resolution Reconstruction Based on Dual Residual Network
14
作者 Zhe Wang Liguo Zhang +2 位作者 Tong Shuai Shuo Liang Sizhao Li 《Journal of New Media》 2022年第1期27-39,共13页
Research shows that deep learning algorithms can ffectivelyimprove a single image's super-resolution quality.However,if the algorithmis solely focused on increasing network depth and the desired result is not achi... Research shows that deep learning algorithms can ffectivelyimprove a single image's super-resolution quality.However,if the algorithmis solely focused on increasing network depth and the desired result is not achieved,difficulties in the training process are more likely to arise.Simultaneously,the function space that can be transferred from a iow-resolution image to a high-resolution image is enormous,making finding a satisfactory solution difficult.In this paper,we propose a deep learning method for single image super-resolution.The MDRN network framework uses multi-scale residual blocks and dual learning to fully acquire features in low-resolution images.Finally,these features will be sent to the image reconstruction module torestore high-quality images.The function space is constrained by the closedloop formed by dual learning,which provides additional supervision forthe super-resolution reconstruction of the image.The up-sampling processincludes residual blocks with short-hop connections,so that the networkfocuses on learning high-frequency information,and strives to reconstructimages with richer feature details.The experimental results of ×4 and ×8 super-resolution reconstruction of the image show that the quality of thereconstructed image with this method is better than some existing experimental results of image super-resolution reconstruction in subjective visual ffectsand objective evaluation indicators. 展开更多
关键词 SUPER-RESOLUTION convolution neural network residual learning duallearning
下载PDF
Range estimation of few-shot underwater sound source in shallow water based on transfer learning and residual CNN 被引量:3
15
作者 YAO Qihai WANG Yong YANG Yixin 《Journal of Systems Engineering and Electronics》 SCIE EI CSCD 2023年第4期839-850,共12页
Taking the real part and the imaginary part of complex sound pressure of the sound field as features,a transfer learning model is constructed.Based on the pre-training of a large amount of underwater acoustic data in ... Taking the real part and the imaginary part of complex sound pressure of the sound field as features,a transfer learning model is constructed.Based on the pre-training of a large amount of underwater acoustic data in the preselected sea area using the convolutional neural network(CNN),the few-shot underwater acoustic data in the test sea area are retrained to study the underwater sound source ranging problem.The S5 voyage data of SWellEX-96 experiment is used to verify the proposed method,realize the range estimation for the shallow source in the experiment,and compare the range estimation performance of the underwater target sound source of four methods:matched field processing(MFP),generalized regression neural network(GRNN),traditional CNN,and transfer learning.Experimental data processing results show that the transfer learning model based on residual CNN can effectively realize range estimation in few-shot scenes,and the estimation performance is remarkably better than that of other methods. 展开更多
关键词 transfer learning residual convolutional neural network(CNN) few shot vertical array range estimation
下载PDF
基于Residual-FPN优化的航拍绝缘子目标识别 被引量:3
16
作者 邹汉凌 陆丽 《仪表技术》 2019年第10期13-16,共4页
基于图像的绝缘子识别是电网的智能电力巡检的重要任务之一,由于无人机巡检中绝缘子大小和种类、拍摄角度以及场景的多样性导致目标检测精度不高,针对此问题进行基于Residual-FPN优化的卷积神经网络绝缘子识别研究。首先采集并且标注绝... 基于图像的绝缘子识别是电网的智能电力巡检的重要任务之一,由于无人机巡检中绝缘子大小和种类、拍摄角度以及场景的多样性导致目标检测精度不高,针对此问题进行基于Residual-FPN优化的卷积神经网络绝缘子识别研究。首先采集并且标注绝缘子图像数据,这些数据包含了高压输电塔、铁路接触网等场景;然后构建不同网络结构的绝缘子识别系统,网络经过训练后对绝缘子图像进行识别;最后分析不同模型对绝缘子的识别精度的影响。实验结果表明,基于Residual-FPN优化后的网络具有较高的识别率,识别精度达到90.21%。 展开更多
关键词 目标检测 电力巡检 绝缘子 residual-FPN 卷积神经网络
下载PDF
A novel residual shrinkage block-based convolutional neural network for improving the recognition of motor imagery EEG signals
17
作者 Jinchao Huang 《International Journal of Intelligent Computing and Cybernetics》 EI 2023年第3期420-442,共23页
Purpose-Recently,the convolutional neural network(ConvNet)has a wide application in the classification of motor imagery EEG signals,However,the low sigalto-noise electroencephalogram(EEG)signals are ollectede under th... Purpose-Recently,the convolutional neural network(ConvNet)has a wide application in the classification of motor imagery EEG signals,However,the low sigalto-noise electroencephalogram(EEG)signals are ollectede under the interference of noises.However,the conventional ConvNet model cannot directly solve this problem.This study aims to discuss the aforementioned issues.Design/methodology/approach-To solve this problem,this paper adopted a novel residual shrinkage block(RSB)to construct the ComvNet model(RSBConvNet).During the feature extraction from EEG simnals,the proposed RSBConvNet prevented the noise component in EEG signals,and improved the classification accuracy of motor imagery.In the construction of RSBConvNet,the author applied the soft thresholding strategy to prevent the non-related.motor imagery features in EEG sigmals.The soft thresholding was inserted into the residual block(RB),and the suitable threshold for the curent EEG signals distribution can be learned by minimizing the loss function.Therefore,during the feature extraction of motor imagery,the proposed RSBConvNet de noised the EEG signals and improved the discriminative of dassifiation features.Findings-Comparative experiments and ablation studies were done on two public benchumark datasets.Compared with conventionalConvNet models,the proposed RSBConvNet model has olbvious improvements in motor imagery classification accuracy and Kappa officient.Ablation studies have also shown the de noised abilities of the RSBConvNet modeL Morbover,different parameters and computational methods of the RSBConvNet model have been tested om the dassificatiton of motor imagery.Originality/value-Based ou the experimental results,the RSBComvNet constructed in this paper has an excellent reogmition accuracy of M-BCI which can be used for further appications for the online MI-BCI. 展开更多
关键词 Motor imagery EEG signals classification Deep residual shrinkage network Soft thresholding convolutional neural network
原文传递
Fine-grained classification of grape leaves via a pyramid residual convolution neural network 被引量:2
18
作者 Hanghao Li Yana Wei +2 位作者 Hongming Zhang Huan Chen Jiangfei Meng 《International Journal of Agricultural and Biological Engineering》 SCIE CAS 2022年第2期197-203,共7页
The value of grape cultivars varies.The use of a mixture of cultivars can negate the benefits of improved cultivars and hamper the protection of genetic resources and the identification of new hybrid cultivars.Classif... The value of grape cultivars varies.The use of a mixture of cultivars can negate the benefits of improved cultivars and hamper the protection of genetic resources and the identification of new hybrid cultivars.Classifying cultivars based on their leaves is therefore highly practical.Transplanted grape seedlings take years to bear fruit,but leaves mature in months.Foliar morphology differs among cultivars,so identifying cultivars based on leaves is feasible.Different cultivars,however,can be bred from the same parents,so the leaves of some cultivars can have similar morphologies.In this work,a pyramid residual convolution neural network was developed to classify images of eleven grape cultivars.The model extracts multi-scale feature maps of the leaf images through the convolution layer and enters them into three residual convolution neural networks.Features are fused by adding the value of the convolution kernel feature matrix to enhance the attention on the edge and center regions of the leaves and classify the images.The results indicated that the average accuracy of the model was 92.26%for the proposed leaf dataset.The proposed model is superior to previous models and provides a reliable method for the fine-grained classification and identification of plant cultivars. 展开更多
关键词 fine-grained classification grape cultivars identification pyramid residual network convolution neural network
原文传递
How to accurately extract large-scale urban land?Establishment of an improved fully convolutional neural network model
19
作者 Boling YIN Dongjie GUAN +4 位作者 Yuxiang ZHANG He XIAO Lidan CHENG Jiameng CAO Xiangyuan SU 《Frontiers of Earth Science》 SCIE CSCD 2022年第4期1061-1076,共16页
Realizing accurate perception of urban boundary changes is conducive to the formulation of regional development planning and researches of urban sustainable development.In this paper,an improved fully convolution neur... Realizing accurate perception of urban boundary changes is conducive to the formulation of regional development planning and researches of urban sustainable development.In this paper,an improved fully convolution neural network was provided for perceiving large-scale urban change,by modifying network structure and updating network strategy to extract richer feature information,and to meet the requirement of urban construction land extraction under the background of large-scale low-resolution image.This paper takes the Yangtze River Economic Belt of China as an empirical object to verify the practicability of the network,the results show the extraction results of the improved fully convolutional neural network model reached a precision of kappa coefficient of 0.88,which is better than traditional fully convolutional neural networks,it performs well in the construction land extraction at the scale of small and medium-sized cities. 展开更多
关键词 improved fully convolutional neural network remote sensing image classification city boundary precision evaluation
原文传递
Automatic Detection of Lung Nodules Using 3D Deep Convolutional Neural Networks 被引量:2
20
作者 FU Ling MA Jingchen +2 位作者 CHEN Yizhi LARSSON Rasmus ZHAO Jun 《Journal of Shanghai Jiaotong university(Science)》 EI 2019年第4期517-523,共7页
Lung cancer is the leading cause of cancer deaths worldwide. Accurate early diagnosis is critical in increasing the 5-year survival rate of lung cancer, so the efficient and accurate detection of lung nodules,the pote... Lung cancer is the leading cause of cancer deaths worldwide. Accurate early diagnosis is critical in increasing the 5-year survival rate of lung cancer, so the efficient and accurate detection of lung nodules,the potential precursors to lung cancer, is paramount. In this paper, a computer-aided lung nodule detection system using 3D deep convolutional neural networks(CNNs) is developed. The first multi-scale 11-layer 3D fully convolutional neural network(FCN) is used for screening all lung nodule candidates. Considering relative small sizes of lung nodules and limited memory, the input of the FCN consists of 3D image patches rather than of whole images. The candidates are further classified in the second CNN to get the final result. The proposed method achieves high performance in the LUNA16 challenge and demonstrates the effectiveness of using 3D deep CNNs for lung nodule detection. 展开更多
关键词 LUNG NODULE DETECTION COMPUTER-AIDED DETECTION (CAD) convolutional neural network (CNN) fully convolutional neural network (FCN)
原文传递
上一页 1 2 45 下一页 到第
使用帮助 返回顶部