Deep metric learning is one of the recommended methods for the challenge of supporting few/zero-shot learning by deep networks.It depends on building a Siamese architecture of two homogeneous Convolutional Neural Netw...Deep metric learning is one of the recommended methods for the challenge of supporting few/zero-shot learning by deep networks.It depends on building a Siamese architecture of two homogeneous Convolutional Neural Networks(CNNs)for learning a distance function that can map input data from the input space to the feature space.Instead of determining the class of each sample,the Siamese architecture deals with the existence of a few training samples by deciding if the samples share the same class identity or not.The traditional structure for the Siamese architecture was built by forming two CNNs from scratch with randomly initialized weights and trained by binary cross-entropy loss.Building two CNNs from scratch is a trial and error and time-consuming phase.In addition,training with binary crossentropy loss sometimes leads to poor margins.In this paper,a novel Siamese network is proposed and applied to few/zero-shot Handwritten Character Recognition(HCR)tasks.The novelties of the proposed network are in.1)Utilizing transfer learning and using the pre-trained AlexNet as a feature extractor in the Siamese architecture.Fine-tuning a pre-trained network is typically faster and easier than building from scratch.2)Training the Siamese architecture with contrastive loss instead of the binary cross-entropy.Contrastive loss helps the network to learn a nonlinear mapping function that enables it to map the extracted features in the vector space with an optimal way.The proposed network is evaluated on the challenging Chars74K datasets by conducting two experiments.One is for testing the proposed network in few-shot learning while the other is for testing it in zero-shot learning.The recognition accuracy of the proposed network reaches to 85.6%and 82%in few-and zero-shot learning respectively.In addition,a comparison between the performance of the proposed Siamese network and the traditional Siamese CNNs is conducted.The comparison results show that the proposed network achieves higher recognition results in less time.The proposed network reduces the training time from days to hours in both experiments.展开更多
Alzheimer’s disease(AD)is a very complex disease that causes brain failure,then eventually,dementia ensues.It is a global health problem.99%of clinical trials have failed to limit the progression of this disease.The ...Alzheimer’s disease(AD)is a very complex disease that causes brain failure,then eventually,dementia ensues.It is a global health problem.99%of clinical trials have failed to limit the progression of this disease.The risks and barriers to detecting AD are huge as pathological events begin decades before appearing clinical symptoms.Therapies for AD are likely to be more helpful if the diagnosis is determined early before the final stage of neurological dysfunction.In this regard,the need becomes more urgent for biomarker-based detection.A key issue in understanding AD is the need to solve complex and high-dimensional datasets and heterogeneous biomarkers,such as genetics,magnetic resonance imaging(MRI),cerebrospinal fluid(CSF),and cognitive scores.Establishing an interpretable reasoning system and performing interoperability that achieves in terms of a semantic model is potentially very useful.Thus,our aim in this work is to propose an interpretable approach to detect AD based on Alzheimer’s disease diagnosis ontology(ADDO)and the expression of semantic web rule language(SWRL).This work implements an ontology-based application that exploits three different machine learning models.These models are random forest(RF),JRip,and J48,which have been used along with the voting ensemble.ADNI dataset was used for this study.The proposed classifier’s result with the voting ensemble achieves a higher accuracy of 94.1%and precision of 94.3%.Our approach provides effective inference rules.Besides,it contributes to a real,accurate,and interpretable classifier model based on various AD biomarkers for inferring whether the subject is a normal cognitive(NC),significant memory concern(SMC),early mild cognitive impairment(EMCI),late mild cognitive impairment(LMCI),or AD.展开更多
Many respiratory infections around the world have been caused by coronaviruses.COVID-19 is one of the most serious coronaviruses due to its rapid spread between people and the lowest survival rate.There is a high need...Many respiratory infections around the world have been caused by coronaviruses.COVID-19 is one of the most serious coronaviruses due to its rapid spread between people and the lowest survival rate.There is a high need for computer-assisted diagnostics(CAD)in the area of artificial intelligence to help doctors and radiologists identify COVID-19 patients in cloud systems.Machine learning(ML)has been used to examine chest X-ray frames.In this paper,a new transfer learning-based optimized extreme deep learning paradigm is proposed to identify the chest X-ray picture into three classes,a pneumonia patient,a COVID-19 patient,or a normal person.First,three different pre-trainedConvolutionalNeuralNetwork(CNN)models(resnet18,resnet25,densenet201)are employed for deep feature extraction.Second,each feature vector is passed through the binary Butterfly optimization algorithm(bBOA)to reduce the redundant features and extract the most representative ones,and enhance the performance of the CNN models.These selective features are then passed to an improved Extreme learning machine(ELM)using a BOA to classify the chest X-ray images.The proposed paradigm achieves a 99.48%accuracy in detecting covid-19 cases.展开更多
Electronic Health Records(EHRs)are the digital form of patients’medical reports or records.EHRs facilitate advanced analytics and aid in better decision-making for clinical data.Medical data are very complicated and ...Electronic Health Records(EHRs)are the digital form of patients’medical reports or records.EHRs facilitate advanced analytics and aid in better decision-making for clinical data.Medical data are very complicated and using one classification algorithm to reach good results is difficult.For this reason,we use a combination of classification techniques to reach an efficient and accurate classification model.This model combination is called the Ensemble model.We need to predict new medical data with a high accuracy value in a small processing time.We propose a new ensemble model MDRL which is efficient with different datasets.The MDRL gives the highest accuracy value.It saves the processing time instead of processing four different algorithms sequentially;it executes the four algorithms in parallel.We implement five different algorithms on five variant datasets which are Heart Disease,Health General,Diabetes,Heart Attack,and Covid-19 Datasets.The four algorithms are Random Forest(RF),Decision Tree(DT),Logistic Regression(LR),and Multi-layer Perceptron(MLP).In addition to MDRL(our proposed ensemble model)which includes MLP,DT,RF,and LR together.From our experiments,we conclude that our ensemble model has the best accuracy value for most datasets.We reach that the combination of the Correlation Feature Selection(CFS)algorithm and our ensemble model is the best for giving the highest accuracy value.The accuracy values for our ensemble model based on CFS are 98.86,97.96,100,99.33,and 99.37 for heart disease,health general,Covid-19,heart attack,and diabetes datasets respectively.展开更多
文摘Deep metric learning is one of the recommended methods for the challenge of supporting few/zero-shot learning by deep networks.It depends on building a Siamese architecture of two homogeneous Convolutional Neural Networks(CNNs)for learning a distance function that can map input data from the input space to the feature space.Instead of determining the class of each sample,the Siamese architecture deals with the existence of a few training samples by deciding if the samples share the same class identity or not.The traditional structure for the Siamese architecture was built by forming two CNNs from scratch with randomly initialized weights and trained by binary cross-entropy loss.Building two CNNs from scratch is a trial and error and time-consuming phase.In addition,training with binary crossentropy loss sometimes leads to poor margins.In this paper,a novel Siamese network is proposed and applied to few/zero-shot Handwritten Character Recognition(HCR)tasks.The novelties of the proposed network are in.1)Utilizing transfer learning and using the pre-trained AlexNet as a feature extractor in the Siamese architecture.Fine-tuning a pre-trained network is typically faster and easier than building from scratch.2)Training the Siamese architecture with contrastive loss instead of the binary cross-entropy.Contrastive loss helps the network to learn a nonlinear mapping function that enables it to map the extracted features in the vector space with an optimal way.The proposed network is evaluated on the challenging Chars74K datasets by conducting two experiments.One is for testing the proposed network in few-shot learning while the other is for testing it in zero-shot learning.The recognition accuracy of the proposed network reaches to 85.6%and 82%in few-and zero-shot learning respectively.In addition,a comparison between the performance of the proposed Siamese network and the traditional Siamese CNNs is conducted.The comparison results show that the proposed network achieves higher recognition results in less time.The proposed network reduces the training time from days to hours in both experiments.
基金This work was supported by the National Research Foundation of Korea(NRF)grant funded by the Korea government(MSIT)(No.2021R1A2C1011198).
文摘Alzheimer’s disease(AD)is a very complex disease that causes brain failure,then eventually,dementia ensues.It is a global health problem.99%of clinical trials have failed to limit the progression of this disease.The risks and barriers to detecting AD are huge as pathological events begin decades before appearing clinical symptoms.Therapies for AD are likely to be more helpful if the diagnosis is determined early before the final stage of neurological dysfunction.In this regard,the need becomes more urgent for biomarker-based detection.A key issue in understanding AD is the need to solve complex and high-dimensional datasets and heterogeneous biomarkers,such as genetics,magnetic resonance imaging(MRI),cerebrospinal fluid(CSF),and cognitive scores.Establishing an interpretable reasoning system and performing interoperability that achieves in terms of a semantic model is potentially very useful.Thus,our aim in this work is to propose an interpretable approach to detect AD based on Alzheimer’s disease diagnosis ontology(ADDO)and the expression of semantic web rule language(SWRL).This work implements an ontology-based application that exploits three different machine learning models.These models are random forest(RF),JRip,and J48,which have been used along with the voting ensemble.ADNI dataset was used for this study.The proposed classifier’s result with the voting ensemble achieves a higher accuracy of 94.1%and precision of 94.3%.Our approach provides effective inference rules.Besides,it contributes to a real,accurate,and interpretable classifier model based on various AD biomarkers for inferring whether the subject is a normal cognitive(NC),significant memory concern(SMC),early mild cognitive impairment(EMCI),late mild cognitive impairment(LMCI),or AD.
文摘Many respiratory infections around the world have been caused by coronaviruses.COVID-19 is one of the most serious coronaviruses due to its rapid spread between people and the lowest survival rate.There is a high need for computer-assisted diagnostics(CAD)in the area of artificial intelligence to help doctors and radiologists identify COVID-19 patients in cloud systems.Machine learning(ML)has been used to examine chest X-ray frames.In this paper,a new transfer learning-based optimized extreme deep learning paradigm is proposed to identify the chest X-ray picture into three classes,a pneumonia patient,a COVID-19 patient,or a normal person.First,three different pre-trainedConvolutionalNeuralNetwork(CNN)models(resnet18,resnet25,densenet201)are employed for deep feature extraction.Second,each feature vector is passed through the binary Butterfly optimization algorithm(bBOA)to reduce the redundant features and extract the most representative ones,and enhance the performance of the CNN models.These selective features are then passed to an improved Extreme learning machine(ELM)using a BOA to classify the chest X-ray images.The proposed paradigm achieves a 99.48%accuracy in detecting covid-19 cases.
文摘Electronic Health Records(EHRs)are the digital form of patients’medical reports or records.EHRs facilitate advanced analytics and aid in better decision-making for clinical data.Medical data are very complicated and using one classification algorithm to reach good results is difficult.For this reason,we use a combination of classification techniques to reach an efficient and accurate classification model.This model combination is called the Ensemble model.We need to predict new medical data with a high accuracy value in a small processing time.We propose a new ensemble model MDRL which is efficient with different datasets.The MDRL gives the highest accuracy value.It saves the processing time instead of processing four different algorithms sequentially;it executes the four algorithms in parallel.We implement five different algorithms on five variant datasets which are Heart Disease,Health General,Diabetes,Heart Attack,and Covid-19 Datasets.The four algorithms are Random Forest(RF),Decision Tree(DT),Logistic Regression(LR),and Multi-layer Perceptron(MLP).In addition to MDRL(our proposed ensemble model)which includes MLP,DT,RF,and LR together.From our experiments,we conclude that our ensemble model has the best accuracy value for most datasets.We reach that the combination of the Correlation Feature Selection(CFS)algorithm and our ensemble model is the best for giving the highest accuracy value.The accuracy values for our ensemble model based on CFS are 98.86,97.96,100,99.33,and 99.37 for heart disease,health general,Covid-19,heart attack,and diabetes datasets respectively.