期刊文献+
共找到4,351篇文章
< 1 2 218 >
每页显示 20 50 100
Selective and Adaptive Incremental Transfer Learning with Multiple Datasets for Machine Fault Diagnosis
1
作者 Kwok Tai Chui Brij B.Gupta +1 位作者 Varsha Arya Miguel Torres-Ruiz 《Computers, Materials & Continua》 SCIE EI 2024年第1期1363-1379,共17页
The visions of Industry 4.0 and 5.0 have reinforced the industrial environment.They have also made artificial intelligence incorporated as a major facilitator.Diagnosing machine faults has become a solid foundation fo... The visions of Industry 4.0 and 5.0 have reinforced the industrial environment.They have also made artificial intelligence incorporated as a major facilitator.Diagnosing machine faults has become a solid foundation for automatically recognizing machine failure,and thus timely maintenance can ensure safe operations.Transfer learning is a promising solution that can enhance the machine fault diagnosis model by borrowing pre-trained knowledge from the source model and applying it to the target model,which typically involves two datasets.In response to the availability of multiple datasets,this paper proposes using selective and adaptive incremental transfer learning(SA-ITL),which fuses three algorithms,namely,the hybrid selective algorithm,the transferability enhancement algorithm,and the incremental transfer learning algorithm.It is a selective algorithm that enables selecting and ordering appropriate datasets for transfer learning and selecting useful knowledge to avoid negative transfer.The algorithm also adaptively adjusts the portion of training data to balance the learning rate and training time.The proposed algorithm is evaluated and analyzed using ten benchmark datasets.Compared with other algorithms from existing works,SA-ITL improves the accuracy of all datasets.Ablation studies present the accuracy enhancements of the SA-ITL,including the hybrid selective algorithm(1.22%-3.82%),transferability enhancement algorithm(1.91%-4.15%),and incremental transfer learning algorithm(0.605%-2.68%).These also show the benefits of enhancing the target model with heterogeneous image datasets that widen the range of domain selection between source and target domains. 展开更多
关键词 Deep learning incremental learning machine fault diagnosis negative transfer transfer learning
下载PDF
Optimizing Deep Learning for Computer-Aided Diagnosis of Lung Diseases: An Automated Method Combining Evolutionary Algorithm, Transfer Learning, and Model Compression
2
作者 Hassen Louati Ali Louati +1 位作者 Elham Kariri Slim Bechikh 《Computer Modeling in Engineering & Sciences》 SCIE EI 2024年第3期2519-2547,共29页
Recent developments in Computer Vision have presented novel opportunities to tackle complex healthcare issues,particularly in the field of lung disease diagnosis.One promising avenue involves the use of chest X-Rays,w... Recent developments in Computer Vision have presented novel opportunities to tackle complex healthcare issues,particularly in the field of lung disease diagnosis.One promising avenue involves the use of chest X-Rays,which are commonly utilized in radiology.To fully exploit their potential,researchers have suggested utilizing deep learning methods to construct computer-aided diagnostic systems.However,constructing and compressing these systems presents a significant challenge,as it relies heavily on the expertise of data scientists.To tackle this issue,we propose an automated approach that utilizes an evolutionary algorithm(EA)to optimize the design and compression of a convolutional neural network(CNN)for X-Ray image classification.Our approach accurately classifies radiography images and detects potential chest abnormalities and infections,including COVID-19.Furthermore,our approach incorporates transfer learning,where a pre-trainedCNNmodel on a vast dataset of chest X-Ray images is fine-tuned for the specific task of detecting COVID-19.This method can help reduce the amount of labeled data required for the task and enhance the overall performance of the model.We have validated our method via a series of experiments against state-of-the-art architectures. 展开更多
关键词 Computer-aided diagnosis deep learning evolutionary algorithms deep compression transfer learning
下载PDF
Image Recognition Model of Fraudulent Websites Based on Image Leader Decision and Inception-V3 Transfer Learning
3
作者 Shengli Zhou Cheng Xu +3 位作者 Rui Xu Weijie Ding Chao Chen Xiaoyang Xu 《China Communications》 SCIE CSCD 2024年第1期215-227,共13页
The fraudulent website image is a vital information carrier for telecom fraud.The efficient and precise recognition of fraudulent website images is critical to combating and dealing with fraudulent websites.Current re... The fraudulent website image is a vital information carrier for telecom fraud.The efficient and precise recognition of fraudulent website images is critical to combating and dealing with fraudulent websites.Current research on image recognition of fraudulent websites is mainly carried out at the level of image feature extraction and similarity study,which have such disadvantages as difficulty in obtaining image data,insufficient image analysis,and single identification types.This study develops a model based on the entropy method for image leader decision and Inception-v3 transfer learning to address these disadvantages.The data processing part of the model uses a breadth search crawler to capture the image data.Then,the information in the images is evaluated with the entropy method,image weights are assigned,and the image leader is selected.In model training and prediction,the transfer learning of the Inception-v3 model is introduced into image recognition of fraudulent websites.Using selected image leaders to train the model,multiple types of fraudulent websites are identified with high accuracy.The experiment proves that this model has a superior accuracy in recognizing images on fraudulent websites compared to other current models. 展开更多
关键词 fraudulent website image leaders telecom fraud transfer learning
下载PDF
Predictive modeling of critical temperatures in magnesium compounds using transfer learning
4
作者 Surjeet Kumar Russlan Jaafreh +4 位作者 Subhajit Dutta Jung Hyeon Yoo Santiago Pereznieto Kotiba Hamad Dae Ho Yoon 《Journal of Magnesium and Alloys》 SCIE EI CAS CSCD 2024年第4期1540-1553,共14页
This study presents a transfer learning approach for discovering potential Mg-based superconductors utilizing a comprehensive target dataset.Initially,a large source dataset(Bandgap dataset)comprising approximately∼7... This study presents a transfer learning approach for discovering potential Mg-based superconductors utilizing a comprehensive target dataset.Initially,a large source dataset(Bandgap dataset)comprising approximately∼75k compounds is utilized for pretraining,followed by fine-tuning with a smaller Critical Temperature(T_(c))dataset containing∼300 compounds.Comparatively,there is a significant improvement in the performance of the transfer learning model over the traditional deep learning(DL)model in predicting Tc.Subsequently,the transfer learning model is applied to predict the properties of approximately 150k compounds.Predictions are validated computationally using density functional theory(DFT)calculations based on lattice dynamics-related theory.Moreover,to demonstrate the extended predictive capability of the transfer learning model for new materials,a pool of virtual compounds derived from prototype crystal structures from the Materials Project(MP)database is generated.T_(c) predictions are obtained for∼3600 virtual compounds,which underwent screening for electroneutrality and thermodynamic stability.An Extra Trees-based model is trained to utilize E_(hull)values to obtain thermodynamically stable materials,employing a dataset containing Ehull values for approximately 150k materials for training.Materials with Ehull values exceeding 5 meV/atom were filtered out,resulting in a refined list of potential Mg-based superconductors.This study showcases the effectiveness of transfer learning in predicting superconducting properties and highlights its potential for accelerating the discovery of Mg-based materials in the field of superconductivity. 展开更多
关键词 SUPERCONDUCTIVITY Critical temperature transfer learning Crystal structure features Thermodynamic stability
下载PDF
Knowledge Reasoning Method Based on Deep Transfer Reinforcement Learning:DTRLpath
5
作者 Shiming Lin Ling Ye +4 位作者 Yijie Zhuang Lingyun Lu Shaoqiu Zheng Chenxi Huang Ng Yin Kwee 《Computers, Materials & Continua》 SCIE EI 2024年第7期299-317,共19页
In recent years,with the continuous development of deep learning and knowledge graph reasoning methods,more and more researchers have shown great interest in improving knowledge graph reasoning methods by inferring mi... In recent years,with the continuous development of deep learning and knowledge graph reasoning methods,more and more researchers have shown great interest in improving knowledge graph reasoning methods by inferring missing facts through reasoning.By searching paths on the knowledge graph and making fact and link predictions based on these paths,deep learning-based Reinforcement Learning(RL)agents can demonstrate good performance and interpretability.Therefore,deep reinforcement learning-based knowledge reasoning methods have rapidly emerged in recent years and have become a hot research topic.However,even in a small and fixed knowledge graph reasoning action space,there are still a large number of invalid actions.It often leads to the interruption of RL agents’wandering due to the selection of invalid actions,resulting in a significant decrease in the success rate of path mining.In order to improve the success rate of RL agents in the early stages of path search,this article proposes a knowledge reasoning method based on Deep Transfer Reinforcement Learning path(DTRLpath).Before supervised pre-training and retraining,a pre-task of searching for effective actions in a single step is added.The RL agent is first trained in the pre-task to improve its ability to search for effective actions.Then,the trained agent is transferred to the target reasoning task for path search training,which improves its success rate in searching for target task paths.Finally,based on the comparative experimental results on the FB15K-237 and NELL-995 datasets,it can be concluded that the proposed method significantly improves the success rate of path search and outperforms similar methods in most reasoning tasks. 展开更多
关键词 Intelligent agent knowledge graph reasoning REINFORCEMENT transfer learning
下载PDF
Quick Weighing of Passing Vehicles Using the Transfer-Learning-Enhanced Convolutional Neural Network
6
作者 Wangchen Yan Jinbao Yang Xin Luo 《Computer Modeling in Engineering & Sciences》 SCIE EI 2024年第6期2507-2524,共18页
Transfer learning could reduce the time and resources required by the training of new models and be therefore important for generalized applications of the trainedmachine learning algorithms.In this study,a transfer l... Transfer learning could reduce the time and resources required by the training of new models and be therefore important for generalized applications of the trainedmachine learning algorithms.In this study,a transfer learningenhanced convolutional neural network(CNN)was proposed to identify the gross weight and the axle weight of moving vehicles on the bridge.The proposed transfer learning-enhanced CNN model was expected to weigh different bridges based on a small amount of training datasets and provide high identification accuracy.First of all,a CNN algorithm for bridge weigh-in-motion(B-WIM)technology was proposed to identify the axle weight and the gross weight of the typical two-axle,three-axle,and five-axle vehicles as they crossed the bridge with different loading routes and speeds.Then,the pre-trained CNN model was transferred by fine-tuning to weigh themoving vehicle on another bridge.Finally,the identification accuracy and the amount of training data required were compared between the two CNN models.Results showed that the pre-trained CNN model using transfer learning for B-WIM technology could be successfully used for the identification of the axle weight and the gross weight for moving vehicles on another bridge while reducing the training data by 63%.Moreover,the recognition accuracy of the pre-trained CNN model using transfer learning was comparable to that of the original model,showing its promising potentials in the actual applications. 展开更多
关键词 Bridge weigh-in-motion transfer learning convolutional neural network
下载PDF
IDS-INT:Intrusion detection system using transformer-based transfer learning for imbalanced network traffic
7
作者 Farhan Ullah Shamsher Ullah +1 位作者 Gautam Srivastava Jerry Chun-Wei Lin 《Digital Communications and Networks》 SCIE CSCD 2024年第1期190-204,共15页
A network intrusion detection system is critical for cyber security against llegitimate attacks.In terms of feature perspectives,network traffic may include a variety of elements such as attack reference,attack type,a... A network intrusion detection system is critical for cyber security against llegitimate attacks.In terms of feature perspectives,network traffic may include a variety of elements such as attack reference,attack type,a subcategory of attack,host information,malicious scripts,etc.In terms of network perspectives,network traffic may contain an imbalanced number of harmful attacks when compared to normal traffic.It is challenging to identify a specific attack due to complex features and data imbalance issues.To address these issues,this paper proposes an Intrusion Detection System using transformer-based transfer learning for Imbalanced Network Traffic(IDS-INT).IDS-INT uses transformer-based transfer learning to learn feature interactions in both network feature representation and imbalanced data.First,detailed information about each type of attack is gathered from network interaction descriptions,which include network nodes,attack type,reference,host information,etc.Second,the transformer-based transfer learning approach is developed to learn detailed feature representation using their semantic anchors.Third,the Synthetic Minority Oversampling Technique(SMOTE)is implemented to balance abnormal traffic and detect minority attacks.Fourth,the Convolution Neural Network(CNN)model is designed to extract deep features from the balanced network traffic.Finally,the hybrid approach of the CNN-Long Short-Term Memory(CNN-LSTM)model is developed to detect different types of attacks from the deep features.Detailed experiments are conducted to test the proposed approach using three standard datasets,i.e.,UNsWNB15,CIC-IDS2017,and NSL-KDD.An explainable AI approach is implemented to interpret the proposed method and develop a trustable model. 展开更多
关键词 Network intrusion detection transfer learning Features extraction Imbalance data Explainable AI CYBERSECURITY
下载PDF
Deep Transfer Learning Models for Mobile-Based Ocular Disorder Identification on Retinal Images
8
作者 Roseline Oluwaseun Ogundokun Joseph Bamidele Awotunde +2 位作者 Hakeem Babalola Akande Cheng-Chi Lee Agbotiname Lucky Imoize 《Computers, Materials & Continua》 SCIE EI 2024年第7期139-161,共23页
Mobile technology is developing significantly.Mobile phone technologies have been integrated into the healthcare industry to help medical practitioners.Typically,computer vision models focus on image detection and cla... Mobile technology is developing significantly.Mobile phone technologies have been integrated into the healthcare industry to help medical practitioners.Typically,computer vision models focus on image detection and classification issues.MobileNetV2 is a computer vision model that performs well on mobile devices,but it requires cloud services to process biometric image information and provide predictions to users.This leads to increased latency.Processing biometrics image datasets on mobile devices will make the prediction faster,but mobiles are resource-restricted devices in terms of storage,power,and computational speed.Hence,a model that is small in size,efficient,and has good prediction quality for biometrics image classification problems is required.Quantizing pre-trainedCNN(PCNN)MobileNetV2 architecture combined with a SupportVectorMachine(SVM)compacts the model representation and reduces the computational cost and memory requirement.This proposed novel approach combines quantized pre-trained CNN(PCNN)MobileNetV2 architecture with a Support Vector Machine(SVM)to represent models efficiently with low computational cost and memory.Our contributions include evaluating three CNN models for ocular disease identification in transfer learning and deep feature plus SVM approaches,showing the superiority of deep features from MobileNetV2 and SVM classification models,comparing traditional methods,exploring six ocular diseases and normal classification with 20,111 images postdata augmentation,and reducing the number of trainable models.The model is trained on ocular disorder retinal fundus image datasets according to the severity of six age-related macular degeneration(AMD),one of the most common eye illnesses,Cataract,Diabetes,Glaucoma,Hypertension,andMyopia with one class Normal.From the experiment outcomes,it is observed that the suggested MobileNetV2-SVM model size is compressed.The testing accuracy forMobileNetV2-SVM,InceptionV3,andMobileNetV2 is 90.11%,86.88%,and 89.76%respectively while MobileNetV2-SVM,InceptionV3,and MobileNetV2 accuracy are observed to be 92.59%,83.38%,and 90.16%,respectively.The proposed novel technique can be used to classify all biometric medical image datasets on mobile devices. 展开更多
关键词 Retinal images ocular disorder deep transfer learning disease identification mobile device
下载PDF
Combining machine and deep transfer learning for mediastinal lymph node evaluation in patients with lung cancer
9
作者 Hui XIE Jianfang ZHANG +2 位作者 Lijuan DING Tao TAN Qing LI 《虚拟现实与智能硬件(中英文)》 EI 2024年第3期226-238,共13页
Background The prognosis and survival of patients with lung cancer are likely to deteriorate with metastasis.Using deep-learning in the detection of lymph node metastasis can facilitate the noninvasive calculation of ... Background The prognosis and survival of patients with lung cancer are likely to deteriorate with metastasis.Using deep-learning in the detection of lymph node metastasis can facilitate the noninvasive calculation of the likelihood of such metastasis,thereby providing clinicians with crucial information to enhance diagnostic precision and ultimately improve patient survival and prognosis.Methods In total,623 eligible patients were recruited from two medical institutions.Seven deep learning models,namely Alex,GoogLeNet,Resnet18,Resnet101,Vgg16,Vgg19,and MobileNetv3(small),were utilized to extract deep image histological features.The dimensionality of the extracted features was then reduced using the Spearman correlation coefficient(r≥0.9)and Least Absolute Shrinkage and Selection Operator.Eleven machine learning methods,namely Support Vector Machine,K-nearest neighbor,Random Forest,Extra Trees,XGBoost,LightGBM,Naive Bayes,AdaBoost,Gradient Boosting Decision Tree,Linear Regression,and Multilayer Perceptron,were employed to construct classification prediction models for the filtered final features.The diagnostic performances of the models were assessed using various metrics,including accuracy,area under the receiver operating characteristic curve,sensitivity,specificity,positive predictive value,and negative predictive value.Calibration and decision-curve analyses were also performed.Results The present study demonstrated that using deep radiomic features extracted from Vgg16,in conjunction with a prediction model constructed via a linear regression algorithm,effectively distinguished the status of mediastinal lymph nodes in patients with lung cancer.The performance of the model was evaluated based on various metrics,including accuracy,area under the receiver operating characteristic curve,sensitivity,specificity,positive predictive value,and negative predictive value,which yielded values of 0.808,0.834,0.851,0.745,0.829,and 0.776,respectively.The validation set of the model was assessed using clinical decision curves,calibration curves,and confusion matrices,which collectively demonstrated the model's stability and accuracy.Conclusion In this study,information on the deep radiomics of Vgg16 was obtained from computed tomography images,and the linear regression method was able to accurately diagnose mediastinal lymph node metastases in patients with lung cancer. 展开更多
关键词 Machine learning Deep transfer learning EVALUATION Mediastinal lymph node lung cancer patie
下载PDF
Automatic detection of breast lesions in automated 3D breast ultrasound with cross-organ transfer learning
10
作者 Lingyun BAO Zhengrui HUANG +7 位作者 Zehui LIN Yue SUN Hui CHEN You LI Zhang LI Xiaochen YUAN Lin XU Tao TAN 《虚拟现实与智能硬件(中英文)》 EI 2024年第3期239-251,共13页
Background Deep convolutional neural networks have garnered considerable attention in numerous machine learning applications,particularly in visual recognition tasks such as image and video analyses.There is a growing... Background Deep convolutional neural networks have garnered considerable attention in numerous machine learning applications,particularly in visual recognition tasks such as image and video analyses.There is a growing interest in applying this technology to diverse applications in medical image analysis.Automated three dimensional Breast Ultrasound is a vital tool for detecting breast cancer,and computer-assisted diagnosis software,developed based on deep learning,can effectively assist radiologists in diagnosis.However,the network model is prone to overfitting during training,owing to challenges such as insufficient training data.This study attempts to solve the problem caused by small datasets and improve model detection performance.Methods We propose a breast cancer detection framework based on deep learning(a transfer learning method based on cross-organ cancer detection)and a contrastive learning method based on breast imaging reporting and data systems(BI-RADS).Results When using cross organ transfer learning and BIRADS based contrastive learning,the average sensitivity of the model increased by a maximum of 16.05%.Conclusion Our experiments have demonstrated that the parameters and experiences of cross-organ cancer detection can be mutually referenced,and contrastive learning method based on BI-RADS can improve the detection performance of the model. 展开更多
关键词 Breast ultrasound Automated 3D breast ultrasound Breast cancers Deep learning transfer learning Convolutional neural networks Computer-aided diagnosis Cross organ learning
下载PDF
Personality Trait Detection via Transfer Learning
11
作者 Bashar Alshouha Jesus Serrano-Guerrero +2 位作者 Francisco Chiclana Francisco P.Romero Jose A.Olivas 《Computers, Materials & Continua》 SCIE EI 2024年第2期1933-1956,共24页
Personality recognition plays a pivotal role when developing user-centric solutions such as recommender systems or decision support systems across various domains,including education,e-commerce,or human resources.Tra-... Personality recognition plays a pivotal role when developing user-centric solutions such as recommender systems or decision support systems across various domains,including education,e-commerce,or human resources.Tra-ditional machine learning techniques have been broadly employed for personality trait identification;nevertheless,the development of new technologies based on deep learning has led to new opportunities to improve their performance.This study focuses on the capabilities of pre-trained language models such as BERT,RoBERTa,ALBERT,ELECTRA,ERNIE,or XLNet,to deal with the task of personality recognition.These models are able to capture structural features from textual content and comprehend a multitude of language facets and complex features such as hierarchical relationships or long-term dependencies.This makes them suitable to classify multi-label personality traits from reviews while mitigating computational costs.The focus of this approach centers on developing an architecture based on different layers able to capture the semantic context and structural features from texts.Moreover,it is able to fine-tune the previous models using the MyPersonality dataset,which comprises 9,917 status updates contributed by 250 Facebook users.These status updates are categorized according to the well-known Big Five personality model,setting the stage for a comprehensive exploration of personality traits.To test the proposal,a set of experiments have been performed using different metrics such as the exact match ratio,hamming loss,zero-one-loss,precision,recall,F1-score,and weighted averages.The results reveal ERNIE is the top-performing model,achieving an exact match ratio of 72.32%,an accuracy rate of 87.17%,and 84.41%of F1-score.The findings demonstrate that the tested models substantially outperform other state-of-the-art studies,enhancing the accuracy by at least 3%and confirming them as powerful tools for personality recognition.These findings represent substantial advancements in personality recognition,making them appropriate for the development of user-centric applications. 展开更多
关键词 Personality trait detection pre-trained language model big five model transfer learning
下载PDF
Intelligent Power Grid Load Transferring Based on Safe Action-Correction Reinforcement Learning
12
作者 Fuju Zhou Li Li +3 位作者 Tengfei Jia Yongchang Yin Aixiang Shi Shengrong Xu 《Energy Engineering》 EI 2024年第6期1697-1711,共15页
When a line failure occurs in a power grid, a load transfer is implemented to reconfigure the network by changingthe states of tie-switches and load demands. Computation speed is one of the major performance indicator... When a line failure occurs in a power grid, a load transfer is implemented to reconfigure the network by changingthe states of tie-switches and load demands. Computation speed is one of the major performance indicators inpower grid load transfer, as a fast load transfer model can greatly reduce the economic loss of post-fault powergrids. In this study, a reinforcement learning method is developed based on a deep deterministic policy gradient.The tedious training process of the reinforcement learning model can be conducted offline, so the model showssatisfactory performance in real-time operation, indicating that it is suitable for fast load transfer. Consideringthat the reinforcement learning model performs poorly in satisfying safety constraints, a safe action-correctionframework is proposed to modify the learning model. In the framework, the action of load shedding is correctedaccording to sensitivity analysis results under a small discrete increment so as to match the constraints of line flowlimits. The results of case studies indicate that the proposed method is practical for fast and safe power grid loadtransfer. 展开更多
关键词 Load transfer reinforcement learning electrical power grid safety constraints
下载PDF
Tool Wear State Recognition with Deep Transfer Learning Based on Spindle Vibration for Milling Process
13
作者 Qixin Lan Binqiang Chen +1 位作者 Bin Yao Wangpeng He 《Computer Modeling in Engineering & Sciences》 SCIE EI 2024年第3期2825-2844,共20页
The wear of metal cutting tools will progressively rise as the cutting time goes on. Wearing heavily on the toolwill generate significant noise and vibration, negatively impacting the accuracy of the forming and the s... The wear of metal cutting tools will progressively rise as the cutting time goes on. Wearing heavily on the toolwill generate significant noise and vibration, negatively impacting the accuracy of the forming and the surfaceintegrity of the workpiece. Hence, during the cutting process, it is imperative to continually monitor the tool wearstate andpromptly replace anyheavilyworn tools toguarantee thequality of the cutting.The conventional tool wearmonitoring models, which are based on machine learning, are specifically built for the intended cutting conditions.However, these models require retraining when the cutting conditions undergo any changes. This method has noapplication value if the cutting conditions frequently change. This manuscript proposes a method for monitoringtool wear basedonunsuperviseddeep transfer learning. Due to the similarity of the tool wear process under varyingworking conditions, a tool wear recognitionmodel that can adapt to both current and previous working conditionshas been developed by utilizing cutting monitoring data from history. To extract and classify cutting vibrationsignals, the unsupervised deep transfer learning network comprises a one-dimensional (1D) convolutional neuralnetwork (CNN) with a multi-layer perceptron (MLP). To achieve distribution alignment of deep features throughthe maximum mean discrepancy algorithm, a domain adaptive layer is embedded in the penultimate layer of thenetwork. A platformformonitoring tool wear during endmilling has been constructed. The proposedmethod wasverified through the execution of a full life test of end milling under multiple working conditions with a Cr12MoVsteel workpiece. Our experiments demonstrate that the transfer learning model maintains a classification accuracyof over 80%. In comparisonwith the most advanced tool wearmonitoring methods, the presentedmodel guaranteessuperior performance in the target domains. 展开更多
关键词 Multi-working conditions tool wear state recognition unsupervised transfer learning domain adaptation maximum mean discrepancy(MMD)
下载PDF
Deep Learning-Based Mask Identification System Using ResNet Transfer Learning Architecture
14
作者 Arpit Jain Nageswara Rao Moparthi +5 位作者 A.Swathi Yogesh Kumar Sharma Nitin Mittal Ahmed Alhussen Zamil S.Alzamil MohdAnul Haq 《Computer Systems Science & Engineering》 2024年第2期341-362,共22页
Recently,the coronavirus disease 2019 has shown excellent attention in the global community regarding health and the economy.World Health Organization(WHO)and many others advised controlling Corona Virus Disease in 20... Recently,the coronavirus disease 2019 has shown excellent attention in the global community regarding health and the economy.World Health Organization(WHO)and many others advised controlling Corona Virus Disease in 2019.The limited treatment resources,medical resources,and unawareness of immunity is an essential horizon to unfold.Among all resources,wearing a mask is the primary non-pharmaceutical intervention to stop the spreading of the virus caused by Severe Acute Respiratory Syndrome Coronavirus 2(SARS-CoV-2)droplets.All countries made masks mandatory to prevent infection.For such enforcement,automatic and effective face detection systems are crucial.This study presents a face mask identification approach for static photos and real-time movies that distinguishes between images with and without masks.To contribute to society,we worked on mask detection of an individual to adhere to the rule and provide awareness to the public or organization.The paper aims to get detection accuracy using transfer learning from Residual Neural Network 50(ResNet-50)architecture and works on detection localization.The experiment is tested with other popular pre-trained models such as Deep Convolutional Neural Networks(AlexNet),Residual Neural Networks(ResNet),and Visual Geometry Group Networks(VGG-Net)advanced architecture.The proposed system generates an accuracy of 98.4%when modeled using Residual Neural Network 50(ResNet-50).Also,the precision and recall values are proved as better when compared to the existing models.This outstanding work also can be used in video surveillance applications. 展开更多
关键词 transfer learning depth analysis convolutional neural networks(CNN) COVID-19
下载PDF
Short-term displacement prediction for newly established monitoring slopes based on transfer learning
15
作者 Yuan Tian Yang-landuo Deng +3 位作者 Ming-zhi Zhang Xiao Pang Rui-ping Ma Jian-xue Zhang 《China Geology》 CAS CSCD 2024年第2期351-364,共14页
This study makes a significant progress in addressing the challenges of short-term slope displacement prediction in the Universal Landslide Monitoring Program,an unprecedented disaster mitigation program in China,wher... This study makes a significant progress in addressing the challenges of short-term slope displacement prediction in the Universal Landslide Monitoring Program,an unprecedented disaster mitigation program in China,where lots of newly established monitoring slopes lack sufficient historical deformation data,making it difficult to extract deformation patterns and provide effective predictions which plays a crucial role in the early warning and forecasting of landslide hazards.A slope displacement prediction method based on transfer learning is therefore proposed.Initially,the method transfers the deformation patterns learned from slopes with relatively rich deformation data by a pre-trained model based on a multi-slope integrated dataset to newly established monitoring slopes with limited or even no useful data,thus enabling rapid and efficient predictions for these slopes.Subsequently,as time goes on and monitoring data accumulates,fine-tuning of the pre-trained model for individual slopes can further improve prediction accuracy,enabling continuous optimization of prediction results.A case study indicates that,after being trained on a multi-slope integrated dataset,the TCN-Transformer model can efficiently serve as a pretrained model for displacement prediction at newly established monitoring slopes.The three-day average RMSE is significantly reduced by 34.6%compared to models trained only on individual slope data,and it also successfully predicts the majority of deformation peaks.The fine-tuned model based on accumulated data on the target newly established monitoring slope further reduced the three-day RMSE by 37.2%,demonstrating a considerable predictive accuracy.In conclusion,taking advantage of transfer learning,the proposed slope displacement prediction method effectively utilizes the available data,which enables the rapid deployment and continual refinement of displacement predictions on newly established monitoring slopes. 展开更多
关键词 LANDSLIDE Slope displacement prediction transfer learning Integrated dataset Transformer Pre-trained model Universal Landslide Monitoring Program(ULMP) Geological hazards survey engineering
下载PDF
Transfer Learning Approach to Classify the X-Ray Image that Corresponds to Corona Disease Using ResNet50 Pre-Trained by ChexNet
16
作者 Mahyar Bolhassani 《Journal of Intelligent Learning Systems and Applications》 2024年第2期80-90,共11页
The COVID-19 pandemic has had a widespread negative impact globally. It shares symptoms with other respiratory illnesses such as pneumonia and influenza, making rapid and accurate diagnosis essential to treat individu... The COVID-19 pandemic has had a widespread negative impact globally. It shares symptoms with other respiratory illnesses such as pneumonia and influenza, making rapid and accurate diagnosis essential to treat individuals and halt further transmission. X-ray imaging of the lungs is one of the most reliable diagnostic tools. Utilizing deep learning, we can train models to recognize the signs of infection, thus aiding in the identification of COVID-19 cases. For our project, we developed a deep learning model utilizing the ResNet50 architecture, pre-trained with ImageNet and CheXNet datasets. We tackled the challenge of an imbalanced dataset, the CoronaHack Chest X-Ray dataset provided by Kaggle, through both binary and multi-class classification approaches. Additionally, we evaluated the performance impact of using Focal loss versus Cross-entropy loss in our model. 展开更多
关键词 X-Ray Classification Convolutional Neural Network ResNet transfer learning Supervised learning COVID-19 Chest X-Ray
下载PDF
Enhancing Pneumonia Detection in Pediatric Chest X-Rays Using CGAN-Augmented Datasets and Lightweight Deep Transfer Learning Models
17
作者 Coulibaly Mohamed Ronald Waweru Mwangi John M. Kihoro 《Journal of Data Analysis and Information Processing》 2024年第1期1-23,共23页
Pneumonia ranks as a leading cause of mortality, particularly in children aged five and under. Detecting this disease typically requires radiologists to examine chest X-rays and report their findings to physicians, a ... Pneumonia ranks as a leading cause of mortality, particularly in children aged five and under. Detecting this disease typically requires radiologists to examine chest X-rays and report their findings to physicians, a task susceptible to human error. The application of Deep Transfer Learning (DTL) for the identification of pneumonia through chest X-rays is hindered by a shortage of available images, which has led to less than optimal DTL performance and issues with overfitting. Overfitting is characterized by a model’s learning that is too closely fitted to the training data, reducing its effectiveness on unseen data. The problem of overfitting is especially prevalent in medical image processing due to the high costs and extensive time required for image annotation, as well as the challenge of collecting substantial datasets that also respect patient privacy concerning infectious diseases such as pneumonia. To mitigate these challenges, this paper introduces the use of conditional generative adversarial networks (CGAN) to enrich the pneumonia dataset with 2690 synthesized X-ray images of the minority class, aiming to even out the dataset distribution for improved diagnostic performance. Subsequently, we applied four modified lightweight deep transfer learning models such as Xception, MobileNetV2, MobileNet, and EfficientNetB0. These models have been fine-tuned and evaluated, demonstrating remarkable detection accuracies of 99.26%, 98.23%, 97.06%, and 94.55%, respectively, across fifty epochs. The experimental results validate that the models we have proposed achieve high detection accuracy rates, with the best model reaching up to 99.26% effectiveness, outperforming other models in the diagnosis of pneumonia from X-ray images. 展开更多
关键词 Pneumonia Detection Pediatric Radiology CGAN (Conditional Generative Adversarial Networks) Deep transfer learning Medical Image Analysis
下载PDF
Gastrointestinal Diseases Classification Using Deep Transfer Learning and Features Optimization 被引量:2
18
作者 Mousa Alhajlah Muhammad Nouman Noor +3 位作者 Muhammad Nazir Awais Mahmood Imran Ashraf Tehmina Karamat 《Computers, Materials & Continua》 SCIE EI 2023年第4期2227-2245,共19页
Gastrointestinal diseases like ulcers, polyps’, and bleeding areincreasing rapidly in the world over the last decade. On average 0.7 millioncases are reported worldwide every year. The main cause of gastrointestinald... Gastrointestinal diseases like ulcers, polyps’, and bleeding areincreasing rapidly in the world over the last decade. On average 0.7 millioncases are reported worldwide every year. The main cause of gastrointestinaldiseases is a Helicobacter Pylori (H. Pylori) bacterium that presents in morethan 50% of people around the globe. Many researchers have proposeddifferent methods for gastrointestinal disease using computer vision techniques.Few of them focused on the detection process and the rest of themperformed classification. The major challenges that they faced are the similarityof infected and healthy regions that misleads the correct classificationaccuracy. In this work, we proposed a technique based on Mask Recurrent-Convolutional Neural Network (R-CNN) and fine-tuned pre-trainedResNet-50 and ResNet-152 networks for feature extraction. Initially, the region ofinterest is detected using Mask R-CNN which is later utilized for the trainingof fine-tuned models through transfer learning. Features are extracted fromfine-tuned models that are later fused using a serial approach. Moreover, anImproved Ant Colony Optimization (ACO) algorithm has also opted for thebest feature selection from the fused feature vector. The best-selected featuresare finally classified using machine learning techniques. The experimentalprocess was conducted on the publicly available dataset and obtained animproved accuracy of 96.43%. In comparison with state-of-the-art techniques,it is observed that the proposed accuracy is improved. 展开更多
关键词 DISEASES deep learning ENDOSCOPY gastrointestinal tract transfer learning
下载PDF
Range estimation of few-shot underwater sound source in shallow water based on transfer learning and residual CNN 被引量:3
19
作者 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
Detecting Tuberculosis from Vietnamese X-Ray Imaging Using Transfer Learning Approach 被引量:2
20
作者 Ha Manh Toan Lam Thanh Hien +1 位作者 Ngo Duc Vinh Do Nang Toan 《Computers, Materials & Continua》 SCIE EI 2023年第3期5001-5016,共16页
Deep learning created a sharp rise in the development of autonomous image recognition systems,especially in the case of the medical field.Among lung problems,tuberculosis,caused by a bacterium called Mycobacterium tub... Deep learning created a sharp rise in the development of autonomous image recognition systems,especially in the case of the medical field.Among lung problems,tuberculosis,caused by a bacterium called Mycobacterium tuberculosis,is a dangerous disease because of its infection and damage.When an infected person coughs or sneezes,tiny droplets can bring pathogens to others through inhaling.Tuberculosis mainly damages the lungs,but it also affects any part of the body.Moreover,during the period of the COVID-19(coronavirus disease 2019)pandemic,the access to tuberculosis diagnosis and treatment has become more difficult,so early and simple detection of tuberculosis has been more and more important.In our study,we focused on tuberculosis diagnosis by using the chestX-ray image,the essential input for the radiologist’s profession,and researched the effectiveness of the transfer learning approach in the case study of Vietnamese chest X-ray images.We proposed four strategies to clarify our hypothesis in different ways of applying transfer learning and different training set types.We also prepared a Vietnamese X-ray image dataset with the support of the VRPACS team to provide the basis for training and testing deep learning models.Our experiments were carried out by applying three different architectures,Alexnet,Resnet,and Densenet,on international,Vietnamese,and combined X-ray image datasets.After training,all models were verified on a pure Vietnamese X-rays set.The results show that transfer learning is suitable in the case study of Vietnamese chest X-ray images with high evaluating metrics in terms of AUC(Area under the Receiver Operating Characteristic Curve),sensitivity,specificity,and accuracy.In the best strategy,most of the scores were more than 0.93,and all AUCs were more than 0.98. 展开更多
关键词 Tuberculosis diagnosis transfer learning Vietnamese chest X-ray
下载PDF
上一页 1 2 218 下一页 到第
使用帮助 返回顶部