Deep learning, especially through convolutional neural networks (CNN) such as the U-Net 3D model, has revolutionized fault identification from seismic data, representing a significant leap over traditional methods. Ou...Deep learning, especially through convolutional neural networks (CNN) such as the U-Net 3D model, has revolutionized fault identification from seismic data, representing a significant leap over traditional methods. Our review traces the evolution of CNN, emphasizing the adaptation and capabilities of the U-Net 3D model in automating seismic fault delineation with unprecedented accuracy. We find: 1) The transition from basic neural networks to sophisticated CNN has enabled remarkable advancements in image recognition, which are directly applicable to analyzing seismic data. The U-Net 3D model, with its innovative architecture, exemplifies this progress by providing a method for detailed and accurate fault detection with reduced manual interpretation bias. 2) The U-Net 3D model has demonstrated its superiority over traditional fault identification methods in several key areas: it has enhanced interpretation accuracy, increased operational efficiency, and reduced the subjectivity of manual methods. 3) Despite these achievements, challenges such as the need for effective data preprocessing, acquisition of high-quality annotated datasets, and achieving model generalization across different geological conditions remain. Future research should therefore focus on developing more complex network architectures and innovative training strategies to refine fault identification performance further. Our findings confirm the transformative potential of deep learning, particularly CNN like the U-Net 3D model, in geosciences, advocating for its broader integration to revolutionize geological exploration and seismic analysis.展开更多
This study introduces an innovative“Big Model”strategy to enhance Bridge Structural Health Monitoring(SHM)using a Convolutional Neural Network(CNN),time-frequency analysis,and fine element analysis.Leveraging ensemb...This study introduces an innovative“Big Model”strategy to enhance Bridge Structural Health Monitoring(SHM)using a Convolutional Neural Network(CNN),time-frequency analysis,and fine element analysis.Leveraging ensemble methods,collaborative learning,and distributed computing,the approach effectively manages the complexity and scale of large-scale bridge data.The CNN employs transfer learning,fine-tuning,and continuous monitoring to optimize models for adaptive and accurate structural health assessments,focusing on extracting meaningful features through time-frequency analysis.By integrating Finite Element Analysis,time-frequency analysis,and CNNs,the strategy provides a comprehensive understanding of bridge health.Utilizing diverse sensor data,sophisticated feature extraction,and advanced CNN architecture,the model is optimized through rigorous preprocessing and hyperparameter tuning.This approach significantly enhances the ability to make accurate predictions,monitor structural health,and support proactive maintenance practices,thereby ensuring the safety and longevity of critical infrastructure.展开更多
The motivation for this study is that the quality of deep fakes is constantly improving,which leads to the need to develop new methods for their detection.The proposed Customized Convolutional Neural Network method in...The motivation for this study is that the quality of deep fakes is constantly improving,which leads to the need to develop new methods for their detection.The proposed Customized Convolutional Neural Network method involves extracting structured data from video frames using facial landmark detection,which is then used as input to the CNN.The customized Convolutional Neural Network method is the date augmented-based CNN model to generate‘fake data’or‘fake images’.This study was carried out using Python and its libraries.We used 242 films from the dataset gathered by the Deep Fake Detection Challenge,of which 199 were made up and the remaining 53 were real.Ten seconds were allotted for each video.There were 318 videos used in all,199 of which were fake and 119 of which were real.Our proposedmethod achieved a testing accuracy of 91.47%,loss of 0.342,and AUC score of 0.92,outperforming two alternative approaches,CNN and MLP-CNN.Furthermore,our method succeeded in greater accuracy than contemporary models such as XceptionNet,Meso-4,EfficientNet-BO,MesoInception-4,VGG-16,and DST-Net.The novelty of this investigation is the development of a new Convolutional Neural Network(CNN)learning model that can accurately detect deep fake face photos.展开更多
Ultrasonic guided wave is an attractive monitoring technique for large-scale structures but is vulnerable to changes in environmental and operational conditions(EOC),which are inevitable in the normal inspection of ci...Ultrasonic guided wave is an attractive monitoring technique for large-scale structures but is vulnerable to changes in environmental and operational conditions(EOC),which are inevitable in the normal inspection of civil and mechanical structures.This paper thus presents a robust guided wave-based method for damage detection and localization under complex environmental conditions by singular value decomposition-based feature extraction and one-dimensional convolutional neural network(1D-CNN).After singular value decomposition-based feature extraction processing,a temporal robust damage index(TRDI)is extracted,and the effect of EOCs is well removed.Hence,even for the signals with a very large temperature-varying range and low signal-to-noise ratios(SNRs),the final damage detection and localization accuracy retain perfect 100%.Verifications are conducted on two different experimental datasets.The first dataset consists of guided wave signals collected from a thin aluminum plate with artificial noises,and the second is a publicly available experimental dataset of guided wave signals acquired on a composite plate with a temperature ranging from 20℃to 60℃.It is demonstrated that the proposed method can detect and localize the damage accurately and rapidly,showing great potential for application in complex and unknown EOC.展开更多
Since chemical processes are highly non-linear and multiscale,it is vital to deeply mine the multiscale coupling relationships embedded in the massive process data for the prediction and anomaly tracing of crucial pro...Since chemical processes are highly non-linear and multiscale,it is vital to deeply mine the multiscale coupling relationships embedded in the massive process data for the prediction and anomaly tracing of crucial process parameters and production indicators.While the integrated method of adaptive signal decomposition combined with time series models could effectively predict process variables,it does have limitations in capturing the high-frequency detail of the operation state when applied to complex chemical processes.In light of this,a novel Multiscale Multi-radius Multi-step Convolutional Neural Network(Msrt Net)is proposed for mining spatiotemporal multiscale information.First,the industrial data from the Fluid Catalytic Cracking(FCC)process decomposition using Complete Ensemble Empirical Mode Decomposition with Adaptive Noise(CEEMDAN)extract the multi-energy scale information of the feature subset.Then,convolution kernels with varying stride and padding structures are established to decouple the long-period operation process information encapsulated within the multi-energy scale data.Finally,a reconciliation network is trained to reconstruct the multiscale prediction results and obtain the final output.Msrt Net is initially assessed for its capability to untangle the spatiotemporal multiscale relationships among variables in the Tennessee Eastman Process(TEP).Subsequently,the performance of Msrt Net is evaluated in predicting product yield for a 2.80×10^(6) t/a FCC unit,taking diesel and gasoline yield as examples.In conclusion,Msrt Net can decouple and effectively extract spatiotemporal multiscale information from chemical process data and achieve a approximately reduction of 30%in prediction error compared to other time-series models.Furthermore,its robustness and transferability underscore its promising potential for broader applications.展开更多
Recommendation Information Systems(RIS)are pivotal in helping users in swiftly locating desired content from the vast amount of information available on the Internet.Graph Convolution Network(GCN)algorithms have been ...Recommendation Information Systems(RIS)are pivotal in helping users in swiftly locating desired content from the vast amount of information available on the Internet.Graph Convolution Network(GCN)algorithms have been employed to implement the RIS efficiently.However,the GCN algorithm faces limitations in terms of performance enhancement owing to the due to the embedding value-vanishing problem that occurs during the learning process.To address this issue,we propose a Weighted Forwarding method using the GCN(WF-GCN)algorithm.The proposed method involves multiplying the embedding results with different weights for each hop layer during graph learning.By applying the WF-GCN algorithm,which adjusts weights for each hop layer before forwarding to the next,nodes with many neighbors achieve higher embedding values.This approach facilitates the learning of more hop layers within the GCN framework.The efficacy of the WF-GCN was demonstrated through its application to various datasets.In the MovieLens dataset,the implementation of WF-GCN in LightGCN resulted in significant performance improvements,with recall and NDCG increasing by up to+163.64%and+132.04%,respectively.Similarly,in the Last.FM dataset,LightGCN using WF-GCN enhanced with WF-GCN showed substantial improvements,with the recall and NDCG metrics rising by up to+174.40%and+169.95%,respectively.Furthermore,the application of WF-GCN to Self-supervised Graph Learning(SGL)and Simple Graph Contrastive Learning(SimGCL)also demonstrated notable enhancements in both recall and NDCG across these datasets.展开更多
In order to directly construct the mapping between multiple state parameters and remaining useful life(RUL),and reduce the interference of random error on prediction accuracy,a RUL prediction model of aeroengine based...In order to directly construct the mapping between multiple state parameters and remaining useful life(RUL),and reduce the interference of random error on prediction accuracy,a RUL prediction model of aeroengine based on principal component analysis(PCA)and one-dimensional convolution neural network(1D-CNN)is proposed in this paper.Firstly,multiple state parameters corresponding to massive cycles of aeroengine are collected and brought into PCA for dimensionality reduction,and principal components are extracted for further time series prediction.Secondly,the 1D-CNN model is constructed to directly study the mapping between principal components and RUL.Multiple convolution and pooling operations are applied for deep feature extraction,and the end-to-end RUL prediction of aeroengine can be realized.Experimental results show that the most effective principal component from the multiple state parameters can be obtained by PCA,and the long time series of multiple state parameters can be directly mapped to RUL by 1D-CNN,so as to improve the efficiency and accuracy of RUL prediction.Compared with other traditional models,the proposed method also has lower prediction error and better robustness.展开更多
Plant species recognition is an important research area in image recognition in recent years.However,the existing plant species recognition methods have low recognition accuracy and do not meet professional requiremen...Plant species recognition is an important research area in image recognition in recent years.However,the existing plant species recognition methods have low recognition accuracy and do not meet professional requirements in terms of recognition accuracy.Therefore,ShuffleNetV2 was improved by combining the current hot concern mechanism,convolution kernel size adjustment,convolution tailoring,and CSP technology to improve the accuracy and reduce the amount of computation in this study.Six convolutional neural network models with sufficient trainable parameters were designed for differentiation learning.The SGD algorithm is used to optimize the training process to avoid overfitting or falling into the local optimum.In this paper,a conventional plant image dataset TJAU10 collected by cell phones in a natural context was constructed,containing 3000 images of 10 plant species on the campus of Tianjin Agricultural University.Finally,the improved model is compared with the baseline version of the model,which achieves better results in terms of improving accuracy and reducing the computational effort.The recognition accuracy tested on the TJAU10 dataset reaches up to 98.3%,and the recognition precision reaches up to 93.6%,which is 5.1%better than the original model and reduces the computational effort by about 31%compared with the original model.In addition,the experimental results were evaluated using metrics such as the confusion matrix,which can meet the requirements of professionals for the accurate identification of plant species.展开更多
COVID-19 has created a panic all around the globe.It is a contagious dis-ease caused by Severe Acute Respiratory Syndrome Coronavirus 2(SARS-CoV-2),originated from Wuhan in December 2019 and spread quickly all over th...COVID-19 has created a panic all around the globe.It is a contagious dis-ease caused by Severe Acute Respiratory Syndrome Coronavirus 2(SARS-CoV-2),originated from Wuhan in December 2019 and spread quickly all over the world.The healthcare sector of the world is facing great challenges tackling COVID cases.One of the problems many have witnessed is the misdiagnosis of COVID-19 cases with that of healthy and pneumonia cases.In this article,we propose a deep Convo-lutional Neural Network(CNN)based approach to detect COVID+(i.e.,patients with COVID-19),pneumonia and normal cases,from the chest X-ray images.COVID-19 detection from chest X-ray is suitable considering all aspects in compar-ison to Reverse Transcription Polymerase Chain Reaction(RT-PCR)and Computed Tomography(CT)scan.Several deep CNN models including VGG16,InceptionV3,DenseNet121,DenseNet201 and InceptionResNetV2 have been adopted in this pro-posed work.They have been trained individually to make particular predictions.Empirical results demonstrate that DenseNet201 provides overall better performance with accuracy,recall,F1-score and precision of 94.75%,96%,95%and 95%respec-tively.After careful comparison with results available in the literature,we have found to develop models with a higher reliability.All the studies were carried out using a publicly available chest X-ray(CXR)image data-set.展开更多
System design and optimization problems require large-scale chemical kinetic models. Pure kinetic models of naphtha pyrolysis need to solve a complete set of stiff ODEs and is therefore too computational expensive. On...System design and optimization problems require large-scale chemical kinetic models. Pure kinetic models of naphtha pyrolysis need to solve a complete set of stiff ODEs and is therefore too computational expensive. On the other hand, artificial neural networks that completely neglect the topology of the reaction networks often have poor generalization. In this paper, a framework is proposed for learning local representations from largescale chemical reaction networks. At first, the features of naphtha pyrolysis reactions are extracted by applying complex network characterization methods. The selected features are then used as inputs in convolutional architectures. Different CNN models are established and compared to optimize the neural network structure.After the pre-training and fine-tuning step, the ultimate CNN model reduces the computational cost of the previous kinetic model by over 300 times and predicts the yields of main products with the average error of less than 3%. The obtained results demonstrate the high efficiency of the proposed framework.展开更多
As a common and high-risk type of disease,heart disease seriously threatens people’s health.At the same time,in the era of the Internet of Thing(IoT),smart medical device has strong practical significance for medical...As a common and high-risk type of disease,heart disease seriously threatens people’s health.At the same time,in the era of the Internet of Thing(IoT),smart medical device has strong practical significance for medical workers and patients because of its ability to assist in the diagnosis of diseases.Therefore,the research of real-time diagnosis and classification algorithms for arrhythmia can help to improve the diagnostic efficiency of diseases.In this paper,we design an automatic arrhythmia classification algorithm model based on Convolutional Neural Network(CNN)and Encoder-Decoder model.The model uses Long Short-Term Memory(LSTM)to consider the influence of time series features on classification results.Simultaneously,it is trained and tested by the MIT-BIH arrhythmia database.Besides,Generative Adversarial Networks(GAN)is adopted as a method of data equalization for solving data imbalance problem.The simulation results show that for the inter-patient arrhythmia classification,the hybrid model combining CNN and Encoder-Decoder model has the best classification accuracy,of which the accuracy can reach 94.05%.Especially,it has a better advantage for the classification effect of supraventricular ectopic beats(class S)and fusion beats(class F).展开更多
As a typical physical retrieval algorithm for retrieving atmospheric parameters,one-dimensional variational(1 DVAR)algorithm is widely used in various climate and meteorological communities and enjoys an important pos...As a typical physical retrieval algorithm for retrieving atmospheric parameters,one-dimensional variational(1 DVAR)algorithm is widely used in various climate and meteorological communities and enjoys an important position in the field of microwave remote sensing.Among algorithm parameters affecting the performance of the 1 DVAR algorithm,the accuracy of the microwave radiative transfer model for calculating the simulated brightness temperature is the fundamental constraint on the retrieval accuracies of the 1 DVAR algorithm for retrieving atmospheric parameters.In this study,a deep neural network(DNN)is used to describe the nonlinear relationship between atmospheric parameters and satellite-based microwave radiometer observations,and a DNN-based radiative transfer model is developed and applied to the 1 DVAR algorithm to carry out retrieval experiments of the atmospheric temperature and humidity profiles.The retrieval results of the temperature and humidity profiles from the Microwave Humidity and Temperature Sounder(MWHTS)onboard the Feng-Yun-3(FY-3)satellite show that the DNN-based radiative transfer model can obtain higher accuracy for simulating MWHTS observations than that of the operational radiative transfer model RTTOV,and also enables the 1 DVAR algorithm to obtain higher retrieval accuracies of the temperature and humidity profiles.In this study,the DNN-based radiative transfer model applied to the 1 DVAR algorithm can fundamentally improve the retrieval accuracies of atmospheric parameters,which may provide important reference for various applied studies in atmospheric sciences.展开更多
Every day,websites and personal archives create more and more photos.The size of these archives is immeasurable.The comfort of use of these huge digital image gatherings donates to their admiration.However,not all of ...Every day,websites and personal archives create more and more photos.The size of these archives is immeasurable.The comfort of use of these huge digital image gatherings donates to their admiration.However,not all of these folders deliver relevant indexing information.From the outcomes,it is dif-ficult to discover data that the user can be absorbed in.Therefore,in order to determine the significance of the data,it is important to identify the contents in an informative manner.Image annotation can be one of the greatest problematic domains in multimedia research and computer vision.Hence,in this paper,Adap-tive Convolutional Deep Learning Model(ACDLM)is developed for automatic image annotation.Initially,the databases are collected from the open-source system which consists of some labelled images(for training phase)and some unlabeled images{Corel 5 K,MSRC v2}.After that,the images are sent to the pre-processing step such as colour space quantization and texture color class map.The pre-processed images are sent to the segmentation approach for efficient labelling technique using J-image segmentation(JSEG).Thefinal step is an auto-matic annotation using ACDLM which is a combination of Convolutional Neural Network(CNN)and Honey Badger Algorithm(HBA).Based on the proposed classifier,the unlabeled images are labelled.The proposed methodology is imple-mented in MATLAB and performance is evaluated by performance metrics such as accuracy,precision,recall and F1_Measure.With the assistance of the pro-posed methodology,the unlabeled images are labelled.展开更多
How to correctly acquire the appropriate features is a primary problem in network protocol recognition field.Aiming to avoid the trouble of artificially extracting features in traditional methods and improve recogniti...How to correctly acquire the appropriate features is a primary problem in network protocol recognition field.Aiming to avoid the trouble of artificially extracting features in traditional methods and improve recognition accuracy,a network protocol recognition method based on Convolutional Neural Network(CNN)is proposed.The method utilizes deep learning technique,and it processes network flows automatically.Firstly,normalization is performed on the intercepted network flows and they are mapped into two-dimensional matrix which will be used as the input of CNN.Then,an improved classification model named Ptr CNN is built,which can automatically extract the appropriate features of network protocols.Finally,the classification model is trained to recognize the network protocols.The proposed approach is compared with several machine learning methods.Experimental results show that the tailored CNN can not only improve protocol recognition accuracy but also ensure the fast convergence of classification model and reduce the classification time.展开更多
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.展开更多
Weather phenomenon recognition plays an important role in the field of meteorology.Nowadays,weather radars and weathers sensor have been widely used for weather recognition.However,given the high cost in deploying and...Weather phenomenon recognition plays an important role in the field of meteorology.Nowadays,weather radars and weathers sensor have been widely used for weather recognition.However,given the high cost in deploying and maintaining the devices,it is difficult to apply them to intensive weather phenomenon recognition.Moreover,advanced machine learning models such as Convolutional Neural Networks(CNNs)have shown a lot of promise in meteorology,but these models also require intensive computation and large memory,which make it difficult to use them in reality.In practice,lightweight models are often used to solve such problems.However,lightweight models often result in significant performance losses.To this end,after taking a deep dive into a large number of lightweight models and summarizing their shortcomings,we propose a novel lightweight CNNs model which is constructed based on new building blocks.The experimental results show that the model proposed in this paper has comparable performance with the mainstream non-lightweight model while also saving 25 times of memory consumption.Such memory reduction is even better than that of existing lightweight models.展开更多
As an interdisciplinary comprehensive subject involving multidisciplinary knowledge,emotional analysis has become a hot topic in psychology,health medicine and computer science.It has a high comprehensive and practica...As an interdisciplinary comprehensive subject involving multidisciplinary knowledge,emotional analysis has become a hot topic in psychology,health medicine and computer science.It has a high comprehensive and practical application value.Emotion research based on the social network is a relatively new topic in the field of psychology and medical health research.The text emotion analysis of college students also has an important research significance for the emotional state of students at a certain time or a certain period,so as to understand their normal state,abnormal state and the reason of state change from the information they wrote.In view of the fact that convolutional neural network cannot make full use of the unique emotional information in sentences,and the need to label a large number of highquality training sets for emotional analysis to improve the accuracy of the model,an emotional analysismodel using the emotional dictionary andmultichannel convolutional neural network is proposed in this paper.Firstly,the input matrix of emotion dictionary is constructed according to the emotion information,and the different feature information of sentences is combined to form different network input channels,so that the model can learn the emotion information of input sentences from various feature representations in the training process.Then,the loss function is reconstructed to realize the semi supervised learning of the network.Finally,experiments are carried on COAE 2014 and self-built data sets.The proposed model can not only extract more semantic information in emotional text,but also learn the hidden emotional information in emotional text.The experimental results show that the proposed emotion analysis model can achieve a better classification performance.Compared with the best benchmark model gram-CNN,the F1 value can be increased by 0.026 in the self-built data set,and it can be increased by 0.032 in the COAE 2014 data set.展开更多
The background pattern of patterned fabrics is complex,which has a great interference in the extraction of defect features.Traditional machine vision algorithms rely on artificially designed features,which are greatly...The background pattern of patterned fabrics is complex,which has a great interference in the extraction of defect features.Traditional machine vision algorithms rely on artificially designed features,which are greatly affected by background patterns and are difficult to effectively extract flaw features.Therefore,a convolutional neural network(CNN)with automatic feature extraction is proposed.On the basis of the two-stage detection model Faster R-CNN,Resnet-50 is used as the backbone network,and the problem of flaws with extreme aspect ratio is solved by improving the initialization algorithm of the prior frame aspect ratio,and the improved multi-scale model is designed to improve detection of small defects.The cascade R-CNN is introduced to improve the accuracy of defect detection,and the online hard example mining(OHEM)algorithm is used to strengthen the learning of hard samples to reduce the interference of complex backgrounds on the defect detection of patterned fabrics,and construct the focal loss as a loss function to reduce the impact of sample imbalance.In order to verify the effectiveness of the improved algorithm,a defect detection comparison experiment was set up.The experimental results show that the accuracy of the defect detection algorithm of patterned fabrics in this paper can reach 95.7%,and it can accurately locate the defect location and meet the actual needs of the factory.展开更多
Convolutional Neural Networks(CNNs)models succeed in vast domains.CNNs are available in a variety of topologies and sizes.The challenge in this area is to develop the optimal CNN architecture for a particular issue in...Convolutional Neural Networks(CNNs)models succeed in vast domains.CNNs are available in a variety of topologies and sizes.The challenge in this area is to develop the optimal CNN architecture for a particular issue in order to achieve high results by using minimal computational resources to train the architecture.Our proposed framework to automated design is aimed at resolving this problem.The proposed framework is focused on a genetic algorithm that develops a population of CNN models in order to find the architecture that is the best fit.In comparison to the co-authored work,our proposed framework is concerned with creating lightweight architectures with a limited number of parameters while retaining a high degree of validity accuracy utilizing an ensemble learning technique.This architecture is intended to operate on low-resource machines,rendering it ideal for implementation in a number of environments.Four common benchmark image datasets are used to test the proposed framework,and it is compared to peer competitors’work utilizing a range of parameters,including accuracy,the number of model parameters used,the number of GPUs used,and the number of GPU days needed to complete the method.Our experimental findings demonstrated a significant advantage in terms of GPU days,accuracy,and the number of parameters in the discovered model.展开更多
Donggan language, which is a special variant of Mandarin, is used by Donggan people in Central Asia. Donggan language includes Gansu dialect and Shaanxi dialect. This paper proposes a convolutional neural network (CNN...Donggan language, which is a special variant of Mandarin, is used by Donggan people in Central Asia. Donggan language includes Gansu dialect and Shaanxi dialect. This paper proposes a convolutional neural network (CNN) based Donggan language speech recognition method for the Donggan Shaanxi dialect. A text corpus and a pronunciation dictionary were designed for of Donggan Shannxi dialect and the corresponding speech corpus was recorded. Then the acoustic models of Donggan Shaanxi dialect was trained by CNN. Experimental results demonstrate that the recognition rate of proposed CNNbased method achieves lower word error rate than that of the monophonic hidden Markov model (HMM) based method, triphone HMM-based method and DNN- based method.展开更多
文摘Deep learning, especially through convolutional neural networks (CNN) such as the U-Net 3D model, has revolutionized fault identification from seismic data, representing a significant leap over traditional methods. Our review traces the evolution of CNN, emphasizing the adaptation and capabilities of the U-Net 3D model in automating seismic fault delineation with unprecedented accuracy. We find: 1) The transition from basic neural networks to sophisticated CNN has enabled remarkable advancements in image recognition, which are directly applicable to analyzing seismic data. The U-Net 3D model, with its innovative architecture, exemplifies this progress by providing a method for detailed and accurate fault detection with reduced manual interpretation bias. 2) The U-Net 3D model has demonstrated its superiority over traditional fault identification methods in several key areas: it has enhanced interpretation accuracy, increased operational efficiency, and reduced the subjectivity of manual methods. 3) Despite these achievements, challenges such as the need for effective data preprocessing, acquisition of high-quality annotated datasets, and achieving model generalization across different geological conditions remain. Future research should therefore focus on developing more complex network architectures and innovative training strategies to refine fault identification performance further. Our findings confirm the transformative potential of deep learning, particularly CNN like the U-Net 3D model, in geosciences, advocating for its broader integration to revolutionize geological exploration and seismic analysis.
文摘This study introduces an innovative“Big Model”strategy to enhance Bridge Structural Health Monitoring(SHM)using a Convolutional Neural Network(CNN),time-frequency analysis,and fine element analysis.Leveraging ensemble methods,collaborative learning,and distributed computing,the approach effectively manages the complexity and scale of large-scale bridge data.The CNN employs transfer learning,fine-tuning,and continuous monitoring to optimize models for adaptive and accurate structural health assessments,focusing on extracting meaningful features through time-frequency analysis.By integrating Finite Element Analysis,time-frequency analysis,and CNNs,the strategy provides a comprehensive understanding of bridge health.Utilizing diverse sensor data,sophisticated feature extraction,and advanced CNN architecture,the model is optimized through rigorous preprocessing and hyperparameter tuning.This approach significantly enhances the ability to make accurate predictions,monitor structural health,and support proactive maintenance practices,thereby ensuring the safety and longevity of critical infrastructure.
基金Science and Technology Funds from the Liaoning Education Department(Serial Number:LJKZ0104).
文摘The motivation for this study is that the quality of deep fakes is constantly improving,which leads to the need to develop new methods for their detection.The proposed Customized Convolutional Neural Network method involves extracting structured data from video frames using facial landmark detection,which is then used as input to the CNN.The customized Convolutional Neural Network method is the date augmented-based CNN model to generate‘fake data’or‘fake images’.This study was carried out using Python and its libraries.We used 242 films from the dataset gathered by the Deep Fake Detection Challenge,of which 199 were made up and the remaining 53 were real.Ten seconds were allotted for each video.There were 318 videos used in all,199 of which were fake and 119 of which were real.Our proposedmethod achieved a testing accuracy of 91.47%,loss of 0.342,and AUC score of 0.92,outperforming two alternative approaches,CNN and MLP-CNN.Furthermore,our method succeeded in greater accuracy than contemporary models such as XceptionNet,Meso-4,EfficientNet-BO,MesoInception-4,VGG-16,and DST-Net.The novelty of this investigation is the development of a new Convolutional Neural Network(CNN)learning model that can accurately detect deep fake face photos.
基金Supported by National Natural Science Foundation of China(Grant Nos.52272433 and 11874110)Jiangsu Provincial Key R&D Program(Grant No.BE2021084)Technical Support Special Project of State Administration for Market Regulation(Grant No.2022YJ11).
文摘Ultrasonic guided wave is an attractive monitoring technique for large-scale structures but is vulnerable to changes in environmental and operational conditions(EOC),which are inevitable in the normal inspection of civil and mechanical structures.This paper thus presents a robust guided wave-based method for damage detection and localization under complex environmental conditions by singular value decomposition-based feature extraction and one-dimensional convolutional neural network(1D-CNN).After singular value decomposition-based feature extraction processing,a temporal robust damage index(TRDI)is extracted,and the effect of EOCs is well removed.Hence,even for the signals with a very large temperature-varying range and low signal-to-noise ratios(SNRs),the final damage detection and localization accuracy retain perfect 100%.Verifications are conducted on two different experimental datasets.The first dataset consists of guided wave signals collected from a thin aluminum plate with artificial noises,and the second is a publicly available experimental dataset of guided wave signals acquired on a composite plate with a temperature ranging from 20℃to 60℃.It is demonstrated that the proposed method can detect and localize the damage accurately and rapidly,showing great potential for application in complex and unknown EOC.
文摘Since chemical processes are highly non-linear and multiscale,it is vital to deeply mine the multiscale coupling relationships embedded in the massive process data for the prediction and anomaly tracing of crucial process parameters and production indicators.While the integrated method of adaptive signal decomposition combined with time series models could effectively predict process variables,it does have limitations in capturing the high-frequency detail of the operation state when applied to complex chemical processes.In light of this,a novel Multiscale Multi-radius Multi-step Convolutional Neural Network(Msrt Net)is proposed for mining spatiotemporal multiscale information.First,the industrial data from the Fluid Catalytic Cracking(FCC)process decomposition using Complete Ensemble Empirical Mode Decomposition with Adaptive Noise(CEEMDAN)extract the multi-energy scale information of the feature subset.Then,convolution kernels with varying stride and padding structures are established to decouple the long-period operation process information encapsulated within the multi-energy scale data.Finally,a reconciliation network is trained to reconstruct the multiscale prediction results and obtain the final output.Msrt Net is initially assessed for its capability to untangle the spatiotemporal multiscale relationships among variables in the Tennessee Eastman Process(TEP).Subsequently,the performance of Msrt Net is evaluated in predicting product yield for a 2.80×10^(6) t/a FCC unit,taking diesel and gasoline yield as examples.In conclusion,Msrt Net can decouple and effectively extract spatiotemporal multiscale information from chemical process data and achieve a approximately reduction of 30%in prediction error compared to other time-series models.Furthermore,its robustness and transferability underscore its promising potential for broader applications.
基金This work was supported by the Kyonggi University Research Grant 2022.
文摘Recommendation Information Systems(RIS)are pivotal in helping users in swiftly locating desired content from the vast amount of information available on the Internet.Graph Convolution Network(GCN)algorithms have been employed to implement the RIS efficiently.However,the GCN algorithm faces limitations in terms of performance enhancement owing to the due to the embedding value-vanishing problem that occurs during the learning process.To address this issue,we propose a Weighted Forwarding method using the GCN(WF-GCN)algorithm.The proposed method involves multiplying the embedding results with different weights for each hop layer during graph learning.By applying the WF-GCN algorithm,which adjusts weights for each hop layer before forwarding to the next,nodes with many neighbors achieve higher embedding values.This approach facilitates the learning of more hop layers within the GCN framework.The efficacy of the WF-GCN was demonstrated through its application to various datasets.In the MovieLens dataset,the implementation of WF-GCN in LightGCN resulted in significant performance improvements,with recall and NDCG increasing by up to+163.64%and+132.04%,respectively.Similarly,in the Last.FM dataset,LightGCN using WF-GCN enhanced with WF-GCN showed substantial improvements,with the recall and NDCG metrics rising by up to+174.40%and+169.95%,respectively.Furthermore,the application of WF-GCN to Self-supervised Graph Learning(SGL)and Simple Graph Contrastive Learning(SimGCL)also demonstrated notable enhancements in both recall and NDCG across these datasets.
基金supported by Jiangsu Social Science Foundation(No.20GLD008)Science,Technology Projects of Jiangsu Provincial Department of Communications(No.2020Y14)Joint Fund for Civil Aviation Research(No.U1933202)。
文摘In order to directly construct the mapping between multiple state parameters and remaining useful life(RUL),and reduce the interference of random error on prediction accuracy,a RUL prediction model of aeroengine based on principal component analysis(PCA)and one-dimensional convolution neural network(1D-CNN)is proposed in this paper.Firstly,multiple state parameters corresponding to massive cycles of aeroengine are collected and brought into PCA for dimensionality reduction,and principal components are extracted for further time series prediction.Secondly,the 1D-CNN model is constructed to directly study the mapping between principal components and RUL.Multiple convolution and pooling operations are applied for deep feature extraction,and the end-to-end RUL prediction of aeroengine can be realized.Experimental results show that the most effective principal component from the multiple state parameters can be obtained by PCA,and the long time series of multiple state parameters can be directly mapped to RUL by 1D-CNN,so as to improve the efficiency and accuracy of RUL prediction.Compared with other traditional models,the proposed method also has lower prediction error and better robustness.
基金supported by the Key Project Supported by Science and Technology of Tianjin Key Research and Development Plan[Grant No.20YFZCSN00220]Tianjin Science and Technology Plan Project[Grant No.21YFSNSN00040]+1 种基金Central Government Guides Local Science and Technology Development Project[Grant No.21ZYCGSN00590]Inner Mongolia Autonomous Region Department of Science and Technology Project[Grant No.2020GG0068].
文摘Plant species recognition is an important research area in image recognition in recent years.However,the existing plant species recognition methods have low recognition accuracy and do not meet professional requirements in terms of recognition accuracy.Therefore,ShuffleNetV2 was improved by combining the current hot concern mechanism,convolution kernel size adjustment,convolution tailoring,and CSP technology to improve the accuracy and reduce the amount of computation in this study.Six convolutional neural network models with sufficient trainable parameters were designed for differentiation learning.The SGD algorithm is used to optimize the training process to avoid overfitting or falling into the local optimum.In this paper,a conventional plant image dataset TJAU10 collected by cell phones in a natural context was constructed,containing 3000 images of 10 plant species on the campus of Tianjin Agricultural University.Finally,the improved model is compared with the baseline version of the model,which achieves better results in terms of improving accuracy and reducing the computational effort.The recognition accuracy tested on the TJAU10 dataset reaches up to 98.3%,and the recognition precision reaches up to 93.6%,which is 5.1%better than the original model and reduces the computational effort by about 31%compared with the original model.In addition,the experimental results were evaluated using metrics such as the confusion matrix,which can meet the requirements of professionals for the accurate identification of plant species.
文摘COVID-19 has created a panic all around the globe.It is a contagious dis-ease caused by Severe Acute Respiratory Syndrome Coronavirus 2(SARS-CoV-2),originated from Wuhan in December 2019 and spread quickly all over the world.The healthcare sector of the world is facing great challenges tackling COVID cases.One of the problems many have witnessed is the misdiagnosis of COVID-19 cases with that of healthy and pneumonia cases.In this article,we propose a deep Convo-lutional Neural Network(CNN)based approach to detect COVID+(i.e.,patients with COVID-19),pneumonia and normal cases,from the chest X-ray images.COVID-19 detection from chest X-ray is suitable considering all aspects in compar-ison to Reverse Transcription Polymerase Chain Reaction(RT-PCR)and Computed Tomography(CT)scan.Several deep CNN models including VGG16,InceptionV3,DenseNet121,DenseNet201 and InceptionResNetV2 have been adopted in this pro-posed work.They have been trained individually to make particular predictions.Empirical results demonstrate that DenseNet201 provides overall better performance with accuracy,recall,F1-score and precision of 94.75%,96%,95%and 95%respec-tively.After careful comparison with results available in the literature,we have found to develop models with a higher reliability.All the studies were carried out using a publicly available chest X-ray(CXR)image data-set.
基金Supported by the National Natural Science Foundation of China(U1462206)
文摘System design and optimization problems require large-scale chemical kinetic models. Pure kinetic models of naphtha pyrolysis need to solve a complete set of stiff ODEs and is therefore too computational expensive. On the other hand, artificial neural networks that completely neglect the topology of the reaction networks often have poor generalization. In this paper, a framework is proposed for learning local representations from largescale chemical reaction networks. At first, the features of naphtha pyrolysis reactions are extracted by applying complex network characterization methods. The selected features are then used as inputs in convolutional architectures. Different CNN models are established and compared to optimize the neural network structure.After the pre-training and fine-tuning step, the ultimate CNN model reduces the computational cost of the previous kinetic model by over 300 times and predicts the yields of main products with the average error of less than 3%. The obtained results demonstrate the high efficiency of the proposed framework.
基金Fundamental Research Funds for the Central Universities(Grant No.FRF-TP-19-006A3).
文摘As a common and high-risk type of disease,heart disease seriously threatens people’s health.At the same time,in the era of the Internet of Thing(IoT),smart medical device has strong practical significance for medical workers and patients because of its ability to assist in the diagnosis of diseases.Therefore,the research of real-time diagnosis and classification algorithms for arrhythmia can help to improve the diagnostic efficiency of diseases.In this paper,we design an automatic arrhythmia classification algorithm model based on Convolutional Neural Network(CNN)and Encoder-Decoder model.The model uses Long Short-Term Memory(LSTM)to consider the influence of time series features on classification results.Simultaneously,it is trained and tested by the MIT-BIH arrhythmia database.Besides,Generative Adversarial Networks(GAN)is adopted as a method of data equalization for solving data imbalance problem.The simulation results show that for the inter-patient arrhythmia classification,the hybrid model combining CNN and Encoder-Decoder model has the best classification accuracy,of which the accuracy can reach 94.05%.Especially,it has a better advantage for the classification effect of supraventricular ectopic beats(class S)and fusion beats(class F).
基金National Natural Science Foundation of China(41901297,41806209)Science and Technology Key Project of Henan Province(202102310017)+1 种基金Key Research Projects for the Universities of Henan Province(20A170013)China Postdoctoral Science Foundation(2021M693201)。
文摘As a typical physical retrieval algorithm for retrieving atmospheric parameters,one-dimensional variational(1 DVAR)algorithm is widely used in various climate and meteorological communities and enjoys an important position in the field of microwave remote sensing.Among algorithm parameters affecting the performance of the 1 DVAR algorithm,the accuracy of the microwave radiative transfer model for calculating the simulated brightness temperature is the fundamental constraint on the retrieval accuracies of the 1 DVAR algorithm for retrieving atmospheric parameters.In this study,a deep neural network(DNN)is used to describe the nonlinear relationship between atmospheric parameters and satellite-based microwave radiometer observations,and a DNN-based radiative transfer model is developed and applied to the 1 DVAR algorithm to carry out retrieval experiments of the atmospheric temperature and humidity profiles.The retrieval results of the temperature and humidity profiles from the Microwave Humidity and Temperature Sounder(MWHTS)onboard the Feng-Yun-3(FY-3)satellite show that the DNN-based radiative transfer model can obtain higher accuracy for simulating MWHTS observations than that of the operational radiative transfer model RTTOV,and also enables the 1 DVAR algorithm to obtain higher retrieval accuracies of the temperature and humidity profiles.In this study,the DNN-based radiative transfer model applied to the 1 DVAR algorithm can fundamentally improve the retrieval accuracies of atmospheric parameters,which may provide important reference for various applied studies in atmospheric sciences.
文摘Every day,websites and personal archives create more and more photos.The size of these archives is immeasurable.The comfort of use of these huge digital image gatherings donates to their admiration.However,not all of these folders deliver relevant indexing information.From the outcomes,it is dif-ficult to discover data that the user can be absorbed in.Therefore,in order to determine the significance of the data,it is important to identify the contents in an informative manner.Image annotation can be one of the greatest problematic domains in multimedia research and computer vision.Hence,in this paper,Adap-tive Convolutional Deep Learning Model(ACDLM)is developed for automatic image annotation.Initially,the databases are collected from the open-source system which consists of some labelled images(for training phase)and some unlabeled images{Corel 5 K,MSRC v2}.After that,the images are sent to the pre-processing step such as colour space quantization and texture color class map.The pre-processed images are sent to the segmentation approach for efficient labelling technique using J-image segmentation(JSEG).Thefinal step is an auto-matic annotation using ACDLM which is a combination of Convolutional Neural Network(CNN)and Honey Badger Algorithm(HBA).Based on the proposed classifier,the unlabeled images are labelled.The proposed methodology is imple-mented in MATLAB and performance is evaluated by performance metrics such as accuracy,precision,recall and F1_Measure.With the assistance of the pro-posed methodology,the unlabeled images are labelled.
基金supported by the National Key R&D Program of China(2017YFB0802900).
文摘How to correctly acquire the appropriate features is a primary problem in network protocol recognition field.Aiming to avoid the trouble of artificially extracting features in traditional methods and improve recognition accuracy,a network protocol recognition method based on Convolutional Neural Network(CNN)is proposed.The method utilizes deep learning technique,and it processes network flows automatically.Firstly,normalization is performed on the intercepted network flows and they are mapped into two-dimensional matrix which will be used as the input of CNN.Then,an improved classification model named Ptr CNN is built,which can automatically extract the appropriate features of network protocols.Finally,the classification model is trained to recognize the network protocols.The proposed approach is compared with several machine learning methods.Experimental results show that the tailored CNN can not only improve protocol recognition accuracy but also ensure the fast convergence of classification model and reduce the classification time.
文摘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.
基金This paper is supported by the following funds:National Key R&D Program of China(2018YFF01010100)National natural science foundation of China(61672064)+1 种基金Basic Research Program of Qinghai Province under Grants No.2020-ZJ-709Advanced information network Beijing laboratory(PXM2019_014204_500029).
文摘Weather phenomenon recognition plays an important role in the field of meteorology.Nowadays,weather radars and weathers sensor have been widely used for weather recognition.However,given the high cost in deploying and maintaining the devices,it is difficult to apply them to intensive weather phenomenon recognition.Moreover,advanced machine learning models such as Convolutional Neural Networks(CNNs)have shown a lot of promise in meteorology,but these models also require intensive computation and large memory,which make it difficult to use them in reality.In practice,lightweight models are often used to solve such problems.However,lightweight models often result in significant performance losses.To this end,after taking a deep dive into a large number of lightweight models and summarizing their shortcomings,we propose a novel lightweight CNNs model which is constructed based on new building blocks.The experimental results show that the model proposed in this paper has comparable performance with the mainstream non-lightweight model while also saving 25 times of memory consumption.Such memory reduction is even better than that of existing lightweight models.
基金This paper was supported by the 2018 Science and Technology Breakthrough Project of Henan Provincial Science and Technology Department(No.182102310694).
文摘As an interdisciplinary comprehensive subject involving multidisciplinary knowledge,emotional analysis has become a hot topic in psychology,health medicine and computer science.It has a high comprehensive and practical application value.Emotion research based on the social network is a relatively new topic in the field of psychology and medical health research.The text emotion analysis of college students also has an important research significance for the emotional state of students at a certain time or a certain period,so as to understand their normal state,abnormal state and the reason of state change from the information they wrote.In view of the fact that convolutional neural network cannot make full use of the unique emotional information in sentences,and the need to label a large number of highquality training sets for emotional analysis to improve the accuracy of the model,an emotional analysismodel using the emotional dictionary andmultichannel convolutional neural network is proposed in this paper.Firstly,the input matrix of emotion dictionary is constructed according to the emotion information,and the different feature information of sentences is combined to form different network input channels,so that the model can learn the emotion information of input sentences from various feature representations in the training process.Then,the loss function is reconstructed to realize the semi supervised learning of the network.Finally,experiments are carried on COAE 2014 and self-built data sets.The proposed model can not only extract more semantic information in emotional text,but also learn the hidden emotional information in emotional text.The experimental results show that the proposed emotion analysis model can achieve a better classification performance.Compared with the best benchmark model gram-CNN,the F1 value can be increased by 0.026 in the self-built data set,and it can be increased by 0.032 in the COAE 2014 data set.
基金National Key Research and Development Project,China(No.2018YFB1308800)。
文摘The background pattern of patterned fabrics is complex,which has a great interference in the extraction of defect features.Traditional machine vision algorithms rely on artificially designed features,which are greatly affected by background patterns and are difficult to effectively extract flaw features.Therefore,a convolutional neural network(CNN)with automatic feature extraction is proposed.On the basis of the two-stage detection model Faster R-CNN,Resnet-50 is used as the backbone network,and the problem of flaws with extreme aspect ratio is solved by improving the initialization algorithm of the prior frame aspect ratio,and the improved multi-scale model is designed to improve detection of small defects.The cascade R-CNN is introduced to improve the accuracy of defect detection,and the online hard example mining(OHEM)algorithm is used to strengthen the learning of hard samples to reduce the interference of complex backgrounds on the defect detection of patterned fabrics,and construct the focal loss as a loss function to reduce the impact of sample imbalance.In order to verify the effectiveness of the improved algorithm,a defect detection comparison experiment was set up.The experimental results show that the accuracy of the defect detection algorithm of patterned fabrics in this paper can reach 95.7%,and it can accurately locate the defect location and meet the actual needs of the factory.
文摘Convolutional Neural Networks(CNNs)models succeed in vast domains.CNNs are available in a variety of topologies and sizes.The challenge in this area is to develop the optimal CNN architecture for a particular issue in order to achieve high results by using minimal computational resources to train the architecture.Our proposed framework to automated design is aimed at resolving this problem.The proposed framework is focused on a genetic algorithm that develops a population of CNN models in order to find the architecture that is the best fit.In comparison to the co-authored work,our proposed framework is concerned with creating lightweight architectures with a limited number of parameters while retaining a high degree of validity accuracy utilizing an ensemble learning technique.This architecture is intended to operate on low-resource machines,rendering it ideal for implementation in a number of environments.Four common benchmark image datasets are used to test the proposed framework,and it is compared to peer competitors’work utilizing a range of parameters,including accuracy,the number of model parameters used,the number of GPUs used,and the number of GPU days needed to complete the method.Our experimental findings demonstrated a significant advantage in terms of GPU days,accuracy,and the number of parameters in the discovered model.
文摘Donggan language, which is a special variant of Mandarin, is used by Donggan people in Central Asia. Donggan language includes Gansu dialect and Shaanxi dialect. This paper proposes a convolutional neural network (CNN) based Donggan language speech recognition method for the Donggan Shaanxi dialect. A text corpus and a pronunciation dictionary were designed for of Donggan Shannxi dialect and the corresponding speech corpus was recorded. Then the acoustic models of Donggan Shaanxi dialect was trained by CNN. Experimental results demonstrate that the recognition rate of proposed CNNbased method achieves lower word error rate than that of the monophonic hidden Markov model (HMM) based method, triphone HMM-based method and DNN- based method.