The concept of smart houses has grown in prominence in recent years.Major challenges linked to smart homes are identification theft,data safety,automated decision-making for IoT-based devices,and the security of the d...The concept of smart houses has grown in prominence in recent years.Major challenges linked to smart homes are identification theft,data safety,automated decision-making for IoT-based devices,and the security of the device itself.Current home automation systems try to address these issues but there is still an urgent need for a dependable and secure smart home solution that includes automatic decision-making systems and methodical features.This paper proposes a smart home system based on ensemble learning of random forest(RF)and convolutional neural networks(CNN)for programmed decision-making tasks,such as categorizing gadgets as“OFF”or“ON”based on their normal routine in homes.We have integrated emerging blockchain technology to provide secure,decentralized,and trustworthy authentication and recognition of IoT devices.Our system consists of a 5V relay circuit,various sensors,and a Raspberry Pi server and database for managing devices.We have also developed an Android app that communicates with the server interface through an HTTP web interface and an Apache server.The feasibility and efficacy of the proposed smart home automation system have been evaluated in both laboratory and real-time settings.It is essential to use inexpensive,scalable,and readily available components and technologies in smart home automation systems.Additionally,we must incorporate a comprehensive security and privacy-centric design that emphasizes risk assessments,such as cyberattacks,hardware security,and other cyber threats.The trial results support the proposed system and demonstrate its potential for use in everyday life.展开更多
Chronic kidney disease(CKD)is a major health concern today,requiring early and accurate diagnosis.Machine learning has emerged as a powerful tool for disease detection,and medical professionals are increasingly using ...Chronic kidney disease(CKD)is a major health concern today,requiring early and accurate diagnosis.Machine learning has emerged as a powerful tool for disease detection,and medical professionals are increasingly using ML classifier algorithms to identify CKD early.This study explores the application of advanced machine learning techniques on a CKD dataset obtained from the University of California,UC Irvine Machine Learning repository.The research introduces TrioNet,an ensemble model combining extreme gradient boosting,random forest,and extra tree classifier,which excels in providing highly accurate predictions for CKD.Furthermore,K nearest neighbor(KNN)imputer is utilized to deal withmissing values while synthetic minority oversampling(SMOTE)is used for class-imbalance problems.To ascertain the efficacy of the proposed model,a comprehensive comparative analysis is conducted with various machine learning models.The proposed TrioNet using KNN imputer and SMOTE outperformed other models with 98.97%accuracy for detectingCKD.This in-depth analysis demonstrates the model’s capabilities and underscores its potential as a valuable tool in the diagnosis of CKD.展开更多
In this study,twelve machine learning(ML)techniques are used to accurately estimate the safety factor of rock slopes(SFRS).The dataset used for developing these models consists of 344 rock slopes from various open-pit...In this study,twelve machine learning(ML)techniques are used to accurately estimate the safety factor of rock slopes(SFRS).The dataset used for developing these models consists of 344 rock slopes from various open-pit mines around Iran,evenly distributed between the training(80%)and testing(20%)datasets.The models are evaluated for accuracy using Janbu's limit equilibrium method(LEM)and commercial tool GeoStudio methods.Statistical assessment metrics show that the random forest model is the most accurate in estimating the SFRS(MSE=0.0182,R2=0.8319)and shows high agreement with the results from the LEM method.The results from the long-short-term memory(LSTM)model are the least accurate(MSE=0.037,R2=0.6618)of all the models tested.However,only the null space support vector regression(NuSVR)model performs accurately compared to the practice mode by altering the value of one parameter while maintaining the other parameters constant.It is suggested that this model would be the best one to use to calculate the SFRS.A graphical user interface for the proposed models is developed to further assist in the calculation of the SFRS for engineering difficulties.In this study,we attempt to bridge the gap between modern slope stability evaluation techniques and more conventional analysis methods.展开更多
Deaf people or people facing hearing issues can communicate using sign language(SL),a visual language.Many works based on rich source language have been proposed;however,the work using poor resource language is still ...Deaf people or people facing hearing issues can communicate using sign language(SL),a visual language.Many works based on rich source language have been proposed;however,the work using poor resource language is still lacking.Unlike other SLs,the visuals of the Urdu Language are different.This study presents a novel approach to translating Urdu sign language(UrSL)using the UrSL-CNN model,a convolutional neural network(CNN)architecture specifically designed for this purpose.Unlike existingworks that primarily focus on languageswith rich resources,this study addresses the challenge of translating a sign language with limited resources.We conducted experiments using two datasets containing 1500 and 78,000 images,employing a methodology comprising four modules:data collection,pre-processing,categorization,and prediction.To enhance prediction accuracy,each sign image was transformed into a greyscale image and underwent noise filtering.Comparative analysis with machine learning baseline methods(support vectormachine,GaussianNaive Bayes,randomforest,and k-nearest neighbors’algorithm)on the UrSL alphabets dataset demonstrated the superiority of UrSL-CNN,achieving an accuracy of 0.95.Additionally,our model exhibited superior performance in Precision,Recall,and F1-score evaluations.This work not only contributes to advancing sign language translation but also holds promise for improving communication accessibility for individuals with hearing impairments.展开更多
A cataract is one of the most significant eye problems worldwide that does not immediately impair vision and progressively worsens over time.Automatic cataract prediction based on various imaging technologies has been...A cataract is one of the most significant eye problems worldwide that does not immediately impair vision and progressively worsens over time.Automatic cataract prediction based on various imaging technologies has been addressed recently,such as smartphone apps used for remote health monitoring and eye treatment.In recent years,advances in diagnosis,prediction,and clinical decision support using Artificial Intelligence(AI)in medicine and ophthalmology have been exponential.Due to privacy concerns,a lack of data makes applying artificial intelligence models in the medical field challenging.To address this issue,a federated learning framework named CDFL based on a VGG16 deep neural network model is proposed in this research.The study collects data from the Ocular Disease Intelligent Recognition(ODIR)database containing 5,000 patient records.The significant features are extracted and normalized using the min-max normalization technique.In the federated learning-based technique,the VGG16 model is trained on the dataset individually after receiving model updates from two clients.Before transferring the attributes to the global model,the suggested method trains the local model.The global model subsequently improves the technique after integrating the new parameters.Every client analyses the results in three rounds to decrease the over-fitting problem.The experimental result shows the effectiveness of the federated learning-based technique on a Deep Neural Network(DNN),reaching a 95.28%accuracy while also providing privacy to the patient’s data.The experiment demonstrated that the suggested federated learning model outperforms other traditional methods,achieving client 1 accuracy of 95.0%and client 2 accuracy of 96.0%.展开更多
White blood cells(WBC)are immune system cells,which is why they are also known as immune cells.They protect the human body from a variety of dangerous diseases and outside invaders.The majority of WBCs come from red b...White blood cells(WBC)are immune system cells,which is why they are also known as immune cells.They protect the human body from a variety of dangerous diseases and outside invaders.The majority of WBCs come from red bone marrow,although some come from other important organs in the body.Because manual diagnosis of blood disorders is difficult,it is necessary to design a computerized technique.Researchers have introduced various automated strategies in recent years,but they still face several obstacles,such as imbalanced datasets,incorrect feature selection,and incorrect deep model selection.We proposed an automated deep learning approach for classifying white blood disorders in this paper.The data augmentation approach is initially used to increase the size of a dataset.Then,a Darknet-53 pre-trained deep learning model is used and finetuned according to the nature of the chosen dataset.On the fine-tuned model,transfer learning is used,and features engineering is done on the global average pooling layer.The retrieved characteristics are subsequently improved with a specified number of iterations using a hybrid reformed binary grey wolf optimization technique.Following that,machine learning classifiers are used to classify the selected best features for final classification.The experiment was carried out using a dataset of increased blood diseases imaging and resulted in an improved accuracy of over 99%.展开更多
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.展开更多
The coronavirus(COVID19),also known as the novel coronavirus,first appeared in December 2019 in Wuhan,China.After that,it quickly spread throughout the world and became a disease.It has significantly impacted our ever...The coronavirus(COVID19),also known as the novel coronavirus,first appeared in December 2019 in Wuhan,China.After that,it quickly spread throughout the world and became a disease.It has significantly impacted our everyday lives,the national and international economies,and public health.However,early diagnosis is critical for prompt treatment and reducing trauma in the healthcare system.Clinical radiologists primarily use chest X-rays,and computerized tomography(CT)scans to test for pneumonia infection.We used Chest CT scans to predict COVID19 pneumonia and healthy scans in this study.We proposed a joint framework for prediction based on classical feature fusion and PSO-based optimization.We begin by extracting standard features such as discrete wavelet transforms(DWT),discrete cosine transforms(DCT),and dominant rotated local binary patterns(DRLBP).In addition,we extracted Shanon Entropy and Kurtosis features.In the following step,a Max-Covariance-based maximization approach for feature fusion is proposed.The fused features are optimized in the preliminary phase using Particle Swarm Optimization(PSO)and the ELM fitness function.For final prediction,PSO is used to obtain robust features,which are then implanted in a Support Vector Data Description(SVDD)classifier.The experiment is carried out using available COVID19 Chest CT Scans and scans from healthy patients.These images are from the Radiopaedia website.For the proposed scheme,the fusion and selection process accuracy is 88.6%and 93.1%,respectively.A detailed analysis is conducted,which supports the proposed system efficiency.展开更多
Cardiac disease is a chronic condition that impairs the heart’s functionality.It includes conditions such as coronary artery disease,heart failure,arrhythmias,and valvular heart disease.These conditions can lead to s...Cardiac disease is a chronic condition that impairs the heart’s functionality.It includes conditions such as coronary artery disease,heart failure,arrhythmias,and valvular heart disease.These conditions can lead to serious complications and even be life-threatening if not detected and managed in time.Researchers have utilized Machine Learning(ML)and Deep Learning(DL)to identify heart abnormalities swiftly and consistently.Various approaches have been applied to predict and treat heart disease utilizing ML and DL.This paper proposes a Machine and Deep Learning-based Stacked Model(MDLSM)to predict heart disease accurately.ML approaches such as eXtreme Gradient Boosting(XGB),Random Forest(RF),Naive Bayes(NB),Decision Tree(DT),and KNearest Neighbor(KNN),along with two DL models:Deep Neural Network(DNN)and Fine Tuned Deep Neural Network(FT-DNN)are used to detect heart disease.These models rely on electronic medical data that increases the likelihood of correctly identifying and diagnosing heart disease.Well-known evaluation measures(i.e.,accuracy,precision,recall,F1-score,confusion matrix,and area under the Receiver Operating Characteristic(ROC)curve)are employed to check the efficacy of the proposed approach.Results reveal that the MDLSM achieves 94.14%prediction accuracy,which is 8.30%better than the results from the baseline experiments recommending our proposed approach for identifying and diagnosing heart disease.展开更多
The coronavirus(COVID-19)is a disease declared a global pan-demic that threatens the whole world.Since then,research has accelerated and varied to find practical solutions for the early detection and correct identific...The coronavirus(COVID-19)is a disease declared a global pan-demic that threatens the whole world.Since then,research has accelerated and varied to find practical solutions for the early detection and correct identification of this disease.Several researchers have focused on using the potential of Artificial Intelligence(AI)techniques in disease diagnosis to diagnose and detect the coronavirus.This paper developed deep learning(DL)and machine learning(ML)-based models using laboratory findings to diagnose COVID-19.Six different methods are used in this study:K-nearest neighbor(KNN),Decision Tree(DT)and Naive Bayes(NB)as a machine learning method,and Deep Neural Network(DNN),Convolutional Neural Network(CNN),and Long-term memory(LSTM)as DL methods.These approaches are evaluated using a dataset obtained from the Israelita Albert Einstein Hospital in Sao Paulo,Brazil.This data consists of 5644 laboratory results from different patients,with 10%being Covid-19 positive cases.The dataset includes 18 attributes that characterize COVID-19.We used accuracy,f1-score,recall and precision to evaluate the different developed systems.The obtained results confirmed these approaches’effectiveness in identifying COVID-19,However,ML-based classifiers couldn’t perform up to the standards achieved by DL-based models.Among all,NB performed worst by hardly achieving accuracy above 76%,Whereas KNN and DT compete by securing 84.56%and 85%accuracies,respectively.Besides these,DL models attained better performance as CNN,DNN and LSTM secured more than 90%accuracies.The LTSM outperformed all by achieving an accuracy of 96.78%and an F1-score of 96.58%.展开更多
With the advent of Reinforcement Learning(RL)and its continuous progress,state-of-the-art RL systems have come up for many challenging and real-world tasks.Given the scope of this area,various techniques are found in ...With the advent of Reinforcement Learning(RL)and its continuous progress,state-of-the-art RL systems have come up for many challenging and real-world tasks.Given the scope of this area,various techniques are found in the literature.One such notable technique,Multiple Deep Q-Network(DQN)based RL systems use multiple DQN-based-entities,which learn together and communicate with each other.The learning has to be distributed wisely among all entities in such a scheme and the inter-entity communication protocol has to be carefully designed.As more complex DQNs come to the fore,the overall complexity of these multi-entity systems has increased many folds leading to issues like difficulty in training,need for high resources,more training time,and difficulty in fine-tuning leading to performance issues.Taking a cue from the parallel processing found in the nature and its efficacy,we propose a lightweight ensemble based approach for solving the core RL tasks.It uses multiple binary action DQNs having shared state and reward.The benefits of the proposed approach are overall simplicity,faster convergence and better performance compared to conventional DQN based approaches.The approach can potentially be extended to any type of DQN by forming its ensemble.Conducting extensive experimentation,promising results are obtained using the proposed ensemble approach on OpenAI Gym tasks,and Atari 2600 games as compared to recent techniques.The proposed approach gives a stateof-the-art score of 500 on the Cartpole-v1 task,259.2 on the LunarLander-v2 task,and state-of-the-art results on four out of five Atari 2600 games.展开更多
Image classification is a core field in the research area of image proces-sing and computer vision in which vehicle classification is a critical domain.The purpose of vehicle categorization is to formulate a compact s...Image classification is a core field in the research area of image proces-sing and computer vision in which vehicle classification is a critical domain.The purpose of vehicle categorization is to formulate a compact system to assist in real-world problems and applications such as security,traffic analysis,and self-driving and autonomous vehicles.The recent revolution in the field of machine learning and artificial intelligence has provided an immense amount of support for image processing related problems and has overtaken the conventional,and handcrafted means of solving image analysis problems.In this paper,a combina-tion of pre-trained CNN GoogleNet and a nature-inspired problem optimization scheme,particle swarm optimization(PSO),was employed for autonomous vehi-cle classification.The model was trained on a vehicle image dataset obtained from Kaggle that has been suitably augmented.The trained model was classified using several classifiers;however,the Cubic SVM(CSVM)classifier was found to out-perform the others in both time consumption and accuracy(94.8%).The results obtained from empirical evaluations and statistical tests reveal that the model itself has shown to outperform the other related models not only in terms of accu-racy(94.8%)but also in terms of training time(82.7 s)and speed prediction(380 obs/sec).展开更多
基金funded by Princess Nourah bint Abdulrahman University Researchers Supporting Project Number(PNURSP2024R333)Princess Nourah bint Abdulrahman University,Riyadh,Saudi Arabia.
文摘The concept of smart houses has grown in prominence in recent years.Major challenges linked to smart homes are identification theft,data safety,automated decision-making for IoT-based devices,and the security of the device itself.Current home automation systems try to address these issues but there is still an urgent need for a dependable and secure smart home solution that includes automatic decision-making systems and methodical features.This paper proposes a smart home system based on ensemble learning of random forest(RF)and convolutional neural networks(CNN)for programmed decision-making tasks,such as categorizing gadgets as“OFF”or“ON”based on their normal routine in homes.We have integrated emerging blockchain technology to provide secure,decentralized,and trustworthy authentication and recognition of IoT devices.Our system consists of a 5V relay circuit,various sensors,and a Raspberry Pi server and database for managing devices.We have also developed an Android app that communicates with the server interface through an HTTP web interface and an Apache server.The feasibility and efficacy of the proposed smart home automation system have been evaluated in both laboratory and real-time settings.It is essential to use inexpensive,scalable,and readily available components and technologies in smart home automation systems.Additionally,we must incorporate a comprehensive security and privacy-centric design that emphasizes risk assessments,such as cyberattacks,hardware security,and other cyber threats.The trial results support the proposed system and demonstrate its potential for use in everyday life.
基金funded by Princess Nourah bint Abdulrahman University Researchers Supporting Project Number PNURSP2024R333,Princess Nourah bint Abdulrahman University,Riyadh,Saudi Arabia.
文摘Chronic kidney disease(CKD)is a major health concern today,requiring early and accurate diagnosis.Machine learning has emerged as a powerful tool for disease detection,and medical professionals are increasingly using ML classifier algorithms to identify CKD early.This study explores the application of advanced machine learning techniques on a CKD dataset obtained from the University of California,UC Irvine Machine Learning repository.The research introduces TrioNet,an ensemble model combining extreme gradient boosting,random forest,and extra tree classifier,which excels in providing highly accurate predictions for CKD.Furthermore,K nearest neighbor(KNN)imputer is utilized to deal withmissing values while synthetic minority oversampling(SMOTE)is used for class-imbalance problems.To ascertain the efficacy of the proposed model,a comprehensive comparative analysis is conducted with various machine learning models.The proposed TrioNet using KNN imputer and SMOTE outperformed other models with 98.97%accuracy for detectingCKD.This in-depth analysis demonstrates the model’s capabilities and underscores its potential as a valuable tool in the diagnosis of CKD.
基金supported via funding from Prince Satam bin Abdulaziz University project number (PSAU/2024/R/1445)The authors extend their appreciation to the Deanship of Scientific Research at King Khalid University for funding this work through large Group Research Project (Grant No.RGP.2/357/44).
文摘In this study,twelve machine learning(ML)techniques are used to accurately estimate the safety factor of rock slopes(SFRS).The dataset used for developing these models consists of 344 rock slopes from various open-pit mines around Iran,evenly distributed between the training(80%)and testing(20%)datasets.The models are evaluated for accuracy using Janbu's limit equilibrium method(LEM)and commercial tool GeoStudio methods.Statistical assessment metrics show that the random forest model is the most accurate in estimating the SFRS(MSE=0.0182,R2=0.8319)and shows high agreement with the results from the LEM method.The results from the long-short-term memory(LSTM)model are the least accurate(MSE=0.037,R2=0.6618)of all the models tested.However,only the null space support vector regression(NuSVR)model performs accurately compared to the practice mode by altering the value of one parameter while maintaining the other parameters constant.It is suggested that this model would be the best one to use to calculate the SFRS.A graphical user interface for the proposed models is developed to further assist in the calculation of the SFRS for engineering difficulties.In this study,we attempt to bridge the gap between modern slope stability evaluation techniques and more conventional analysis methods.
文摘Deaf people or people facing hearing issues can communicate using sign language(SL),a visual language.Many works based on rich source language have been proposed;however,the work using poor resource language is still lacking.Unlike other SLs,the visuals of the Urdu Language are different.This study presents a novel approach to translating Urdu sign language(UrSL)using the UrSL-CNN model,a convolutional neural network(CNN)architecture specifically designed for this purpose.Unlike existingworks that primarily focus on languageswith rich resources,this study addresses the challenge of translating a sign language with limited resources.We conducted experiments using two datasets containing 1500 and 78,000 images,employing a methodology comprising four modules:data collection,pre-processing,categorization,and prediction.To enhance prediction accuracy,each sign image was transformed into a greyscale image and underwent noise filtering.Comparative analysis with machine learning baseline methods(support vectormachine,GaussianNaive Bayes,randomforest,and k-nearest neighbors’algorithm)on the UrSL alphabets dataset demonstrated the superiority of UrSL-CNN,achieving an accuracy of 0.95.Additionally,our model exhibited superior performance in Precision,Recall,and F1-score evaluations.This work not only contributes to advancing sign language translation but also holds promise for improving communication accessibility for individuals with hearing impairments.
基金Deputyship for Research&Innovation,Ministry of Education in Saudi Arabia,for funding this research work through Project Number 959.
文摘A cataract is one of the most significant eye problems worldwide that does not immediately impair vision and progressively worsens over time.Automatic cataract prediction based on various imaging technologies has been addressed recently,such as smartphone apps used for remote health monitoring and eye treatment.In recent years,advances in diagnosis,prediction,and clinical decision support using Artificial Intelligence(AI)in medicine and ophthalmology have been exponential.Due to privacy concerns,a lack of data makes applying artificial intelligence models in the medical field challenging.To address this issue,a federated learning framework named CDFL based on a VGG16 deep neural network model is proposed in this research.The study collects data from the Ocular Disease Intelligent Recognition(ODIR)database containing 5,000 patient records.The significant features are extracted and normalized using the min-max normalization technique.In the federated learning-based technique,the VGG16 model is trained on the dataset individually after receiving model updates from two clients.Before transferring the attributes to the global model,the suggested method trains the local model.The global model subsequently improves the technique after integrating the new parameters.Every client analyses the results in three rounds to decrease the over-fitting problem.The experimental result shows the effectiveness of the federated learning-based technique on a Deep Neural Network(DNN),reaching a 95.28%accuracy while also providing privacy to the patient’s data.The experiment demonstrated that the suggested federated learning model outperforms other traditional methods,achieving client 1 accuracy of 95.0%and client 2 accuracy of 96.0%.
基金This research project was supported by the Deanship of Scientific Research,Prince Sattam Bin Abdulaziz University,KSA,Project Grant No.2021/01/18613.
文摘White blood cells(WBC)are immune system cells,which is why they are also known as immune cells.They protect the human body from a variety of dangerous diseases and outside invaders.The majority of WBCs come from red bone marrow,although some come from other important organs in the body.Because manual diagnosis of blood disorders is difficult,it is necessary to design a computerized technique.Researchers have introduced various automated strategies in recent years,but they still face several obstacles,such as imbalanced datasets,incorrect feature selection,and incorrect deep model selection.We proposed an automated deep learning approach for classifying white blood disorders in this paper.The data augmentation approach is initially used to increase the size of a dataset.Then,a Darknet-53 pre-trained deep learning model is used and finetuned according to the nature of the chosen dataset.On the fine-tuned model,transfer learning is used,and features engineering is done on the global average pooling layer.The retrieved characteristics are subsequently improved with a specified number of iterations using a hybrid reformed binary grey wolf optimization technique.Following that,machine learning classifiers are used to classify the selected best features for final classification.The experiment was carried out using a dataset of increased blood diseases imaging and resulted in an improved accuracy of over 99%.
文摘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.
基金supported by Korea Institute for Advancement of Technology(KIAT)grant funded by the Korea Government(MOTIE)(P0012724,The Competency Development Program for Industry Specialist)the Soonchunhyang University Research Fund.
文摘The coronavirus(COVID19),also known as the novel coronavirus,first appeared in December 2019 in Wuhan,China.After that,it quickly spread throughout the world and became a disease.It has significantly impacted our everyday lives,the national and international economies,and public health.However,early diagnosis is critical for prompt treatment and reducing trauma in the healthcare system.Clinical radiologists primarily use chest X-rays,and computerized tomography(CT)scans to test for pneumonia infection.We used Chest CT scans to predict COVID19 pneumonia and healthy scans in this study.We proposed a joint framework for prediction based on classical feature fusion and PSO-based optimization.We begin by extracting standard features such as discrete wavelet transforms(DWT),discrete cosine transforms(DCT),and dominant rotated local binary patterns(DRLBP).In addition,we extracted Shanon Entropy and Kurtosis features.In the following step,a Max-Covariance-based maximization approach for feature fusion is proposed.The fused features are optimized in the preliminary phase using Particle Swarm Optimization(PSO)and the ELM fitness function.For final prediction,PSO is used to obtain robust features,which are then implanted in a Support Vector Data Description(SVDD)classifier.The experiment is carried out using available COVID19 Chest CT Scans and scans from healthy patients.These images are from the Radiopaedia website.For the proposed scheme,the fusion and selection process accuracy is 88.6%and 93.1%,respectively.A detailed analysis is conducted,which supports the proposed system efficiency.
基金The authors extend their appreciation to the Deputyship for Research&Innovation,Ministry of Education in Saudi Arabia,for funding this research work through Project Number 223202.
文摘Cardiac disease is a chronic condition that impairs the heart’s functionality.It includes conditions such as coronary artery disease,heart failure,arrhythmias,and valvular heart disease.These conditions can lead to serious complications and even be life-threatening if not detected and managed in time.Researchers have utilized Machine Learning(ML)and Deep Learning(DL)to identify heart abnormalities swiftly and consistently.Various approaches have been applied to predict and treat heart disease utilizing ML and DL.This paper proposes a Machine and Deep Learning-based Stacked Model(MDLSM)to predict heart disease accurately.ML approaches such as eXtreme Gradient Boosting(XGB),Random Forest(RF),Naive Bayes(NB),Decision Tree(DT),and KNearest Neighbor(KNN),along with two DL models:Deep Neural Network(DNN)and Fine Tuned Deep Neural Network(FT-DNN)are used to detect heart disease.These models rely on electronic medical data that increases the likelihood of correctly identifying and diagnosing heart disease.Well-known evaluation measures(i.e.,accuracy,precision,recall,F1-score,confusion matrix,and area under the Receiver Operating Characteristic(ROC)curve)are employed to check the efficacy of the proposed approach.Results reveal that the MDLSM achieves 94.14%prediction accuracy,which is 8.30%better than the results from the baseline experiments recommending our proposed approach for identifying and diagnosing heart disease.
文摘The coronavirus(COVID-19)is a disease declared a global pan-demic that threatens the whole world.Since then,research has accelerated and varied to find practical solutions for the early detection and correct identification of this disease.Several researchers have focused on using the potential of Artificial Intelligence(AI)techniques in disease diagnosis to diagnose and detect the coronavirus.This paper developed deep learning(DL)and machine learning(ML)-based models using laboratory findings to diagnose COVID-19.Six different methods are used in this study:K-nearest neighbor(KNN),Decision Tree(DT)and Naive Bayes(NB)as a machine learning method,and Deep Neural Network(DNN),Convolutional Neural Network(CNN),and Long-term memory(LSTM)as DL methods.These approaches are evaluated using a dataset obtained from the Israelita Albert Einstein Hospital in Sao Paulo,Brazil.This data consists of 5644 laboratory results from different patients,with 10%being Covid-19 positive cases.The dataset includes 18 attributes that characterize COVID-19.We used accuracy,f1-score,recall and precision to evaluate the different developed systems.The obtained results confirmed these approaches’effectiveness in identifying COVID-19,However,ML-based classifiers couldn’t perform up to the standards achieved by DL-based models.Among all,NB performed worst by hardly achieving accuracy above 76%,Whereas KNN and DT compete by securing 84.56%and 85%accuracies,respectively.Besides these,DL models attained better performance as CNN,DNN and LSTM secured more than 90%accuracies.The LTSM outperformed all by achieving an accuracy of 96.78%and an F1-score of 96.58%.
文摘With the advent of Reinforcement Learning(RL)and its continuous progress,state-of-the-art RL systems have come up for many challenging and real-world tasks.Given the scope of this area,various techniques are found in the literature.One such notable technique,Multiple Deep Q-Network(DQN)based RL systems use multiple DQN-based-entities,which learn together and communicate with each other.The learning has to be distributed wisely among all entities in such a scheme and the inter-entity communication protocol has to be carefully designed.As more complex DQNs come to the fore,the overall complexity of these multi-entity systems has increased many folds leading to issues like difficulty in training,need for high resources,more training time,and difficulty in fine-tuning leading to performance issues.Taking a cue from the parallel processing found in the nature and its efficacy,we propose a lightweight ensemble based approach for solving the core RL tasks.It uses multiple binary action DQNs having shared state and reward.The benefits of the proposed approach are overall simplicity,faster convergence and better performance compared to conventional DQN based approaches.The approach can potentially be extended to any type of DQN by forming its ensemble.Conducting extensive experimentation,promising results are obtained using the proposed ensemble approach on OpenAI Gym tasks,and Atari 2600 games as compared to recent techniques.The proposed approach gives a stateof-the-art score of 500 on the Cartpole-v1 task,259.2 on the LunarLander-v2 task,and state-of-the-art results on four out of five Atari 2600 games.
文摘Image classification is a core field in the research area of image proces-sing and computer vision in which vehicle classification is a critical domain.The purpose of vehicle categorization is to formulate a compact system to assist in real-world problems and applications such as security,traffic analysis,and self-driving and autonomous vehicles.The recent revolution in the field of machine learning and artificial intelligence has provided an immense amount of support for image processing related problems and has overtaken the conventional,and handcrafted means of solving image analysis problems.In this paper,a combina-tion of pre-trained CNN GoogleNet and a nature-inspired problem optimization scheme,particle swarm optimization(PSO),was employed for autonomous vehi-cle classification.The model was trained on a vehicle image dataset obtained from Kaggle that has been suitably augmented.The trained model was classified using several classifiers;however,the Cubic SVM(CSVM)classifier was found to out-perform the others in both time consumption and accuracy(94.8%).The results obtained from empirical evaluations and statistical tests reveal that the model itself has shown to outperform the other related models not only in terms of accu-racy(94.8%)but also in terms of training time(82.7 s)and speed prediction(380 obs/sec).