In classification problems,datasets often contain a large amount of features,but not all of them are relevant for accurate classification.In fact,irrelevant features may even hinder classification accuracy.Feature sel...In classification problems,datasets often contain a large amount of features,but not all of them are relevant for accurate classification.In fact,irrelevant features may even hinder classification accuracy.Feature selection aims to alleviate this issue by minimizing the number of features in the subset while simultaneously minimizing the classification error rate.Single-objective optimization approaches employ an evaluation function designed as an aggregate function with a parameter,but the results obtained depend on the value of the parameter.To eliminate this parameter’s influence,the problem can be reformulated as a multi-objective optimization problem.The Whale Optimization Algorithm(WOA)is widely used in optimization problems because of its simplicity and easy implementation.In this paper,we propose a multi-strategy assisted multi-objective WOA(MSMOWOA)to address feature selection.To enhance the algorithm’s search ability,we integrate multiple strategies such as Levy flight,Grey Wolf Optimizer,and adaptive mutation into it.Additionally,we utilize an external repository to store non-dominant solution sets and grid technology is used to maintain diversity.Results on fourteen University of California Irvine(UCI)datasets demonstrate that our proposed method effectively removes redundant features and improves classification performance.The source code can be accessed from the website:https://github.com/zc0315/MSMOWOA.展开更多
The diversity of data sources resulted in seeking effective manipulation and dissemination.The challenge that arises from the increasing dimensionality has a negative effect on the computation performance,efficiency,a...The diversity of data sources resulted in seeking effective manipulation and dissemination.The challenge that arises from the increasing dimensionality has a negative effect on the computation performance,efficiency,and stability of computing.One of the most successful optimization algorithms is Particle Swarm Optimization(PSO)which has proved its effectiveness in exploring the highest influencing features in the search space based on its fast convergence and the ability to utilize a small set of parameters in the search task.This research proposes an effective enhancement of PSO that tackles the challenge of randomness search which directly enhances PSO performance.On the other hand,this research proposes a generic intelligent framework for early prediction of orders delay and eliminate orders backlogs which could be considered as an efficient potential solution for raising the supply chain performance.The proposed adapted algorithm has been applied to a supply chain dataset which minimized the features set from twenty-one features to ten significant features.To confirm the proposed algorithm results,the updated data has been examined by eight of the well-known classification algorithms which reached a minimum accuracy percentage equal to 94.3%for random forest and a maximum of 99.0 for Naïve Bayes.Moreover,the proposed algorithm adaptation has been compared with other proposed adaptations of PSO from the literature over different datasets.The proposed PSO adaptation reached a higher accuracy compared with the literature ranging from 97.8 to 99.36 which also proved the advancement of the current research.展开更多
Feature Selection(FS)is a key pre-processing step in pattern recognition and data mining tasks,which can effectively avoid the impact of irrelevant and redundant features on the performance of classification models.In...Feature Selection(FS)is a key pre-processing step in pattern recognition and data mining tasks,which can effectively avoid the impact of irrelevant and redundant features on the performance of classification models.In recent years,meta-heuristic algorithms have been widely used in FS problems,so a Hybrid Binary Chaotic Salp Swarm Dung Beetle Optimization(HBCSSDBO)algorithm is proposed in this paper to improve the effect of FS.In this hybrid algorithm,the original continuous optimization algorithm is converted into binary form by the S-type transfer function and applied to the FS problem.By combining the K nearest neighbor(KNN)classifier,the comparative experiments for FS are carried out between the proposed method and four advanced meta-heuristic algorithms on 16 UCI(University of California,Irvine)datasets.Seven evaluation metrics such as average adaptation,average prediction accuracy,and average running time are chosen to judge and compare the algorithms.The selected dataset is also discussed by categorizing it into three dimensions:high,medium,and low dimensions.Experimental results show that the HBCSSDBO feature selection method has the ability to obtain a good subset of features while maintaining high classification accuracy,shows better optimization performance.In addition,the results of statistical tests confirm the significant validity of the method.展开更多
The selection of important factors in machine learning-based susceptibility assessments is crucial to obtain reliable susceptibility results.In this study,metaheuristic optimization and feature selection techniques we...The selection of important factors in machine learning-based susceptibility assessments is crucial to obtain reliable susceptibility results.In this study,metaheuristic optimization and feature selection techniques were applied to identify the most important input parameters for mapping debris flow susceptibility in the southern mountain area of Chengde City in Hebei Province,China,by using machine learning algorithms.In total,133 historical debris flow records and 16 related factors were selected.The support vector machine(SVM)was first used as the base classifier,and then a hybrid model was introduced by a two-step process.First,the particle swarm optimization(PSO)algorithm was employed to select the SVM model hyperparameters.Second,two feature selection algorithms,namely principal component analysis(PCA)and PSO,were integrated into the PSO-based SVM model,which generated the PCA-PSO-SVM and FS-PSO-SVM models,respectively.Three statistical metrics(accuracy,recall,and specificity)and the area under the receiver operating characteristic curve(AUC)were employed to evaluate and validate the performance of the models.The results indicated that the feature selection-based models exhibited the best performance,followed by the PSO-based SVM and SVM models.Moreover,the performance of the FS-PSO-SVM model was better than that of the PCA-PSO-SVM model,showing the highest AUC,accuracy,recall,and specificity values in both the training and testing processes.It was found that the selection of optimal features is crucial to improving the reliability of debris flow susceptibility assessment results.Moreover,the PSO algorithm was found to be not only an effective tool for hyperparameter optimization,but also a useful feature selection algorithm to improve prediction accuracies of debris flow susceptibility by using machine learning algorithms.The high and very high debris flow susceptibility zone appropriately covers 38.01%of the study area,where debris flow may occur under intensive human activities and heavy rainfall events.展开更多
Solving constrained multi-objective optimization problems with evolutionary algorithms has attracted considerable attention.Various constrained multi-objective optimization evolutionary algorithms(CMOEAs)have been dev...Solving constrained multi-objective optimization problems with evolutionary algorithms has attracted considerable attention.Various constrained multi-objective optimization evolutionary algorithms(CMOEAs)have been developed with the use of different algorithmic strategies,evolutionary operators,and constraint-handling techniques.The performance of CMOEAs may be heavily dependent on the operators used,however,it is usually difficult to select suitable operators for the problem at hand.Hence,improving operator selection is promising and necessary for CMOEAs.This work proposes an online operator selection framework assisted by Deep Reinforcement Learning.The dynamics of the population,including convergence,diversity,and feasibility,are regarded as the state;the candidate operators are considered as actions;and the improvement of the population state is treated as the reward.By using a Q-network to learn a policy to estimate the Q-values of all actions,the proposed approach can adaptively select an operator that maximizes the improvement of the population according to the current state and thereby improve the algorithmic performance.The framework is embedded into four popular CMOEAs and assessed on 42 benchmark problems.The experimental results reveal that the proposed Deep Reinforcement Learning-assisted operator selection significantly improves the performance of these CMOEAs and the resulting algorithm obtains better versatility compared to nine state-of-the-art CMOEAs.展开更多
Lung cancer is among the most frequent cancers in the world,with over one million deaths per year.Classification is required for lung cancer diagnosis and therapy to be effective,accurate,and reliable.Gene expression ...Lung cancer is among the most frequent cancers in the world,with over one million deaths per year.Classification is required for lung cancer diagnosis and therapy to be effective,accurate,and reliable.Gene expression microarrays have made it possible to find genetic biomarkers for cancer diagnosis and prediction in a high-throughput manner.Machine Learning(ML)has been widely used to diagnose and classify lung cancer where the performance of ML methods is evaluated to identify the appropriate technique.Identifying and selecting the gene expression patterns can help in lung cancer diagnoses and classification.Normally,microarrays include several genes and may cause confusion or false prediction.Therefore,the Arithmetic Optimization Algorithm(AOA)is used to identify the optimal gene subset to reduce the number of selected genes.Which can allow the classifiers to yield the best performance for lung cancer classification.In addition,we proposed a modified version of AOA which can work effectively on the high dimensional dataset.In the modified AOA,the features are ranked by their weights and are used to initialize the AOA population.The exploitation process of AOA is then enhanced by developing a local search algorithm based on two neighborhood strategies.Finally,the efficiency of the proposed methods was evaluated on gene expression datasets related to Lung cancer using stratified 4-fold cross-validation.The method’s efficacy in selecting the optimal gene subset is underscored by its ability to maintain feature proportions between 10%to 25%.Moreover,the approach significantly enhances lung cancer prediction accuracy.For instance,Lung_Harvard1 achieved an accuracy of 97.5%,Lung_Harvard2 and Lung_Michigan datasets both achieved 100%,Lung_Adenocarcinoma obtained an accuracy of 88.2%,and Lung_Ontario achieved an accuracy of 87.5%.In conclusion,the results indicate the potential promise of the proposed modified AOA approach in classifying microarray cancer data.展开更多
Numerous wireless networks have emerged that can be used for short communication ranges where the infrastructure-based networks may fail because of their installation and cost.One of them is a sensor network with embe...Numerous wireless networks have emerged that can be used for short communication ranges where the infrastructure-based networks may fail because of their installation and cost.One of them is a sensor network with embedded sensors working as the primary nodes,termed Wireless Sensor Networks(WSNs),in which numerous sensors are connected to at least one Base Station(BS).These sensors gather information from the environment and transmit it to a BS or gathering location.WSNs have several challenges,including throughput,energy usage,and network lifetime concerns.Different strategies have been applied to get over these restrictions.Clustering may,therefore,be thought of as the best way to solve such issues.Consequently,it is crucial to analyze effective Cluster Head(CH)selection to maximize efficiency throughput,extend the network lifetime,and minimize energy consumption.This paper proposed an Accelerated Particle Swarm Optimization(APSO)algorithm based on the Low Energy Adaptive Clustering Hierarchy(LEACH),Neighboring Based Energy Efficient Routing(NBEER),Cooperative Energy Efficient Routing(CEER),and Cooperative Relay Neighboring Based Energy Efficient Routing(CR-NBEER)techniques.With the help of APSO in the implementation of the WSN,the main methodology of this article has taken place.The simulation findings in this study demonstrated that the suggested approach uses less energy,with respective energy consumption ranges of 0.1441 to 0.013 for 5 CH,1.003 to 0.0521 for 10 CH,and 0.1734 to 0.0911 for 15 CH.The sending packets ratio was also raised for all three CH selection scenarios,increasing from 659 to 1730.The number of dead nodes likewise dropped for the given combination,falling between 71 and 66.The network lifetime was deemed to have risen based on the results found.A hybrid with a few valuable parameters can further improve the suggested APSO-based protocol.Similar to underwater,WSN can make use of the proposed protocol.The overall results have been evaluated and compared with the existing approaches of sensor networks.展开更多
High-dimensional datasets present significant challenges for classification tasks.Dimensionality reduction,a crucial aspect of data preprocessing,has gained substantial attention due to its ability to improve classifi...High-dimensional datasets present significant challenges for classification tasks.Dimensionality reduction,a crucial aspect of data preprocessing,has gained substantial attention due to its ability to improve classification per-formance.However,identifying the optimal features within high-dimensional datasets remains a computationally demanding task,necessitating the use of efficient algorithms.This paper introduces the Arithmetic Optimization Algorithm(AOA),a novel approach for finding the optimal feature subset.AOA is specifically modified to address feature selection problems based on a transfer function.Additionally,two enhancements are incorporated into the AOA algorithm to overcome limitations such as limited precision,slow convergence,and susceptibility to local optima.The first enhancement proposes a new method for selecting solutions to be improved during the search process.This method effectively improves the original algorithm’s accuracy and convergence speed.The second enhancement introduces a local search with neighborhood strategies(AOA_NBH)during the AOA exploitation phase.AOA_NBH explores the vast search space,aiding the algorithm in escaping local optima.Our results demonstrate that incorporating neighborhood methods enhances the output and achieves significant improvement over state-of-the-art methods.展开更多
Over the last decade,mobile Adhoc networks have expanded dramati-cally in popularity,and their impact on the communication sector on a variety of levels is enormous.Its uses have expanded in lockstep with its growth.D...Over the last decade,mobile Adhoc networks have expanded dramati-cally in popularity,and their impact on the communication sector on a variety of levels is enormous.Its uses have expanded in lockstep with its growth.Due to its instability in usage and the fact that numerous nodes communicate data concur-rently,adequate channel and forwarder selection is essential.In this proposed design for a Cognitive Radio Cognitive Network(CRCN),we gain the confidence of each forwarding node by contacting one-hop and second level nodes,obtaining reports from them,and selecting the forwarder appropriately with the use of an optimization technique.At that point,we concentrate our efforts on their channel,selection,and lastly,the transmission of data packets via the designated forwarder.The simulation work is validated in this section using the MATLAB program.Additionally,steps show how the node acts as a confident forwarder and shares the channel in a compatible method to communicate,allowing for more packet bits to be transmitted by conveniently picking the channel between them.We cal-culate the confidence of the node at the start of the network by combining the reliability report for thefirst hop and the reliability report for the secondary hop.We then refer to the same node as the confident node in order to operate as a forwarder.As a result,we witness an increase in the leftover energy in the output.The percentage of data packets delivered has also increased.展开更多
Selecting the most relevant subset of features from a dataset is a vital step in data mining and machine learning.Each feature in a dataset has 2n possible subsets,making it challenging to select the optimum collectio...Selecting the most relevant subset of features from a dataset is a vital step in data mining and machine learning.Each feature in a dataset has 2n possible subsets,making it challenging to select the optimum collection of features using typical methods.As a result,a new metaheuristicsbased feature selection method based on the dipper-throated and grey-wolf optimization(DTO-GW)algorithms has been developed in this research.Instability can result when the selection of features is subject to metaheuristics,which can lead to a wide range of results.Thus,we adopted hybrid optimization in our method of optimizing,which allowed us to better balance exploration and harvesting chores more equitably.We propose utilizing the binary DTO-GW search approach we previously devised for selecting the optimal subset of attributes.In the proposed method,the number of features selected is minimized,while classification accuracy is increased.To test the proposed method’s performance against eleven other state-of-theart approaches,eight datasets from the UCI repository were used,such as binary grey wolf search(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 hysteresis optimization(bHy),and binary hysteresis optimization(bHWO).The suggested method is superior 4532 CMC,2023,vol.74,no.2 and successful in handling the problem of feature selection,according to the results of the experiments.展开更多
Machine learning(ML)practices such as classification have played a very important role in classifying diseases in medical science.Since medical science is a sensitive field,the pre-processing of medical data requires ...Machine learning(ML)practices such as classification have played a very important role in classifying diseases in medical science.Since medical science is a sensitive field,the pre-processing of medical data requires careful handling to make quality clinical decisions.Generally,medical data is considered high-dimensional and complex data that contains many irrelevant and redundant features.These factors indirectly upset the disease prediction and classification accuracy of any ML model.To address this issue,various data pre-processing methods called Feature Selection(FS)techniques have been presented in the literature.However,the majority of such techniques frequently suffer from local minima issues due to large solution space.Thus,this study has proposed a novel wrapper-based Sand Cat SwarmOptimization(SCSO)technique as an FS approach to find optimum features from ten benchmark medical datasets.The SCSO algorithm replicates the hunting and searching strategies of the sand cat while having the advantage of avoiding local optima and finding the ideal solution with minimal control variables.Moreover,K-Nearest Neighbor(KNN)classifier was used to evaluate the effectiveness of the features identified by the proposed SCSO algorithm.The performance of the proposed SCSO algorithm was compared with six state-of-the-art and recent wrapper-based optimization algorithms using the validation metrics of classification accuracy,optimum feature size,and computational cost in seconds.The simulation results on the benchmark medical datasets revealed that the proposed SCSO-KNN approach has outperformed comparative algorithms with an average classification accuracy of 93.96%by selecting 14.2 features within 1.91 s.Additionally,the Wilcoxon rank test was used to perform the significance analysis between the proposed SCSOKNN method and six other algorithms for a p-value less than 5.00E-02.The findings revealed that the proposed algorithm produces better outcomes with an average p-value of 1.82E-02.Moreover,potential future directions are also suggested as a result of the study’s promising findings.展开更多
Various feature selection algorithms are usually employed to improve classification models’overall performance.Optimization algorithms typically accompany such algorithms to select the optimal set of features.Among t...Various feature selection algorithms are usually employed to improve classification models’overall performance.Optimization algorithms typically accompany such algorithms to select the optimal set of features.Among the most currently attractive trends within optimization algorithms are hybrid metaheuristics.The present paper presents two Stages of Local Search models for feature selection based on WOA(Whale Optimization Algorithm)and Great Deluge(GD).GD Algorithm is integrated with the WOA algorithm to improve exploitation by identifying the most promising regions during the search.Another version is employed using the best solution found by the WOA algorithm and exploited by the GD algorithm.In addition,disruptive selection(DS)is employed to select the solutions from the population for local search.DS is chosen to maintain the diversity of the population via enhancing low and high-quality solutions.Fifteen(15)standard benchmark datasets provided by the University of California Irvine(UCI)repository were used in evaluating the proposed approaches’performance.Next,a comparison was made with four population-based algorithms as wrapper feature selection methods from the literature.The proposed techniques have proved their efficiency in enhancing classification accuracy compared to other wrapper methods.Hence,the WOA can search effectively in the feature space and choose the most relevant attributes for classification tasks.展开更多
The massive influx of traffic on the Internet has made the composition of web traffic increasingly complex.Traditional port-based or protocol-based network traffic identification methods are no longer suitable for to...The massive influx of traffic on the Internet has made the composition of web traffic increasingly complex.Traditional port-based or protocol-based network traffic identification methods are no longer suitable for today’s complex and changing networks.Recently,machine learning has beenwidely applied to network traffic recognition.Still,high-dimensional features and redundant data in network traffic can lead to slow convergence problems and low identification accuracy of network traffic recognition algorithms.Taking advantage of the faster optimizationseeking capability of the jumping spider optimization algorithm(JSOA),this paper proposes a jumping spider optimization algorithmthat incorporates the harris hawk optimization(HHO)and small hole imaging(HHJSOA).We use it in network traffic identification feature selection.First,the method incorporates the HHO escape energy factor and the hard siege strategy to forma newsearch strategy for HHJSOA.This location update strategy enhances the search range of the optimal solution of HHJSOA.We use small hole imaging to update the inferior individual.Next,the feature selection problem is coded to propose a jumping spiders individual coding scheme.Multiple iterations of the HHJSOA algorithmfind the optimal individual used as the selected feature for KNN classification.Finally,we validate the classification accuracy and performance of the HHJSOA algorithm using the UNSW-NB15 dataset and KDD99 dataset.Experimental results show that compared with other algorithms for the UNSW-NB15 dataset,the improvement is at least 0.0705,0.00147,and 1 on the accuracy,fitness value,and the number of features.In addition,compared with other feature selectionmethods for the same datasets,the proposed algorithmhas faster convergence,better merit-seeking,and robustness.Therefore,HHJSOAcan improve the classification accuracy and solve the problem that the network traffic recognition algorithm needs to be faster to converge and easily fall into local optimum due to high-dimensional features.展开更多
Feature Selection(FS)is an important problem that involves selecting the most informative subset of features from a dataset to improve classification accuracy.However,due to the high dimensionality and complexity of t...Feature Selection(FS)is an important problem that involves selecting the most informative subset of features from a dataset to improve classification accuracy.However,due to the high dimensionality and complexity of the dataset,most optimization algorithms for feature selection suffer from a balance issue during the search process.Therefore,the present paper proposes a hybrid Sine-Cosine Chimp Optimization Algorithm(SCChOA)to address the feature selection problem.In this approach,firstly,a multi-cycle iterative strategy is designed to better combine the Sine-Cosine Algorithm(SCA)and the Chimp Optimization Algorithm(ChOA),enabling a more effective search in the objective space.Secondly,an S-shaped transfer function is introduced to perform binary transformation on SCChOA.Finally,the binary SCChOA is combined with the K-Nearest Neighbor(KNN)classifier to form a novel binary hybrid wrapper feature selection method.To evaluate the performance of the proposed method,16 datasets from different dimensions of the UCI repository along with four evaluation metrics of average fitness value,average classification accuracy,average feature selection number,and average running time are considered.Meanwhile,seven state-of-the-art metaheuristic algorithms for solving the feature selection problem are chosen for comparison.Experimental results demonstrate that the proposed method outperforms other compared algorithms in solving the feature selection problem.It is capable of maximizing the reduction in the number of selected features while maintaining a high classification accuracy.Furthermore,the results of statistical tests also confirm the significant effectiveness of this method.展开更多
This paper proposes Parallelized Linear Time-Variant Acceleration Coefficients and Inertial Weight of Particle Swarm Optimization algorithm(PLTVACIW-PSO).Its designed has introduced the benefits of Parallel computing ...This paper proposes Parallelized Linear Time-Variant Acceleration Coefficients and Inertial Weight of Particle Swarm Optimization algorithm(PLTVACIW-PSO).Its designed has introduced the benefits of Parallel computing into the combined power of TVAC(Time-Variant Acceleration Coefficients)and IW(Inertial Weight).Proposed algorithm has been tested against linear,non-linear,traditional,andmultiswarmbased optimization algorithms.An experimental study is performed in two stages to assess the proposed PLTVACIW-PSO.Phase I uses 12 recognized Standard Benchmarks methods to evaluate the comparative performance of the proposed PLTVACIWPSO vs.IW based Particle Swarm Optimization(PSO)algorithms,TVAC based PSO algorithms,traditional PSO,Genetic algorithms(GA),Differential evolution(DE),and,finally,Flower Pollination(FP)algorithms.In phase II,the proposed PLTVACIW-PSO uses the same 12 known Benchmark functions to test its performance against the BAT(BA)and Multi-Swarm BAT algorithms.In phase III,the proposed PLTVACIW-PSO is employed to augment the feature selection problem formedical datasets.This experimental study shows that the planned PLTVACIW-PSO outpaces the performances of other comparable algorithms.Outcomes from the experiments shows that the PLTVACIW-PSO is capable of outlining a feature subset that is capable of enhancing the classification efficiency and gives the minimal subset of the core features.展开更多
The motivation for cost-effective management of highway pavements is evidenced not only by the massive expenditures associated with these activities at a national level but also by the consequences of poor pavement co...The motivation for cost-effective management of highway pavements is evidenced not only by the massive expenditures associated with these activities at a national level but also by the consequences of poor pavement condition on road users.This paper presents a state-of-the-art review of multi-objective optimization(MOO)problems that have been formulated and solution techniques that have been used in selecting and scheduling highway pavement rehabilitation and maintenance activities.First,the paper presents a taxonomy and hierarchy for these activities,the role of funding sources,and levels of jurisdiction.The paper then describes how three different decision mechanisms have been used in past research and practice for project selection and scheduling(historical practices,expert opinion,and explicit mathematical optimization)and identifies the pros and cons of each mechanism.The paper then focuses on the optimization mechanism and presents the types of optimization problems,formulations,and objectives that have been used in the literature.Next,the paper examines various solution algorithms and discusses issues related to their implementation.Finally,the paper identifies some barriers to implementing multi-objective optimization in selecting and scheduling highway pavement rehabilitation and maintenance activities,and makes recommendations to overcome some of these barriers.展开更多
Currently,e-learning is one of the most prevalent educational methods because of its need in today’s world.Virtual classrooms and web-based learning are becoming the new method of teaching remotely.The students exper...Currently,e-learning is one of the most prevalent educational methods because of its need in today’s world.Virtual classrooms and web-based learning are becoming the new method of teaching remotely.The students experience a lack of access to resources commonly the educational material.In remote loca-tions,educational institutions face significant challenges in accessing various web-based materials due to bandwidth and network infrastructure limitations.The objective of this study is to demonstrate an optimization and queueing tech-nique for allocating optimal servers and slots for users to access cloud-based e-learning applications.The proposed method provides the optimization and queue-ing algorithm for multi-server and multi-city constraints and considers where to locate the best servers.For optimal server selection,the Rider Optimization Algo-rithm(ROA)is utilized.A performance analysis based on time,memory and delay was carried out for the proposed methodology in comparison with the exist-ing techniques.The proposed Rider Optimization Algorithm is compared to Par-ticle Swarm Optimization(PSO),Genetic Algorithm(GA)and Firefly Algorithm(FFA),the proposed method is more suitable and effective because the other three algorithms drop in local optima and are only suitable for small numbers of user requests.Thus the proposed method outweighs the conventional techniques by its enhanced performance over them.展开更多
The rapid population growth results in a crucial problem in the early detection of diseases inmedical research.Among all the cancers unveiled,breast cancer is considered the second most severe cancer.Consequently,an e...The rapid population growth results in a crucial problem in the early detection of diseases inmedical research.Among all the cancers unveiled,breast cancer is considered the second most severe cancer.Consequently,an exponential rising in death cases incurred by breast cancer is expected due to the rapid population growth and the lack of resources required for performing medical diagnoses.Utilizing recent advances in machine learning could help medical staff in diagnosing diseases as they offer effective,reliable,and rapid responses,which could help in decreasing the death risk.In this paper,we propose a new algorithm for feature selection based on a hybrid between powerful and recently emerged optimizers,namely,guided whale and dipper throated optimizers.The proposed algorithm is evaluated using four publicly available breast cancer datasets.The evaluation results show the effectiveness of the proposed approach from the accuracy and speed perspectives.To prove the superiority of the proposed algorithm,a set of competing feature selection algorithms were incorporated into the conducted experiments.In addition,a group of statistical analysis experiments was conducted to emphasize the superiority and stability of the proposed algorithm.The best-achieved breast cancer prediction average accuracy based on the proposed algorithm is 99.453%.This result is achieved in an average time of 3.6725 s,the best result among all the competing approaches utilized in the experiments.展开更多
Responding to complex analytical queries in the data warehouse(DW)is one of the most challenging tasks that require prompt attention.The problem of materialized view(MV)selection relies on selecting the most optimal v...Responding to complex analytical queries in the data warehouse(DW)is one of the most challenging tasks that require prompt attention.The problem of materialized view(MV)selection relies on selecting the most optimal views that can respond to more queries simultaneously.This work introduces a combined approach in which the constraint handling process is combined with metaheuristics to select the most optimal subset of DW views from DWs.The proposed work initially refines the solution to enable a feasible selection of views using the ensemble constraint handling technique(ECHT).The constraints such as self-adaptive penalty,epsilon(ε)-parameter and stochastic ranking(SR)are considered for constraint handling.These two constraints helped the proposed model select the finest views that minimize the objective function.Further,a novel and effective combination of Ebola and coot optimization algorithms named hybrid Ebola with coot optimization(CHECO)is introduced to choose the optimal MVs.Ebola and Coot have recently introduced metaheuristics that identify the global optimal set of views from the given population.By combining these two algorithms,the proposed framework resulted in a highly optimized set of views with minimized costs.Several cost functions are described to enable the algorithm to choose the finest solution from the problem space.Finally,extensive evaluations are conducted to prove the performance of the proposed approach compared to existing algorithms.The proposed framework resulted in a view maintenance cost of 6,329,354,613,784,query processing cost of 3,522,857,483,566 and execution time of 226 s when analyzed using the TPC-H benchmark dataset.展开更多
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.展开更多
基金supported in part by the Natural Science Youth Foundation of Hebei Province under Grant F2019403207in part by the PhD Research Startup Foundation of Hebei GEO University under Grant BQ2019055+3 种基金in part by the Open Research Project of the Hubei Key Laboratory of Intelligent Geo-Information Processing under Grant KLIGIP-2021A06in part by the Fundamental Research Funds for the Universities in Hebei Province under Grant QN202220in part by the Science and Technology Research Project for Universities of Hebei under Grant ZD2020344in part by the Guangxi Natural Science Fund General Project under Grant 2021GXNSFAA075029.
文摘In classification problems,datasets often contain a large amount of features,but not all of them are relevant for accurate classification.In fact,irrelevant features may even hinder classification accuracy.Feature selection aims to alleviate this issue by minimizing the number of features in the subset while simultaneously minimizing the classification error rate.Single-objective optimization approaches employ an evaluation function designed as an aggregate function with a parameter,but the results obtained depend on the value of the parameter.To eliminate this parameter’s influence,the problem can be reformulated as a multi-objective optimization problem.The Whale Optimization Algorithm(WOA)is widely used in optimization problems because of its simplicity and easy implementation.In this paper,we propose a multi-strategy assisted multi-objective WOA(MSMOWOA)to address feature selection.To enhance the algorithm’s search ability,we integrate multiple strategies such as Levy flight,Grey Wolf Optimizer,and adaptive mutation into it.Additionally,we utilize an external repository to store non-dominant solution sets and grid technology is used to maintain diversity.Results on fourteen University of California Irvine(UCI)datasets demonstrate that our proposed method effectively removes redundant features and improves classification performance.The source code can be accessed from the website:https://github.com/zc0315/MSMOWOA.
基金funded by the University of Jeddah,Jeddah,Saudi Arabia,under Grant No.(UJ-23-DR-26)。
文摘The diversity of data sources resulted in seeking effective manipulation and dissemination.The challenge that arises from the increasing dimensionality has a negative effect on the computation performance,efficiency,and stability of computing.One of the most successful optimization algorithms is Particle Swarm Optimization(PSO)which has proved its effectiveness in exploring the highest influencing features in the search space based on its fast convergence and the ability to utilize a small set of parameters in the search task.This research proposes an effective enhancement of PSO that tackles the challenge of randomness search which directly enhances PSO performance.On the other hand,this research proposes a generic intelligent framework for early prediction of orders delay and eliminate orders backlogs which could be considered as an efficient potential solution for raising the supply chain performance.The proposed adapted algorithm has been applied to a supply chain dataset which minimized the features set from twenty-one features to ten significant features.To confirm the proposed algorithm results,the updated data has been examined by eight of the well-known classification algorithms which reached a minimum accuracy percentage equal to 94.3%for random forest and a maximum of 99.0 for Naïve Bayes.Moreover,the proposed algorithm adaptation has been compared with other proposed adaptations of PSO from the literature over different datasets.The proposed PSO adaptation reached a higher accuracy compared with the literature ranging from 97.8 to 99.36 which also proved the advancement of the current research.
基金This research was funded by the Short-Term Electrical Load Forecasting Based on Feature Selection and optimized LSTM with DBO which is the Fundamental Scientific Research Project of Liaoning Provincial Department of Education(JYTMS20230189)the Application of Hybrid Grey Wolf Algorithm in Job Shop Scheduling Problem of the Research Support Plan for Introducing High-Level Talents to Shenyang Ligong University(No.1010147001131).
文摘Feature Selection(FS)is a key pre-processing step in pattern recognition and data mining tasks,which can effectively avoid the impact of irrelevant and redundant features on the performance of classification models.In recent years,meta-heuristic algorithms have been widely used in FS problems,so a Hybrid Binary Chaotic Salp Swarm Dung Beetle Optimization(HBCSSDBO)algorithm is proposed in this paper to improve the effect of FS.In this hybrid algorithm,the original continuous optimization algorithm is converted into binary form by the S-type transfer function and applied to the FS problem.By combining the K nearest neighbor(KNN)classifier,the comparative experiments for FS are carried out between the proposed method and four advanced meta-heuristic algorithms on 16 UCI(University of California,Irvine)datasets.Seven evaluation metrics such as average adaptation,average prediction accuracy,and average running time are chosen to judge and compare the algorithms.The selected dataset is also discussed by categorizing it into three dimensions:high,medium,and low dimensions.Experimental results show that the HBCSSDBO feature selection method has the ability to obtain a good subset of features while maintaining high classification accuracy,shows better optimization performance.In addition,the results of statistical tests confirm the significant validity of the method.
基金supported by the Second Tibetan Plateau Scientific Expedition and Research Program(Grant no.2019QZKK0904)Natural Science Foundation of Hebei Province(Grant no.D2022403032)S&T Program of Hebei(Grant no.E2021403001).
文摘The selection of important factors in machine learning-based susceptibility assessments is crucial to obtain reliable susceptibility results.In this study,metaheuristic optimization and feature selection techniques were applied to identify the most important input parameters for mapping debris flow susceptibility in the southern mountain area of Chengde City in Hebei Province,China,by using machine learning algorithms.In total,133 historical debris flow records and 16 related factors were selected.The support vector machine(SVM)was first used as the base classifier,and then a hybrid model was introduced by a two-step process.First,the particle swarm optimization(PSO)algorithm was employed to select the SVM model hyperparameters.Second,two feature selection algorithms,namely principal component analysis(PCA)and PSO,were integrated into the PSO-based SVM model,which generated the PCA-PSO-SVM and FS-PSO-SVM models,respectively.Three statistical metrics(accuracy,recall,and specificity)and the area under the receiver operating characteristic curve(AUC)were employed to evaluate and validate the performance of the models.The results indicated that the feature selection-based models exhibited the best performance,followed by the PSO-based SVM and SVM models.Moreover,the performance of the FS-PSO-SVM model was better than that of the PCA-PSO-SVM model,showing the highest AUC,accuracy,recall,and specificity values in both the training and testing processes.It was found that the selection of optimal features is crucial to improving the reliability of debris flow susceptibility assessment results.Moreover,the PSO algorithm was found to be not only an effective tool for hyperparameter optimization,but also a useful feature selection algorithm to improve prediction accuracies of debris flow susceptibility by using machine learning algorithms.The high and very high debris flow susceptibility zone appropriately covers 38.01%of the study area,where debris flow may occur under intensive human activities and heavy rainfall events.
基金the National Natural Science Foundation of China(62076225,62073300)the Natural Science Foundation for Distinguished Young Scholars of Hubei(2019CFA081)。
文摘Solving constrained multi-objective optimization problems with evolutionary algorithms has attracted considerable attention.Various constrained multi-objective optimization evolutionary algorithms(CMOEAs)have been developed with the use of different algorithmic strategies,evolutionary operators,and constraint-handling techniques.The performance of CMOEAs may be heavily dependent on the operators used,however,it is usually difficult to select suitable operators for the problem at hand.Hence,improving operator selection is promising and necessary for CMOEAs.This work proposes an online operator selection framework assisted by Deep Reinforcement Learning.The dynamics of the population,including convergence,diversity,and feasibility,are regarded as the state;the candidate operators are considered as actions;and the improvement of the population state is treated as the reward.By using a Q-network to learn a policy to estimate the Q-values of all actions,the proposed approach can adaptively select an operator that maximizes the improvement of the population according to the current state and thereby improve the algorithmic performance.The framework is embedded into four popular CMOEAs and assessed on 42 benchmark problems.The experimental results reveal that the proposed Deep Reinforcement Learning-assisted operator selection significantly improves the performance of these CMOEAs and the resulting algorithm obtains better versatility compared to nine state-of-the-art CMOEAs.
基金supported by the Deanship of Scientific Research,at Imam Abdulrahman Bin Faisal University.Grant Number:2019-416-ASCS.
文摘Lung cancer is among the most frequent cancers in the world,with over one million deaths per year.Classification is required for lung cancer diagnosis and therapy to be effective,accurate,and reliable.Gene expression microarrays have made it possible to find genetic biomarkers for cancer diagnosis and prediction in a high-throughput manner.Machine Learning(ML)has been widely used to diagnose and classify lung cancer where the performance of ML methods is evaluated to identify the appropriate technique.Identifying and selecting the gene expression patterns can help in lung cancer diagnoses and classification.Normally,microarrays include several genes and may cause confusion or false prediction.Therefore,the Arithmetic Optimization Algorithm(AOA)is used to identify the optimal gene subset to reduce the number of selected genes.Which can allow the classifiers to yield the best performance for lung cancer classification.In addition,we proposed a modified version of AOA which can work effectively on the high dimensional dataset.In the modified AOA,the features are ranked by their weights and are used to initialize the AOA population.The exploitation process of AOA is then enhanced by developing a local search algorithm based on two neighborhood strategies.Finally,the efficiency of the proposed methods was evaluated on gene expression datasets related to Lung cancer using stratified 4-fold cross-validation.The method’s efficacy in selecting the optimal gene subset is underscored by its ability to maintain feature proportions between 10%to 25%.Moreover,the approach significantly enhances lung cancer prediction accuracy.For instance,Lung_Harvard1 achieved an accuracy of 97.5%,Lung_Harvard2 and Lung_Michigan datasets both achieved 100%,Lung_Adenocarcinoma obtained an accuracy of 88.2%,and Lung_Ontario achieved an accuracy of 87.5%.In conclusion,the results indicate the potential promise of the proposed modified AOA approach in classifying microarray cancer data.
文摘Numerous wireless networks have emerged that can be used for short communication ranges where the infrastructure-based networks may fail because of their installation and cost.One of them is a sensor network with embedded sensors working as the primary nodes,termed Wireless Sensor Networks(WSNs),in which numerous sensors are connected to at least one Base Station(BS).These sensors gather information from the environment and transmit it to a BS or gathering location.WSNs have several challenges,including throughput,energy usage,and network lifetime concerns.Different strategies have been applied to get over these restrictions.Clustering may,therefore,be thought of as the best way to solve such issues.Consequently,it is crucial to analyze effective Cluster Head(CH)selection to maximize efficiency throughput,extend the network lifetime,and minimize energy consumption.This paper proposed an Accelerated Particle Swarm Optimization(APSO)algorithm based on the Low Energy Adaptive Clustering Hierarchy(LEACH),Neighboring Based Energy Efficient Routing(NBEER),Cooperative Energy Efficient Routing(CEER),and Cooperative Relay Neighboring Based Energy Efficient Routing(CR-NBEER)techniques.With the help of APSO in the implementation of the WSN,the main methodology of this article has taken place.The simulation findings in this study demonstrated that the suggested approach uses less energy,with respective energy consumption ranges of 0.1441 to 0.013 for 5 CH,1.003 to 0.0521 for 10 CH,and 0.1734 to 0.0911 for 15 CH.The sending packets ratio was also raised for all three CH selection scenarios,increasing from 659 to 1730.The number of dead nodes likewise dropped for the given combination,falling between 71 and 66.The network lifetime was deemed to have risen based on the results found.A hybrid with a few valuable parameters can further improve the suggested APSO-based protocol.Similar to underwater,WSN can make use of the proposed protocol.The overall results have been evaluated and compared with the existing approaches of sensor networks.
文摘High-dimensional datasets present significant challenges for classification tasks.Dimensionality reduction,a crucial aspect of data preprocessing,has gained substantial attention due to its ability to improve classification per-formance.However,identifying the optimal features within high-dimensional datasets remains a computationally demanding task,necessitating the use of efficient algorithms.This paper introduces the Arithmetic Optimization Algorithm(AOA),a novel approach for finding the optimal feature subset.AOA is specifically modified to address feature selection problems based on a transfer function.Additionally,two enhancements are incorporated into the AOA algorithm to overcome limitations such as limited precision,slow convergence,and susceptibility to local optima.The first enhancement proposes a new method for selecting solutions to be improved during the search process.This method effectively improves the original algorithm’s accuracy and convergence speed.The second enhancement introduces a local search with neighborhood strategies(AOA_NBH)during the AOA exploitation phase.AOA_NBH explores the vast search space,aiding the algorithm in escaping local optima.Our results demonstrate that incorporating neighborhood methods enhances the output and achieves significant improvement over state-of-the-art methods.
文摘Over the last decade,mobile Adhoc networks have expanded dramati-cally in popularity,and their impact on the communication sector on a variety of levels is enormous.Its uses have expanded in lockstep with its growth.Due to its instability in usage and the fact that numerous nodes communicate data concur-rently,adequate channel and forwarder selection is essential.In this proposed design for a Cognitive Radio Cognitive Network(CRCN),we gain the confidence of each forwarding node by contacting one-hop and second level nodes,obtaining reports from them,and selecting the forwarder appropriately with the use of an optimization technique.At that point,we concentrate our efforts on their channel,selection,and lastly,the transmission of data packets via the designated forwarder.The simulation work is validated in this section using the MATLAB program.Additionally,steps show how the node acts as a confident forwarder and shares the channel in a compatible method to communicate,allowing for more packet bits to be transmitted by conveniently picking the channel between them.We cal-culate the confidence of the node at the start of the network by combining the reliability report for thefirst hop and the reliability report for the secondary hop.We then refer to the same node as the confident node in order to operate as a forwarder.As a result,we witness an increase in the leftover energy in the output.The percentage of data packets delivered has also increased.
文摘Selecting the most relevant subset of features from a dataset is a vital step in data mining and machine learning.Each feature in a dataset has 2n possible subsets,making it challenging to select the optimum collection of features using typical methods.As a result,a new metaheuristicsbased feature selection method based on the dipper-throated and grey-wolf optimization(DTO-GW)algorithms has been developed in this research.Instability can result when the selection of features is subject to metaheuristics,which can lead to a wide range of results.Thus,we adopted hybrid optimization in our method of optimizing,which allowed us to better balance exploration and harvesting chores more equitably.We propose utilizing the binary DTO-GW search approach we previously devised for selecting the optimal subset of attributes.In the proposed method,the number of features selected is minimized,while classification accuracy is increased.To test the proposed method’s performance against eleven other state-of-theart approaches,eight datasets from the UCI repository were used,such as binary grey wolf search(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 hysteresis optimization(bHy),and binary hysteresis optimization(bHWO).The suggested method is superior 4532 CMC,2023,vol.74,no.2 and successful in handling the problem of feature selection,according to the results of the experiments.
基金This research was supported by a Researchers Supporting Project Number(RSP2021/309)King Saud University,Riyadh,Saudi Arabia.The authors wish to acknowledge Yayasan Universiti Teknologi Petronas for supporting this work through the research grant(015LC0-308).
文摘Machine learning(ML)practices such as classification have played a very important role in classifying diseases in medical science.Since medical science is a sensitive field,the pre-processing of medical data requires careful handling to make quality clinical decisions.Generally,medical data is considered high-dimensional and complex data that contains many irrelevant and redundant features.These factors indirectly upset the disease prediction and classification accuracy of any ML model.To address this issue,various data pre-processing methods called Feature Selection(FS)techniques have been presented in the literature.However,the majority of such techniques frequently suffer from local minima issues due to large solution space.Thus,this study has proposed a novel wrapper-based Sand Cat SwarmOptimization(SCSO)technique as an FS approach to find optimum features from ten benchmark medical datasets.The SCSO algorithm replicates the hunting and searching strategies of the sand cat while having the advantage of avoiding local optima and finding the ideal solution with minimal control variables.Moreover,K-Nearest Neighbor(KNN)classifier was used to evaluate the effectiveness of the features identified by the proposed SCSO algorithm.The performance of the proposed SCSO algorithm was compared with six state-of-the-art and recent wrapper-based optimization algorithms using the validation metrics of classification accuracy,optimum feature size,and computational cost in seconds.The simulation results on the benchmark medical datasets revealed that the proposed SCSO-KNN approach has outperformed comparative algorithms with an average classification accuracy of 93.96%by selecting 14.2 features within 1.91 s.Additionally,the Wilcoxon rank test was used to perform the significance analysis between the proposed SCSOKNN method and six other algorithms for a p-value less than 5.00E-02.The findings revealed that the proposed algorithm produces better outcomes with an average p-value of 1.82E-02.Moreover,potential future directions are also suggested as a result of the study’s promising findings.
基金This research is part of a project funded by Imam Abdulrahman Bin Faisal University,under Grant Number 2020-083-BASRC.
文摘Various feature selection algorithms are usually employed to improve classification models’overall performance.Optimization algorithms typically accompany such algorithms to select the optimal set of features.Among the most currently attractive trends within optimization algorithms are hybrid metaheuristics.The present paper presents two Stages of Local Search models for feature selection based on WOA(Whale Optimization Algorithm)and Great Deluge(GD).GD Algorithm is integrated with the WOA algorithm to improve exploitation by identifying the most promising regions during the search.Another version is employed using the best solution found by the WOA algorithm and exploited by the GD algorithm.In addition,disruptive selection(DS)is employed to select the solutions from the population for local search.DS is chosen to maintain the diversity of the population via enhancing low and high-quality solutions.Fifteen(15)standard benchmark datasets provided by the University of California Irvine(UCI)repository were used in evaluating the proposed approaches’performance.Next,a comparison was made with four population-based algorithms as wrapper feature selection methods from the literature.The proposed techniques have proved their efficiency in enhancing classification accuracy compared to other wrapper methods.Hence,the WOA can search effectively in the feature space and choose the most relevant attributes for classification tasks.
基金funded by the National Natural Science Foundation of China under Grant No.61602162.
文摘The massive influx of traffic on the Internet has made the composition of web traffic increasingly complex.Traditional port-based or protocol-based network traffic identification methods are no longer suitable for today’s complex and changing networks.Recently,machine learning has beenwidely applied to network traffic recognition.Still,high-dimensional features and redundant data in network traffic can lead to slow convergence problems and low identification accuracy of network traffic recognition algorithms.Taking advantage of the faster optimizationseeking capability of the jumping spider optimization algorithm(JSOA),this paper proposes a jumping spider optimization algorithmthat incorporates the harris hawk optimization(HHO)and small hole imaging(HHJSOA).We use it in network traffic identification feature selection.First,the method incorporates the HHO escape energy factor and the hard siege strategy to forma newsearch strategy for HHJSOA.This location update strategy enhances the search range of the optimal solution of HHJSOA.We use small hole imaging to update the inferior individual.Next,the feature selection problem is coded to propose a jumping spiders individual coding scheme.Multiple iterations of the HHJSOA algorithmfind the optimal individual used as the selected feature for KNN classification.Finally,we validate the classification accuracy and performance of the HHJSOA algorithm using the UNSW-NB15 dataset and KDD99 dataset.Experimental results show that compared with other algorithms for the UNSW-NB15 dataset,the improvement is at least 0.0705,0.00147,and 1 on the accuracy,fitness value,and the number of features.In addition,compared with other feature selectionmethods for the same datasets,the proposed algorithmhas faster convergence,better merit-seeking,and robustness.Therefore,HHJSOAcan improve the classification accuracy and solve the problem that the network traffic recognition algorithm needs to be faster to converge and easily fall into local optimum due to high-dimensional features.
基金supported by the Key Research and Development Project of Hubei Province(No.2023BAB094)the Key Project of Science and Technology Research Program of Hubei Educational Committee(No.D20211402)the Teaching Research Project of Hubei University of Technology(No.2020099).
文摘Feature Selection(FS)is an important problem that involves selecting the most informative subset of features from a dataset to improve classification accuracy.However,due to the high dimensionality and complexity of the dataset,most optimization algorithms for feature selection suffer from a balance issue during the search process.Therefore,the present paper proposes a hybrid Sine-Cosine Chimp Optimization Algorithm(SCChOA)to address the feature selection problem.In this approach,firstly,a multi-cycle iterative strategy is designed to better combine the Sine-Cosine Algorithm(SCA)and the Chimp Optimization Algorithm(ChOA),enabling a more effective search in the objective space.Secondly,an S-shaped transfer function is introduced to perform binary transformation on SCChOA.Finally,the binary SCChOA is combined with the K-Nearest Neighbor(KNN)classifier to form a novel binary hybrid wrapper feature selection method.To evaluate the performance of the proposed method,16 datasets from different dimensions of the UCI repository along with four evaluation metrics of average fitness value,average classification accuracy,average feature selection number,and average running time are considered.Meanwhile,seven state-of-the-art metaheuristic algorithms for solving the feature selection problem are chosen for comparison.Experimental results demonstrate that the proposed method outperforms other compared algorithms in solving the feature selection problem.It is capable of maximizing the reduction in the number of selected features while maintaining a high classification accuracy.Furthermore,the results of statistical tests also confirm the significant effectiveness of this method.
基金funded by the Prince Sultan University,Riyadh,Saudi Arabia.
文摘This paper proposes Parallelized Linear Time-Variant Acceleration Coefficients and Inertial Weight of Particle Swarm Optimization algorithm(PLTVACIW-PSO).Its designed has introduced the benefits of Parallel computing into the combined power of TVAC(Time-Variant Acceleration Coefficients)and IW(Inertial Weight).Proposed algorithm has been tested against linear,non-linear,traditional,andmultiswarmbased optimization algorithms.An experimental study is performed in two stages to assess the proposed PLTVACIW-PSO.Phase I uses 12 recognized Standard Benchmarks methods to evaluate the comparative performance of the proposed PLTVACIWPSO vs.IW based Particle Swarm Optimization(PSO)algorithms,TVAC based PSO algorithms,traditional PSO,Genetic algorithms(GA),Differential evolution(DE),and,finally,Flower Pollination(FP)algorithms.In phase II,the proposed PLTVACIW-PSO uses the same 12 known Benchmark functions to test its performance against the BAT(BA)and Multi-Swarm BAT algorithms.In phase III,the proposed PLTVACIW-PSO is employed to augment the feature selection problem formedical datasets.This experimental study shows that the planned PLTVACIW-PSO outpaces the performances of other comparable algorithms.Outcomes from the experiments shows that the PLTVACIW-PSO is capable of outlining a feature subset that is capable of enhancing the classification efficiency and gives the minimal subset of the core features.
基金This work is supported by the Next Generation Transportation Systems Center(NEXTRANS),USDOT's Region 5 University Transportation CenterThe work is also affiliated with Purdue University College of Engineering's Institute for Control,Optimization,and Networks(ICON)and Center for Intelligent Infrastructure(CII)initiatives.
文摘The motivation for cost-effective management of highway pavements is evidenced not only by the massive expenditures associated with these activities at a national level but also by the consequences of poor pavement condition on road users.This paper presents a state-of-the-art review of multi-objective optimization(MOO)problems that have been formulated and solution techniques that have been used in selecting and scheduling highway pavement rehabilitation and maintenance activities.First,the paper presents a taxonomy and hierarchy for these activities,the role of funding sources,and levels of jurisdiction.The paper then describes how three different decision mechanisms have been used in past research and practice for project selection and scheduling(historical practices,expert opinion,and explicit mathematical optimization)and identifies the pros and cons of each mechanism.The paper then focuses on the optimization mechanism and presents the types of optimization problems,formulations,and objectives that have been used in the literature.Next,the paper examines various solution algorithms and discusses issues related to their implementation.Finally,the paper identifies some barriers to implementing multi-objective optimization in selecting and scheduling highway pavement rehabilitation and maintenance activities,and makes recommendations to overcome some of these barriers.
文摘Currently,e-learning is one of the most prevalent educational methods because of its need in today’s world.Virtual classrooms and web-based learning are becoming the new method of teaching remotely.The students experience a lack of access to resources commonly the educational material.In remote loca-tions,educational institutions face significant challenges in accessing various web-based materials due to bandwidth and network infrastructure limitations.The objective of this study is to demonstrate an optimization and queueing tech-nique for allocating optimal servers and slots for users to access cloud-based e-learning applications.The proposed method provides the optimization and queue-ing algorithm for multi-server and multi-city constraints and considers where to locate the best servers.For optimal server selection,the Rider Optimization Algo-rithm(ROA)is utilized.A performance analysis based on time,memory and delay was carried out for the proposed methodology in comparison with the exist-ing techniques.The proposed Rider Optimization Algorithm is compared to Par-ticle Swarm Optimization(PSO),Genetic Algorithm(GA)and Firefly Algorithm(FFA),the proposed method is more suitable and effective because the other three algorithms drop in local optima and are only suitable for small numbers of user requests.Thus the proposed method outweighs the conventional techniques by its enhanced performance over them.
基金Princess Nourah bint Abdulrahman University Researchers Supporting Project Number (PNURSP2022R104),Princess Nourah bint Abdulrahman University,Riyadh,Saudi Arabia.
文摘The rapid population growth results in a crucial problem in the early detection of diseases inmedical research.Among all the cancers unveiled,breast cancer is considered the second most severe cancer.Consequently,an exponential rising in death cases incurred by breast cancer is expected due to the rapid population growth and the lack of resources required for performing medical diagnoses.Utilizing recent advances in machine learning could help medical staff in diagnosing diseases as they offer effective,reliable,and rapid responses,which could help in decreasing the death risk.In this paper,we propose a new algorithm for feature selection based on a hybrid between powerful and recently emerged optimizers,namely,guided whale and dipper throated optimizers.The proposed algorithm is evaluated using four publicly available breast cancer datasets.The evaluation results show the effectiveness of the proposed approach from the accuracy and speed perspectives.To prove the superiority of the proposed algorithm,a set of competing feature selection algorithms were incorporated into the conducted experiments.In addition,a group of statistical analysis experiments was conducted to emphasize the superiority and stability of the proposed algorithm.The best-achieved breast cancer prediction average accuracy based on the proposed algorithm is 99.453%.This result is achieved in an average time of 3.6725 s,the best result among all the competing approaches utilized in the experiments.
文摘Responding to complex analytical queries in the data warehouse(DW)is one of the most challenging tasks that require prompt attention.The problem of materialized view(MV)selection relies on selecting the most optimal views that can respond to more queries simultaneously.This work introduces a combined approach in which the constraint handling process is combined with metaheuristics to select the most optimal subset of DW views from DWs.The proposed work initially refines the solution to enable a feasible selection of views using the ensemble constraint handling technique(ECHT).The constraints such as self-adaptive penalty,epsilon(ε)-parameter and stochastic ranking(SR)are considered for constraint handling.These two constraints helped the proposed model select the finest views that minimize the objective function.Further,a novel and effective combination of Ebola and coot optimization algorithms named hybrid Ebola with coot optimization(CHECO)is introduced to choose the optimal MVs.Ebola and Coot have recently introduced metaheuristics that identify the global optimal set of views from the given population.By combining these two algorithms,the proposed framework resulted in a highly optimized set of views with minimized costs.Several cost functions are described to enable the algorithm to choose the finest solution from the problem space.Finally,extensive evaluations are conducted to prove the performance of the proposed approach compared to existing algorithms.The proposed framework resulted in a view maintenance cost of 6,329,354,613,784,query processing cost of 3,522,857,483,566 and execution time of 226 s when analyzed using the TPC-H benchmark dataset.
文摘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.