Fruit classification utilizing a deep convolutional neural network(CNN)is the most promising application in personal computer vision(CV).Profound learning-related characterization made it possible to recognize fruits ...Fruit classification utilizing a deep convolutional neural network(CNN)is the most promising application in personal computer vision(CV).Profound learning-related characterization made it possible to recognize fruits from pictures.But,due to the similarity and complexity,fruit recognition becomes an issue for the stacked fruits on a weighing scale.Recently,Machine Learning(ML)methods have been used in fruit farming and agriculture and brought great convenience to human life.An automated system related to ML could perform the fruit classifier and sorting tasks previously managed by human experts.CNN’s(convolutional neural networks)have attained incredible outcomes in image classifiers in several domains.Considering the success of transfer learning and CNNs in other image classifier issues,this study introduces an Artificial Humming Bird Optimization with Siamese Convolutional Neural Network based Fruit Classification(AMO-SCNNFC)model.In the presented AMO-SCNNFC technique,image preprocessing is performed to enhance the contrast level of the image.In addition,spiral optimization(SPO)with the VGG-16 model is utilized to derive feature vectors.For fruit classification,AHO with end to end SCNN(ESCNN)model is applied to identify different classes of fruits.The performance validation of the AMO-SCNNFC technique is tested using a dataset comprising diverse classes of fruit images.Extensive comparison studies reported improving the AMOSCNNFC technique over other approaches with higher accuracy of 99.88%.展开更多
Human gait recognition(HGR)is the process of identifying a sub-ject(human)based on their walking pattern.Each subject is a unique walking pattern and cannot be simulated by other subjects.But,gait recognition is not e...Human gait recognition(HGR)is the process of identifying a sub-ject(human)based on their walking pattern.Each subject is a unique walking pattern and cannot be simulated by other subjects.But,gait recognition is not easy and makes the system difficult if any object is carried by a subject,such as a bag or coat.This article proposes an automated architecture based on deep features optimization for HGR.To our knowledge,it is the first architecture in which features are fused using multiset canonical correlation analysis(MCCA).In the proposed method,original video frames are processed for all 11 selected angles of the CASIA B dataset and utilized to train two fine-tuned deep learning models such as Squeezenet and Efficientnet.Deep transfer learning was used to train both fine-tuned models on selected angles,yielding two new targeted models that were later used for feature engineering.Features are extracted from the deep layer of both fine-tuned models and fused into one vector using MCCA.An improved manta ray foraging optimization algorithm is also proposed to select the best features from the fused feature matrix and classified using a narrow neural network classifier.The experimental process was conducted on all 11 angles of the large multi-view gait dataset(CASIA B)dataset and obtained improved accuracy than the state-of-the-art techniques.Moreover,a detailed confidence interval based analysis also shows the effectiveness of the proposed architecture for HGR.展开更多
Identifying fruit disease manually is time-consuming, expertrequired,and expensive;thus, a computer-based automated system is widelyrequired. Fruit diseases affect not only the quality but also the quantity.As a resul...Identifying fruit disease manually is time-consuming, expertrequired,and expensive;thus, a computer-based automated system is widelyrequired. Fruit diseases affect not only the quality but also the quantity.As a result, it is possible to detect the disease early on and cure the fruitsusing computer-based techniques. However, computer-based methods faceseveral challenges, including low contrast, a lack of dataset for training amodel, and inappropriate feature extraction for final classification. In thispaper, we proposed an automated framework for detecting apple fruit leafdiseases usingCNNand a hybrid optimization algorithm. Data augmentationis performed initially to balance the selected apple dataset. After that, twopre-trained deep models are fine-tuning and trained using transfer learning.Then, a fusion technique is proposed named Parallel Correlation Threshold(PCT). The fused feature vector is optimized in the next step using a hybridoptimization algorithm. The selected features are finally classified usingmachine learning algorithms. Four different experiments have been carriedout on the augmented Plant Village dataset and yielded the best accuracy of99.8%. The accuracy of the proposed framework is also compared to that ofseveral neural nets, and it outperforms them all.展开更多
Manual inspection of fruit diseases is a time-consuming and costly because it is based on naked-eye observation.The authors present computer vision techniques for detecting and classifying fruit leaf diseases.Examples...Manual inspection of fruit diseases is a time-consuming and costly because it is based on naked-eye observation.The authors present computer vision techniques for detecting and classifying fruit leaf diseases.Examples of computer vision techniques are preprocessing original images for visualization of infected regions,feature extraction from raw or segmented images,feature fusion,feature selection,and classification.The following are the major challenges identified by researchers in the literature:(i)lowcontrast infected regions extract irrelevant and redundant information,which misleads classification accuracy;(ii)irrelevant and redundant information may increase computational time and reduce the designed model’s accuracy.This paper proposed a framework for fruit leaf disease classification based on deep hierarchical learning and best feature selection.In the proposed framework,contrast is first improved using a hybrid approach,and then data augmentation is used to solve the problem of an imbalanced dataset.The next step is to use a pre-trained deep model named Darknet53 and fine-tune it.Next,deep transfer learning-based training is carried out,and features are extracted using an activation function on the average pooling layer.Finally,an improved butterfly optimization algorithm is proposed,which selects the best features for classification using machine learning classifiers.The experiment was carried out on augmented and original fruit datasets,yielding a maximum accuracy of 99.6%for apple diseases,99.6%for grapes,99.9%for peach diseases,and 100%for cherry diseases.The overall average achieved accuracy is 99.7%,higher than previous techniques.展开更多
Manual diagnosis of crops diseases is not an easy process;thus,a computerized method is widely used.Froma couple of years,advancements in the domain ofmachine learning,such as deep learning,have shown substantial succ...Manual diagnosis of crops diseases is not an easy process;thus,a computerized method is widely used.Froma couple of years,advancements in the domain ofmachine learning,such as deep learning,have shown substantial success.However,they still faced some challenges such as similarity in disease symptoms and irrelevant features extraction.In this article,we proposed a new deep learning architecture with optimization algorithm for cucumber and potato leaf diseases recognition.The proposed architecture consists of five steps.In the first step,data augmentation is performed to increase the numbers of training samples.In the second step,pre-trained DarkNet19 deep model is opted and fine-tuned that later utilized for the training of fine-tuned model through transfer learning.Deep features are extracted from the global pooling layer in the next step that is refined using Improved Cuckoo search algorithm.The best selected features are finally classified using machine learning classifiers such as SVM,and named a few more for final classification results.The proposed architecture is tested using publicly available datasets–Cucumber National Dataset and Plant Village.The proposed architecture achieved an accuracy of 100.0%,92.9%,and 99.2%,respectively.Acomparison with recent techniques is also performed,revealing that the proposed method achieved improved accuracy while consuming less computational time.展开更多
Rooftop units(RTUs)were commonly employed in small commercial buildings that represent that can frequently do not take the higher level maintenance that chillers receive.Fault detection and diagnosis(FDD)tools can be ...Rooftop units(RTUs)were commonly employed in small commercial buildings that represent that can frequently do not take the higher level maintenance that chillers receive.Fault detection and diagnosis(FDD)tools can be employed for RTU methods to ensure essential faults are addressed promptly.In this aspect,this article presents an Optimal Deep Belief Network based Fault Detection and Classification on Packaged Rooftop Units(ODBNFDC-PRTU)model.The ODBNFDC-PRTU technique considers fault diagnosis as amulti-class classification problem and is handled usingDL models.For fault diagnosis in RTUs,the ODBNFDC-PRTU model exploits the deep belief network(DBN)classification model,which identifies seven distinct types of faults.At the same time,the chicken swarm optimization(CSO)algorithm-based hyperparameter tuning technique is utilized for resolving the trial and error hyperparameter selection process,showing the novelty of the work.To illustrate the enhanced performance of the ODBNFDC-PRTU algorithm,a comprehensive set of simulations are applied.The comparison study described the improvement of the ODBNFDC-PRTU method over other recent FDD algorithms with maximum accuracy of 99.30%and TPR of 93.09%.展开更多
Wireless Sensor Networks(WSN)play a vital role in several real-time applications ranging from military to civilian.Despite the benefits of WSN,energy efficiency becomes a major part of the challenging issue in WSN,whi...Wireless Sensor Networks(WSN)play a vital role in several real-time applications ranging from military to civilian.Despite the benefits of WSN,energy efficiency becomes a major part of the challenging issue in WSN,which necessitate proper load balancing amongst the clusters and serves a wider monitoring region.The clustering technique for WSN has several benefits:lower delay,higher energy efficiency,and collision avoidance.But clustering protocol has several challenges.In a large-scale network,cluster-based protocols mainly adapt multi-hop routing to save energy,leading to hot spot problems.A hot spot problem becomes a problem where a cluster node nearer to the base station(BS)tends to drain the energy much quicker than other nodes because of the need to implement more transmission.This article introduces a Jumping Spider Optimization Based Unequal Clustering Protocol for Mitigating Hotspot Problems(JSOUCP-MHP)in WSN.The JSO algorithm is stimulated by the characteristics of spiders naturally and mathematically modelled the hunting mechanism such as search,persecution,and jumping skills to attack prey.The presented JSOUCPMHP technique mainly resolves the hot spot issue for maximizing the network lifespan.The JSOUCP-MHP technique elects a proper set of cluster heads(CHs)using average residual energy(RE)to attain this.In addition,the JSOUCP-MHP technique determines the cluster sizes based on two measures,i.e.,RE and distance to BS(DBS),showing the novelty of the work.The proposed JSOUCP-MHP technique is examined under several experiments to ensure its supremacy.The comparison study shows the significance of the JSOUCPMHP technique over other models.展开更多
The recent developments in smart cities pose major security issues for the Internet of Things(IoT)devices.These security issues directly result from inappropriate security management protocols and their implementation...The recent developments in smart cities pose major security issues for the Internet of Things(IoT)devices.These security issues directly result from inappropriate security management protocols and their implementation by IoT gadget developers.Cyber-attackers take advantage of such gadgets’vulnerabilities through various attacks such as injection and Distributed Denial of Service(DDoS)attacks.In this background,Intrusion Detection(ID)is the only way to identify the attacks and mitigate their damage.The recent advancements in Machine Learning(ML)and Deep Learning(DL)models are useful in effectively classifying cyber-attacks.The current research paper introduces a new Coot Optimization Algorithm with a Deep Learning-based False Data Injection Attack Recognition(COADL-FDIAR)model for the IoT environment.The presented COADL-FDIAR technique aims to identify false data injection attacks in the IoT environment.To accomplish this,the COADL-FDIAR model initially preprocesses the input data and selects the features with the help of the Chi-square test.To detect and classify false data injection attacks,the Stacked Long Short-Term Memory(SLSTM)model is exploited in this study.Finally,the COA algorithm effectively adjusts the SLTSM model’s hyperparameters effectively and accomplishes a superior recognition efficiency.The proposed COADL-FDIAR model was experimentally validated using a standard dataset,and the outcomes were scrutinized under distinct aspects.The comparative analysis results assured the superior performance of the proposed COADL-FDIAR model over other recent approaches with a maximum accuracy of 98.84%.展开更多
Statistics are most crucial than ever due to the accessibility of huge counts of data from several domains such as finance,medicine,science,engineering,and so on.Statistical data mining(SDM)is an interdisciplinary dom...Statistics are most crucial than ever due to the accessibility of huge counts of data from several domains such as finance,medicine,science,engineering,and so on.Statistical data mining(SDM)is an interdisciplinary domain that examines huge existing databases to discover patterns and connections from the data.It varies in classical statistics on the size of datasets and on the detail that the data could not primarily be gathered based on some experimental strategy but conversely for other resolves.Thus,this paper introduces an effective statistical Data Mining for Intelligent Rainfall Prediction using Slime Mould Optimization with Deep Learning(SDMIRPSMODL)model.In the presented SDMIRP-SMODL model,the feature subset selection process is performed by the SMO algorithm,which in turn minimizes the computation complexity.For rainfall prediction.Convolution neural network with long short-term memory(CNN-LSTM)technique is exploited.At last,this study involves the pelican optimization algorithm(POA)as a hyperparameter optimizer.The experimental evaluation of the SDMIRP-SMODL approach is tested utilizing a rainfall dataset comprising 23682 samples in the negative class and 1865 samples in the positive class.The comparative outcomes reported the supremacy of the SDMIRP-SMODL model compared to existing techniques.展开更多
Recently,a trust system was introduced to enhance security and cooperation between nodes in wireless sensor networks(WSN).In routing,the trust system includes or avoids nodes related to the estimated trust values in t...Recently,a trust system was introduced to enhance security and cooperation between nodes in wireless sensor networks(WSN).In routing,the trust system includes or avoids nodes related to the estimated trust values in the routing function.This article introduces Enhanced Metaheuristics with Trust Aware Secure Route Selection Protocol(EMTA-SRSP)for WSN.The presented EMTA-SRSP technique majorly involves the optimal selection of routes in WSN.To accomplish this,the EMTA-SRSP technique involves the design of an oppositional Aquila optimization algorithm to choose safe routes for data communication.For the clustering process,the nodes with maximum residual energy will be considered cluster heads(CHs).In addition,the OAOA technique gets executed to choose optimal routes based on objective functions with multiple parameters such as energy,distance,and trust degree.The experimental validation of the EMTA-SRSP technique is tested,and the results exhibited a better performance of the EMTA-SRSP technique over other approaches.展开更多
Human action recognition(HAR)is an essential but challenging task for observing human movements.This problem encompasses the observations of variations in human movement and activity identification by machine learning...Human action recognition(HAR)is an essential but challenging task for observing human movements.This problem encompasses the observations of variations in human movement and activity identification by machine learning algorithms.This article addresses the challenges in activity recognition by implementing and experimenting an intelligent segmentation,features reduction and selection framework.A novel approach has been introduced for the fusion of segmented frames and multi-level features of interests are extracted.An entropy-skewness based features reduction technique has been implemented and the reduced features are converted into a codebook by serial based fusion.A custom made genetic algorithm is implemented on the constructed features codebook in order to select the strong and wellknown features.The features are exploited by a multi-class SVM for action identification.Comprehensive experimental results are undertaken on four action datasets,namely,Weizmann,KTH,Muhavi,and WVU multi-view.We achieved the recognition rate of 96.80%,100%,100%,and 100%respectively.Analysis reveals that the proposed action recognition approach is efficient and well accurate as compare to existing approaches.展开更多
Smart healthcare has become a hot research topic due to the contemporary developments of Internet of Things(IoT),sensor technologies,cloud computing,and others.Besides,the latest advances of Artificial Intelligence(AI...Smart healthcare has become a hot research topic due to the contemporary developments of Internet of Things(IoT),sensor technologies,cloud computing,and others.Besides,the latest advances of Artificial Intelligence(AI)tools find helpful for decision-making in innovative healthcare to diagnose several diseases.Ovarian Cancer(OC)is a kind of cancer that affects women’s ovaries,and it is tedious to identify OC at the primary stages with a high mortality rate.The OC data produced by the Internet of Medical Things(IoMT)devices can be utilized to differentiate OC.In this aspect,this paper introduces a new quantum black widow optimization with a machine learningenabled decision support system(QBWO-MLDSS)for smart healthcare.The primary intention of the QBWO-MLDSS technique is to detect and categorize the OC rapidly and accurately.Besides,the QBWO-MLDSS model involves a Z-score normalization approach to pre-process the data.In addition,the QBWO-MLDSS technique derives a QBWO algorithm as a feature selection to derive optimum feature subsets.Moreover,symbiotic organisms search(SOS)with extreme learning machine(ELM)model is applied as a classifier for the detection and classification of ELM model,thereby improving the overall classification performance.The design of QBWO and SOS for OC detection and classification in the smart healthcare environment shows the study’s novelty.The experimental result analysis of the QBWO-MLDSS model is conducted using a benchmark dataset,and the comparative results reported the enhanced outcomes of the QBWO-MLDSS model over the recent approaches.展开更多
Traditional Wireless Sensor Networks(WSNs)comprise of costeffective sensors that can send physical parameters of the target environment to an intended user.With the evolution of technology,multimedia sensor nodes have...Traditional Wireless Sensor Networks(WSNs)comprise of costeffective sensors that can send physical parameters of the target environment to an intended user.With the evolution of technology,multimedia sensor nodes have become the hot research topic since it can continue gathering multimedia content and scalar from the target domain.The existence of multimedia sensors,integrated with effective signal processing and multimedia source coding approaches,has led to the increased application of Wireless Multimedia Sensor Network(WMSN).This sort of network has the potential to capture,transmit,and receive multimedia content.Since energy is a major source in WMSN,novel clustering approaches are essential to deal with adaptive topologies of WMSN and prolonged network lifetime.With this motivation,the current study develops an Enhanced Spider Monkey Optimization-based Energy-Aware Clustering Scheme(ESMO-EACS)for WMSN.The proposed ESMO-EACS model derives ESMO algorithm by incorporating the concepts of SMO algorithm and quantum computing.The proposed ESMO-EACS model involves the design of fitness functions using distinct input parameters for effective construction of clusters.A comprehensive experimental analysis was conducted to validate the effectiveness of the proposed ESMO-EACS technique in terms of different performance measures.The simulation outcome established the superiority of the proposed ESMO-EACS technique to other methods under various measures.展开更多
Recently,computer vision(CV)based disease diagnosis models have been utilized in various areas of healthcare.At the same time,deep learning(DL)and machine learning(ML)models play a vital role in the healthcare sector ...Recently,computer vision(CV)based disease diagnosis models have been utilized in various areas of healthcare.At the same time,deep learning(DL)and machine learning(ML)models play a vital role in the healthcare sector for the effectual recognition of diseases using medical imaging tools.This study develops a novel computer vision with optimal machine learning enabled skin lesion detection and classification(CVOML-SLDC)model.The goal of the CVOML-SLDC model is to determine the appropriate class labels for the test dermoscopic images.Primarily,the CVOML-SLDC model derives a gaussian filtering(GF)approach to pre-process the input images and graph cut segmentation is applied.Besides,firefly algorithm(FFA)with EfficientNet based feature extraction module is applied for effectual derivation of feature vectors.Moreover,naïve bayes(NB)classifier is utilized for the skin lesion detection and classification model.The application of FFA helps to effectually adjust the hyperparameter values of the EfficientNet model.The experimental analysis of the CVOML-SLDC model is performed using benchmark skin lesion dataset.The detailed comparative study of the CVOML-SLDC model reported the improved outcomes over the recent approaches with maximum accuracy of 94.83%.展开更多
The recent advancements made in World Wide Web and social networking have eased the spread of fake news among people at a faster rate.At most of the times,the intention of fake news is to misinform the people and make...The recent advancements made in World Wide Web and social networking have eased the spread of fake news among people at a faster rate.At most of the times,the intention of fake news is to misinform the people and make manipulated societal insights.The spread of low-quality news in social networking sites has a negative influence upon people as well as the society.In order to overcome the ever-increasing dissemination of fake news,automated detection models are developed using Artificial Intelligence(AI)and Machine Learning(ML)methods.The latest advancements in Deep Learning(DL)models and complex Natural Language Processing(NLP)tasks make the former,a significant solution to achieve Fake News Detection(FND).In this background,the current study focuses on design and development of Natural Language Processing with Sea Turtle Foraging Optimizationbased Deep Learning Technique for Fake News Detection and Classification(STODL-FNDC)model.The aim of the proposed STODL-FNDC model is to discriminate fake news from legitimate news in an effectual manner.In the proposed STODL-FNDC model,the input data primarily undergoes pre-processing and Glove-based word embedding.Besides,STODL-FNDC model employs Deep Belief Network(DBN)approach for detection as well as classification of fake news.Finally,STO algorithm is utilized after adjusting the hyperparameters involved in DBN model,in an optimal manner.The novelty of the study lies in the design of STO algorithm with DBN model for FND.In order to improve the detection performance of STODL-FNDC technique,a series of simulations was carried out on benchmark datasets.The experimental outcomes established the better performance of STODL-FNDC approach over other methods with a maximum accuracy of 95.50%.展开更多
Image dehazing is still an open research topic that has been undergoing a lot of development,especially with the renewed interest in machine learning-based methods.A major challenge of the existing dehazing methods is...Image dehazing is still an open research topic that has been undergoing a lot of development,especially with the renewed interest in machine learning-based methods.A major challenge of the existing dehazing methods is the estimation of transmittance,which is the key element of haze-affected imaging models.Conventional methods are based on a set of assumptions that reduce the solution search space.However,the multiplication of these assumptions tends to restrict the solutions to particular cases that cannot account for the reality of the observed image.In this paper we reduce the number of simplified hypotheses in order to attain a more plausible and realistic solution by exploiting a priori knowledge of the ground truth in the proposed method.The proposed method relies on pixel information between the ground truth and haze image to reduce these assumptions.This is achieved by using ground truth and haze image to find the geometric-pixel information through a guided Convolution Neural Networks(CNNs)with a Parallax Attention Mechanism(PAM).It uses the differential pixel-based variance in order to estimate transmittance.The pixel variance uses local and global patches between the assumed ground truth and haze image to refine the transmission map.The transmission map is also improved based on improved Markov random field(MRF)energy functions.We used different images to test the proposed algorithm.The entropy value of the proposed method was 7.43 and 7.39,a percent increase of4.35%and5.42%,respectively,compared to the best existing results.The increment is similar in other performance quality metrics and this validate its superiority compared to other existing methods in terms of key image quality evaluation metrics.The proposed approach’s drawback,an over-reliance on real ground truth images,is also investigated.The proposed method show more details hence yields better images than those from the existing state-of-the-art-methods.展开更多
基金supported by Basic Science Research Program through the National Research Foundation of Korea (NRF)funded by the Ministry of Education (2020R1A6A1A03038540)by Korea Institute of Planning and Evaluation for Technology in Food,Agriculture,Forestry and Fisheries (IPET)through Digital Breeding Transformation Technology Development Program,funded by Ministry of Agriculture,Food and Rural Affairs (MAFRA) (322063-03-1-SB010)by the Technology development Program (RS-2022-00156456)funded by the Ministry of SMEs and Startups (MSS,Korea).
文摘Fruit classification utilizing a deep convolutional neural network(CNN)is the most promising application in personal computer vision(CV).Profound learning-related characterization made it possible to recognize fruits from pictures.But,due to the similarity and complexity,fruit recognition becomes an issue for the stacked fruits on a weighing scale.Recently,Machine Learning(ML)methods have been used in fruit farming and agriculture and brought great convenience to human life.An automated system related to ML could perform the fruit classifier and sorting tasks previously managed by human experts.CNN’s(convolutional neural networks)have attained incredible outcomes in image classifiers in several domains.Considering the success of transfer learning and CNNs in other image classifier issues,this study introduces an Artificial Humming Bird Optimization with Siamese Convolutional Neural Network based Fruit Classification(AMO-SCNNFC)model.In the presented AMO-SCNNFC technique,image preprocessing is performed to enhance the contrast level of the image.In addition,spiral optimization(SPO)with the VGG-16 model is utilized to derive feature vectors.For fruit classification,AHO with end to end SCNN(ESCNN)model is applied to identify different classes of fruits.The performance validation of the AMO-SCNNFC technique is tested using a dataset comprising diverse classes of fruit images.Extensive comparison studies reported improving the AMOSCNNFC technique over other approaches with higher accuracy of 99.88%.
基金supported by the MSIT(Ministry of Science and ICT),Korea,under the ICAN(ICT Challenge and Advanced Network of HRD)program(IITP-2022-2020-0-01832)supervised by the IITP(Institute of Information&Communications Technology Planning&Evaluation)and the Soonchunhyang University Research Fund.
文摘Human gait recognition(HGR)is the process of identifying a sub-ject(human)based on their walking pattern.Each subject is a unique walking pattern and cannot be simulated by other subjects.But,gait recognition is not easy and makes the system difficult if any object is carried by a subject,such as a bag or coat.This article proposes an automated architecture based on deep features optimization for HGR.To our knowledge,it is the first architecture in which features are fused using multiset canonical correlation analysis(MCCA).In the proposed method,original video frames are processed for all 11 selected angles of the CASIA B dataset and utilized to train two fine-tuned deep learning models such as Squeezenet and Efficientnet.Deep transfer learning was used to train both fine-tuned models on selected angles,yielding two new targeted models that were later used for feature engineering.Features are extracted from the deep layer of both fine-tuned models and fused into one vector using MCCA.An improved manta ray foraging optimization algorithm is also proposed to select the best features from the fused feature matrix and classified using a narrow neural network classifier.The experimental process was conducted on all 11 angles of the large multi-view gait dataset(CASIA B)dataset and obtained improved accuracy than the state-of-the-art techniques.Moreover,a detailed confidence interval based analysis also shows the effectiveness of the proposed architecture for HGR.
基金supported by“Human Resources Program in Energy Technology”of the Korea Institute of Energy Technology Evaluation and Planning (KETEP)granted financial resources from the Ministry of Trade,Industry&Energy,Republic of Korea. (No.20204010600090).
文摘Identifying fruit disease manually is time-consuming, expertrequired,and expensive;thus, a computer-based automated system is widelyrequired. Fruit diseases affect not only the quality but also the quantity.As a result, it is possible to detect the disease early on and cure the fruitsusing computer-based techniques. However, computer-based methods faceseveral challenges, including low contrast, a lack of dataset for training amodel, and inappropriate feature extraction for final classification. In thispaper, we proposed an automated framework for detecting apple fruit leafdiseases usingCNNand a hybrid optimization algorithm. Data augmentationis performed initially to balance the selected apple dataset. After that, twopre-trained deep models are fine-tuning and trained using transfer learning.Then, a fusion technique is proposed named Parallel Correlation Threshold(PCT). The fused feature vector is optimized in the next step using a hybridoptimization algorithm. The selected features are finally classified usingmachine learning algorithms. Four different experiments have been carriedout on the augmented Plant Village dataset and yielded the best accuracy of99.8%. The accuracy of the proposed framework is also compared to that ofseveral neural nets, and it outperforms them all.
基金supported by BK21’s Innovative Talent Training Operation Fund and the Soonchunhyang University Research Fund.
文摘Manual inspection of fruit diseases is a time-consuming and costly because it is based on naked-eye observation.The authors present computer vision techniques for detecting and classifying fruit leaf diseases.Examples of computer vision techniques are preprocessing original images for visualization of infected regions,feature extraction from raw or segmented images,feature fusion,feature selection,and classification.The following are the major challenges identified by researchers in the literature:(i)lowcontrast infected regions extract irrelevant and redundant information,which misleads classification accuracy;(ii)irrelevant and redundant information may increase computational time and reduce the designed model’s accuracy.This paper proposed a framework for fruit leaf disease classification based on deep hierarchical learning and best feature selection.In the proposed framework,contrast is first improved using a hybrid approach,and then data augmentation is used to solve the problem of an imbalanced dataset.The next step is to use a pre-trained deep model named Darknet53 and fine-tune it.Next,deep transfer learning-based training is carried out,and features are extracted using an activation function on the average pooling layer.Finally,an improved butterfly optimization algorithm is proposed,which selects the best features for classification using machine learning classifiers.The experiment was carried out on augmented and original fruit datasets,yielding a maximum accuracy of 99.6%for apple diseases,99.6%for grapes,99.9%for peach diseases,and 100%for cherry diseases.The overall average achieved accuracy is 99.7%,higher than previous techniques.
文摘Manual diagnosis of crops diseases is not an easy process;thus,a computerized method is widely used.Froma couple of years,advancements in the domain ofmachine learning,such as deep learning,have shown substantial success.However,they still faced some challenges such as similarity in disease symptoms and irrelevant features extraction.In this article,we proposed a new deep learning architecture with optimization algorithm for cucumber and potato leaf diseases recognition.The proposed architecture consists of five steps.In the first step,data augmentation is performed to increase the numbers of training samples.In the second step,pre-trained DarkNet19 deep model is opted and fine-tuned that later utilized for the training of fine-tuned model through transfer learning.Deep features are extracted from the global pooling layer in the next step that is refined using Improved Cuckoo search algorithm.The best selected features are finally classified using machine learning classifiers such as SVM,and named a few more for final classification results.The proposed architecture is tested using publicly available datasets–Cucumber National Dataset and Plant Village.The proposed architecture achieved an accuracy of 100.0%,92.9%,and 99.2%,respectively.Acomparison with recent techniques is also performed,revealing that the proposed method achieved improved accuracy while consuming less computational time.
基金This work was supported by Institute of Information&communications Technology Planning&Evaluation(IITP)grant funded by the Korea government(MSIT)(No.2020-0-00107,Development of the technology to automate the recommendations for big data analytic models that define data characteristics and problems).
文摘Rooftop units(RTUs)were commonly employed in small commercial buildings that represent that can frequently do not take the higher level maintenance that chillers receive.Fault detection and diagnosis(FDD)tools can be employed for RTU methods to ensure essential faults are addressed promptly.In this aspect,this article presents an Optimal Deep Belief Network based Fault Detection and Classification on Packaged Rooftop Units(ODBNFDC-PRTU)model.The ODBNFDC-PRTU technique considers fault diagnosis as amulti-class classification problem and is handled usingDL models.For fault diagnosis in RTUs,the ODBNFDC-PRTU model exploits the deep belief network(DBN)classification model,which identifies seven distinct types of faults.At the same time,the chicken swarm optimization(CSO)algorithm-based hyperparameter tuning technique is utilized for resolving the trial and error hyperparameter selection process,showing the novelty of the work.To illustrate the enhanced performance of the ODBNFDC-PRTU algorithm,a comprehensive set of simulations are applied.The comparison study described the improvement of the ODBNFDC-PRTU method over other recent FDD algorithms with maximum accuracy of 99.30%and TPR of 93.09%.
基金This research was supported by the MSIT(Ministry of Science and ICT)Korea,under the ICAN(ICT Challenge and Advanced Network of HRD)program(IITP-2022-2020-0-01832)supervised by the IITP(Institute of Information&Communications Technology Planning&Evaluation)and the Korea Technology and Information Promotion Agency(TIPA)for SMEs grant funded by the Korea government(Ministry of SMEs and Startups)(No.S3271954)and the Soonchunhyang University Research Fund。
文摘Wireless Sensor Networks(WSN)play a vital role in several real-time applications ranging from military to civilian.Despite the benefits of WSN,energy efficiency becomes a major part of the challenging issue in WSN,which necessitate proper load balancing amongst the clusters and serves a wider monitoring region.The clustering technique for WSN has several benefits:lower delay,higher energy efficiency,and collision avoidance.But clustering protocol has several challenges.In a large-scale network,cluster-based protocols mainly adapt multi-hop routing to save energy,leading to hot spot problems.A hot spot problem becomes a problem where a cluster node nearer to the base station(BS)tends to drain the energy much quicker than other nodes because of the need to implement more transmission.This article introduces a Jumping Spider Optimization Based Unequal Clustering Protocol for Mitigating Hotspot Problems(JSOUCP-MHP)in WSN.The JSO algorithm is stimulated by the characteristics of spiders naturally and mathematically modelled the hunting mechanism such as search,persecution,and jumping skills to attack prey.The presented JSOUCPMHP technique mainly resolves the hot spot issue for maximizing the network lifespan.The JSOUCP-MHP technique elects a proper set of cluster heads(CHs)using average residual energy(RE)to attain this.In addition,the JSOUCP-MHP technique determines the cluster sizes based on two measures,i.e.,RE and distance to BS(DBS),showing the novelty of the work.The proposed JSOUCP-MHP technique is examined under several experiments to ensure its supremacy.The comparison study shows the significance of the JSOUCPMHP technique over other models.
基金This research was supported by the Universiti Sains Malaysia(USM)and the ministry of Higher Education Malaysia through Fundamental Research GrantScheme(FRGS-Grant No:FRGS/1/2020/TK0/USM/02/1).
文摘The recent developments in smart cities pose major security issues for the Internet of Things(IoT)devices.These security issues directly result from inappropriate security management protocols and their implementation by IoT gadget developers.Cyber-attackers take advantage of such gadgets’vulnerabilities through various attacks such as injection and Distributed Denial of Service(DDoS)attacks.In this background,Intrusion Detection(ID)is the only way to identify the attacks and mitigate their damage.The recent advancements in Machine Learning(ML)and Deep Learning(DL)models are useful in effectively classifying cyber-attacks.The current research paper introduces a new Coot Optimization Algorithm with a Deep Learning-based False Data Injection Attack Recognition(COADL-FDIAR)model for the IoT environment.The presented COADL-FDIAR technique aims to identify false data injection attacks in the IoT environment.To accomplish this,the COADL-FDIAR model initially preprocesses the input data and selects the features with the help of the Chi-square test.To detect and classify false data injection attacks,the Stacked Long Short-Term Memory(SLSTM)model is exploited in this study.Finally,the COA algorithm effectively adjusts the SLTSM model’s hyperparameters effectively and accomplishes a superior recognition efficiency.The proposed COADL-FDIAR model was experimentally validated using a standard dataset,and the outcomes were scrutinized under distinct aspects.The comparative analysis results assured the superior performance of the proposed COADL-FDIAR model over other recent approaches with a maximum accuracy of 98.84%.
基金This research was partly supported by the Technology Development Program of MSS[No.S3033853]by the National Research Foundation of Korea(NRF)grant funded by the Korea government(MSIT)(No.2021R1A4A1031509).
文摘Statistics are most crucial than ever due to the accessibility of huge counts of data from several domains such as finance,medicine,science,engineering,and so on.Statistical data mining(SDM)is an interdisciplinary domain that examines huge existing databases to discover patterns and connections from the data.It varies in classical statistics on the size of datasets and on the detail that the data could not primarily be gathered based on some experimental strategy but conversely for other resolves.Thus,this paper introduces an effective statistical Data Mining for Intelligent Rainfall Prediction using Slime Mould Optimization with Deep Learning(SDMIRPSMODL)model.In the presented SDMIRP-SMODL model,the feature subset selection process is performed by the SMO algorithm,which in turn minimizes the computation complexity.For rainfall prediction.Convolution neural network with long short-term memory(CNN-LSTM)technique is exploited.At last,this study involves the pelican optimization algorithm(POA)as a hyperparameter optimizer.The experimental evaluation of the SDMIRP-SMODL approach is tested utilizing a rainfall dataset comprising 23682 samples in the negative class and 1865 samples in the positive class.The comparative outcomes reported the supremacy of the SDMIRP-SMODL model compared to existing techniques.
基金This research was supported by the Universiti Sains Malaysia(USM)and the Ministry of Higher Education Malaysia through Fundamental Research GrantScheme(FRGS-Grant No:FRGS/1/2020/TK0/USM/02/1).
文摘Recently,a trust system was introduced to enhance security and cooperation between nodes in wireless sensor networks(WSN).In routing,the trust system includes or avoids nodes related to the estimated trust values in the routing function.This article introduces Enhanced Metaheuristics with Trust Aware Secure Route Selection Protocol(EMTA-SRSP)for WSN.The presented EMTA-SRSP technique majorly involves the optimal selection of routes in WSN.To accomplish this,the EMTA-SRSP technique involves the design of an oppositional Aquila optimization algorithm to choose safe routes for data communication.For the clustering process,the nodes with maximum residual energy will be considered cluster heads(CHs).In addition,the OAOA technique gets executed to choose optimal routes based on objective functions with multiple parameters such as energy,distance,and trust degree.The experimental validation of the EMTA-SRSP technique is tested,and the results exhibited a better performance of the EMTA-SRSP technique over other approaches.
基金This research was supported by Korea Institute for Advancement of Technology(KIAT)grant funded by the Korea Government(MOTIE)(P0012724,The Competency Development Program for Industry Specialist)and the Soonchunhyang University Research Fund.
文摘Human action recognition(HAR)is an essential but challenging task for observing human movements.This problem encompasses the observations of variations in human movement and activity identification by machine learning algorithms.This article addresses the challenges in activity recognition by implementing and experimenting an intelligent segmentation,features reduction and selection framework.A novel approach has been introduced for the fusion of segmented frames and multi-level features of interests are extracted.An entropy-skewness based features reduction technique has been implemented and the reduced features are converted into a codebook by serial based fusion.A custom made genetic algorithm is implemented on the constructed features codebook in order to select the strong and wellknown features.The features are exploited by a multi-class SVM for action identification.Comprehensive experimental results are undertaken on four action datasets,namely,Weizmann,KTH,Muhavi,and WVU multi-view.We achieved the recognition rate of 96.80%,100%,100%,and 100%respectively.Analysis reveals that the proposed action recognition approach is efficient and well accurate as compare to existing approaches.
文摘Smart healthcare has become a hot research topic due to the contemporary developments of Internet of Things(IoT),sensor technologies,cloud computing,and others.Besides,the latest advances of Artificial Intelligence(AI)tools find helpful for decision-making in innovative healthcare to diagnose several diseases.Ovarian Cancer(OC)is a kind of cancer that affects women’s ovaries,and it is tedious to identify OC at the primary stages with a high mortality rate.The OC data produced by the Internet of Medical Things(IoMT)devices can be utilized to differentiate OC.In this aspect,this paper introduces a new quantum black widow optimization with a machine learningenabled decision support system(QBWO-MLDSS)for smart healthcare.The primary intention of the QBWO-MLDSS technique is to detect and categorize the OC rapidly and accurately.Besides,the QBWO-MLDSS model involves a Z-score normalization approach to pre-process the data.In addition,the QBWO-MLDSS technique derives a QBWO algorithm as a feature selection to derive optimum feature subsets.Moreover,symbiotic organisms search(SOS)with extreme learning machine(ELM)model is applied as a classifier for the detection and classification of ELM model,thereby improving the overall classification performance.The design of QBWO and SOS for OC detection and classification in the smart healthcare environment shows the study’s novelty.The experimental result analysis of the QBWO-MLDSS model is conducted using a benchmark dataset,and the comparative results reported the enhanced outcomes of the QBWO-MLDSS model over the recent approaches.
文摘Traditional Wireless Sensor Networks(WSNs)comprise of costeffective sensors that can send physical parameters of the target environment to an intended user.With the evolution of technology,multimedia sensor nodes have become the hot research topic since it can continue gathering multimedia content and scalar from the target domain.The existence of multimedia sensors,integrated with effective signal processing and multimedia source coding approaches,has led to the increased application of Wireless Multimedia Sensor Network(WMSN).This sort of network has the potential to capture,transmit,and receive multimedia content.Since energy is a major source in WMSN,novel clustering approaches are essential to deal with adaptive topologies of WMSN and prolonged network lifetime.With this motivation,the current study develops an Enhanced Spider Monkey Optimization-based Energy-Aware Clustering Scheme(ESMO-EACS)for WMSN.The proposed ESMO-EACS model derives ESMO algorithm by incorporating the concepts of SMO algorithm and quantum computing.The proposed ESMO-EACS model involves the design of fitness functions using distinct input parameters for effective construction of clusters.A comprehensive experimental analysis was conducted to validate the effectiveness of the proposed ESMO-EACS technique in terms of different performance measures.The simulation outcome established the superiority of the proposed ESMO-EACS technique to other methods under various measures.
文摘Recently,computer vision(CV)based disease diagnosis models have been utilized in various areas of healthcare.At the same time,deep learning(DL)and machine learning(ML)models play a vital role in the healthcare sector for the effectual recognition of diseases using medical imaging tools.This study develops a novel computer vision with optimal machine learning enabled skin lesion detection and classification(CVOML-SLDC)model.The goal of the CVOML-SLDC model is to determine the appropriate class labels for the test dermoscopic images.Primarily,the CVOML-SLDC model derives a gaussian filtering(GF)approach to pre-process the input images and graph cut segmentation is applied.Besides,firefly algorithm(FFA)with EfficientNet based feature extraction module is applied for effectual derivation of feature vectors.Moreover,naïve bayes(NB)classifier is utilized for the skin lesion detection and classification model.The application of FFA helps to effectually adjust the hyperparameter values of the EfficientNet model.The experimental analysis of the CVOML-SLDC model is performed using benchmark skin lesion dataset.The detailed comparative study of the CVOML-SLDC model reported the improved outcomes over the recent approaches with maximum accuracy of 94.83%.
文摘The recent advancements made in World Wide Web and social networking have eased the spread of fake news among people at a faster rate.At most of the times,the intention of fake news is to misinform the people and make manipulated societal insights.The spread of low-quality news in social networking sites has a negative influence upon people as well as the society.In order to overcome the ever-increasing dissemination of fake news,automated detection models are developed using Artificial Intelligence(AI)and Machine Learning(ML)methods.The latest advancements in Deep Learning(DL)models and complex Natural Language Processing(NLP)tasks make the former,a significant solution to achieve Fake News Detection(FND).In this background,the current study focuses on design and development of Natural Language Processing with Sea Turtle Foraging Optimizationbased Deep Learning Technique for Fake News Detection and Classification(STODL-FNDC)model.The aim of the proposed STODL-FNDC model is to discriminate fake news from legitimate news in an effectual manner.In the proposed STODL-FNDC model,the input data primarily undergoes pre-processing and Glove-based word embedding.Besides,STODL-FNDC model employs Deep Belief Network(DBN)approach for detection as well as classification of fake news.Finally,STO algorithm is utilized after adjusting the hyperparameters involved in DBN model,in an optimal manner.The novelty of the study lies in the design of STO algorithm with DBN model for FND.In order to improve the detection performance of STODL-FNDC technique,a series of simulations was carried out on benchmark datasets.The experimental outcomes established the better performance of STODL-FNDC approach over other methods with a maximum accuracy of 95.50%.
基金This work was funded by the Deanship of Scientific Research at Jouf University under grant No DSR-2021-02-0398.
文摘Image dehazing is still an open research topic that has been undergoing a lot of development,especially with the renewed interest in machine learning-based methods.A major challenge of the existing dehazing methods is the estimation of transmittance,which is the key element of haze-affected imaging models.Conventional methods are based on a set of assumptions that reduce the solution search space.However,the multiplication of these assumptions tends to restrict the solutions to particular cases that cannot account for the reality of the observed image.In this paper we reduce the number of simplified hypotheses in order to attain a more plausible and realistic solution by exploiting a priori knowledge of the ground truth in the proposed method.The proposed method relies on pixel information between the ground truth and haze image to reduce these assumptions.This is achieved by using ground truth and haze image to find the geometric-pixel information through a guided Convolution Neural Networks(CNNs)with a Parallax Attention Mechanism(PAM).It uses the differential pixel-based variance in order to estimate transmittance.The pixel variance uses local and global patches between the assumed ground truth and haze image to refine the transmission map.The transmission map is also improved based on improved Markov random field(MRF)energy functions.We used different images to test the proposed algorithm.The entropy value of the proposed method was 7.43 and 7.39,a percent increase of4.35%and5.42%,respectively,compared to the best existing results.The increment is similar in other performance quality metrics and this validate its superiority compared to other existing methods in terms of key image quality evaluation metrics.The proposed approach’s drawback,an over-reliance on real ground truth images,is also investigated.The proposed method show more details hence yields better images than those from the existing state-of-the-art-methods.