Recent advancements in artificial intelligence(AI)have shown promising potential for the automated screening and grading of cataracts.However,the different types of visual impairment caused by cataracts exhibit simila...Recent advancements in artificial intelligence(AI)have shown promising potential for the automated screening and grading of cataracts.However,the different types of visual impairment caused by cataracts exhibit similar phenotypes,posing significant challenges for accurately assessing the severity of visual impairment.To address this issue,we propose a dense convolution combined with attention mechanism and multi-level classifier(DAMC_Net)for visual impairment grading.First,the double-attention mechanism is utilized to enable the DAMC_Net to focus on lesions-related regions.Then,a hierarchical multi-level classifier is constructed to enhance the recognition ability in distinguishing the severities of visual impairment,while maintaining a better screening rate for normal samples.In addition,a cost-sensitive method is applied to address the problem of higher false-negative rate caused by the imbalanced dataset.Experimental results demonstrated that the DAMC_Net outperformed ResNet50 and dense convolutional network 121(DenseNet121)models,with sensitivity improvements of 6.0%and 3.4%on the category of mild visual impairment caused by cataracts(MVICC),and 2.1%and 4.3%on the category of moderate to severe visual impairment caused by cataracts(MSVICC),respectively.The comparable performance on two external test datasets was achieved,further verifying the effectiveness and generalizability of the DAMC_Net.展开更多
For many real-world multiobjective optimization problems,the evaluations of the objective functions are computationally expensive.Such problems are usually called expensive multiobjective optimization problems(EMOPs)....For many real-world multiobjective optimization problems,the evaluations of the objective functions are computationally expensive.Such problems are usually called expensive multiobjective optimization problems(EMOPs).One type of feasible approaches for EMOPs is to introduce the computationally efficient surrogates for reducing the number of function evaluations.Inspired from ensemble learning,this paper proposes a multiobjective evolutionary algorithm with an ensemble classifier(MOEA-EC)for EMOPs.More specifically,multiple decision tree models are used as an ensemble classifier for the pre-selection,which is be more helpful for further reducing the function evaluations of the solutions than using single inaccurate model.The extensive experimental studies have been conducted to verify the efficiency of MOEA-EC by comparing it with several advanced multiobjective expensive optimization algorithms.The experimental results show that MOEA-EC outperforms the compared algorithms.展开更多
Anomaly classification based on network traffic features is an important task to monitor and detect network intrusion attacks.Network-based intrusion detection systems(NIDSs)using machine learning(ML)methods are effec...Anomaly classification based on network traffic features is an important task to monitor and detect network intrusion attacks.Network-based intrusion detection systems(NIDSs)using machine learning(ML)methods are effective tools for protecting network infrastructures and services from unpredictable and unseen attacks.Among several ML methods,random forest(RF)is a robust method that can be used in ML-based network intrusion detection solutions.However,the minimum number of instances for each split and the number of trees in the forest are two key parameters of RF that can affect classification accuracy.Therefore,optimal parameter selection is a real problem in RF-based anomaly classification of intrusion detection systems.In this paper,we propose to use the genetic algorithm(GA)for selecting the appropriate values of these two parameters,optimizing the RF classifier and improving the classification accuracy of normal and abnormal network traffics.To validate the proposed GA-based RF model,a number of experiments is conducted on two public datasets and evaluated using a set of performance evaluation measures.In these experiments,the accuracy result is compared with the accuracies of baseline ML classifiers in the recent works.Experimental results reveal that the proposed model can avert the uncertainty in selection the values of RF’s parameters,improving the accuracy of anomaly classification in NIDSs without incurring excessive time.展开更多
Support vector classifier (SVC) has the superior advantages for small sample learning problems with high dimensions, with especially better generalization ability. However there is some redundancy among the high dim...Support vector classifier (SVC) has the superior advantages for small sample learning problems with high dimensions, with especially better generalization ability. However there is some redundancy among the high dimensions of the original samples and the main features of the samples may be picked up first to improve the performance of SVC. A principal component analysis (PCA) is employed to reduce the feature dimensions of the original samples and the pre-selected main features efficiently, and an SVC is constructed in the selected feature space to improve the learning speed and identification rate of SVC. Furthermore, a heuristic genetic algorithm-based automatic model selection is proposed to determine the hyperparameters of SVC to evaluate the performance of the learning machines. Experiments performed on the Heart and Adult benchmark data sets demonstrate that the proposed PCA-based SVC not only reduces the test time drastically, but also improves the identify rates effectively.展开更多
Obstructive Sleep Apnea(OSA)is a respiratory syndrome that occurs due to insufficient airflow through the respiratory or respiratory arrest while sleeping and sometimes due to the reduced oxygen saturation.The aim of ...Obstructive Sleep Apnea(OSA)is a respiratory syndrome that occurs due to insufficient airflow through the respiratory or respiratory arrest while sleeping and sometimes due to the reduced oxygen saturation.The aim of this paper is to analyze the respiratory signal of a person to detect the Normal Breathing Activity and the Sleep Apnea(SA)activity.In the proposed method,the time domain and frequency domain features of respiration signal obtained from the PPG device are extracted.These features are applied to the Classification and Regression Tree(CART)-Particle Swarm Optimization(PSO)classifier which classifies the signal into normal breathing signal and sleep apnea signal.The proposed method is validated to measure the performance metrics like sensitivity,specificity,accuracy and F1 score by applying time domain and frequency domain features separately.Additionally,the performance of the CART-PSO(CPSO)classification algorithm is evaluated through comparing its measures with existing classification algorithms.Concurrently,the effect of the PSO algorithm in the classifier is validated by varying the parameters of PSO.展开更多
Word Sense Disambiguation (WSD) is to decide the sense of an ambiguous word on particular context. Most of current studies on WSD only use several ambiguous words as test samples, thus leads to some limitation in prac...Word Sense Disambiguation (WSD) is to decide the sense of an ambiguous word on particular context. Most of current studies on WSD only use several ambiguous words as test samples, thus leads to some limitation in practical application. In this paper, we perform WSD study based on large scale real-world corpus using two unsupervised learning algorithms based on ±n-improved Bayesian model and Dependency Grammar (DG)-improved Bayesian model. ±n-improved classifiers reduce the window size of context of ambiguous words with close-distance feature extraction method, and decrease the jamming of useless features, thus obviously improve the accuracy, reaching 83.18% (in open test). DG-improved classifier can more effectively conquer the noise effect existing in Naive-Bayesian classifier. Experimental results show that this approach does better on Chinese WSD, and the open test achieved an accuracy of 86.27%.展开更多
Voice classification is important in creating more intelligent systems that help with student exams,identifying criminals,and security systems.The main aim of the research is to develop a system able to predicate and ...Voice classification is important in creating more intelligent systems that help with student exams,identifying criminals,and security systems.The main aim of the research is to develop a system able to predicate and classify gender,age,and accent.So,a newsystem calledClassifyingVoice Gender,Age,and Accent(CVGAA)is proposed.Backpropagation and bagging algorithms are designed to improve voice recognition systems that incorporate sensory voice features such as rhythm-based features used to train the device to distinguish between the two gender categories.It has high precision compared to other algorithms used in this problem,as the adaptive backpropagation algorithm had an accuracy of 98%and the Bagging algorithm had an accuracy of 98.10%in the gender identification data.Bagging has the best accuracy among all algorithms,with 55.39%accuracy in the voice common dataset and age classification and accent accuracy in a speech accent of 78.94%.展开更多
An operating rule classification system based on learning classifier system (LCS), which learns through credit assignment (bucket brigade algorithm, BBA) and rule discovery (genetic algorithm, GA), is establishe...An operating rule classification system based on learning classifier system (LCS), which learns through credit assignment (bucket brigade algorithm, BBA) and rule discovery (genetic algorithm, GA), is established to extract water-supply reservoir operating rules. The proposed system acquires an online identification rate of 95% for training samples and an offline rate of 85% for testing samples in a case study. The performances of the rule classification system are discussed from the rationality of the obtained rules, the impact of training samples on rule extraction, and a comparison between the rule classification system and the artificial neural network (ANN). The results indicate that the LCS is feasible and effective for the system to obtain the reservoir supply operating rules.展开更多
Managing physical objects in the network’s periphery is made possible by the Internet of Things(IoT),revolutionizing human life.Open attacks and unauthorized access are possible with these IoT devices,which exchange ...Managing physical objects in the network’s periphery is made possible by the Internet of Things(IoT),revolutionizing human life.Open attacks and unauthorized access are possible with these IoT devices,which exchange data to enable remote access.These attacks are often detected using intrusion detection methodologies,although these systems’effectiveness and accuracy are subpar.This paper proposes a new voting classifier composed of an ensemble of machine learning models trained and optimized using metaheuristic optimization.The employed metaheuristic optimizer is a new version of the whale optimization algorithm(WOA),which is guided by the dipper throated optimizer(DTO)to improve the exploration process of the traditionalWOA optimizer.The proposed voting classifier categorizes the network intrusions robustly and efficiently.To assess the proposed approach,a dataset created from IoT devices is employed to record the efficiency of the proposed algorithm for binary attack categorization.The dataset records are balanced using the locality-sensitive hashing(LSH)and Synthetic Minority Oversampling Technique(SMOTE).The evaluation of the achieved results is performed in terms of statistical analysis and visual plots to prove the proposed approach’s effectiveness,stability,and significance.The achieved results confirmed the superiority of the proposed algorithm for the task of network intrusion detection.展开更多
The necessity of on-time cancer detection is extremely high in the recent days as it becomes a threat to human life.The skin cancer is considered as one of the dangerous diseases among other types of cancer since it c...The necessity of on-time cancer detection is extremely high in the recent days as it becomes a threat to human life.The skin cancer is considered as one of the dangerous diseases among other types of cancer since it causes severe health impacts on human beings and hence it is highly mandatory to detect the skin cancer in the early stage for providing adequate treatment.Therefore,an effective image processing approach is employed in this present study for the accurate detection of skin cancer.Initially,the dermoscopy images of skin lesions are retrieved and processed by eliminating the noises with the assistance of Gaborfilter.Then,the pre-processed dermoscopy image is segmented into multiple regions by implementing cascaded Fuzzy C-Means(FCM)algorithm,which involves in improving the reliability of cancer detection.The A Gabor Response Co-occurrence Matrix(GRCM)is used to extract melanoma parameters in an effi-cient manner.A hybrid Particle Swarm Optimization(PSO)-Whale Optimization is then utilized for efficiently optimizing the extracted features.Finally,the fea-tures are significantly classified with the assistance of Probabilistic Neural Net-work(PNN)classifier for classifying the stages of skin lesion in an optimal manner.The whole work is stimulated in MATLAB and the attained outcomes have proved that the introduced approach delivers optimal results with maximal accuracy of 97.83%.展开更多
Crowd Anomaly Detection has become a challenge in intelligent video surveillance system and security.Intelligent video surveillance systems make extensive use of data mining,machine learning and deep learning methods....Crowd Anomaly Detection has become a challenge in intelligent video surveillance system and security.Intelligent video surveillance systems make extensive use of data mining,machine learning and deep learning methods.In this paper a novel approach is proposed to identify abnormal occurrences in crowded situations using deep learning.In this approach,Adaptive GoogleNet Neural Network Classifier with Multi-Objective Whale Optimization Algorithm are applied to predict the abnormal video frames in the crowded scenes.We use multiple instance learning(MIL)to dynamically develop a deep anomalous ranking framework.This technique predicts higher anomalous values for abnormal video frames by treating regular and irregular video bags and video sections.We use the multi-objective whale optimization algorithm to optimize the entire process and get the best results.The performance parameters such as accuracy,precision,recall,and F-score are considered to evaluate the proposed technique using the Python simulation tool.Our simulation results show that the proposed method performs better than the conventional methods on the public live video dataset.展开更多
The purpose of this paper is to solve the problem of Ad Hoc network routing protocol using a Genetic Algorithm based approach. In particular, the greater reliability and efficiency, in term of duration of communicatio...The purpose of this paper is to solve the problem of Ad Hoc network routing protocol using a Genetic Algorithm based approach. In particular, the greater reliability and efficiency, in term of duration of communication paths, due to the introduction of Genetic Classifier is demonstrated.展开更多
In cloud computing Resource allocation is a very complex task.Handling the customer demand makes the challenges of on-demand resource allocation.Many challenges are faced by conventional methods for resource allocatio...In cloud computing Resource allocation is a very complex task.Handling the customer demand makes the challenges of on-demand resource allocation.Many challenges are faced by conventional methods for resource allocation in order tomeet the Quality of Service(QoS)requirements of users.For solving the about said problems a new method was implemented with the utility of machine learning framework of resource allocation by utilizing the cloud computing technique was taken in to an account in this research work.The accuracy in the machine learning algorithm can be improved by introducing Bat Algorithm with feature selection(BFS)in the proposed work,this further reduces the inappropriate features from the data.The similarities that were hidden can be demoralized by the Support Vector Machine(SVM)classifier which is also determine the subspace vector and then a new feature vector can be predicted by using SVM.For an unexpected circumstance SVM model can make a resource allocation decision.The efficiency of proposed SVM classifier of resource allocation can be highlighted by using a singlecell multiuser massive Multiple-Input Multiple Output(MIMO)system,with beam allocation problem as an example.The proposed resource allocation based on SVM performs efficiently than the existing conventional methods;this has been proven by analysing its results.展开更多
The phenomenal increase in device connectivity is making the signaling and resource-based operational integrity of networks at the node level increasingly prone to distributed denial of service(DDoS)attacks.The curren...The phenomenal increase in device connectivity is making the signaling and resource-based operational integrity of networks at the node level increasingly prone to distributed denial of service(DDoS)attacks.The current growth rate in the number of Internet of Things(IoT)attacks executed at the time of exchanging data over the Internet represents massive security hazards to IoT devices.In this regard,the present study proposes a new hybrid optimization technique that combines the firefly optimization algorithm with global searches for use in attack detection on IoT devices.We preprocessed two datasets,CICIDS and UNSW-NB15,to remove noise and missing values.The next step is to perform feature extraction using principal component analysis(PCA).Next,we utilize a globalized firefly optimization algorithm(GFOA)to identify and select vectors that indicate low-rate attacks.We finally switch to the Naïve Bayes(NB)classifier at the classification stage to compare it with the traditional extreme gradient boosting classifier in this attack-dimension classifying scenario,demonstrating the superiority of GFOA.The study concludes that the method by GFOA scored outstandingly,with accuracy,precision,and recall levels of 89.76%,84.7%,and 90.83%,respectively,and an F-measure of 91.11%against the established method that had an F-measure of 64.35%.展开更多
基金supported by the National Natural Science Foundation of China(Nos.62276210,82201148 and 61775180)the Natural Science Basic Research Program of Shaanxi Province(No.2022JM-380)。
文摘Recent advancements in artificial intelligence(AI)have shown promising potential for the automated screening and grading of cataracts.However,the different types of visual impairment caused by cataracts exhibit similar phenotypes,posing significant challenges for accurately assessing the severity of visual impairment.To address this issue,we propose a dense convolution combined with attention mechanism and multi-level classifier(DAMC_Net)for visual impairment grading.First,the double-attention mechanism is utilized to enable the DAMC_Net to focus on lesions-related regions.Then,a hierarchical multi-level classifier is constructed to enhance the recognition ability in distinguishing the severities of visual impairment,while maintaining a better screening rate for normal samples.In addition,a cost-sensitive method is applied to address the problem of higher false-negative rate caused by the imbalanced dataset.Experimental results demonstrated that the DAMC_Net outperformed ResNet50 and dense convolutional network 121(DenseNet121)models,with sensitivity improvements of 6.0%and 3.4%on the category of mild visual impairment caused by cataracts(MVICC),and 2.1%and 4.3%on the category of moderate to severe visual impairment caused by cataracts(MSVICC),respectively.The comparable performance on two external test datasets was achieved,further verifying the effectiveness and generalizability of the DAMC_Net.
文摘For many real-world multiobjective optimization problems,the evaluations of the objective functions are computationally expensive.Such problems are usually called expensive multiobjective optimization problems(EMOPs).One type of feasible approaches for EMOPs is to introduce the computationally efficient surrogates for reducing the number of function evaluations.Inspired from ensemble learning,this paper proposes a multiobjective evolutionary algorithm with an ensemble classifier(MOEA-EC)for EMOPs.More specifically,multiple decision tree models are used as an ensemble classifier for the pre-selection,which is be more helpful for further reducing the function evaluations of the solutions than using single inaccurate model.The extensive experimental studies have been conducted to verify the efficiency of MOEA-EC by comparing it with several advanced multiobjective expensive optimization algorithms.The experimental results show that MOEA-EC outperforms the compared algorithms.
文摘Anomaly classification based on network traffic features is an important task to monitor and detect network intrusion attacks.Network-based intrusion detection systems(NIDSs)using machine learning(ML)methods are effective tools for protecting network infrastructures and services from unpredictable and unseen attacks.Among several ML methods,random forest(RF)is a robust method that can be used in ML-based network intrusion detection solutions.However,the minimum number of instances for each split and the number of trees in the forest are two key parameters of RF that can affect classification accuracy.Therefore,optimal parameter selection is a real problem in RF-based anomaly classification of intrusion detection systems.In this paper,we propose to use the genetic algorithm(GA)for selecting the appropriate values of these two parameters,optimizing the RF classifier and improving the classification accuracy of normal and abnormal network traffics.To validate the proposed GA-based RF model,a number of experiments is conducted on two public datasets and evaluated using a set of performance evaluation measures.In these experiments,the accuracy result is compared with the accuracies of baseline ML classifiers in the recent works.Experimental results reveal that the proposed model can avert the uncertainty in selection the values of RF’s parameters,improving the accuracy of anomaly classification in NIDSs without incurring excessive time.
基金the National Natural Science of China (50675167)a Foundation for the Author of National Excellent Doctoral Dissertation of China(200535)
文摘Support vector classifier (SVC) has the superior advantages for small sample learning problems with high dimensions, with especially better generalization ability. However there is some redundancy among the high dimensions of the original samples and the main features of the samples may be picked up first to improve the performance of SVC. A principal component analysis (PCA) is employed to reduce the feature dimensions of the original samples and the pre-selected main features efficiently, and an SVC is constructed in the selected feature space to improve the learning speed and identification rate of SVC. Furthermore, a heuristic genetic algorithm-based automatic model selection is proposed to determine the hyperparameters of SVC to evaluate the performance of the learning machines. Experiments performed on the Heart and Adult benchmark data sets demonstrate that the proposed PCA-based SVC not only reduces the test time drastically, but also improves the identify rates effectively.
文摘Obstructive Sleep Apnea(OSA)is a respiratory syndrome that occurs due to insufficient airflow through the respiratory or respiratory arrest while sleeping and sometimes due to the reduced oxygen saturation.The aim of this paper is to analyze the respiratory signal of a person to detect the Normal Breathing Activity and the Sleep Apnea(SA)activity.In the proposed method,the time domain and frequency domain features of respiration signal obtained from the PPG device are extracted.These features are applied to the Classification and Regression Tree(CART)-Particle Swarm Optimization(PSO)classifier which classifies the signal into normal breathing signal and sleep apnea signal.The proposed method is validated to measure the performance metrics like sensitivity,specificity,accuracy and F1 score by applying time domain and frequency domain features separately.Additionally,the performance of the CART-PSO(CPSO)classification algorithm is evaluated through comparing its measures with existing classification algorithms.Concurrently,the effect of the PSO algorithm in the classifier is validated by varying the parameters of PSO.
基金Supported by the National Natural Science Foundation of China (No.60435020).
文摘Word Sense Disambiguation (WSD) is to decide the sense of an ambiguous word on particular context. Most of current studies on WSD only use several ambiguous words as test samples, thus leads to some limitation in practical application. In this paper, we perform WSD study based on large scale real-world corpus using two unsupervised learning algorithms based on ±n-improved Bayesian model and Dependency Grammar (DG)-improved Bayesian model. ±n-improved classifiers reduce the window size of context of ambiguous words with close-distance feature extraction method, and decrease the jamming of useless features, thus obviously improve the accuracy, reaching 83.18% (in open test). DG-improved classifier can more effectively conquer the noise effect existing in Naive-Bayesian classifier. Experimental results show that this approach does better on Chinese WSD, and the open test achieved an accuracy of 86.27%.
文摘Voice classification is important in creating more intelligent systems that help with student exams,identifying criminals,and security systems.The main aim of the research is to develop a system able to predicate and classify gender,age,and accent.So,a newsystem calledClassifyingVoice Gender,Age,and Accent(CVGAA)is proposed.Backpropagation and bagging algorithms are designed to improve voice recognition systems that incorporate sensory voice features such as rhythm-based features used to train the device to distinguish between the two gender categories.It has high precision compared to other algorithms used in this problem,as the adaptive backpropagation algorithm had an accuracy of 98%and the Bagging algorithm had an accuracy of 98.10%in the gender identification data.Bagging has the best accuracy among all algorithms,with 55.39%accuracy in the voice common dataset and age classification and accent accuracy in a speech accent of 78.94%.
文摘An operating rule classification system based on learning classifier system (LCS), which learns through credit assignment (bucket brigade algorithm, BBA) and rule discovery (genetic algorithm, GA), is established to extract water-supply reservoir operating rules. The proposed system acquires an online identification rate of 95% for training samples and an offline rate of 85% for testing samples in a case study. The performances of the rule classification system are discussed from the rationality of the obtained rules, the impact of training samples on rule extraction, and a comparison between the rule classification system and the artificial neural network (ANN). The results indicate that the LCS is feasible and effective for the system to obtain the reservoir supply operating rules.
文摘Managing physical objects in the network’s periphery is made possible by the Internet of Things(IoT),revolutionizing human life.Open attacks and unauthorized access are possible with these IoT devices,which exchange data to enable remote access.These attacks are often detected using intrusion detection methodologies,although these systems’effectiveness and accuracy are subpar.This paper proposes a new voting classifier composed of an ensemble of machine learning models trained and optimized using metaheuristic optimization.The employed metaheuristic optimizer is a new version of the whale optimization algorithm(WOA),which is guided by the dipper throated optimizer(DTO)to improve the exploration process of the traditionalWOA optimizer.The proposed voting classifier categorizes the network intrusions robustly and efficiently.To assess the proposed approach,a dataset created from IoT devices is employed to record the efficiency of the proposed algorithm for binary attack categorization.The dataset records are balanced using the locality-sensitive hashing(LSH)and Synthetic Minority Oversampling Technique(SMOTE).The evaluation of the achieved results is performed in terms of statistical analysis and visual plots to prove the proposed approach’s effectiveness,stability,and significance.The achieved results confirmed the superiority of the proposed algorithm for the task of network intrusion detection.
文摘The necessity of on-time cancer detection is extremely high in the recent days as it becomes a threat to human life.The skin cancer is considered as one of the dangerous diseases among other types of cancer since it causes severe health impacts on human beings and hence it is highly mandatory to detect the skin cancer in the early stage for providing adequate treatment.Therefore,an effective image processing approach is employed in this present study for the accurate detection of skin cancer.Initially,the dermoscopy images of skin lesions are retrieved and processed by eliminating the noises with the assistance of Gaborfilter.Then,the pre-processed dermoscopy image is segmented into multiple regions by implementing cascaded Fuzzy C-Means(FCM)algorithm,which involves in improving the reliability of cancer detection.The A Gabor Response Co-occurrence Matrix(GRCM)is used to extract melanoma parameters in an effi-cient manner.A hybrid Particle Swarm Optimization(PSO)-Whale Optimization is then utilized for efficiently optimizing the extracted features.Finally,the fea-tures are significantly classified with the assistance of Probabilistic Neural Net-work(PNN)classifier for classifying the stages of skin lesion in an optimal manner.The whole work is stimulated in MATLAB and the attained outcomes have proved that the introduced approach delivers optimal results with maximal accuracy of 97.83%.
文摘Crowd Anomaly Detection has become a challenge in intelligent video surveillance system and security.Intelligent video surveillance systems make extensive use of data mining,machine learning and deep learning methods.In this paper a novel approach is proposed to identify abnormal occurrences in crowded situations using deep learning.In this approach,Adaptive GoogleNet Neural Network Classifier with Multi-Objective Whale Optimization Algorithm are applied to predict the abnormal video frames in the crowded scenes.We use multiple instance learning(MIL)to dynamically develop a deep anomalous ranking framework.This technique predicts higher anomalous values for abnormal video frames by treating regular and irregular video bags and video sections.We use the multi-objective whale optimization algorithm to optimize the entire process and get the best results.The performance parameters such as accuracy,precision,recall,and F-score are considered to evaluate the proposed technique using the Python simulation tool.Our simulation results show that the proposed method performs better than the conventional methods on the public live video dataset.
文摘The purpose of this paper is to solve the problem of Ad Hoc network routing protocol using a Genetic Algorithm based approach. In particular, the greater reliability and efficiency, in term of duration of communication paths, due to the introduction of Genetic Classifier is demonstrated.
文摘In cloud computing Resource allocation is a very complex task.Handling the customer demand makes the challenges of on-demand resource allocation.Many challenges are faced by conventional methods for resource allocation in order tomeet the Quality of Service(QoS)requirements of users.For solving the about said problems a new method was implemented with the utility of machine learning framework of resource allocation by utilizing the cloud computing technique was taken in to an account in this research work.The accuracy in the machine learning algorithm can be improved by introducing Bat Algorithm with feature selection(BFS)in the proposed work,this further reduces the inappropriate features from the data.The similarities that were hidden can be demoralized by the Support Vector Machine(SVM)classifier which is also determine the subspace vector and then a new feature vector can be predicted by using SVM.For an unexpected circumstance SVM model can make a resource allocation decision.The efficiency of proposed SVM classifier of resource allocation can be highlighted by using a singlecell multiuser massive Multiple-Input Multiple Output(MIMO)system,with beam allocation problem as an example.The proposed resource allocation based on SVM performs efficiently than the existing conventional methods;this has been proven by analysing its results.
文摘The phenomenal increase in device connectivity is making the signaling and resource-based operational integrity of networks at the node level increasingly prone to distributed denial of service(DDoS)attacks.The current growth rate in the number of Internet of Things(IoT)attacks executed at the time of exchanging data over the Internet represents massive security hazards to IoT devices.In this regard,the present study proposes a new hybrid optimization technique that combines the firefly optimization algorithm with global searches for use in attack detection on IoT devices.We preprocessed two datasets,CICIDS and UNSW-NB15,to remove noise and missing values.The next step is to perform feature extraction using principal component analysis(PCA).Next,we utilize a globalized firefly optimization algorithm(GFOA)to identify and select vectors that indicate low-rate attacks.We finally switch to the Naïve Bayes(NB)classifier at the classification stage to compare it with the traditional extreme gradient boosting classifier in this attack-dimension classifying scenario,demonstrating the superiority of GFOA.The study concludes that the method by GFOA scored outstandingly,with accuracy,precision,and recall levels of 89.76%,84.7%,and 90.83%,respectively,and an F-measure of 91.11%against the established method that had an F-measure of 64.35%.