The Internet of Things(IoT)is a modern approach that enables connection with a wide variety of devices remotely.Due to the resource constraints and open nature of IoT nodes,the routing protocol for low power and lossy...The Internet of Things(IoT)is a modern approach that enables connection with a wide variety of devices remotely.Due to the resource constraints and open nature of IoT nodes,the routing protocol for low power and lossy(RPL)networks may be vulnerable to several routing attacks.That’s why a network intrusion detection system(NIDS)is needed to guard against routing assaults on RPL-based IoT networks.The imbalance between the false and valid attacks in the training set degrades the performance of machine learning employed to detect network attacks.Therefore,we propose in this paper a novel approach to balance the dataset classes based on metaheuristic optimization applied to locality-sensitive hashing and synthetic minority oversampling technique(LSH-SMOTE).The proposed optimization approach is based on a new hybrid between the grey wolf and dipper throated optimization algorithms.To prove the effectiveness of the proposed approach,a set of experiments were conducted to evaluate the performance of NIDS for three cases,namely,detection without dataset balancing,detection with SMOTE balancing,and detection with the proposed optimized LSHSOMTE balancing.Experimental results showed that the proposed approach outperforms the other approaches and could boost the detection accuracy.In addition,a statistical analysis is performed to study the significance and stability of the proposed approach.The conducted experiments include seven different types of attack cases in the RPL-NIDS17 dataset.Based on the 2696 CMC,2023,vol.74,no.2 proposed approach,the achieved accuracy is(98.1%),sensitivity is(97.8%),and specificity is(98.8%).展开更多
Metamaterial Antenna is a special class of antennas that uses metamaterial to enhance their performance.Antenna size affects the quality factor and the radiation loss of the antenna.Metamaterial antennas can overcome ...Metamaterial Antenna is a special class of antennas that uses metamaterial to enhance their performance.Antenna size affects the quality factor and the radiation loss of the antenna.Metamaterial antennas can overcome the limitation of bandwidth for small antennas.Machine learning(ML)model is recently applied to predict antenna parameters.ML can be used as an alternative approach to the trial-and-error process of finding proper parameters of the simulated antenna.The accuracy of the prediction depends mainly on the selected model.Ensemble models combine two or more base models to produce a better-enhanced model.In this paper,a weighted average ensemble model is proposed to predict the bandwidth of the Metamaterial Antenna.Two base models are used namely:Multilayer Perceptron(MLP)and Support Vector Machines(SVM).To calculate the weights for each model,an optimization algorithm is used to find the optimal weights of the ensemble.Dynamic Group-Based Cooperative Optimizer(DGCO)is employed to search for optimal weight for the base models.The proposed model is compared with three based models and the average ensemble model.The results show that the proposed model is better than other models and can predict antenna bandwidth efficiently.展开更多
The design of an antenna requires a careful selection of its parameters to retain the desired performance.However,this task is time-consuming when the traditional approaches are employed,which represents a significant...The design of an antenna requires a careful selection of its parameters to retain the desired performance.However,this task is time-consuming when the traditional approaches are employed,which represents a significant challenge.On the other hand,machine learning presents an effective solution to this challenge through a set of regression models that can robustly assist antenna designers to find out the best set of design parameters to achieve the intended performance.In this paper,we propose a novel approach for accurately predicting the bandwidth of metamaterial antenna.The proposed approach is based on employing the recently emerged guided whale optimization algorithm using adaptive particle swarm optimization to optimize the parameters of the long-short-term memory(LSTM)deep network.This optimized network is used to retrieve the metamaterial bandwidth given a set of features.In addition,the superiority of the proposed approach is examined in terms of a comparison with the traditional multilayer perceptron(ML),Knearest neighbors(K-NN),and the basic LSTM in terms of several evaluation criteria such as root mean square error(RMSE),mean absolute error(MAE),and mean bias error(MBE).Experimental results show that the proposed approach could achieve RMSE of(0.003018),MAE of(0.001871),and MBE of(0.000205).These values are better than those of the other competing models.展开更多
Wind power is one of the sustainable ways to generate renewable energy.In recent years,some countries have set renewables to meet future energy needs,with the primary goal of reducing emissions and promoting sustainab...Wind power is one of the sustainable ways to generate renewable energy.In recent years,some countries have set renewables to meet future energy needs,with the primary goal of reducing emissions and promoting sustainable growth,primarily the use of wind and solar power.To achieve the prediction of wind power generation,several deep and machine learning models are constructed in this article as base models.These regression models are Deep neural network(DNN),k-nearest neighbor(KNN)regressor,long short-term memory(LSTM),averaging model,random forest(RF)regressor,bagging regressor,and gradient boosting(GB)regressor.In addition,data cleaning and data preprocessing were performed to the data.The dataset used in this study includes 4 features and 50530 instances.To accurately predict the wind power values,we propose in this paper a new optimization technique based on stochastic fractal search and particle swarm optimization(SFSPSO)to optimize the parameters of LSTM network.Five evaluation criteria were utilized to estimate the efficiency of the regression models,namely,mean absolute error(MAE),Nash Sutcliffe Efficiency(NSE),mean square error(MSE),coefficient of determination(R2),root mean squared error(RMSE).The experimental results illustrated that the proposed optimization of LSTM using SFS-PSO model achieved the best results with R2 equals 99.99%in predicting the wind power values.展开更多
The sample’s hemoglobin and glucose levels can be determined by obtaining a blood sample from the human body using a needle and analyzing it.Hemoglobin(HGB)is a critical component of the human body because it transpo...The sample’s hemoglobin and glucose levels can be determined by obtaining a blood sample from the human body using a needle and analyzing it.Hemoglobin(HGB)is a critical component of the human body because it transports oxygen from the lungs to the body’s tissues and returns carbon dioxide from the tissues to the lungs.Calculating the HGB level is a critical step in any blood analysis job.TheHGBlevels often indicate whether a person is anemic or polycythemia vera.Constructing ensemble models by combining two or more base machine learning(ML)models can help create a more improved model.The purpose of this work is to present a weighted average ensemble model for predicting hemoglobin levels.An optimization method is utilized to get the ensemble’s optimum weights.The optimum weight for this work is determined using a sine cosine algorithm based on stochastic fractal search(SCSFS).The proposed SCSFS ensemble is compared toDecision Tree,Multilayer perceptron(MLP),Support Vector Regression(SVR)and Random Forest Regressors as model-based approaches and the average ensemble model.The SCSFS results indicate that the proposed model outperforms existing models and provides an almost accurate hemoglobin estimate.展开更多
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.展开更多
Applications of internet-of-things(IoT)are increasingly being used in many facets of our daily life,which results in an enormous volume of data.Cloud computing and fog computing,two of the most common technologies use...Applications of internet-of-things(IoT)are increasingly being used in many facets of our daily life,which results in an enormous volume of data.Cloud computing and fog computing,two of the most common technologies used in IoT applications,have led to major security concerns.Cyberattacks are on the rise as a result of the usage of these technologies since present security measures are insufficient.Several artificial intelligence(AI)based security solutions,such as intrusion detection systems(IDS),have been proposed in recent years.Intelligent technologies that require data preprocessing and machine learning algorithm-performance augmentation require the use of feature selection(FS)techniques to increase classification accuracy by minimizing the number of features selected.On the other hand,metaheuristic optimization algorithms have been widely used in feature selection in recent decades.In this paper,we proposed a hybrid optimization algorithm for feature selection in IDS.The proposed algorithm is based on grey wolf(GW),and dipper throated optimization(DTO)algorithms and is referred to as GWDTO.The proposed algorithm has a better balance between the exploration and exploitation steps of the optimization process and thus could achieve better performance.On the employed IoT-IDS dataset,the performance of the proposed GWDTO algorithm was assessed using a set of evaluation metrics and compared to other optimization approaches in 2678 CMC,2023,vol.74,no.2 the literature to validate its superiority.In addition,a statistical analysis is performed to assess the stability and effectiveness of the proposed approach.Experimental results confirmed the superiority of the proposed approach in boosting the classification accuracy of the intrusion in IoT-based networks.展开更多
One of the most common kinds of cancer is breast cancer.The early detection of it may help lower its overall rates of mortality.In this paper,we robustly propose a novel approach for detecting and classifying breast c...One of the most common kinds of cancer is breast cancer.The early detection of it may help lower its overall rates of mortality.In this paper,we robustly propose a novel approach for detecting and classifying breast cancer regions in thermal images.The proposed approach starts with data preprocessing the input images and segmenting the significant regions of interest.In addition,to properly train the machine learning models,data augmentation is applied to increase the number of segmented regions using various scaling ratios.On the other hand,to extract the relevant features from the breast cancer cases,a set of deep neural networks(VGGNet,ResNet-50,AlexNet,and GoogLeNet)are employed.The resulting set of features is processed using the binary dipper throated algorithm to select the most effective features that can realize high classification accuracy.The selected features are used to train a neural network to finally classify the thermal images of breast cancer.To achieve accurate classification,the parameters of the employed neural network are optimized using the continuous dipper throated optimization algorithm.Experimental results show the effectiveness of the proposed approach in classifying the breast cancer cases when compared to other recent approaches in the literature.Moreover,several experiments were conducted to compare the performance of the proposed approach with the other approaches.The results of these experiments emphasized the superiority of the proposed approach.展开更多
Electrocardiogram(ECG)signal is a measure of the heart’s electrical activity.Recently,ECG detection and classification have benefited from the use of computer-aided systems by cardiologists.The goal of this paper is ...Electrocardiogram(ECG)signal is a measure of the heart’s electrical activity.Recently,ECG detection and classification have benefited from the use of computer-aided systems by cardiologists.The goal of this paper is to improve the accuracy of ECG classification by combining the Dipper Throated Optimization(DTO)and Differential Evolution Algorithm(DEA)into a unified algorithm to optimize the hyperparameters of neural network(NN)for boosting the ECG classification accuracy.In addition,we proposed a new feature selection method for selecting the significant feature that can improve the overall performance.To prove the superiority of the proposed approach,several experimentswere conducted to compare the results achieved by the proposed approach and other competing approaches.Moreover,statistical analysis is performed to study the significance and stability of the proposed approach using Wilcoxon and ANOVA tests.Experimental results confirmed the superiority and effectiveness of the proposed approach.The classification accuracy achieved by the proposed approach is(99.98%).展开更多
Arrhythmia has been classified using a variety of methods.Because of the dynamic nature of electrocardiogram(ECG)data,traditional handcrafted approaches are difficult to execute,making the machine learning(ML)solution...Arrhythmia has been classified using a variety of methods.Because of the dynamic nature of electrocardiogram(ECG)data,traditional handcrafted approaches are difficult to execute,making the machine learning(ML)solutions more appealing.Patients with cardiac arrhythmias can benefit from competent monitoring to save their lives.Cardiac arrhythmia classification and prediction have greatly improved in recent years.Arrhythmias are a category of conditions in which the heart's electrical activity is abnormally rapid or sluggish.Every year,it is one of the main reasons of mortality for both men and women,worldwide.For the classification of arrhythmias,this work proposes a novel technique based on optimized feature selection and optimized K-nearest neighbors(KNN)classifier.The proposed method makes advantage of the UCI repository,which has a 279-attribute high-dimensional cardiac arrhythmia dataset.The proposed approach is based on dividing cardiac arrhythmia patients into 16 groups based on the electrocardiography dataset’s features.The purpose is to design an efficient intelligent system employing the dipper throated optimization method to categorize cardiac arrhythmia patients.This method of comprehensive arrhythmia classification outperforms earlier methods presented in the literature.The achieved classification accuracy using the proposed approach is 99.8%.展开更多
To reduce the negative effects that conventional modes of transportation have on the environment,researchers are working to increase the use of electric vehicles.The demand for environmentally friendly transportation ...To reduce the negative effects that conventional modes of transportation have on the environment,researchers are working to increase the use of electric vehicles.The demand for environmentally friendly transportation may be hampered by obstacles such as a restricted range and extended rates of recharge.The establishment of urban charging infrastructure that includes both fast and ultra-fast terminals is essential to address this issue.Nevertheless,the powering of these terminals presents challenges because of the high energy requirements,whichmay influence the quality of service.Modelling the maximum hourly capacity of each station based on its geographic location is necessary to arrive at an accurate estimation of the resources required for charging infrastructure.It is vital to do an analysis of specific regional traffic patterns,such as road networks,route details,junction density,and economic zones,rather than making arbitrary conclusions about traffic patterns.When vehicle traffic is simulated using this data and other variables,it is possible to detect limits in the design of the current traffic engineering system.Initially,the binary graylag goose optimization(bGGO)algorithm is utilized for the purpose of feature selection.Subsequently,the graylag goose optimization(GGO)algorithm is utilized as a voting classifier as a decision algorithm to allocate demand to charging stations while taking into consideration the cost variable of traffic congestion.Based on the results of the analysis of variance(ANOVA),a comprehensive summary of the components that contribute to the observed variability in the dataset is provided.The results of the Wilcoxon Signed Rank Test compare the actual median accuracy values of several different algorithms,such as the voting GGO algorithm,the voting grey wolf optimization algorithm(GWO),the voting whale optimization algorithm(WOA),the voting particle swarm optimization(PSO),the voting firefly algorithm(FA),and the voting genetic algorithm(GA),to the theoretical median that would be expected that there is no difference.展开更多
Digital signal processing of electroencephalography(EEG)data is now widely utilized in various applications,including motor imagery classification,seizure detection and prediction,emotion classification,mental task cl...Digital signal processing of electroencephalography(EEG)data is now widely utilized in various applications,including motor imagery classification,seizure detection and prediction,emotion classification,mental task classification,drug impact identification and sleep state classification.With the increasing number of recorded EEG channels,it has become clear that effective channel selection algorithms are required for various applications.Guided Whale Optimization Method(Guided WOA),a suggested feature selection algorithm based on Stochastic Fractal Search(SFS)technique,evaluates the chosen subset of channels.This may be used to select the optimum EEG channels for use in Brain-Computer Interfaces(BCIs),the method for identifying essential and irrelevant characteristics in a dataset,and the complexity to be eliminated.This enables(SFS-Guided WOA)algorithm to choose the most appropriate EEG channels while assisting machine learning classification in its tasks and training the classifier with the dataset.The(SFSGuided WOA)algorithm is superior in performance metrics,and statistical tests such as ANOVA and Wilcoxon rank-sum are used to demonstrate this.展开更多
Metamaterial Antenna is a subclass of antennas that makes use of metamaterial to improve performance.Metamaterial antennas can overcome the bandwidth constraint associated with tiny antennas.Machine learning is receiv...Metamaterial Antenna is a subclass of antennas that makes use of metamaterial to improve performance.Metamaterial antennas can overcome the bandwidth constraint associated with tiny antennas.Machine learning is receiving a lot of interest in optimizing solutions in a variety of areas.Machine learning methods are already a significant component of ongoing research and are anticipated to play a critical role in today’s technology.The accuracy of the forecast is mostly determined by the model used.The purpose of this article is to provide an optimal ensemble model for predicting the bandwidth and gain of the Metamaterial Antenna.Support Vector Machines(SVM),Random Forest,K-Neighbors Regressor,and Decision Tree Regressor were utilized as the basic models.The Adaptive Dynamic Polar Rose Guided Whale Optimization method,named AD-PRS-Guided WOA,was used to pick the optimal features from the datasets.The suggested model is compared to models based on five variables and to the average ensemble model.The findings indicate that the presented model using Random Forest results in a Root Mean Squared Error(RMSE)of(0.0102)for bandwidth and RMSE of(0.0891)for gain.This is superior to other models and can accurately predict antenna bandwidth and gain.展开更多
In computer vision,emotion recognition using facial expression images is considered an important research issue.Deep learning advances in recent years have aided in attaining improved results in this issue.According t...In computer vision,emotion recognition using facial expression images is considered an important research issue.Deep learning advances in recent years have aided in attaining improved results in this issue.According to recent studies,multiple facial expressions may be included in facial photographs representing a particular type of emotion.It is feasible and useful to convert face photos into collections of visual words and carry out global expression recognition.The main contribution of this paper is to propose a facial expression recognitionmodel(FERM)depending on an optimized Support Vector Machine(SVM).To test the performance of the proposed model(FERM),AffectNet is used.AffectNet uses 1250 emotion-related keywords in six different languages to search three major search engines and get over 1,000,000 facial photos online.The FERM is composed of three main phases:(i)the Data preparation phase,(ii)Applying grid search for optimization,and(iii)the categorization phase.Linear discriminant analysis(LDA)is used to categorize the data into eight labels(neutral,happy,sad,surprised,fear,disgust,angry,and contempt).Due to using LDA,the performance of categorization via SVM has been obviously enhanced.Grid search is used to find the optimal values for hyperparameters of SVM(C and gamma).The proposed optimized SVM algorithm has achieved an accuracy of 99%and a 98%F1 score.展开更多
In order to achieve a highly accurate estimation of solar energy resource potential,a novel hybrid ensemble-learning approach,hybridizing Advanced Squirrel-Search Optimization Algorithm(ASSOA)and support vector regres...In order to achieve a highly accurate estimation of solar energy resource potential,a novel hybrid ensemble-learning approach,hybridizing Advanced Squirrel-Search Optimization Algorithm(ASSOA)and support vector regression,is utilized to estimate the hourly tilted solar irradiation for selected arid regions in Algeria.Long-term measured meteorological data,including mean-air temperature,relative humidity,wind speed,alongside global horizontal irradiation and extra-terrestrial horizontal irradiance,were obtained for the two cities of Tamanrasset-and-Adrar for two years.Five computational algorithms were considered and analyzed for the suitability of estimation.Further two new algorithms,namely Average Ensemble and Ensemble using support vector regression were developed using the hybridization approach.The accuracy of the developed models was analyzed in terms of five statistical error metrics,as well as theWilcoxon rank-sum and ANOVA test.Among the previously selected algorithms,K Neighbors Regressor and support vector regression exhibited good performances.However,the newly proposed ensemble algorithms exhibited even better performance.The proposed model showed relative root mean square errors lower than 1.448%and correlation coefficients higher than 0.999.This was further verified by benchmarking the new ensemble against several popular swarm intelligence algorithms.It is concluded that the proposed algorithms are far superior to the commonly adopted ones.展开更多
Metaheuristic optimization algorithms present an effective method for solving several optimization problems from various types of applications and fields.Several metaheuristics and evolutionary optimization algorithms...Metaheuristic optimization algorithms present an effective method for solving several optimization problems from various types of applications and fields.Several metaheuristics and evolutionary optimization algorithms have been emerged recently in the literature and gained widespread attention,such as particle swarm optimization(PSO),whale optimization algorithm(WOA),grey wolf optimization algorithm(GWO),genetic algorithm(GA),and gravitational search algorithm(GSA).According to the literature,no one metaheuristic optimization algorithm can handle all present optimization problems.Hence novel optimization methodologies are still needed.The Al-Biruni earth radius(BER)search optimization algorithm is proposed in this paper.The proposed algorithm was motivated by the behavior of swarm members in achieving their global goals.The search space around local solutions to be explored is determined by Al-Biruni earth radius calculation method.A comparative analysis with existing state-of-the-art optimization algorithms corroborated the findings of BER’s validation and testing against seven mathematical optimization problems.The results show that BER can both explore and avoid local optima.BER has also been tested on an engineering design optimization problem.The results reveal that,in terms of performance and capability,BER outperforms the performance of state-of-the-art metaheuristic optimization algorithms.展开更多
In data mining and machine learning,feature selection is a critical part of the process of selecting the optimal subset of features based on the target data.There are 2n potential feature subsets for every n features ...In data mining and machine learning,feature selection is a critical part of the process of selecting the optimal subset of features based on the target data.There are 2n potential feature subsets for every n features in a dataset,making it difficult to pick the best set of features using standard approaches.Consequently,in this research,a new metaheuristics-based feature selection technique based on an adaptive squirrel search optimization algorithm(ASSOA)has been proposed.When using metaheuristics to pick features,it is common for the selection of features to vary across runs,which can lead to instability.Because of this,we used the adaptive squirrel search to balance exploration and exploitation duties more evenly in the optimization process.For the selection of the best subset of features,we recommend using the binary ASSOA search strategy we developed before.According to the suggested approach,the number of features picked is reduced while maximizing classification accuracy.A ten-feature dataset from the University of California,Irvine(UCI)repository was used to test the proposed method’s performance vs.eleven other state-of-the-art approaches,including binary grey wolf optimization(bGWO),binary hybrid grey wolf and particle swarm optimization(bGWO-PSO),bPSO,binary stochastic fractal search(bSFS),binary whale optimization algorithm(bWOA),binary modified grey wolf optimization(bMGWO),binary multiverse optimization(bMVO),binary bowerbird optimization(bSBO),binary hybrid GWO and genetic algorithm 4028 CMC,2023,vol.74,no.2(bGWO-GA),binary firefly algorithm(bFA),and bGAmethods.Experimental results confirm the superiority and effectiveness of the proposed algorithm for solving the problem of feature selection.展开更多
Traffic prediction of wireless networks attracted many researchersand practitioners during the past decades. However, wireless traffic frequentlyexhibits strong nonlinearities and complicated patterns, which makes it ...Traffic prediction of wireless networks attracted many researchersand practitioners during the past decades. However, wireless traffic frequentlyexhibits strong nonlinearities and complicated patterns, which makes it challengingto be predicted accurately. Many of the existing approaches forpredicting wireless network traffic are unable to produce accurate predictionsbecause they lack the ability to describe the dynamic spatial-temporalcorrelations of wireless network traffic data. In this paper, we proposed anovel meta-heuristic optimization approach based on fitness grey wolf anddipper throated optimization algorithms for boosting the prediction accuracyof traffic volume. The proposed algorithm is employed to optimize the hyperparametersof long short-term memory (LSTM) network as an efficient timeseries modeling approach which is widely used in sequence prediction tasks.To prove the superiority of the proposed algorithm, four other optimizationalgorithms were employed to optimize LSTM, and the results were compared.The evaluation results confirmed the effectiveness of the proposed approachin predicting the traffic of wireless networks accurately. On the other hand,a statistical analysis is performed to emphasize the stability of the proposedapproach.展开更多
Recently,the path planning problem may be considered one of the most interesting researched topics in autonomous robotics.That is why finding a safe path in a cluttered environment for a mobile robot is a significant ...Recently,the path planning problem may be considered one of the most interesting researched topics in autonomous robotics.That is why finding a safe path in a cluttered environment for a mobile robot is a significant requisite.A promising route planning for mobile robots on one side saves time and,on the other side,reduces the wear and tear on the robot,saving the capital investment.Numerous route planning methods for the mobile robot have been developed and applied.According to our best knowledge,no method offers an optimum solution among the existing methods.Particle Swarm Optimization(PSO),a numerical optimization method based on the mobility of virtual particles in a multidimensional space,is considered one of the best algorithms for route planning under constantly changing environmental circumstances.Among the researchers,reactive methods are increasingly common and extensively used for the training of neural networks in order to have efficient route planning for mobile robots.This paper proposes a PSO Weighted Grey Wolf Optimization(PSOWGWO)algorithm.PSOWGWO is a hybrid algorithm based on enhanced Grey Wolf Optimization(GWO)with weights.In order to measure the statistical efficiency of the proposed algorithm,Wilcoxon rank-sum and ANOVA statistical tests are applied.The experimental results demonstrate a 25%to 45%enhancement in terms of Area Under Curve(AUC).Moreover,superior performance in terms of data size,path planning time,and accuracy is demonstrated over other state-of-the-art techniques.展开更多
Metamaterial Antennas are a type of antenna that uses metamaterial to enhance performance.The bandwidth restriction associated with small antennas can be solved using metamaterial antennas.Machine learning is gaining ...Metamaterial Antennas are a type of antenna that uses metamaterial to enhance performance.The bandwidth restriction associated with small antennas can be solved using metamaterial antennas.Machine learning is gaining popularity as a way to improve solutions in a range of fields.Machine learning approaches are currently a big part of current research,and they’re likely to be huge in the future.The model utilized determines the accuracy of the prediction in large part.The goal of this paper is to develop an optimized ensemble model for forecasting the metamaterial antenna’s bandwidth and gain.The basic models employed in the developed ensemble are Support Vector Regression(SVR),K-NearestRegression(KNR),Multi-Layer Perceptron(MLP),Decision Trees(DT),and Random Forest(RF).The percentages of contribution of these models in the ensemble model are weighted and optimized using the dipper throated optimization(DTO)algorithm.To choose the best features from the dataset,the binary(bDTO)algorithm is exploited.The proposed ensemble model is compared to the base models and results are recorded and analyzed statistically.In addition,two other ensembles are incorporated in the conducted experiments for comparison.These ensembles are average ensemble and K-nearest neighbors(KNN)-based ensemble.The comparison is performed in terms of eleven evaluation criteria.The evaluation results confirmed the superiority of the proposed model when compared with the basic models and the other ensemble models.展开更多
文摘The Internet of Things(IoT)is a modern approach that enables connection with a wide variety of devices remotely.Due to the resource constraints and open nature of IoT nodes,the routing protocol for low power and lossy(RPL)networks may be vulnerable to several routing attacks.That’s why a network intrusion detection system(NIDS)is needed to guard against routing assaults on RPL-based IoT networks.The imbalance between the false and valid attacks in the training set degrades the performance of machine learning employed to detect network attacks.Therefore,we propose in this paper a novel approach to balance the dataset classes based on metaheuristic optimization applied to locality-sensitive hashing and synthetic minority oversampling technique(LSH-SMOTE).The proposed optimization approach is based on a new hybrid between the grey wolf and dipper throated optimization algorithms.To prove the effectiveness of the proposed approach,a set of experiments were conducted to evaluate the performance of NIDS for three cases,namely,detection without dataset balancing,detection with SMOTE balancing,and detection with the proposed optimized LSHSOMTE balancing.Experimental results showed that the proposed approach outperforms the other approaches and could boost the detection accuracy.In addition,a statistical analysis is performed to study the significance and stability of the proposed approach.The conducted experiments include seven different types of attack cases in the RPL-NIDS17 dataset.Based on the 2696 CMC,2023,vol.74,no.2 proposed approach,the achieved accuracy is(98.1%),sensitivity is(97.8%),and specificity is(98.8%).
文摘Metamaterial Antenna is a special class of antennas that uses metamaterial to enhance their performance.Antenna size affects the quality factor and the radiation loss of the antenna.Metamaterial antennas can overcome the limitation of bandwidth for small antennas.Machine learning(ML)model is recently applied to predict antenna parameters.ML can be used as an alternative approach to the trial-and-error process of finding proper parameters of the simulated antenna.The accuracy of the prediction depends mainly on the selected model.Ensemble models combine two or more base models to produce a better-enhanced model.In this paper,a weighted average ensemble model is proposed to predict the bandwidth of the Metamaterial Antenna.Two base models are used namely:Multilayer Perceptron(MLP)and Support Vector Machines(SVM).To calculate the weights for each model,an optimization algorithm is used to find the optimal weights of the ensemble.Dynamic Group-Based Cooperative Optimizer(DGCO)is employed to search for optimal weight for the base models.The proposed model is compared with three based models and the average ensemble model.The results show that the proposed model is better than other models and can predict antenna bandwidth efficiently.
文摘The design of an antenna requires a careful selection of its parameters to retain the desired performance.However,this task is time-consuming when the traditional approaches are employed,which represents a significant challenge.On the other hand,machine learning presents an effective solution to this challenge through a set of regression models that can robustly assist antenna designers to find out the best set of design parameters to achieve the intended performance.In this paper,we propose a novel approach for accurately predicting the bandwidth of metamaterial antenna.The proposed approach is based on employing the recently emerged guided whale optimization algorithm using adaptive particle swarm optimization to optimize the parameters of the long-short-term memory(LSTM)deep network.This optimized network is used to retrieve the metamaterial bandwidth given a set of features.In addition,the superiority of the proposed approach is examined in terms of a comparison with the traditional multilayer perceptron(ML),Knearest neighbors(K-NN),and the basic LSTM in terms of several evaluation criteria such as root mean square error(RMSE),mean absolute error(MAE),and mean bias error(MBE).Experimental results show that the proposed approach could achieve RMSE of(0.003018),MAE of(0.001871),and MBE of(0.000205).These values are better than those of the other competing models.
文摘Wind power is one of the sustainable ways to generate renewable energy.In recent years,some countries have set renewables to meet future energy needs,with the primary goal of reducing emissions and promoting sustainable growth,primarily the use of wind and solar power.To achieve the prediction of wind power generation,several deep and machine learning models are constructed in this article as base models.These regression models are Deep neural network(DNN),k-nearest neighbor(KNN)regressor,long short-term memory(LSTM),averaging model,random forest(RF)regressor,bagging regressor,and gradient boosting(GB)regressor.In addition,data cleaning and data preprocessing were performed to the data.The dataset used in this study includes 4 features and 50530 instances.To accurately predict the wind power values,we propose in this paper a new optimization technique based on stochastic fractal search and particle swarm optimization(SFSPSO)to optimize the parameters of LSTM network.Five evaluation criteria were utilized to estimate the efficiency of the regression models,namely,mean absolute error(MAE),Nash Sutcliffe Efficiency(NSE),mean square error(MSE),coefficient of determination(R2),root mean squared error(RMSE).The experimental results illustrated that the proposed optimization of LSTM using SFS-PSO model achieved the best results with R2 equals 99.99%in predicting the wind power values.
基金Funding for this study is received from Taif University Researchers Supporting Project No.(Project No.TURSP-2020/150),Taif University,Taif,Saudi Arabia.
文摘The sample’s hemoglobin and glucose levels can be determined by obtaining a blood sample from the human body using a needle and analyzing it.Hemoglobin(HGB)is a critical component of the human body because it transports oxygen from the lungs to the body’s tissues and returns carbon dioxide from the tissues to the lungs.Calculating the HGB level is a critical step in any blood analysis job.TheHGBlevels often indicate whether a person is anemic or polycythemia vera.Constructing ensemble models by combining two or more base machine learning(ML)models can help create a more improved model.The purpose of this work is to present a weighted average ensemble model for predicting hemoglobin levels.An optimization method is utilized to get the ensemble’s optimum weights.The optimum weight for this work is determined using a sine cosine algorithm based on stochastic fractal search(SCSFS).The proposed SCSFS ensemble is compared toDecision Tree,Multilayer perceptron(MLP),Support Vector Regression(SVR)and Random Forest Regressors as model-based approaches and the average ensemble model.The SCSFS results indicate that the proposed model outperforms existing models and provides an almost accurate hemoglobin estimate.
文摘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.
文摘Applications of internet-of-things(IoT)are increasingly being used in many facets of our daily life,which results in an enormous volume of data.Cloud computing and fog computing,two of the most common technologies used in IoT applications,have led to major security concerns.Cyberattacks are on the rise as a result of the usage of these technologies since present security measures are insufficient.Several artificial intelligence(AI)based security solutions,such as intrusion detection systems(IDS),have been proposed in recent years.Intelligent technologies that require data preprocessing and machine learning algorithm-performance augmentation require the use of feature selection(FS)techniques to increase classification accuracy by minimizing the number of features selected.On the other hand,metaheuristic optimization algorithms have been widely used in feature selection in recent decades.In this paper,we proposed a hybrid optimization algorithm for feature selection in IDS.The proposed algorithm is based on grey wolf(GW),and dipper throated optimization(DTO)algorithms and is referred to as GWDTO.The proposed algorithm has a better balance between the exploration and exploitation steps of the optimization process and thus could achieve better performance.On the employed IoT-IDS dataset,the performance of the proposed GWDTO algorithm was assessed using a set of evaluation metrics and compared to other optimization approaches in 2678 CMC,2023,vol.74,no.2 the literature to validate its superiority.In addition,a statistical analysis is performed to assess the stability and effectiveness of the proposed approach.Experimental results confirmed the superiority of the proposed approach in boosting the classification accuracy of the intrusion in IoT-based networks.
文摘One of the most common kinds of cancer is breast cancer.The early detection of it may help lower its overall rates of mortality.In this paper,we robustly propose a novel approach for detecting and classifying breast cancer regions in thermal images.The proposed approach starts with data preprocessing the input images and segmenting the significant regions of interest.In addition,to properly train the machine learning models,data augmentation is applied to increase the number of segmented regions using various scaling ratios.On the other hand,to extract the relevant features from the breast cancer cases,a set of deep neural networks(VGGNet,ResNet-50,AlexNet,and GoogLeNet)are employed.The resulting set of features is processed using the binary dipper throated algorithm to select the most effective features that can realize high classification accuracy.The selected features are used to train a neural network to finally classify the thermal images of breast cancer.To achieve accurate classification,the parameters of the employed neural network are optimized using the continuous dipper throated optimization algorithm.Experimental results show the effectiveness of the proposed approach in classifying the breast cancer cases when compared to other recent approaches in the literature.Moreover,several experiments were conducted to compare the performance of the proposed approach with the other approaches.The results of these experiments emphasized the superiority of the proposed approach.
文摘Electrocardiogram(ECG)signal is a measure of the heart’s electrical activity.Recently,ECG detection and classification have benefited from the use of computer-aided systems by cardiologists.The goal of this paper is to improve the accuracy of ECG classification by combining the Dipper Throated Optimization(DTO)and Differential Evolution Algorithm(DEA)into a unified algorithm to optimize the hyperparameters of neural network(NN)for boosting the ECG classification accuracy.In addition,we proposed a new feature selection method for selecting the significant feature that can improve the overall performance.To prove the superiority of the proposed approach,several experimentswere conducted to compare the results achieved by the proposed approach and other competing approaches.Moreover,statistical analysis is performed to study the significance and stability of the proposed approach using Wilcoxon and ANOVA tests.Experimental results confirmed the superiority and effectiveness of the proposed approach.The classification accuracy achieved by the proposed approach is(99.98%).
文摘Arrhythmia has been classified using a variety of methods.Because of the dynamic nature of electrocardiogram(ECG)data,traditional handcrafted approaches are difficult to execute,making the machine learning(ML)solutions more appealing.Patients with cardiac arrhythmias can benefit from competent monitoring to save their lives.Cardiac arrhythmia classification and prediction have greatly improved in recent years.Arrhythmias are a category of conditions in which the heart's electrical activity is abnormally rapid or sluggish.Every year,it is one of the main reasons of mortality for both men and women,worldwide.For the classification of arrhythmias,this work proposes a novel technique based on optimized feature selection and optimized K-nearest neighbors(KNN)classifier.The proposed method makes advantage of the UCI repository,which has a 279-attribute high-dimensional cardiac arrhythmia dataset.The proposed approach is based on dividing cardiac arrhythmia patients into 16 groups based on the electrocardiography dataset’s features.The purpose is to design an efficient intelligent system employing the dipper throated optimization method to categorize cardiac arrhythmia patients.This method of comprehensive arrhythmia classification outperforms earlier methods presented in the literature.The achieved classification accuracy using the proposed approach is 99.8%.
基金funded by the Deanship of Scientific Research,Princess Nourah bint Abdulrahman University,through the Program of Research Project Funding After Publication,Grant No.(44-PRFA-P-48).
文摘To reduce the negative effects that conventional modes of transportation have on the environment,researchers are working to increase the use of electric vehicles.The demand for environmentally friendly transportation may be hampered by obstacles such as a restricted range and extended rates of recharge.The establishment of urban charging infrastructure that includes both fast and ultra-fast terminals is essential to address this issue.Nevertheless,the powering of these terminals presents challenges because of the high energy requirements,whichmay influence the quality of service.Modelling the maximum hourly capacity of each station based on its geographic location is necessary to arrive at an accurate estimation of the resources required for charging infrastructure.It is vital to do an analysis of specific regional traffic patterns,such as road networks,route details,junction density,and economic zones,rather than making arbitrary conclusions about traffic patterns.When vehicle traffic is simulated using this data and other variables,it is possible to detect limits in the design of the current traffic engineering system.Initially,the binary graylag goose optimization(bGGO)algorithm is utilized for the purpose of feature selection.Subsequently,the graylag goose optimization(GGO)algorithm is utilized as a voting classifier as a decision algorithm to allocate demand to charging stations while taking into consideration the cost variable of traffic congestion.Based on the results of the analysis of variance(ANOVA),a comprehensive summary of the components that contribute to the observed variability in the dataset is provided.The results of the Wilcoxon Signed Rank Test compare the actual median accuracy values of several different algorithms,such as the voting GGO algorithm,the voting grey wolf optimization algorithm(GWO),the voting whale optimization algorithm(WOA),the voting particle swarm optimization(PSO),the voting firefly algorithm(FA),and the voting genetic algorithm(GA),to the theoretical median that would be expected that there is no difference.
基金Funding for this study is received from Taif University Researchers Supporting Project No.(Project No.TURSP-2020/150)Taif University,Taif,Saudi Arabia。
文摘Digital signal processing of electroencephalography(EEG)data is now widely utilized in various applications,including motor imagery classification,seizure detection and prediction,emotion classification,mental task classification,drug impact identification and sleep state classification.With the increasing number of recorded EEG channels,it has become clear that effective channel selection algorithms are required for various applications.Guided Whale Optimization Method(Guided WOA),a suggested feature selection algorithm based on Stochastic Fractal Search(SFS)technique,evaluates the chosen subset of channels.This may be used to select the optimum EEG channels for use in Brain-Computer Interfaces(BCIs),the method for identifying essential and irrelevant characteristics in a dataset,and the complexity to be eliminated.This enables(SFS-Guided WOA)algorithm to choose the most appropriate EEG channels while assisting machine learning classification in its tasks and training the classifier with the dataset.The(SFSGuided WOA)algorithm is superior in performance metrics,and statistical tests such as ANOVA and Wilcoxon rank-sum are used to demonstrate this.
文摘Metamaterial Antenna is a subclass of antennas that makes use of metamaterial to improve performance.Metamaterial antennas can overcome the bandwidth constraint associated with tiny antennas.Machine learning is receiving a lot of interest in optimizing solutions in a variety of areas.Machine learning methods are already a significant component of ongoing research and are anticipated to play a critical role in today’s technology.The accuracy of the forecast is mostly determined by the model used.The purpose of this article is to provide an optimal ensemble model for predicting the bandwidth and gain of the Metamaterial Antenna.Support Vector Machines(SVM),Random Forest,K-Neighbors Regressor,and Decision Tree Regressor were utilized as the basic models.The Adaptive Dynamic Polar Rose Guided Whale Optimization method,named AD-PRS-Guided WOA,was used to pick the optimal features from the datasets.The suggested model is compared to models based on five variables and to the average ensemble model.The findings indicate that the presented model using Random Forest results in a Root Mean Squared Error(RMSE)of(0.0102)for bandwidth and RMSE of(0.0891)for gain.This is superior to other models and can accurately predict antenna bandwidth and gain.
文摘In computer vision,emotion recognition using facial expression images is considered an important research issue.Deep learning advances in recent years have aided in attaining improved results in this issue.According to recent studies,multiple facial expressions may be included in facial photographs representing a particular type of emotion.It is feasible and useful to convert face photos into collections of visual words and carry out global expression recognition.The main contribution of this paper is to propose a facial expression recognitionmodel(FERM)depending on an optimized Support Vector Machine(SVM).To test the performance of the proposed model(FERM),AffectNet is used.AffectNet uses 1250 emotion-related keywords in six different languages to search three major search engines and get over 1,000,000 facial photos online.The FERM is composed of three main phases:(i)the Data preparation phase,(ii)Applying grid search for optimization,and(iii)the categorization phase.Linear discriminant analysis(LDA)is used to categorize the data into eight labels(neutral,happy,sad,surprised,fear,disgust,angry,and contempt).Due to using LDA,the performance of categorization via SVM has been obviously enhanced.Grid search is used to find the optimal values for hyperparameters of SVM(C and gamma).The proposed optimized SVM algorithm has achieved an accuracy of 99%and a 98%F1 score.
文摘In order to achieve a highly accurate estimation of solar energy resource potential,a novel hybrid ensemble-learning approach,hybridizing Advanced Squirrel-Search Optimization Algorithm(ASSOA)and support vector regression,is utilized to estimate the hourly tilted solar irradiation for selected arid regions in Algeria.Long-term measured meteorological data,including mean-air temperature,relative humidity,wind speed,alongside global horizontal irradiation and extra-terrestrial horizontal irradiance,were obtained for the two cities of Tamanrasset-and-Adrar for two years.Five computational algorithms were considered and analyzed for the suitability of estimation.Further two new algorithms,namely Average Ensemble and Ensemble using support vector regression were developed using the hybridization approach.The accuracy of the developed models was analyzed in terms of five statistical error metrics,as well as theWilcoxon rank-sum and ANOVA test.Among the previously selected algorithms,K Neighbors Regressor and support vector regression exhibited good performances.However,the newly proposed ensemble algorithms exhibited even better performance.The proposed model showed relative root mean square errors lower than 1.448%and correlation coefficients higher than 0.999.This was further verified by benchmarking the new ensemble against several popular swarm intelligence algorithms.It is concluded that the proposed algorithms are far superior to the commonly adopted ones.
文摘Metaheuristic optimization algorithms present an effective method for solving several optimization problems from various types of applications and fields.Several metaheuristics and evolutionary optimization algorithms have been emerged recently in the literature and gained widespread attention,such as particle swarm optimization(PSO),whale optimization algorithm(WOA),grey wolf optimization algorithm(GWO),genetic algorithm(GA),and gravitational search algorithm(GSA).According to the literature,no one metaheuristic optimization algorithm can handle all present optimization problems.Hence novel optimization methodologies are still needed.The Al-Biruni earth radius(BER)search optimization algorithm is proposed in this paper.The proposed algorithm was motivated by the behavior of swarm members in achieving their global goals.The search space around local solutions to be explored is determined by Al-Biruni earth radius calculation method.A comparative analysis with existing state-of-the-art optimization algorithms corroborated the findings of BER’s validation and testing against seven mathematical optimization problems.The results show that BER can both explore and avoid local optima.BER has also been tested on an engineering design optimization problem.The results reveal that,in terms of performance and capability,BER outperforms the performance of state-of-the-art metaheuristic optimization algorithms.
文摘In data mining and machine learning,feature selection is a critical part of the process of selecting the optimal subset of features based on the target data.There are 2n potential feature subsets for every n features in a dataset,making it difficult to pick the best set of features using standard approaches.Consequently,in this research,a new metaheuristics-based feature selection technique based on an adaptive squirrel search optimization algorithm(ASSOA)has been proposed.When using metaheuristics to pick features,it is common for the selection of features to vary across runs,which can lead to instability.Because of this,we used the adaptive squirrel search to balance exploration and exploitation duties more evenly in the optimization process.For the selection of the best subset of features,we recommend using the binary ASSOA search strategy we developed before.According to the suggested approach,the number of features picked is reduced while maximizing classification accuracy.A ten-feature dataset from the University of California,Irvine(UCI)repository was used to test the proposed method’s performance vs.eleven other state-of-the-art approaches,including binary grey wolf optimization(bGWO),binary hybrid grey wolf and particle swarm optimization(bGWO-PSO),bPSO,binary stochastic fractal search(bSFS),binary whale optimization algorithm(bWOA),binary modified grey wolf optimization(bMGWO),binary multiverse optimization(bMVO),binary bowerbird optimization(bSBO),binary hybrid GWO and genetic algorithm 4028 CMC,2023,vol.74,no.2(bGWO-GA),binary firefly algorithm(bFA),and bGAmethods.Experimental results confirm the superiority and effectiveness of the proposed algorithm for solving the problem of feature selection.
基金Princess Nourah bint Abdulrahman University Researchers Supporting Project Number (PNURSP2022R323)Princess Nourah bint Abdulrahman University,Riyadh,Saudi Arabia.
文摘Traffic prediction of wireless networks attracted many researchersand practitioners during the past decades. However, wireless traffic frequentlyexhibits strong nonlinearities and complicated patterns, which makes it challengingto be predicted accurately. Many of the existing approaches forpredicting wireless network traffic are unable to produce accurate predictionsbecause they lack the ability to describe the dynamic spatial-temporalcorrelations of wireless network traffic data. In this paper, we proposed anovel meta-heuristic optimization approach based on fitness grey wolf anddipper throated optimization algorithms for boosting the prediction accuracyof traffic volume. The proposed algorithm is employed to optimize the hyperparametersof long short-term memory (LSTM) network as an efficient timeseries modeling approach which is widely used in sequence prediction tasks.To prove the superiority of the proposed algorithm, four other optimizationalgorithms were employed to optimize LSTM, and the results were compared.The evaluation results confirmed the effectiveness of the proposed approachin predicting the traffic of wireless networks accurately. On the other hand,a statistical analysis is performed to emphasize the stability of the proposedapproach.
文摘Recently,the path planning problem may be considered one of the most interesting researched topics in autonomous robotics.That is why finding a safe path in a cluttered environment for a mobile robot is a significant requisite.A promising route planning for mobile robots on one side saves time and,on the other side,reduces the wear and tear on the robot,saving the capital investment.Numerous route planning methods for the mobile robot have been developed and applied.According to our best knowledge,no method offers an optimum solution among the existing methods.Particle Swarm Optimization(PSO),a numerical optimization method based on the mobility of virtual particles in a multidimensional space,is considered one of the best algorithms for route planning under constantly changing environmental circumstances.Among the researchers,reactive methods are increasingly common and extensively used for the training of neural networks in order to have efficient route planning for mobile robots.This paper proposes a PSO Weighted Grey Wolf Optimization(PSOWGWO)algorithm.PSOWGWO is a hybrid algorithm based on enhanced Grey Wolf Optimization(GWO)with weights.In order to measure the statistical efficiency of the proposed algorithm,Wilcoxon rank-sum and ANOVA statistical tests are applied.The experimental results demonstrate a 25%to 45%enhancement in terms of Area Under Curve(AUC).Moreover,superior performance in terms of data size,path planning time,and accuracy is demonstrated over other state-of-the-art techniques.
文摘Metamaterial Antennas are a type of antenna that uses metamaterial to enhance performance.The bandwidth restriction associated with small antennas can be solved using metamaterial antennas.Machine learning is gaining popularity as a way to improve solutions in a range of fields.Machine learning approaches are currently a big part of current research,and they’re likely to be huge in the future.The model utilized determines the accuracy of the prediction in large part.The goal of this paper is to develop an optimized ensemble model for forecasting the metamaterial antenna’s bandwidth and gain.The basic models employed in the developed ensemble are Support Vector Regression(SVR),K-NearestRegression(KNR),Multi-Layer Perceptron(MLP),Decision Trees(DT),and Random Forest(RF).The percentages of contribution of these models in the ensemble model are weighted and optimized using the dipper throated optimization(DTO)algorithm.To choose the best features from the dataset,the binary(bDTO)algorithm is exploited.The proposed ensemble model is compared to the base models and results are recorded and analyzed statistically.In addition,two other ensembles are incorporated in the conducted experiments for comparison.These ensembles are average ensemble and K-nearest neighbors(KNN)-based ensemble.The comparison is performed in terms of eleven evaluation criteria.The evaluation results confirmed the superiority of the proposed model when compared with the basic models and the other ensemble models.