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-trained CNN(PCNN)MobileNetV2 architecture combined with a Support Vector Machine(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 for MobileNetV2-SVM,InceptionV3,and MobileNetV2 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.展开更多
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.展开更多
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.展开更多
Colorectal carcinoma(CRC)is one such dispersed cancer globally and also prominent one in causing cancer-based death.Conventionally,pathologists execute CRC diagnosis through visible scrutinizing under the microscope t...Colorectal carcinoma(CRC)is one such dispersed cancer globally and also prominent one in causing cancer-based death.Conventionally,pathologists execute CRC diagnosis through visible scrutinizing under the microscope the resected tissue samples,stained and fixed through Haematoxylin and Eosin(H&E).The advancement of graphical processing systems has resulted in high potentiality for deep learning(DL)techniques in interpretating visual anatomy from high resolution medical images.This study develops a slime mould algorithm with deep transfer learning enabled colorectal cancer detection and classification(SMADTL-CCDC)algorithm.The presented SMADTL-CCDC technique intends to appropriately recognize the occurrence of colorectal cancer.To accomplish this,the SMADTLCCDC model initially undergoes pre-processing to improve the input image quality.In addition,a dense-EfficientNet technique was employed to extract feature vectors from the pre-processed images.Moreover,SMA with Discrete Hopfield neural network(DHNN)method was applied for the recognition and classification of colorectal cancer.The utilization of SMA assists in appropriately selecting the parameters involved in the DHNN approach.A wide range of experiments was implemented on benchmark datasets to assess the classification performance.A comprehensive comparative study highlighted the better performance of the SMADTL-CDC model over the recent approaches.展开更多
At present days,object detection and tracking concepts have gained more importance among researchers and business people.Presently,deep learning(DL)approaches have been used for object tracking as it increases the per...At present days,object detection and tracking concepts have gained more importance among researchers and business people.Presently,deep learning(DL)approaches have been used for object tracking as it increases the perfor-mance and speed of the tracking process.This paper presents a novel robust DL based object detection and tracking algorithm using Automated Image Anno-tation with ResNet based Faster regional convolutional neural network(R-CNN)named(AIA-FRCNN)model.The AIA-RFRCNN method performs image anno-tation using a Discriminative Correlation Filter(DCF)with Channel and Spatial Reliability tracker(CSR)called DCF-CSRT model.The AIA-RFRCNN model makes use of Faster RCNN as an object detector and tracker,which involves region proposal network(RPN)and Fast R-CNN.The RPN is a full convolution network that concurrently predicts the bounding box and score of different objects.The RPN is a trained model used for the generation of the high-quality region proposals,which are utilized by Fast R-CNN for detection process.Besides,Residual Network(ResNet 101)model is used as a shared convolutional neural network(CNN)for the generation of feature maps.The performance of the ResNet 101 model is further improved by the use of Adam optimizer,which tunes the hyperparameters namely learning rate,batch size,momentum,and weight decay.Finally,softmax layer is applied to classify the images.The performance of the AIA-RFRCNN method has been assessed using a benchmark dataset and a detailed comparative analysis of the results takes place.The outcome of the experiments indicated the superior characteristics of the AIA-RFRCNN model under diverse aspects.展开更多
The success of deep transfer learning in fault diagnosis is attributed to the collection of high-quality labeled data from the source domain.However,in engineering scenarios,achieving such high-quality label annotatio...The success of deep transfer learning in fault diagnosis is attributed to the collection of high-quality labeled data from the source domain.However,in engineering scenarios,achieving such high-quality label annotation is difficult and expensive.The incorrect label annotation produces two negative effects:1)the complex decision boundary of diagnosis models lowers the generalization performance on the target domain,and2)the distribution of target domain samples becomes misaligned with the false-labeled samples.To overcome these negative effects,this article proposes a solution called the label recovery and trajectory designable network(LRTDN).LRTDN consists of three parts.First,a residual network with dual classifiers is to learn features from cross-domain samples.Second,an annotation check module is constructed to generate a label anomaly indicator that could modify the abnormal labels of false-labeled samples in the source domain.With the training of relabeled samples,the complexity of diagnosis model is reduced via semi-supervised learning.Third,the adaptation trajectories are designed for sample distributions across domains.This ensures that the target domain samples are only adapted with the pure-labeled samples.The LRTDN is verified by two case studies,in which the diagnosis knowledge of bearings is transferred across different working conditions as well as different yet related machines.The results show that LRTDN offers a high diagnosis accuracy even in the presence of incorrect annotation.展开更多
This paper investigates the problem of data scarcity in spectrum prediction.A cognitive radio equipment may frequently switch the target frequency as the electromagnetic environment changes.The previously trained mode...This paper investigates the problem of data scarcity in spectrum prediction.A cognitive radio equipment may frequently switch the target frequency as the electromagnetic environment changes.The previously trained model for prediction often cannot maintain a good performance when facing small amount of historical data of the new target frequency.Moreover,the cognitive radio equipment usually implements the dynamic spectrum access in real time which means the time to recollect the data of the new task frequency band and retrain the model is very limited.To address the above issues,we develop a crossband data augmentation framework for spectrum prediction by leveraging the recent advances of generative adversarial network(GAN)and deep transfer learning.Firstly,through the similarity measurement,we pre-train a GAN model using the historical data of the frequency band that is the most similar to the target frequency band.Then,through the data augmentation by feeding the small amount of the target data into the pre-trained GAN,temporal-spectral residual network is further trained using deep transfer learning and the generated data with high similarity from GAN.Finally,experiment results demonstrate the effectiveness of the proposed framework.展开更多
Spectrum prediction is a promising technology to infer future spectrum state by exploiting inherent patterns of historical spectrum data.In practice,for a given spectrum band of interest,when facing relatively scarce ...Spectrum prediction is a promising technology to infer future spectrum state by exploiting inherent patterns of historical spectrum data.In practice,for a given spectrum band of interest,when facing relatively scarce historical data,spectrum prediction based on traditional learning methods does not work well.Thus,this paper proposes a cross-band spectrum prediction model based on transfer learning.Firstly,by analysing service activities and computing the distances between various frequency points based on Dynamic Time Warping,the similarity between spectrum bands has been verified.Next,the features,which mainly affect the performance of transfer learning in the crossband spectrum prediction,are explored by leveraging transfer component analysis.Then,the effectiveness of transfer learning for the cross-band spectrum prediction has been demonstrated.Further,experimental results with real-world spectrum data demonstrate that the performance of the proposed model is better than the state-of-theart models when the historical spectrum data is limited.展开更多
In recent years,the field of deep learning has played an important role towards automatic detection and classification of diseases in vegetables and fruits.This in turn has helped in improving the quality and producti...In recent years,the field of deep learning has played an important role towards automatic detection and classification of diseases in vegetables and fruits.This in turn has helped in improving the quality and production of vegetables and fruits.Citrus fruits arewell known for their taste and nutritional values.They are one of the natural and well known sources of vitamin C and planted worldwide.There are several diseases which severely affect the quality and yield of citrus fruits.In this paper,a new deep learning based technique is proposed for citrus disease classification.Two different pre-trained deep learning models have been used in this work.To increase the size of the citrus dataset used in this paper,image augmentation techniques are used.Moreover,to improve the visual quality of images,hybrid contrast stretching has been adopted.In addition,transfer learning is used to retrain the pre-trainedmodels and the feature set is enriched by using feature fusion.The fused feature set is optimized using a meta-heuristic algorithm,the Whale Optimization Algorithm(WOA).The selected features are used for the classification of six different diseases of citrus plants.The proposed technique attains a classification accuracy of 95.7%with superior results when compared with recent techniques.展开更多
Humankind is facing another deadliest pandemic of all times in history,caused by COVID-19.Apart from this challenging pandemic,World Health Organization(WHO)considers tuberculosis(TB)as a preeminent infectious disease...Humankind is facing another deadliest pandemic of all times in history,caused by COVID-19.Apart from this challenging pandemic,World Health Organization(WHO)considers tuberculosis(TB)as a preeminent infectious disease due to its high infection rate.Generally,both TB and COVID-19 severely affect the lungs,thus hardening the job of medical practitioners who can often misidentify these diseases in the current situation.Therefore,the time of need calls for an immediate and meticulous automatic diagnostic tool that can accurately discriminate both diseases.As one of the preliminary smart health systems that examine three clinical states(COVID-19,TB,and normal cases),this study proposes an amalgam of image filtering,data-augmentation technique,transfer learning-based approach,and advanced deep-learning classifiers to effectively segregate these diseases.It first employed a generative adversarial network(GAN)and Crimmins speckle removal filter on X-ray images to overcome the issue of limited data and noise.Each pre-processed image is then converted into red,green,and blue(RGB)and Commission Internationale de l’Elcairage(CIE)color spaces from which deep fused features are formed by extracting relevant features using DenseNet121 and ResNet50.Each feature extractor extracts 1000 most useful features which are then fused and finally fed to two variants of recurrent neural network(RNN)classifiers for precise discrimination of threeclinical states.Comparative analysis showed that the proposed Bi-directional long-short-term-memory(Bi-LSTM)model dominated the long-short-termmemory(LSTM)network by attaining an overall accuracy of 98.22%for the three-class classification task,whereas LSTM hardly achieved 94.22%accuracy on the test dataset.展开更多
Pneumonia is a dangerous respiratory disease due to which breathing becomes incredibly difficult and painful;thus,catching it early is crucial.Medical physicians’time is limited in outdoor situations due to many pati...Pneumonia is a dangerous respiratory disease due to which breathing becomes incredibly difficult and painful;thus,catching it early is crucial.Medical physicians’time is limited in outdoor situations due to many patients;therefore,automated systems can be a rescue.The input images from the X-ray equipment are also highly unpredictable due to variances in radiologists’experience.Therefore,radiologists require an automated system that can swiftly and accurately detect pneumonic lungs from chest x-rays.In medical classifications,deep convolution neural networks are commonly used.This research aims to use deep pretrained transfer learning models to accurately categorize CXR images into binary classes,i.e.,Normal and Pneumonia.The MDEV is a proposed novel ensemble approach that concatenates four heterogeneous transfer learning models:Mobile-Net,DenseNet-201,EfficientNet-B0,and VGG-16,which have been finetuned and trained on 5,856 CXR images.The evaluation matrices used in this research to contrast different deep transfer learning architectures include precision,accuracy,recall,AUC-roc,and f1-score.The model effectively decreases training loss while increasing accuracy.The findings conclude that the proposed MDEV model outperformed cutting-edge deep transfer learning models and obtains an overall precision of 92.26%,an accuracy of 92.15%,a recall of 90.90%,an auc-roc score of 90.9%,and f-score of 91.49%with minimal data pre-processing,data augmentation,finetuning and hyperparameter adjustment in classifying Normal and Pneumonia chests.展开更多
The identification of DNA binding proteins(DNABPs)is considered a major challenge in genome annotation because they are linked to several important applied and research applications of cellular functions e.g.,in the s...The identification of DNA binding proteins(DNABPs)is considered a major challenge in genome annotation because they are linked to several important applied and research applications of cellular functions e.g.,in the study of the biological,biophysical,and biochemical effects of antibiotics,drugs,and steroids on DNA.This paper presents an efficient approach for DNABPs identification based on deep transfer learning,named“DTLM-DBP.”Two transfer learning methods are used in the identification process.The first is based on the pre-trained deep learning model as a feature’s extractor and classifier.Two different pre-trained Convolutional Neural Networks(CNN),AlexNet 8 and VGG 16,are tested and compared.The second method uses the deep learning model as a feature’s extractor only and two different classifiers for the identification process.Two classifiers,Support Vector Machine(SVM)and Random Forest(RF),are tested and compared.The proposed approach is tested using different DNA proteins datasets.The performance of the identification process is evaluated in terms of identification accuracy,sensitivity,specificity and MCC,with four available DNA proteins datasets:PDB1075,PDB186,PDNA-543,and PDNA-316.The results show that the RF classifier,with VGG-Net pre-trained deep transfer learning features,gives the highest performance.DTLM-DBP was compared with other published methods and it provides a considerable improvement in the performance of DNABPs identification.展开更多
The state of health(SOH)is a critical factor in evaluating the performance of the lithium-ion batteries(LIBs).Due to various end-user behaviors,the LIBs exhibit different degradation modes,which makes it challenging t...The state of health(SOH)is a critical factor in evaluating the performance of the lithium-ion batteries(LIBs).Due to various end-user behaviors,the LIBs exhibit different degradation modes,which makes it challenging to estimate the SOHs in a personalized way.In this article,we present a novel particle swarm optimization-assisted deep domain adaptation(PSO-DDA)method to estimate the SOH of LIBs in a personalized manner,where a new domain adaptation strategy is put forward to reduce cross-domain distribution discrepancy.The standard PSO algorithm is exploited to automatically adjust the chosen hyperparameters of developed DDA-based method.The proposed PSODDA method is validated by extensive experiments on two LIB datasets with different battery chemistry materials,ambient temperatures and charge-discharge configurations.Experimental results indicate that the proposed PSO-DDA method surpasses the convolutional neural network-based method and the standard DDA-based method.The Py Torch implementation of the proposed PSO-DDA method is available at https://github.com/mxt0607/PSO-DDA.展开更多
Osteosarcoma is a type of malignant bone tumor that is reported across the globe.Recent advancements in Machine Learning(ML)and Deep Learning(DL)models enable the detection and classification of malignancies in biomed...Osteosarcoma is a type of malignant bone tumor that is reported across the globe.Recent advancements in Machine Learning(ML)and Deep Learning(DL)models enable the detection and classification of malignancies in biomedical images.In this regard,the current study introduces a new Biomedical Osteosarcoma Image Classification using Elephant Herd Optimization and Deep Transfer Learning(BOIC-EHODTL)model.The presented BOIC-EHODTL model examines the biomedical images to diagnose distinct kinds of osteosarcoma.At the initial stage,Gabor Filter(GF)is applied as a pre-processing technique to get rid of the noise from images.In addition,Adam optimizer with MixNet model is also employed as a feature extraction technique to generate feature vectors.Then,EHOalgorithm is utilized along with Adaptive Neuro-Fuzzy Classifier(ANFC)model for recognition and categorization of osteosarcoma.EHO algorithm is utilized to fine-tune the parameters involved in ANFC model which in turn helps in accomplishing improved classification results.The design of EHO with ANFC model for classification of osteosarcoma is the novelty of current study.In order to demonstrate the improved performance of BOIC-EHODTL model,a comprehensive comparison was conducted between the proposed and existing models upon benchmark dataset and the results confirmed the better performance of BOIC-EHODTL model over recent methodologies.展开更多
Knowledge-based transfer learning techniques have shown good performance for brain tumor classification,especially with small datasets.However,to obtain an optimized model for targeted brain tumor classification,it is...Knowledge-based transfer learning techniques have shown good performance for brain tumor classification,especially with small datasets.However,to obtain an optimized model for targeted brain tumor classification,it is challenging to select a pre-trained deep learning(DL)model,optimal values of hyperparameters,and optimization algorithm(solver).This paper first presents a brief review of recent literature related to brain tumor classification.Secondly,a robust framework for implementing the transfer learning technique is proposed.In the proposed framework,a Cartesian product matrix is generated to determine the optimal values of the two important hyperparameters:batch size and learning rate.An extensive exercise consisting of 435 simulations for 11 state-of-the-art pre-trained DL models was performed using 16 paired hyperparameters from the Cartesian product matrix to input the model with the three most popular solvers(stochastic gradient descent with momentum(SGDM),adaptive moment estimation(ADAM),and root mean squared propagation(RMSProp)).The 16 pairs were formed using individual hyperparameter values taken from literature,which generally addressed only one hyperparameter for optimization,rather than making a grid for a particular range.The proposed framework was assessed using a multi-class publicly available dataset consisting of glioma,meningioma,and pituitary tumors.Performance assessment shows that ResNet18 outperforms all other models in terms of accuracy,precision,specificity,and recall(sensitivity).The results are also compared with existing state-of-the-art research work that used the same dataset.The comparison was mainly based on performance metric“accuracy”with support of three other parameters“precision,”“recall,”and“specificity.”The comparison shows that the transfer learning technique,implemented through our proposed framework for brain tumor classification,outperformed all existing approaches.To the best of our knowledge,the proposed framework is an efficient framework that helped reduce the computational complexity and the time to attain optimal values of two important hyperparameters and consequently the optimized model with an accuracy of 99.56%.展开更多
The quality prediction of machining processes is essential for maintaining process stability and improving component quality. The prediction accuracy of conventional methods relies on a significant amount of process s...The quality prediction of machining processes is essential for maintaining process stability and improving component quality. The prediction accuracy of conventional methods relies on a significant amount of process signals under the same operating conditions. However, obtaining sufficient data during the machining process is difficult under most operating conditions, and conventional prediction methods require a certain amount of training data. Herein, a new multiconditional machining quality prediction model based on a deep transfer learning network is proposed. A process quality prediction model is built under multiple operating conditions. A deep convolutional neural network (CNN) is used to investigate the connections between multidimensional process signals and quality under source operating conditions. Three strategies, namely structure transfer, parameter transfer, and weight transfer, are used to transfer the trained CNN network to the target operating conditions. The machining quality prediction model predicts the machining quality of the target operating conditions using limited data. A multiconditional forging process is designed to validate the effectiveness of the proposed method. Compared with other data-driven methods, the proposed deep transfer learning network offers enhanced performance in terms of prediction accuracy under different conditions.展开更多
The existing intelligent fault diagnosis techniques of bevel gear focus on single-sensor signal analysis under the steady operation condition.In this study,a new method is proposed based on ensemble deep transfer lear...The existing intelligent fault diagnosis techniques of bevel gear focus on single-sensor signal analysis under the steady operation condition.In this study,a new method is proposed based on ensemble deep transfer learning and multisensor signals to enhance the fault diagnosis adaptability and reliability of bevel gear under various operation conditions.First,a novel stacked autoencoder(NSAE)is constructed using a denoising autoencoder,batch normalization,and the Swish activation function.Second,a series of source-domain NSAEs with multisensor vibration signals is pretrained.Third,the good model parameters provided by the source-domain NSAEs are transferred to initialize the corresponding target-domain NSAEs.Finally,a modified voting fusion strategy is designed to obtain a comprehensive result.The multisensor signals collected under the different operation conditions of bevel gear are used to verify the proposed method.The comparison results show that the proposed method can diagnose different faults in an accurate and stable manner using only one target-domain sample,thereby outperforming the existing methods.展开更多
Timely diagnosis and accurate identification of grape leaf diseases are decisive for controlling the spread of disease and ensuring the healthy development of the grape industry.The objective of this research was to p...Timely diagnosis and accurate identification of grape leaf diseases are decisive for controlling the spread of disease and ensuring the healthy development of the grape industry.The objective of this research was to propose a simple and efficient approach to improve grape leaf disease identification accuracy with limited computing resources and scale of training image dataset based on deep transfer learning and an improved MobileNetV3 model(GLD-DTL).A pre-training model was obtained by training MobileNetV3 using the ImageNet dataset to extract common features of the grape leaves.And the last convolution layer of the pre-training model was modified by adding a batch normalization function.A dropout layer followed by a fully connected layer was used to improve the generalization ability of the pre-training model and realize a weight matrix to quantify the scores of six diseases,according to which the Softmax method was added as the top layer of the modified networks to give probability distribution of six diseases.Finally,the grape leaf diseases dataset,which was constructed by processing the image with data augmentation and image annotation technologies,was input into the modified networks to retrain the networks to obtain the grape leaf diseases recognition(GLDR)model.Results showed that the proposed GLD-DTL approach had better performance than some recent approaches.The identification accuracy was as high as 99.84%while the model size was as small as 30 MB.展开更多
Background The heterogeneity of COVID-19 spread dynamics is determined by complex spatiotemporal transmission patterns at a fine scale,especially in densely populated regions.In this study,we aim to discover such fine...Background The heterogeneity of COVID-19 spread dynamics is determined by complex spatiotemporal transmission patterns at a fine scale,especially in densely populated regions.In this study,we aim to discover such fine-scale transmission patterns via deep learning.Methods We introduce the notion of TransCode to characterize fine-scale spatiotemporal transmission patterns of COVID-19 caused by metapopulation mobility and contact behaviors.First,in Hong Kong,China,we construct the mobility trajectories of confirmed cases using their visiting records.Then we estimate the transmissibility of individual cases in different locations based on their temporal infectiousness distribution.Integrating the spatial and temporal information,we represent the TransCode via spatiotemporal transmission networks.Further,we propose a deep transfer learning model to adapt the TransCode of Hong Kong,China to achieve fine-scale transmission characterization and risk prediction in six densely populated metropolises:New York City,San Francisco,Toronto,London,Berlin,and Tokyo,where fine-scale data are limited.All the data used in this study are publicly available.Results The TransCode of Hong Kong,China derived from the spatial transmission information and temporal infectiousness distribution of individual cases reveals the transmission patterns(e.g.,the imported and exported transmission intensities)at the district and constituency levels during different COVID-19 outbreaks waves.By adapting the TransCode of Hong Kong,China to other data-limited densely populated metropolises,the proposed method outperforms other representative methods by more than 10%in terms of the prediction accuracy of the disease dynamics(i.e.,the trend of case numbers),and the fine-scale spatiotemporal transmission patterns in these metropolises could also be well captured due to some shared intrinsically common patterns of human mobility and contact behaviors at the metapopulation level.Conclusions The fine-scale transmission patterns due to the metapopulation level mobility(e.g.,travel across different districts)and contact behaviors(e.g.,gathering in social-economic centers)are one of the main contributors to the rapid spread of the virus.Characterization of the fine-scale transmission patterns using the TransCode will facilitate the development of tailor-made intervention strategies to effectively contain disease transmission in the targeted regions.展开更多
In some image classification tasks, similarities among different categories are different and the samples are usually misclassified as highly similar categories. To distinguish highly similar categories, more specific...In some image classification tasks, similarities among different categories are different and the samples are usually misclassified as highly similar categories. To distinguish highly similar categories, more specific features are required so that the classifier can improve the classification performance. In this paper, we propose a novel two-level hierarchical feature learning framework based on the deep convolutional neural network(CNN), which is simple and effective. First, the deep feature extractors of different levels are trained using the transfer learning method that fine-tunes the pre-trained deep CNN model toward the new target dataset. Second, the general feature extracted from all the categories and the specific feature extracted from highly similar categories are fused into a feature vector. Then the final feature representation is fed into a linear classifier. Finally, experiments using the Caltech-256, Oxford Flower-102, and Tasmania Coral Point Count(CPC) datasets demonstrate that the expression ability of the deep features resulting from two-level hierarchical feature learning is powerful. Our proposed method effectively increases the classification accuracy in comparison with flat multiple classification methods.展开更多
文摘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-trained CNN(PCNN)MobileNetV2 architecture combined with a Support Vector Machine(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 for MobileNetV2-SVM,InceptionV3,and MobileNetV2 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.
基金the Science and Technology Funding Project of Hunan Province,China(2023JJ50410)(HX)Key Laboratory of Tumor Precision Medicine,Hunan colleges and Universities Project(2019-379)(QL).
文摘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.
文摘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.
基金the Deanship of Scientific Research(DSR),King Abdulaziz University,Jeddah,under grant No.(FP-000-000-1441).
文摘Colorectal carcinoma(CRC)is one such dispersed cancer globally and also prominent one in causing cancer-based death.Conventionally,pathologists execute CRC diagnosis through visible scrutinizing under the microscope the resected tissue samples,stained and fixed through Haematoxylin and Eosin(H&E).The advancement of graphical processing systems has resulted in high potentiality for deep learning(DL)techniques in interpretating visual anatomy from high resolution medical images.This study develops a slime mould algorithm with deep transfer learning enabled colorectal cancer detection and classification(SMADTL-CCDC)algorithm.The presented SMADTL-CCDC technique intends to appropriately recognize the occurrence of colorectal cancer.To accomplish this,the SMADTLCCDC model initially undergoes pre-processing to improve the input image quality.In addition,a dense-EfficientNet technique was employed to extract feature vectors from the pre-processed images.Moreover,SMA with Discrete Hopfield neural network(DHNN)method was applied for the recognition and classification of colorectal cancer.The utilization of SMA assists in appropriately selecting the parameters involved in the DHNN approach.A wide range of experiments was implemented on benchmark datasets to assess the classification performance.A comprehensive comparative study highlighted the better performance of the SMADTL-CDC model over the recent approaches.
文摘At present days,object detection and tracking concepts have gained more importance among researchers and business people.Presently,deep learning(DL)approaches have been used for object tracking as it increases the perfor-mance and speed of the tracking process.This paper presents a novel robust DL based object detection and tracking algorithm using Automated Image Anno-tation with ResNet based Faster regional convolutional neural network(R-CNN)named(AIA-FRCNN)model.The AIA-RFRCNN method performs image anno-tation using a Discriminative Correlation Filter(DCF)with Channel and Spatial Reliability tracker(CSR)called DCF-CSRT model.The AIA-RFRCNN model makes use of Faster RCNN as an object detector and tracker,which involves region proposal network(RPN)and Fast R-CNN.The RPN is a full convolution network that concurrently predicts the bounding box and score of different objects.The RPN is a trained model used for the generation of the high-quality region proposals,which are utilized by Fast R-CNN for detection process.Besides,Residual Network(ResNet 101)model is used as a shared convolutional neural network(CNN)for the generation of feature maps.The performance of the ResNet 101 model is further improved by the use of Adam optimizer,which tunes the hyperparameters namely learning rate,batch size,momentum,and weight decay.Finally,softmax layer is applied to classify the images.The performance of the AIA-RFRCNN method has been assessed using a benchmark dataset and a detailed comparative analysis of the results takes place.The outcome of the experiments indicated the superior characteristics of the AIA-RFRCNN model under diverse aspects.
基金the National Key R&D Program of China(2022YFB3402100)the National Science Fund for Distinguished Young Scholars of China(52025056)+4 种基金the National Natural Science Foundation of China(52305129)the China Postdoctoral Science Foundation(2023M732789)the China Postdoctoral Innovative Talents Support Program(BX20230290)the Open Foundation of Hunan Provincial Key Laboratory of Health Maintenance for Mechanical Equipment(2022JXKF JJ01)the Fundamental Research Funds for Central Universities。
文摘The success of deep transfer learning in fault diagnosis is attributed to the collection of high-quality labeled data from the source domain.However,in engineering scenarios,achieving such high-quality label annotation is difficult and expensive.The incorrect label annotation produces two negative effects:1)the complex decision boundary of diagnosis models lowers the generalization performance on the target domain,and2)the distribution of target domain samples becomes misaligned with the false-labeled samples.To overcome these negative effects,this article proposes a solution called the label recovery and trajectory designable network(LRTDN).LRTDN consists of three parts.First,a residual network with dual classifiers is to learn features from cross-domain samples.Second,an annotation check module is constructed to generate a label anomaly indicator that could modify the abnormal labels of false-labeled samples in the source domain.With the training of relabeled samples,the complexity of diagnosis model is reduced via semi-supervised learning.Third,the adaptation trajectories are designed for sample distributions across domains.This ensures that the target domain samples are only adapted with the pure-labeled samples.The LRTDN is verified by two case studies,in which the diagnosis knowledge of bearings is transferred across different working conditions as well as different yet related machines.The results show that LRTDN offers a high diagnosis accuracy even in the presence of incorrect annotation.
基金This work was supported by the Science and Technology Innovation 2030-Key Project of“New Generation Artificial Intelligence”of China under Grant 2018AAA0102303the Natural Science Foundation for Distinguished Young Scholars of Jiangsu Province(No.BK20190030)the National Natural Science Foundation of China(No.61631020,No.61871398,No.61931011 and No.U20B2038).
文摘This paper investigates the problem of data scarcity in spectrum prediction.A cognitive radio equipment may frequently switch the target frequency as the electromagnetic environment changes.The previously trained model for prediction often cannot maintain a good performance when facing small amount of historical data of the new target frequency.Moreover,the cognitive radio equipment usually implements the dynamic spectrum access in real time which means the time to recollect the data of the new task frequency band and retrain the model is very limited.To address the above issues,we develop a crossband data augmentation framework for spectrum prediction by leveraging the recent advances of generative adversarial network(GAN)and deep transfer learning.Firstly,through the similarity measurement,we pre-train a GAN model using the historical data of the frequency band that is the most similar to the target frequency band.Then,through the data augmentation by feeding the small amount of the target data into the pre-trained GAN,temporal-spectral residual network is further trained using deep transfer learning and the generated data with high similarity from GAN.Finally,experiment results demonstrate the effectiveness of the proposed framework.
基金supported by the National Key R&D Program of China under Grant 2018AAA0102303 and Grant 2018YFB1801103the National Natural Science Foundation of China (No. 61871398 and No. 61931011)+1 种基金the Natural Science Foundation for Distinguished Young Scholars of Jiangsu Province (No. BK20190030)the Equipment Advanced Research Field Foundation (No. 61403120304)
文摘Spectrum prediction is a promising technology to infer future spectrum state by exploiting inherent patterns of historical spectrum data.In practice,for a given spectrum band of interest,when facing relatively scarce historical data,spectrum prediction based on traditional learning methods does not work well.Thus,this paper proposes a cross-band spectrum prediction model based on transfer learning.Firstly,by analysing service activities and computing the distances between various frequency points based on Dynamic Time Warping,the similarity between spectrum bands has been verified.Next,the features,which mainly affect the performance of transfer learning in the crossband spectrum prediction,are explored by leveraging transfer component analysis.Then,the effectiveness of transfer learning for the cross-band spectrum prediction has been demonstrated.Further,experimental results with real-world spectrum data demonstrate that the performance of the proposed model is better than the state-of-theart models when the historical spectrum data is limited.
文摘In recent years,the field of deep learning has played an important role towards automatic detection and classification of diseases in vegetables and fruits.This in turn has helped in improving the quality and production of vegetables and fruits.Citrus fruits arewell known for their taste and nutritional values.They are one of the natural and well known sources of vitamin C and planted worldwide.There are several diseases which severely affect the quality and yield of citrus fruits.In this paper,a new deep learning based technique is proposed for citrus disease classification.Two different pre-trained deep learning models have been used in this work.To increase the size of the citrus dataset used in this paper,image augmentation techniques are used.Moreover,to improve the visual quality of images,hybrid contrast stretching has been adopted.In addition,transfer learning is used to retrain the pre-trainedmodels and the feature set is enriched by using feature fusion.The fused feature set is optimized using a meta-heuristic algorithm,the Whale Optimization Algorithm(WOA).The selected features are used for the classification of six different diseases of citrus plants.The proposed technique attains a classification accuracy of 95.7%with superior results when compared with recent techniques.
文摘Humankind is facing another deadliest pandemic of all times in history,caused by COVID-19.Apart from this challenging pandemic,World Health Organization(WHO)considers tuberculosis(TB)as a preeminent infectious disease due to its high infection rate.Generally,both TB and COVID-19 severely affect the lungs,thus hardening the job of medical practitioners who can often misidentify these diseases in the current situation.Therefore,the time of need calls for an immediate and meticulous automatic diagnostic tool that can accurately discriminate both diseases.As one of the preliminary smart health systems that examine three clinical states(COVID-19,TB,and normal cases),this study proposes an amalgam of image filtering,data-augmentation technique,transfer learning-based approach,and advanced deep-learning classifiers to effectively segregate these diseases.It first employed a generative adversarial network(GAN)and Crimmins speckle removal filter on X-ray images to overcome the issue of limited data and noise.Each pre-processed image is then converted into red,green,and blue(RGB)and Commission Internationale de l’Elcairage(CIE)color spaces from which deep fused features are formed by extracting relevant features using DenseNet121 and ResNet50.Each feature extractor extracts 1000 most useful features which are then fused and finally fed to two variants of recurrent neural network(RNN)classifiers for precise discrimination of threeclinical states.Comparative analysis showed that the proposed Bi-directional long-short-term-memory(Bi-LSTM)model dominated the long-short-termmemory(LSTM)network by attaining an overall accuracy of 98.22%for the three-class classification task,whereas LSTM hardly achieved 94.22%accuracy on the test dataset.
基金This research was supported by Basic Science Research Program through the National Research Foundation of Korea(NRF)funded by the Ministry of Education(2021R1I1A1A01052299).
文摘Pneumonia is a dangerous respiratory disease due to which breathing becomes incredibly difficult and painful;thus,catching it early is crucial.Medical physicians’time is limited in outdoor situations due to many patients;therefore,automated systems can be a rescue.The input images from the X-ray equipment are also highly unpredictable due to variances in radiologists’experience.Therefore,radiologists require an automated system that can swiftly and accurately detect pneumonic lungs from chest x-rays.In medical classifications,deep convolution neural networks are commonly used.This research aims to use deep pretrained transfer learning models to accurately categorize CXR images into binary classes,i.e.,Normal and Pneumonia.The MDEV is a proposed novel ensemble approach that concatenates four heterogeneous transfer learning models:Mobile-Net,DenseNet-201,EfficientNet-B0,and VGG-16,which have been finetuned and trained on 5,856 CXR images.The evaluation matrices used in this research to contrast different deep transfer learning architectures include precision,accuracy,recall,AUC-roc,and f1-score.The model effectively decreases training loss while increasing accuracy.The findings conclude that the proposed MDEV model outperformed cutting-edge deep transfer learning models and obtains an overall precision of 92.26%,an accuracy of 92.15%,a recall of 90.90%,an auc-roc score of 90.9%,and f-score of 91.49%with minimal data pre-processing,data augmentation,finetuning and hyperparameter adjustment in classifying Normal and Pneumonia chests.
基金This paper was funded under the 2020–2021 Industry-International Incentive Grant by Universiti Teknologi Malaysia(Grant Number:Q.K130000.3043.02M12)which was granted to U.Khairuddin,F.Behrooz and R.Yusof.
文摘The identification of DNA binding proteins(DNABPs)is considered a major challenge in genome annotation because they are linked to several important applied and research applications of cellular functions e.g.,in the study of the biological,biophysical,and biochemical effects of antibiotics,drugs,and steroids on DNA.This paper presents an efficient approach for DNABPs identification based on deep transfer learning,named“DTLM-DBP.”Two transfer learning methods are used in the identification process.The first is based on the pre-trained deep learning model as a feature’s extractor and classifier.Two different pre-trained Convolutional Neural Networks(CNN),AlexNet 8 and VGG 16,are tested and compared.The second method uses the deep learning model as a feature’s extractor only and two different classifiers for the identification process.Two classifiers,Support Vector Machine(SVM)and Random Forest(RF),are tested and compared.The proposed approach is tested using different DNA proteins datasets.The performance of the identification process is evaluated in terms of identification accuracy,sensitivity,specificity and MCC,with four available DNA proteins datasets:PDB1075,PDB186,PDNA-543,and PDNA-316.The results show that the RF classifier,with VGG-Net pre-trained deep transfer learning features,gives the highest performance.DTLM-DBP was compared with other published methods and it provides a considerable improvement in the performance of DNABPs identification.
基金supported in part by the National Natural Science Foundation of China(92167201,62273264,61933007)。
文摘The state of health(SOH)is a critical factor in evaluating the performance of the lithium-ion batteries(LIBs).Due to various end-user behaviors,the LIBs exhibit different degradation modes,which makes it challenging to estimate the SOHs in a personalized way.In this article,we present a novel particle swarm optimization-assisted deep domain adaptation(PSO-DDA)method to estimate the SOH of LIBs in a personalized manner,where a new domain adaptation strategy is put forward to reduce cross-domain distribution discrepancy.The standard PSO algorithm is exploited to automatically adjust the chosen hyperparameters of developed DDA-based method.The proposed PSODDA method is validated by extensive experiments on two LIB datasets with different battery chemistry materials,ambient temperatures and charge-discharge configurations.Experimental results indicate that the proposed PSO-DDA method surpasses the convolutional neural network-based method and the standard DDA-based method.The Py Torch implementation of the proposed PSO-DDA method is available at https://github.com/mxt0607/PSO-DDA.
基金The authors extend their appreciation to the Deanship of Scientific Research at King Khalid University for funding this work through Large Groups Project under grant number(42/43)Princess Nourah bint Abdulrahman University Researchers Supporting Project number(PNURSP2022R151)Princess Nourah bint Abdulrahman University,Riyadh,Saudi Arabia.The authors would like to thank the Deanship of Scientific Research at Umm Al-Qura University for supporting this work by Grant Code:(22UQU4340237DSR16).
文摘Osteosarcoma is a type of malignant bone tumor that is reported across the globe.Recent advancements in Machine Learning(ML)and Deep Learning(DL)models enable the detection and classification of malignancies in biomedical images.In this regard,the current study introduces a new Biomedical Osteosarcoma Image Classification using Elephant Herd Optimization and Deep Transfer Learning(BOIC-EHODTL)model.The presented BOIC-EHODTL model examines the biomedical images to diagnose distinct kinds of osteosarcoma.At the initial stage,Gabor Filter(GF)is applied as a pre-processing technique to get rid of the noise from images.In addition,Adam optimizer with MixNet model is also employed as a feature extraction technique to generate feature vectors.Then,EHOalgorithm is utilized along with Adaptive Neuro-Fuzzy Classifier(ANFC)model for recognition and categorization of osteosarcoma.EHO algorithm is utilized to fine-tune the parameters involved in ANFC model which in turn helps in accomplishing improved classification results.The design of EHO with ANFC model for classification of osteosarcoma is the novelty of current study.In order to demonstrate the improved performance of BOIC-EHODTL model,a comprehensive comparison was conducted between the proposed and existing models upon benchmark dataset and the results confirmed the better performance of BOIC-EHODTL model over recent methodologies.
文摘Knowledge-based transfer learning techniques have shown good performance for brain tumor classification,especially with small datasets.However,to obtain an optimized model for targeted brain tumor classification,it is challenging to select a pre-trained deep learning(DL)model,optimal values of hyperparameters,and optimization algorithm(solver).This paper first presents a brief review of recent literature related to brain tumor classification.Secondly,a robust framework for implementing the transfer learning technique is proposed.In the proposed framework,a Cartesian product matrix is generated to determine the optimal values of the two important hyperparameters:batch size and learning rate.An extensive exercise consisting of 435 simulations for 11 state-of-the-art pre-trained DL models was performed using 16 paired hyperparameters from the Cartesian product matrix to input the model with the three most popular solvers(stochastic gradient descent with momentum(SGDM),adaptive moment estimation(ADAM),and root mean squared propagation(RMSProp)).The 16 pairs were formed using individual hyperparameter values taken from literature,which generally addressed only one hyperparameter for optimization,rather than making a grid for a particular range.The proposed framework was assessed using a multi-class publicly available dataset consisting of glioma,meningioma,and pituitary tumors.Performance assessment shows that ResNet18 outperforms all other models in terms of accuracy,precision,specificity,and recall(sensitivity).The results are also compared with existing state-of-the-art research work that used the same dataset.The comparison was mainly based on performance metric“accuracy”with support of three other parameters“precision,”“recall,”and“specificity.”The comparison shows that the transfer learning technique,implemented through our proposed framework for brain tumor classification,outperformed all existing approaches.To the best of our knowledge,the proposed framework is an efficient framework that helped reduce the computational complexity and the time to attain optimal values of two important hyperparameters and consequently the optimized model with an accuracy of 99.56%.
基金supported by the National Natural Science Foundation of China (Grant No.51675418).
文摘The quality prediction of machining processes is essential for maintaining process stability and improving component quality. The prediction accuracy of conventional methods relies on a significant amount of process signals under the same operating conditions. However, obtaining sufficient data during the machining process is difficult under most operating conditions, and conventional prediction methods require a certain amount of training data. Herein, a new multiconditional machining quality prediction model based on a deep transfer learning network is proposed. A process quality prediction model is built under multiple operating conditions. A deep convolutional neural network (CNN) is used to investigate the connections between multidimensional process signals and quality under source operating conditions. Three strategies, namely structure transfer, parameter transfer, and weight transfer, are used to transfer the trained CNN network to the target operating conditions. The machining quality prediction model predicts the machining quality of the target operating conditions using limited data. A multiconditional forging process is designed to validate the effectiveness of the proposed method. Compared with other data-driven methods, the proposed deep transfer learning network offers enhanced performance in terms of prediction accuracy under different conditions.
基金the National Natural Science Foundation of China(Grant No.51905160)the Natural Science Foundation of Hunan Province(Grant No.2020JJ5072)the Fundamental Research Funds for the Central Universities(Grant No.531118010335)。
文摘The existing intelligent fault diagnosis techniques of bevel gear focus on single-sensor signal analysis under the steady operation condition.In this study,a new method is proposed based on ensemble deep transfer learning and multisensor signals to enhance the fault diagnosis adaptability and reliability of bevel gear under various operation conditions.First,a novel stacked autoencoder(NSAE)is constructed using a denoising autoencoder,batch normalization,and the Swish activation function.Second,a series of source-domain NSAEs with multisensor vibration signals is pretrained.Third,the good model parameters provided by the source-domain NSAEs are transferred to initialize the corresponding target-domain NSAEs.Finally,a modified voting fusion strategy is designed to obtain a comprehensive result.The multisensor signals collected under the different operation conditions of bevel gear are used to verify the proposed method.The comparison results show that the proposed method can diagnose different faults in an accurate and stable manner using only one target-domain sample,thereby outperforming the existing methods.
基金The authors acknowledge that this work was financially supported by the National Natural Science Foundation of China(Grant No.32171910)the Natural Science Foundation of Shandong Province(Grant No.ZR2020MC085)+1 种基金the Key R&D Project of Shandong Province(Grant No.2019JZZY010734)the Key R&D Project of Zibo City,Shandong Province,China(Grant No.2019ZBXC143).
文摘Timely diagnosis and accurate identification of grape leaf diseases are decisive for controlling the spread of disease and ensuring the healthy development of the grape industry.The objective of this research was to propose a simple and efficient approach to improve grape leaf disease identification accuracy with limited computing resources and scale of training image dataset based on deep transfer learning and an improved MobileNetV3 model(GLD-DTL).A pre-training model was obtained by training MobileNetV3 using the ImageNet dataset to extract common features of the grape leaves.And the last convolution layer of the pre-training model was modified by adding a batch normalization function.A dropout layer followed by a fully connected layer was used to improve the generalization ability of the pre-training model and realize a weight matrix to quantify the scores of six diseases,according to which the Softmax method was added as the top layer of the modified networks to give probability distribution of six diseases.Finally,the grape leaf diseases dataset,which was constructed by processing the image with data augmentation and image annotation technologies,was input into the modified networks to retrain the networks to obtain the grape leaf diseases recognition(GLDR)model.Results showed that the proposed GLD-DTL approach had better performance than some recent approaches.The identification accuracy was as high as 99.84%while the model size was as small as 30 MB.
基金the Ministry of Science and Technology of the People’s Republic of China(2021ZD0112501,2021ZD0112502)the Research Grants Council of Hong Kong SAR(RGC/HKBU12201318,RGC/HKBU12201619,RGC/HKBU12202220)the Guangdong Basic and Applied Basic Research Foundation(2022A1515010124).
文摘Background The heterogeneity of COVID-19 spread dynamics is determined by complex spatiotemporal transmission patterns at a fine scale,especially in densely populated regions.In this study,we aim to discover such fine-scale transmission patterns via deep learning.Methods We introduce the notion of TransCode to characterize fine-scale spatiotemporal transmission patterns of COVID-19 caused by metapopulation mobility and contact behaviors.First,in Hong Kong,China,we construct the mobility trajectories of confirmed cases using their visiting records.Then we estimate the transmissibility of individual cases in different locations based on their temporal infectiousness distribution.Integrating the spatial and temporal information,we represent the TransCode via spatiotemporal transmission networks.Further,we propose a deep transfer learning model to adapt the TransCode of Hong Kong,China to achieve fine-scale transmission characterization and risk prediction in six densely populated metropolises:New York City,San Francisco,Toronto,London,Berlin,and Tokyo,where fine-scale data are limited.All the data used in this study are publicly available.Results The TransCode of Hong Kong,China derived from the spatial transmission information and temporal infectiousness distribution of individual cases reveals the transmission patterns(e.g.,the imported and exported transmission intensities)at the district and constituency levels during different COVID-19 outbreaks waves.By adapting the TransCode of Hong Kong,China to other data-limited densely populated metropolises,the proposed method outperforms other representative methods by more than 10%in terms of the prediction accuracy of the disease dynamics(i.e.,the trend of case numbers),and the fine-scale spatiotemporal transmission patterns in these metropolises could also be well captured due to some shared intrinsically common patterns of human mobility and contact behaviors at the metapopulation level.Conclusions The fine-scale transmission patterns due to the metapopulation level mobility(e.g.,travel across different districts)and contact behaviors(e.g.,gathering in social-economic centers)are one of the main contributors to the rapid spread of the virus.Characterization of the fine-scale transmission patterns using the TransCode will facilitate the development of tailor-made intervention strategies to effectively contain disease transmission in the targeted regions.
基金Project supported by the National Natural Science Foundation of China(No.61379074)the Zhejiang Provincial Natural Science Foundation of China(Nos.LZ12F02003 and LY15F020035)
文摘In some image classification tasks, similarities among different categories are different and the samples are usually misclassified as highly similar categories. To distinguish highly similar categories, more specific features are required so that the classifier can improve the classification performance. In this paper, we propose a novel two-level hierarchical feature learning framework based on the deep convolutional neural network(CNN), which is simple and effective. First, the deep feature extractors of different levels are trained using the transfer learning method that fine-tunes the pre-trained deep CNN model toward the new target dataset. Second, the general feature extracted from all the categories and the specific feature extracted from highly similar categories are fused into a feature vector. Then the final feature representation is fed into a linear classifier. Finally, experiments using the Caltech-256, Oxford Flower-102, and Tasmania Coral Point Count(CPC) datasets demonstrate that the expression ability of the deep features resulting from two-level hierarchical feature learning is powerful. Our proposed method effectively increases the classification accuracy in comparison with flat multiple classification methods.