Hybridizing metaheuristic algorithms involves synergistically combining different optimization techniques to effectively address complex and challenging optimization problems.This approach aims to leverage the strengt...Hybridizing metaheuristic algorithms involves synergistically combining different optimization techniques to effectively address complex and challenging optimization problems.This approach aims to leverage the strengths of multiple algorithms,enhancing solution quality,convergence speed,and robustness,thereby offering a more versatile and efficient means of solving intricate real-world optimization tasks.In this paper,we introduce a hybrid algorithm that amalgamates three distinct metaheuristics:the Beluga Whale Optimization(BWO),the Honey Badger Algorithm(HBA),and the Jellyfish Search(JS)optimizer.The proposed hybrid algorithm will be referred to as BHJO.Through this fusion,the BHJO algorithm aims to leverage the strengths of each optimizer.Before this hybridization,we thoroughly examined the exploration and exploitation capabilities of the BWO,HBA,and JS metaheuristics,as well as their ability to strike a balance between exploration and exploitation.This meticulous analysis allowed us to identify the pros and cons of each algorithm,enabling us to combine them in a novel hybrid approach that capitalizes on their respective strengths for enhanced optimization performance.In addition,the BHJO algorithm incorporates Opposition-Based Learning(OBL)to harness the advantages offered by this technique,leveraging its diverse exploration,accelerated convergence,and improved solution quality to enhance the overall performance and effectiveness of the hybrid algorithm.Moreover,the performance of the BHJO algorithm was evaluated across a range of both unconstrained and constrained optimization problems,providing a comprehensive assessment of its efficacy and applicability in diverse problem domains.Similarly,the BHJO algorithm was subjected to a comparative analysis with several renowned algorithms,where mean and standard deviation values were utilized as evaluation metrics.This rigorous comparison aimed to assess the performance of the BHJOalgorithmabout its counterparts,shedding light on its effectiveness and reliability in solving optimization problems.Finally,the obtained numerical statistics underwent rigorous analysis using the Friedman post hoc Dunn’s test.The resulting numerical values revealed the BHJO algorithm’s competitiveness in tackling intricate optimization problems,affirming its capability to deliver favorable outcomes in challenging scenarios.展开更多
This study proposes a hybridization of two efficient algorithm’s Multi-objective Ant Lion Optimizer Algorithm(MOALO)which is a multi-objective enhanced version of the Ant Lion Optimizer Algorithm(ALO)and the Genetic ...This study proposes a hybridization of two efficient algorithm’s Multi-objective Ant Lion Optimizer Algorithm(MOALO)which is a multi-objective enhanced version of the Ant Lion Optimizer Algorithm(ALO)and the Genetic Algorithm(GA).MOALO version has been employed to address those problems containing many objectives and an archive has been employed for retaining the non-dominated solutions.The uniqueness of the hybrid is that the operators like mutation and crossover of GA are employed in the archive to update the solutions and later those solutions go through the process of MOALO.A first-time hybrid of these algorithms is employed to solve multi-objective problems.The hybrid algorithm overcomes the limitation of ALO of getting caught in the local optimum and the requirement of more computational effort to converge GA.To evaluate the hybridized algorithm’s performance,a set of constrained,unconstrained test problems and engineering design problems were employed and compared with five well-known computational algorithms-MOALO,Multi-objective Crystal Structure Algorithm(MOCryStAl),Multi-objective Particle Swarm Optimization(MOPSO),Multi-objective Multiverse Optimization Algorithm(MOMVO),Multi-objective Salp Swarm Algorithm(MSSA).The outcomes of five performance metrics are statistically analyzed and the most efficient Pareto fronts comparison has been obtained.The proposed hybrid surpasses MOALO based on the results of hypervolume(HV),Spread,and Spacing.So primary objective of developing this hybrid approach has been achieved successfully.The proposed approach demonstrates superior performance on the test functions,showcasing robust convergence and comprehensive coverage that surpasses other existing algorithms.展开更多
Speech emotion recognition(SER)uses acoustic analysis to find features for emotion recognition and examines variations in voice that are caused by emotions.The number of features acquired with acoustic analysis is ext...Speech emotion recognition(SER)uses acoustic analysis to find features for emotion recognition and examines variations in voice that are caused by emotions.The number of features acquired with acoustic analysis is extremely high,so we introduce a hybrid filter-wrapper feature selection algorithm based on an improved equilibrium optimizer for constructing an emotion recognition system.The proposed algorithm implements multi-objective emotion recognition with the minimum number of selected features and maximum accuracy.First,we use the information gain and Fisher Score to sort the features extracted from signals.Then,we employ a multi-objective ranking method to evaluate these features and assign different importance to them.Features with high rankings have a large probability of being selected.Finally,we propose a repair strategy to address the problem of duplicate solutions in multi-objective feature selection,which can improve the diversity of solutions and avoid falling into local traps.Using random forest and K-nearest neighbor classifiers,four English speech emotion datasets are employed to test the proposed algorithm(MBEO)as well as other multi-objective emotion identification techniques.The results illustrate that it performs well in inverted generational distance,hypervolume,Pareto solutions,and execution time,and MBEO is appropriate for high-dimensional English SER.展开更多
Failure detection is an essential task in industrial systems for preventing costly downtime and ensuring the seamlessoperation of the system. Current industrial processes are getting smarter with the emergence of Indu...Failure detection is an essential task in industrial systems for preventing costly downtime and ensuring the seamlessoperation of the system. Current industrial processes are getting smarter with the emergence of Industry 4.0.Specifically, various modernized industrial processes have been equipped with quite a few sensors to collectprocess-based data to find faults arising or prevailing in processes along with monitoring the status of processes.Fault diagnosis of rotating machines serves a main role in the engineering field and industrial production. Dueto the disadvantages of existing fault, diagnosis approaches, which greatly depend on professional experienceand human knowledge, intellectual fault diagnosis based on deep learning (DL) has attracted the researcher’sinterest. DL reaches the desired fault classification and automatic feature learning. Therefore, this article designs a Gradient Optimizer Algorithm with Hybrid Deep Learning-based Failure Detection and Classification (GOAHDLFDC)in the industrial environment. The presented GOAHDL-FDC technique initially applies continuous wavelettransform (CWT) for preprocessing the actual vibrational signals of the rotating machinery. Next, the residualnetwork (ResNet18) model was exploited for the extraction of features from the vibration signals which are thenfed into theHDLmodel for automated fault detection. Finally, theGOA-based hyperparameter tuning is performedtoadjust the parameter valuesof theHDLmodel accurately.The experimental result analysis of the GOAHDL-FD Calgorithm takes place using a series of simulations and the experimentation outcomes highlight the better resultsof the GOAHDL-FDC technique under different aspects.展开更多
This paper presents a novelmulticlass systemdesigned to detect pleural effusion and pulmonary edema on chest Xray images,addressing the critical need for early detection in healthcare.A new comprehensive dataset was f...This paper presents a novelmulticlass systemdesigned to detect pleural effusion and pulmonary edema on chest Xray images,addressing the critical need for early detection in healthcare.A new comprehensive dataset was formed by combining 28,309 samples from the ChestX-ray14,PadChest,and CheXpert databases,with 10,287,6022,and 12,000 samples representing Pleural Effusion,Pulmonary Edema,and Normal cases,respectively.Consequently,the preprocessing step involves applying the Contrast Limited Adaptive Histogram Equalization(CLAHE)method to boost the local contrast of the X-ray samples,then resizing the images to 380×380 dimensions,followed by using the data augmentation technique.The classification task employs a deep learning model based on the EfficientNet-V1-B4 architecture and is trained using the AdamW optimizer.The proposed multiclass system achieved an accuracy(ACC)of 98.3%,recall of 98.3%,precision of 98.7%,and F1-score of 98.7%.Moreover,the robustness of the model was revealed by the Receiver Operating Characteristic(ROC)analysis,which demonstrated an Area Under the Curve(AUC)of 1.00 for edema and normal cases and 0.99 for effusion.The experimental results demonstrate the superiority of the proposedmulti-class system,which has the potential to assist clinicians in timely and accurate diagnosis,leading to improved patient outcomes.Notably,ablation-CAM visualization at the last convolutional layer portrayed further enhanced diagnostic capabilities with heat maps on X-ray images,which will aid clinicians in interpreting and localizing abnormalities more effectively.展开更多
Network traffic identification is critical for maintaining network security and further meeting various demands of network applications.However,network traffic data typically possesses high dimensionality and complexi...Network traffic identification is critical for maintaining network security and further meeting various demands of network applications.However,network traffic data typically possesses high dimensionality and complexity,leading to practical problems in traffic identification data analytics.Since the original Dung Beetle Optimizer(DBO)algorithm,Grey Wolf Optimization(GWO)algorithm,Whale Optimization Algorithm(WOA),and Particle Swarm Optimization(PSO)algorithm have the shortcomings of slow convergence and easily fall into the local optimal solution,an Improved Dung Beetle Optimizer(IDBO)algorithm is proposed for network traffic identification.Firstly,the Sobol sequence is utilized to initialize the dung beetle population,laying the foundation for finding the global optimal solution.Next,an integration of levy flight and golden sine strategy is suggested to give dung beetles a greater probability of exploring unvisited areas,escaping from the local optimal solution,and converging more effectively towards a global optimal solution.Finally,an adaptive weight factor is utilized to enhance the search capabilities of the original DBO algorithm and accelerate convergence.With the improvements above,the proposed IDBO algorithm is then applied to traffic identification data analytics and feature selection,as so to find the optimal subset for K-Nearest Neighbor(KNN)classification.The simulation experiments use the CICIDS2017 dataset to verify the effectiveness of the proposed IDBO algorithm and compare it with the original DBO,GWO,WOA,and PSO algorithms.The experimental results show that,compared with other algorithms,the accuracy and recall are improved by 1.53%and 0.88%in binary classification,and the Distributed Denial of Service(DDoS)class identification is the most effective in multi-classification,with an improvement of 5.80%and 0.33%for accuracy and recall,respectively.Therefore,the proposed IDBO algorithm is effective in increasing the efficiency of traffic identification and solving the problem of the original DBO algorithm that converges slowly and falls into the local optimal solution when dealing with high-dimensional data analytics and feature selection for network traffic identification.展开更多
The distributed flexible job shop scheduling problem(DFJSP)has attracted great attention with the growth of the global manufacturing industry.General DFJSP research only considers machine constraints and ignores worke...The distributed flexible job shop scheduling problem(DFJSP)has attracted great attention with the growth of the global manufacturing industry.General DFJSP research only considers machine constraints and ignores worker constraints.As one critical factor of production,effective utilization of worker resources can increase productivity.Meanwhile,energy consumption is a growing concern due to the increasingly serious environmental issues.Therefore,the distributed flexible job shop scheduling problem with dual resource constraints(DFJSP-DRC)for minimizing makespan and total energy consumption is studied in this paper.To solve the problem,we present a multi-objective mathematical model for DFJSP-DRC and propose a Q-learning-based multi-objective grey wolf optimizer(Q-MOGWO).In Q-MOGWO,high-quality initial solutions are generated by a hybrid initialization strategy,and an improved active decoding strategy is designed to obtain the scheduling schemes.To further enhance the local search capability and expand the solution space,two wolf predation strategies and three critical factory neighborhood structures based on Q-learning are proposed.These strategies and structures enable Q-MOGWO to explore the solution space more efficiently and thus find better Pareto solutions.The effectiveness of Q-MOGWO in addressing DFJSP-DRC is verified through comparison with four algorithms using 45 instances.The results reveal that Q-MOGWO outperforms comparison algorithms in terms of solution quality.展开更多
The query processing in distributed database management systems(DBMS)faces more challenges,such as more operators,and more factors in cost models and meta-data,than that in a single-node DMBS,in which query optimizati...The query processing in distributed database management systems(DBMS)faces more challenges,such as more operators,and more factors in cost models and meta-data,than that in a single-node DMBS,in which query optimization is already an NP-hard problem.Learned query optimizers(mainly in the single-node DBMS)receive attention due to its capability to capture data distributions and flexible ways to avoid hard-craft rules in refinement and adaptation to new hardware.In this paper,we focus on extensions of learned query optimizers to distributed DBMSs.Specifically,we propose one possible but general architecture of the learned query optimizer in the distributed context and highlight differences from the learned optimizer in the single-node ones.In addition,we discuss the challenges and possible solutions.展开更多
The development of artificial intelligence (AI), particularly deep learning, has made it possible to accelerate and improve the processing of data collected in different fields (commerce, medicine, surveillance or sec...The development of artificial intelligence (AI), particularly deep learning, has made it possible to accelerate and improve the processing of data collected in different fields (commerce, medicine, surveillance or security, agriculture, etc.). Most related works use open source consistent image databases. This is the case for ImageNet reference data such as coco data, IP102, CIFAR-10, STL-10 and many others with variability representatives. The consistency of its images contributes to the spectacular results observed in its fields with deep learning. The application of deep learning which is making its debut in geology does not, to our knowledge, include a database of microscopic images of thin sections of open source rock minerals. In this paper, we evaluate three optimizers under the AlexNet architecture to check whether our acquired mineral images have object features or patterns that are clear and distinct to be extracted by a neural network. These are thin sections of magmatic rocks (biotite and 2-mica granite, granodiorite, simple granite, dolerite, charnokite and gabbros, etc.) which served as support. We use two hyper-parameters: the number of epochs to perform complete rounds on the entire data set and the “learning rate” to indicate how quickly the weights in the network will be modified during optimization. Using Transfer Learning, the three (3) optimizers all based on the gradient descent methods of Stochastic Momentum Gradient Descent (sgdm), Root Mean Square Propagation (RMSprop) algorithm and Adaptive Estimation of moment (Adam) achieved better performance. The recorded results indicate that the Momentum optimizer achieved the best scores respectively of 96.2% with a learning step set to 10−3 for a fixed choice of 350 epochs during this variation and 96, 7% over 300 epochs for the same value of the learning step. This performance is expected to provide excellent insight into image quality for future studies. Then they participate in the development of an intelligent system for the identification and classification of minerals, seven (7) in total (quartz, biotite, amphibole, plagioclase, feldspar, muscovite, pyroxene) and rocks.展开更多
This research presents a novel nature-inspired metaheuristic algorithm called Frilled Lizard Optimization(FLO),which emulates the unique hunting behavior of frilled lizards in their natural habitat.FLO draws its inspi...This research presents a novel nature-inspired metaheuristic algorithm called Frilled Lizard Optimization(FLO),which emulates the unique hunting behavior of frilled lizards in their natural habitat.FLO draws its inspiration from the sit-and-wait hunting strategy of these lizards.The algorithm’s core principles are meticulously detailed and mathematically structured into two distinct phases:(i)an exploration phase,which mimics the lizard’s sudden attack on its prey,and(ii)an exploitation phase,which simulates the lizard’s retreat to the treetops after feeding.To assess FLO’s efficacy in addressing optimization problems,its performance is rigorously tested on fifty-two standard benchmark functions.These functions include unimodal,high-dimensional multimodal,and fixed-dimensional multimodal functions,as well as the challenging CEC 2017 test suite.FLO’s performance is benchmarked against twelve established metaheuristic algorithms,providing a comprehensive comparative analysis.The simulation results demonstrate that FLO excels in both exploration and exploitation,effectively balancing these two critical aspects throughout the search process.This balanced approach enables FLO to outperform several competing algorithms in numerous test cases.Additionally,FLO is applied to twenty-two constrained optimization problems from the CEC 2011 test suite and four complex engineering design problems,further validating its robustness and versatility in solving real-world optimization challenges.Overall,the study highlights FLO’s superior performance and its potential as a powerful tool for tackling a wide range of optimization problems.展开更多
Driven piles are used in many geological environments as a practical and convenient structural component.Hence,the determination of the drivability of piles is actually of great importance in complex geotechnical appl...Driven piles are used in many geological environments as a practical and convenient structural component.Hence,the determination of the drivability of piles is actually of great importance in complex geotechnical applications.Conventional methods of predicting pile drivability often rely on simplified physicalmodels or empirical formulas,whichmay lack accuracy or applicability in complex geological conditions.Therefore,this study presents a practical machine learning approach,namely a Random Forest(RF)optimized by Bayesian Optimization(BO)and Particle Swarm Optimization(PSO),which not only enhances prediction accuracy but also better adapts to varying geological environments to predict the drivability parameters of piles(i.e.,maximumcompressive stress,maximum tensile stress,and blow per foot).In addition,support vector regression,extreme gradient boosting,k nearest neighbor,and decision tree are also used and applied for comparison purposes.In order to train and test these models,among the 4072 datasets collected with 17model inputs,3258 datasets were randomly selected for training,and the remaining 814 datasets were used for model testing.Lastly,the results of these models were compared and evaluated using two performance indices,i.e.,the root mean square error(RMSE)and the coefficient of determination(R2).The results indicate that the optimized RF model achieved lower RMSE than other prediction models in predicting the three parameters,specifically 0.044,0.438,and 0.146;and higher R^(2) values than other implemented techniques,specifically 0.966,0.884,and 0.977.In addition,the sensitivity and uncertainty of the optimized RF model were analyzed using Sobol sensitivity analysis and Monte Carlo(MC)simulation.It can be concluded that the optimized RF model could be used to predict the performance of the pile,and it may provide a useful reference for solving some problems under similar engineering conditions.展开更多
Phishing attacks present a persistent and evolving threat in the cybersecurity land-scape,necessitating the development of more sophisticated detection methods.Traditional machine learning approaches to phishing detec...Phishing attacks present a persistent and evolving threat in the cybersecurity land-scape,necessitating the development of more sophisticated detection methods.Traditional machine learning approaches to phishing detection have relied heavily on feature engineering and have often fallen short in adapting to the dynamically changing patterns of phishingUniformResource Locator(URLs).Addressing these challenge,we introduce a framework that integrates the sequential data processing strengths of a Recurrent Neural Network(RNN)with the hyperparameter optimization prowess of theWhale Optimization Algorithm(WOA).Ourmodel capitalizes on an extensive Kaggle dataset,featuring over 11,000 URLs,each delineated by 30 attributes.The WOA’s hyperparameter optimization enhances the RNN’s performance,evidenced by a meticulous validation process.The results,encapsulated in precision,recall,and F1-score metrics,surpass baseline models,achieving an overall accuracy of 92%.This study not only demonstrates the RNN’s proficiency in learning complex patterns but also underscores the WOA’s effectiveness in refining machine learning models for the critical task of phishing detection.展开更多
Traditional large-scale multi-objective optimization algorithms(LSMOEAs)encounter difficulties when dealing with sparse large-scale multi-objective optimization problems(SLM-OPs)where most decision variables are zero....Traditional large-scale multi-objective optimization algorithms(LSMOEAs)encounter difficulties when dealing with sparse large-scale multi-objective optimization problems(SLM-OPs)where most decision variables are zero.As a result,many algorithms use a two-layer encoding approach to optimize binary variable Mask and real variable Dec separately.Nevertheless,existing optimizers often focus on locating non-zero variable posi-tions to optimize the binary variables Mask.However,approxi-mating the sparse distribution of real Pareto optimal solutions does not necessarily mean that the objective function is optimized.In data mining,it is common to mine frequent itemsets appear-ing together in a dataset to reveal the correlation between data.Inspired by this,we propose a novel two-layer encoding learning swarm optimizer based on frequent itemsets(TELSO)to address these SLMOPs.TELSO mined the frequent terms of multiple particles with better target values to find mask combinations that can obtain better objective values for fast convergence.Experi-mental results on five real-world problems and eight benchmark sets demonstrate that TELSO outperforms existing state-of-the-art sparse large-scale multi-objective evolutionary algorithms(SLMOEAs)in terms of performance and convergence speed.展开更多
With the rapid development of communication technology,the problem of antenna array optimization plays a crucial role.Among many types of antennas,line antenna arrays(LAA)are the most commonly applied,but the side lob...With the rapid development of communication technology,the problem of antenna array optimization plays a crucial role.Among many types of antennas,line antenna arrays(LAA)are the most commonly applied,but the side lobe level(SLL)reduction is still a challenging problem.In the radiation process of the linear antenna array,the high side lobe level will interfere with the intensity of the antenna target radiation direction.Many conventional methods are ineffective in obtaining the maximumside lobe level in synthesis,and this paper proposed a quantum equilibrium optimizer(QEO)algorithm for line antenna arrays.Firstly,the linear antenna array model consists of an array element arrangement.Array factor(AF)can be expressed as the combination of array excitation amplitude and position in array space.Then,inspired by the powerful computing power of quantum computing,an improved quantum equilibrium optimizer combining quantum coding and quantum rotation gate strategy is proposed.Finally,the proposed quantum equilibrium optimizer is used to optimize the excitation amplitude of the array elements in the linear antenna array model by numerical simulation to minimize the interference of the side lobe level to the main lobe radiation.Six differentmetaheuristic algorithms are used to optimize the excitation amplitude in three different arrays of line antenna arrays,the experimental results indicated that the quantum equilibrium optimizer is more advantageous in obtaining the maximum side lobe level reduction.Compared with other metaheuristic optimization algorithms,the quantum equilibrium optimizer has advantages in terms of convergence speed and accuracy.展开更多
The grey wolf optimizer(GWO)is a swarm-based intelligence optimization algorithm by simulating the steps of searching,encircling,and attacking prey in the process of wolf hunting.Along with its advantages of simple pr...The grey wolf optimizer(GWO)is a swarm-based intelligence optimization algorithm by simulating the steps of searching,encircling,and attacking prey in the process of wolf hunting.Along with its advantages of simple principle and few parameters setting,GWO bears drawbacks such as low solution accuracy and slow convergence speed.A few recent advanced GWOs are proposed to try to overcome these disadvantages.However,they are either difficult to apply to large-scale problems due to high time complexity or easily lead to early convergence.To solve the abovementioned issues,a high-accuracy variable grey wolf optimizer(VGWO)with low time complexity is proposed in this study.VGWO first uses the symmetrical wolf strategy to generate an initial population of individuals to lay the foundation for the global seek of the algorithm,and then inspired by the simulated annealing algorithm and the differential evolution algorithm,a mutation operation for generating a new mutant individual is performed on three wolves which are randomly selected in the current wolf individuals while after each iteration.A vectorized Manhattan distance calculation method is specifically designed to evaluate the probability of selecting the mutant individual based on its status in the current wolf population for the purpose of dynamically balancing global search and fast convergence capability of VGWO.A series of experiments are conducted on 19 benchmark functions from CEC2014 and CEC2020 and three real-world engineering cases.For 19 benchmark functions,VGWO’s optimization results place first in 80%of comparisons to the state-of-art GWOs and the CEC2020 competition winner.A further evaluation based on the Friedman test,VGWO also outperforms all other algorithms statistically in terms of robustness with a better average ranking value.展开更多
The process of selecting features or reducing dimensionality can be viewed as a multi-objective minimization problem in which both the number of features and error rate must be minimized.While it is a multi-objective ...The process of selecting features or reducing dimensionality can be viewed as a multi-objective minimization problem in which both the number of features and error rate must be minimized.While it is a multi-objective problem,current methods tend to treat feature selection as a single-objective optimization task.This paper presents enhanced multi-objective grey wolf optimizer with Lévy flight and mutation phase(LMuMOGWO)for tackling feature selection problems.The proposed approach integrates two effective operators into the existing Multi-objective Grey Wolf optimizer(MOGWO):a Lévy flight and a mutation operator.The Lévy flight,a type of random walk with jump size determined by the Lévy distribution,enhances the global search capability of MOGWO,with the objective of maximizing classification accuracy while minimizing the number of selected features.The mutation operator is integrated to add more informative features that can assist in enhancing classification accuracy.As feature selection is a binary problem,the continuous search space is converted into a binary space using the sigmoid function.To evaluate the classification performance of the selected feature subset,the proposed approach employs a wrapper-based Artificial Neural Network(ANN).The effectiveness of the LMuMOGWO is validated on 12 conventional UCI benchmark datasets and compared with two existing variants of MOGWO,BMOGWO-S(based sigmoid),BMOGWO-V(based tanh)as well as Non-dominated Sorting Genetic Algorithm II(NSGA-II)and Multi-objective Particle Swarm Optimization(BMOPSO).The results demonstrate that the proposed LMuMOGWO approach is capable of successfully evolving and improving a set of randomly generated solutions for a given optimization problem.Moreover,the proposed approach outperforms existing approaches in most cases in terms of classification error rate,feature reduction,and computational cost.展开更多
The equilibrium optimizer(EO)represents a new,physics-inspired metaheuristic optimization approach that draws inspiration from the principles governing the control of volume-based mixing to achieve dynamic mass equili...The equilibrium optimizer(EO)represents a new,physics-inspired metaheuristic optimization approach that draws inspiration from the principles governing the control of volume-based mixing to achieve dynamic mass equilibrium.Despite its innovative foundation,the EO exhibits certain limitations,including imbalances between exploration and exploitation,the tendency to local optima,and the susceptibility to loss of population diversity.To alleviate these drawbacks,this paper introduces an improved EO that adopts three strategies:adaptive inertia weight,Cauchy mutation,and adaptive sine cosine mechanism,called SCEO.Firstly,a new update formula is conceived by incorporating an adaptive inertia weight to reach an appropriate balance between exploration and exploitation.Next,an adaptive sine cosine mechanism is embedded to boost the global exploratory capacity.Finally,the Cauchy mutation is utilized to prevent the loss of population diversity during searching.To validate the efficacy of the proposed SCEO,a comprehensive evaluation is conducted on 15 classical benchmark functions and the CEC2017 test suite.The outcomes are subsequently benchmarked against both the conventional EO,its variants,and other cutting-edge metaheuristic techniques.The comparisons reveal that the SCEO method provides significantly superior results against the standard EO and other competitors.In addition,the developed SCEO is implemented to deal with a mobile robot path planning(MRPP)task,and compared to some classical metaheuristic approaches.The analysis results demonstrate that the SCEO approach provides the best performance and is a prospective tool for MRPP.展开更多
Wireless sensor networks(WSNs)are widely used for various practical applications due to their simplicity and versatility.The quality of service in WSNs is greatly influenced by the coverage,which directly affects the ...Wireless sensor networks(WSNs)are widely used for various practical applications due to their simplicity and versatility.The quality of service in WSNs is greatly influenced by the coverage,which directly affects the monitoring capacity of the target region.However,low WSN coverage and uneven distribution of nodes in random deployments pose significant challenges.This study proposes an optimal node planning strategy for net-work coverage based on an adjusted single candidate optimizer(ASCO)to address these issues.The single candidate optimizer(SCO)is a metaheuristic algorithm with stable implementation procedures.However,it has limitations in avoiding local optimum traps in complex node coverage optimization scenarios.The ASCO overcomes these limitations by incorporating reverse learning and multi-direction strategies,resulting in updated equations.The performance of the ASCO algorithm is compared with other algorithms in the literature for optimal WSN node coverage.The results demonstrate that the ASCO algorithm offers efficient performance,rapid convergence,and expanded coverage capabilities.Notably,the ASCO achieves an archival coverage rate of 88%,while other approaches achieve coverage rates below or equal to 85%under the same conditions.展开更多
Recent developments on Internet and social networking have led to the growth of aggressive language and hate speech.Online provocation,abuses,and attacks are widely termed cyberbullying(CB).The massive quantity of use...Recent developments on Internet and social networking have led to the growth of aggressive language and hate speech.Online provocation,abuses,and attacks are widely termed cyberbullying(CB).The massive quantity of user generated content makes it difficult to recognize CB.Current advancements in machine learning(ML),deep learning(DL),and natural language processing(NLP)tools enable to detect and classify CB in social networks.In this view,this study introduces a spotted hyena optimizer with deep learning driven cybersecurity(SHODLCS)model for OSN.The presented SHODLCS model intends to accomplish cybersecurity from the identification of CB in the OSN.For achieving this,the SHODLCS model involves data pre-processing and TF-IDF based feature extraction.In addition,the cascaded recurrent neural network(CRNN)model is applied for the identification and classification of CB.Finally,the SHO algorithm is exploited to optimally tune the hyperparameters involved in the CRNN model and thereby results in enhanced classifier performance.The experimental validation of the SHODLCS model on the benchmark dataset portrayed the better outcomes of the SHODLCS model over the recent approaches.展开更多
In cloud computing(CC),resources are allocated and offered to the cli-ents transparently in an on-demand way.Failures can happen in CC environment and the cloud resources are adaptable tofluctuations in the performance...In cloud computing(CC),resources are allocated and offered to the cli-ents transparently in an on-demand way.Failures can happen in CC environment and the cloud resources are adaptable tofluctuations in the performance delivery.Task execution failure becomes common in the CC environment.Therefore,fault-tolerant scheduling techniques in CC environment are essential for handling performance differences,resourcefluxes,and failures.Recently,several intelli-gent scheduling approaches have been developed for scheduling tasks in CC with no consideration of fault tolerant characteristics.With this motivation,this study focuses on the design of Gorilla Troops Optimizer Based Fault Tolerant Aware Scheduling Scheme(GTO-FTASS)in CC environment.The proposed GTO-FTASS model aims to schedule the tasks and allocate resources by considering fault tolerance into account.The GTO-FTASS algorithm is based on the social intelligence nature of gorilla troops.Besides,the GTO-FTASS model derives afitness function involving two parameters such as expected time of completion(ETC)and failure probability of executing a task.In addition,the presented fault detector can trace the failed tasks or VMs and then schedule heal submodule in sequence with a remedial or retrieval scheduling model.The experimental vali-dation of the GTO-FTASS model has been performed and the results are inspected under several aspects.Extensive comparative analysis reported the better outcomes of the GTO-FTASS model over the recent approaches.展开更多
基金funded by the Researchers Supporting Program at King Saud University(RSPD2024R809).
文摘Hybridizing metaheuristic algorithms involves synergistically combining different optimization techniques to effectively address complex and challenging optimization problems.This approach aims to leverage the strengths of multiple algorithms,enhancing solution quality,convergence speed,and robustness,thereby offering a more versatile and efficient means of solving intricate real-world optimization tasks.In this paper,we introduce a hybrid algorithm that amalgamates three distinct metaheuristics:the Beluga Whale Optimization(BWO),the Honey Badger Algorithm(HBA),and the Jellyfish Search(JS)optimizer.The proposed hybrid algorithm will be referred to as BHJO.Through this fusion,the BHJO algorithm aims to leverage the strengths of each optimizer.Before this hybridization,we thoroughly examined the exploration and exploitation capabilities of the BWO,HBA,and JS metaheuristics,as well as their ability to strike a balance between exploration and exploitation.This meticulous analysis allowed us to identify the pros and cons of each algorithm,enabling us to combine them in a novel hybrid approach that capitalizes on their respective strengths for enhanced optimization performance.In addition,the BHJO algorithm incorporates Opposition-Based Learning(OBL)to harness the advantages offered by this technique,leveraging its diverse exploration,accelerated convergence,and improved solution quality to enhance the overall performance and effectiveness of the hybrid algorithm.Moreover,the performance of the BHJO algorithm was evaluated across a range of both unconstrained and constrained optimization problems,providing a comprehensive assessment of its efficacy and applicability in diverse problem domains.Similarly,the BHJO algorithm was subjected to a comparative analysis with several renowned algorithms,where mean and standard deviation values were utilized as evaluation metrics.This rigorous comparison aimed to assess the performance of the BHJOalgorithmabout its counterparts,shedding light on its effectiveness and reliability in solving optimization problems.Finally,the obtained numerical statistics underwent rigorous analysis using the Friedman post hoc Dunn’s test.The resulting numerical values revealed the BHJO algorithm’s competitiveness in tackling intricate optimization problems,affirming its capability to deliver favorable outcomes in challenging scenarios.
基金supported by the National Research Foundation of Korea(NRF)Grant funded by the Korea government(MSIT)(No.RS-2023-00218176)the Soonchunhyang University Research Fund.
文摘This study proposes a hybridization of two efficient algorithm’s Multi-objective Ant Lion Optimizer Algorithm(MOALO)which is a multi-objective enhanced version of the Ant Lion Optimizer Algorithm(ALO)and the Genetic Algorithm(GA).MOALO version has been employed to address those problems containing many objectives and an archive has been employed for retaining the non-dominated solutions.The uniqueness of the hybrid is that the operators like mutation and crossover of GA are employed in the archive to update the solutions and later those solutions go through the process of MOALO.A first-time hybrid of these algorithms is employed to solve multi-objective problems.The hybrid algorithm overcomes the limitation of ALO of getting caught in the local optimum and the requirement of more computational effort to converge GA.To evaluate the hybridized algorithm’s performance,a set of constrained,unconstrained test problems and engineering design problems were employed and compared with five well-known computational algorithms-MOALO,Multi-objective Crystal Structure Algorithm(MOCryStAl),Multi-objective Particle Swarm Optimization(MOPSO),Multi-objective Multiverse Optimization Algorithm(MOMVO),Multi-objective Salp Swarm Algorithm(MSSA).The outcomes of five performance metrics are statistically analyzed and the most efficient Pareto fronts comparison has been obtained.The proposed hybrid surpasses MOALO based on the results of hypervolume(HV),Spread,and Spacing.So primary objective of developing this hybrid approach has been achieved successfully.The proposed approach demonstrates superior performance on the test functions,showcasing robust convergence and comprehensive coverage that surpasses other existing algorithms.
文摘Speech emotion recognition(SER)uses acoustic analysis to find features for emotion recognition and examines variations in voice that are caused by emotions.The number of features acquired with acoustic analysis is extremely high,so we introduce a hybrid filter-wrapper feature selection algorithm based on an improved equilibrium optimizer for constructing an emotion recognition system.The proposed algorithm implements multi-objective emotion recognition with the minimum number of selected features and maximum accuracy.First,we use the information gain and Fisher Score to sort the features extracted from signals.Then,we employ a multi-objective ranking method to evaluate these features and assign different importance to them.Features with high rankings have a large probability of being selected.Finally,we propose a repair strategy to address the problem of duplicate solutions in multi-objective feature selection,which can improve the diversity of solutions and avoid falling into local traps.Using random forest and K-nearest neighbor classifiers,four English speech emotion datasets are employed to test the proposed algorithm(MBEO)as well as other multi-objective emotion identification techniques.The results illustrate that it performs well in inverted generational distance,hypervolume,Pareto solutions,and execution time,and MBEO is appropriate for high-dimensional English SER.
基金The Deanship of Scientific Research(DSR)at King Abdulaziz University(KAU),Jeddah,Saudi Arabia has funded this project under Grant No.(G:651-135-1443).
文摘Failure detection is an essential task in industrial systems for preventing costly downtime and ensuring the seamlessoperation of the system. Current industrial processes are getting smarter with the emergence of Industry 4.0.Specifically, various modernized industrial processes have been equipped with quite a few sensors to collectprocess-based data to find faults arising or prevailing in processes along with monitoring the status of processes.Fault diagnosis of rotating machines serves a main role in the engineering field and industrial production. Dueto the disadvantages of existing fault, diagnosis approaches, which greatly depend on professional experienceand human knowledge, intellectual fault diagnosis based on deep learning (DL) has attracted the researcher’sinterest. DL reaches the desired fault classification and automatic feature learning. Therefore, this article designs a Gradient Optimizer Algorithm with Hybrid Deep Learning-based Failure Detection and Classification (GOAHDLFDC)in the industrial environment. The presented GOAHDL-FDC technique initially applies continuous wavelettransform (CWT) for preprocessing the actual vibrational signals of the rotating machinery. Next, the residualnetwork (ResNet18) model was exploited for the extraction of features from the vibration signals which are thenfed into theHDLmodel for automated fault detection. Finally, theGOA-based hyperparameter tuning is performedtoadjust the parameter valuesof theHDLmodel accurately.The experimental result analysis of the GOAHDL-FD Calgorithm takes place using a series of simulations and the experimentation outcomes highlight the better resultsof the GOAHDL-FDC technique under different aspects.
文摘This paper presents a novelmulticlass systemdesigned to detect pleural effusion and pulmonary edema on chest Xray images,addressing the critical need for early detection in healthcare.A new comprehensive dataset was formed by combining 28,309 samples from the ChestX-ray14,PadChest,and CheXpert databases,with 10,287,6022,and 12,000 samples representing Pleural Effusion,Pulmonary Edema,and Normal cases,respectively.Consequently,the preprocessing step involves applying the Contrast Limited Adaptive Histogram Equalization(CLAHE)method to boost the local contrast of the X-ray samples,then resizing the images to 380×380 dimensions,followed by using the data augmentation technique.The classification task employs a deep learning model based on the EfficientNet-V1-B4 architecture and is trained using the AdamW optimizer.The proposed multiclass system achieved an accuracy(ACC)of 98.3%,recall of 98.3%,precision of 98.7%,and F1-score of 98.7%.Moreover,the robustness of the model was revealed by the Receiver Operating Characteristic(ROC)analysis,which demonstrated an Area Under the Curve(AUC)of 1.00 for edema and normal cases and 0.99 for effusion.The experimental results demonstrate the superiority of the proposedmulti-class system,which has the potential to assist clinicians in timely and accurate diagnosis,leading to improved patient outcomes.Notably,ablation-CAM visualization at the last convolutional layer portrayed further enhanced diagnostic capabilities with heat maps on X-ray images,which will aid clinicians in interpreting and localizing abnormalities more effectively.
基金supported by the National Natural Science Foundation of China under Grant 61602162the Hubei Provincial Science and Technology Plan Project under Grant 2023BCB041.
文摘Network traffic identification is critical for maintaining network security and further meeting various demands of network applications.However,network traffic data typically possesses high dimensionality and complexity,leading to practical problems in traffic identification data analytics.Since the original Dung Beetle Optimizer(DBO)algorithm,Grey Wolf Optimization(GWO)algorithm,Whale Optimization Algorithm(WOA),and Particle Swarm Optimization(PSO)algorithm have the shortcomings of slow convergence and easily fall into the local optimal solution,an Improved Dung Beetle Optimizer(IDBO)algorithm is proposed for network traffic identification.Firstly,the Sobol sequence is utilized to initialize the dung beetle population,laying the foundation for finding the global optimal solution.Next,an integration of levy flight and golden sine strategy is suggested to give dung beetles a greater probability of exploring unvisited areas,escaping from the local optimal solution,and converging more effectively towards a global optimal solution.Finally,an adaptive weight factor is utilized to enhance the search capabilities of the original DBO algorithm and accelerate convergence.With the improvements above,the proposed IDBO algorithm is then applied to traffic identification data analytics and feature selection,as so to find the optimal subset for K-Nearest Neighbor(KNN)classification.The simulation experiments use the CICIDS2017 dataset to verify the effectiveness of the proposed IDBO algorithm and compare it with the original DBO,GWO,WOA,and PSO algorithms.The experimental results show that,compared with other algorithms,the accuracy and recall are improved by 1.53%and 0.88%in binary classification,and the Distributed Denial of Service(DDoS)class identification is the most effective in multi-classification,with an improvement of 5.80%and 0.33%for accuracy and recall,respectively.Therefore,the proposed IDBO algorithm is effective in increasing the efficiency of traffic identification and solving the problem of the original DBO algorithm that converges slowly and falls into the local optimal solution when dealing with high-dimensional data analytics and feature selection for network traffic identification.
基金supported by the Natural Science Foundation of Anhui Province(Grant Number 2208085MG181)the Science Research Project of Higher Education Institutions in Anhui Province,Philosophy and Social Sciences(Grant Number 2023AH051063)the Open Fund of Key Laboratory of Anhui Higher Education Institutes(Grant Number CS2021-ZD01).
文摘The distributed flexible job shop scheduling problem(DFJSP)has attracted great attention with the growth of the global manufacturing industry.General DFJSP research only considers machine constraints and ignores worker constraints.As one critical factor of production,effective utilization of worker resources can increase productivity.Meanwhile,energy consumption is a growing concern due to the increasingly serious environmental issues.Therefore,the distributed flexible job shop scheduling problem with dual resource constraints(DFJSP-DRC)for minimizing makespan and total energy consumption is studied in this paper.To solve the problem,we present a multi-objective mathematical model for DFJSP-DRC and propose a Q-learning-based multi-objective grey wolf optimizer(Q-MOGWO).In Q-MOGWO,high-quality initial solutions are generated by a hybrid initialization strategy,and an improved active decoding strategy is designed to obtain the scheduling schemes.To further enhance the local search capability and expand the solution space,two wolf predation strategies and three critical factory neighborhood structures based on Q-learning are proposed.These strategies and structures enable Q-MOGWO to explore the solution space more efficiently and thus find better Pareto solutions.The effectiveness of Q-MOGWO in addressing DFJSP-DRC is verified through comparison with four algorithms using 45 instances.The results reveal that Q-MOGWO outperforms comparison algorithms in terms of solution quality.
基金partially supported by NSFC under Grant Nos.61832001 and 62272008ZTE Industry-University-Institute Fund Project。
文摘The query processing in distributed database management systems(DBMS)faces more challenges,such as more operators,and more factors in cost models and meta-data,than that in a single-node DMBS,in which query optimization is already an NP-hard problem.Learned query optimizers(mainly in the single-node DBMS)receive attention due to its capability to capture data distributions and flexible ways to avoid hard-craft rules in refinement and adaptation to new hardware.In this paper,we focus on extensions of learned query optimizers to distributed DBMSs.Specifically,we propose one possible but general architecture of the learned query optimizer in the distributed context and highlight differences from the learned optimizer in the single-node ones.In addition,we discuss the challenges and possible solutions.
文摘The development of artificial intelligence (AI), particularly deep learning, has made it possible to accelerate and improve the processing of data collected in different fields (commerce, medicine, surveillance or security, agriculture, etc.). Most related works use open source consistent image databases. This is the case for ImageNet reference data such as coco data, IP102, CIFAR-10, STL-10 and many others with variability representatives. The consistency of its images contributes to the spectacular results observed in its fields with deep learning. The application of deep learning which is making its debut in geology does not, to our knowledge, include a database of microscopic images of thin sections of open source rock minerals. In this paper, we evaluate three optimizers under the AlexNet architecture to check whether our acquired mineral images have object features or patterns that are clear and distinct to be extracted by a neural network. These are thin sections of magmatic rocks (biotite and 2-mica granite, granodiorite, simple granite, dolerite, charnokite and gabbros, etc.) which served as support. We use two hyper-parameters: the number of epochs to perform complete rounds on the entire data set and the “learning rate” to indicate how quickly the weights in the network will be modified during optimization. Using Transfer Learning, the three (3) optimizers all based on the gradient descent methods of Stochastic Momentum Gradient Descent (sgdm), Root Mean Square Propagation (RMSprop) algorithm and Adaptive Estimation of moment (Adam) achieved better performance. The recorded results indicate that the Momentum optimizer achieved the best scores respectively of 96.2% with a learning step set to 10−3 for a fixed choice of 350 epochs during this variation and 96, 7% over 300 epochs for the same value of the learning step. This performance is expected to provide excellent insight into image quality for future studies. Then they participate in the development of an intelligent system for the identification and classification of minerals, seven (7) in total (quartz, biotite, amphibole, plagioclase, feldspar, muscovite, pyroxene) and rocks.
文摘This research presents a novel nature-inspired metaheuristic algorithm called Frilled Lizard Optimization(FLO),which emulates the unique hunting behavior of frilled lizards in their natural habitat.FLO draws its inspiration from the sit-and-wait hunting strategy of these lizards.The algorithm’s core principles are meticulously detailed and mathematically structured into two distinct phases:(i)an exploration phase,which mimics the lizard’s sudden attack on its prey,and(ii)an exploitation phase,which simulates the lizard’s retreat to the treetops after feeding.To assess FLO’s efficacy in addressing optimization problems,its performance is rigorously tested on fifty-two standard benchmark functions.These functions include unimodal,high-dimensional multimodal,and fixed-dimensional multimodal functions,as well as the challenging CEC 2017 test suite.FLO’s performance is benchmarked against twelve established metaheuristic algorithms,providing a comprehensive comparative analysis.The simulation results demonstrate that FLO excels in both exploration and exploitation,effectively balancing these two critical aspects throughout the search process.This balanced approach enables FLO to outperform several competing algorithms in numerous test cases.Additionally,FLO is applied to twenty-two constrained optimization problems from the CEC 2011 test suite and four complex engineering design problems,further validating its robustness and versatility in solving real-world optimization challenges.Overall,the study highlights FLO’s superior performance and its potential as a powerful tool for tackling a wide range of optimization problems.
基金supported by the National Science Foundation of China(42107183).
文摘Driven piles are used in many geological environments as a practical and convenient structural component.Hence,the determination of the drivability of piles is actually of great importance in complex geotechnical applications.Conventional methods of predicting pile drivability often rely on simplified physicalmodels or empirical formulas,whichmay lack accuracy or applicability in complex geological conditions.Therefore,this study presents a practical machine learning approach,namely a Random Forest(RF)optimized by Bayesian Optimization(BO)and Particle Swarm Optimization(PSO),which not only enhances prediction accuracy but also better adapts to varying geological environments to predict the drivability parameters of piles(i.e.,maximumcompressive stress,maximum tensile stress,and blow per foot).In addition,support vector regression,extreme gradient boosting,k nearest neighbor,and decision tree are also used and applied for comparison purposes.In order to train and test these models,among the 4072 datasets collected with 17model inputs,3258 datasets were randomly selected for training,and the remaining 814 datasets were used for model testing.Lastly,the results of these models were compared and evaluated using two performance indices,i.e.,the root mean square error(RMSE)and the coefficient of determination(R2).The results indicate that the optimized RF model achieved lower RMSE than other prediction models in predicting the three parameters,specifically 0.044,0.438,and 0.146;and higher R^(2) values than other implemented techniques,specifically 0.966,0.884,and 0.977.In addition,the sensitivity and uncertainty of the optimized RF model were analyzed using Sobol sensitivity analysis and Monte Carlo(MC)simulation.It can be concluded that the optimized RF model could be used to predict the performance of the pile,and it may provide a useful reference for solving some problems under similar engineering conditions.
基金Princess Nourah bint Abdulrahman University Researchers Supporting Project number(PNURSP2024R 343)PrincessNourah bint Abdulrahman University,Riyadh,Saudi ArabiaDeanship of Scientific Research at Northern Border University,Arar,Kingdom of Saudi Arabia,for funding this researchwork through the project number“NBU-FFR-2024-1092-02”.
文摘Phishing attacks present a persistent and evolving threat in the cybersecurity land-scape,necessitating the development of more sophisticated detection methods.Traditional machine learning approaches to phishing detection have relied heavily on feature engineering and have often fallen short in adapting to the dynamically changing patterns of phishingUniformResource Locator(URLs).Addressing these challenge,we introduce a framework that integrates the sequential data processing strengths of a Recurrent Neural Network(RNN)with the hyperparameter optimization prowess of theWhale Optimization Algorithm(WOA).Ourmodel capitalizes on an extensive Kaggle dataset,featuring over 11,000 URLs,each delineated by 30 attributes.The WOA’s hyperparameter optimization enhances the RNN’s performance,evidenced by a meticulous validation process.The results,encapsulated in precision,recall,and F1-score metrics,surpass baseline models,achieving an overall accuracy of 92%.This study not only demonstrates the RNN’s proficiency in learning complex patterns but also underscores the WOA’s effectiveness in refining machine learning models for the critical task of phishing detection.
基金supported by the Scientific Research Project of Xiang Jiang Lab(22XJ02003)the University Fundamental Research Fund(23-ZZCX-JDZ-28)+5 种基金the National Science Fund for Outstanding Young Scholars(62122093)the National Natural Science Foundation of China(72071205)the Hunan Graduate Research Innovation Project(ZC23112101-10)the Hunan Natural Science Foundation Regional Joint Project(2023JJ50490)the Science and Technology Project for Young and Middle-aged Talents of Hunan(2023TJ-Z03)the Science and Technology Innovation Program of Humnan Province(2023RC1002)。
文摘Traditional large-scale multi-objective optimization algorithms(LSMOEAs)encounter difficulties when dealing with sparse large-scale multi-objective optimization problems(SLM-OPs)where most decision variables are zero.As a result,many algorithms use a two-layer encoding approach to optimize binary variable Mask and real variable Dec separately.Nevertheless,existing optimizers often focus on locating non-zero variable posi-tions to optimize the binary variables Mask.However,approxi-mating the sparse distribution of real Pareto optimal solutions does not necessarily mean that the objective function is optimized.In data mining,it is common to mine frequent itemsets appear-ing together in a dataset to reveal the correlation between data.Inspired by this,we propose a novel two-layer encoding learning swarm optimizer based on frequent itemsets(TELSO)to address these SLMOPs.TELSO mined the frequent terms of multiple particles with better target values to find mask combinations that can obtain better objective values for fast convergence.Experi-mental results on five real-world problems and eight benchmark sets demonstrate that TELSO outperforms existing state-of-the-art sparse large-scale multi-objective evolutionary algorithms(SLMOEAs)in terms of performance and convergence speed.
基金supported by the National Science Foundation of China under Grant No.62066005Project of the Guangxi Science and Technology under Grant No.AD21196006.
文摘With the rapid development of communication technology,the problem of antenna array optimization plays a crucial role.Among many types of antennas,line antenna arrays(LAA)are the most commonly applied,but the side lobe level(SLL)reduction is still a challenging problem.In the radiation process of the linear antenna array,the high side lobe level will interfere with the intensity of the antenna target radiation direction.Many conventional methods are ineffective in obtaining the maximumside lobe level in synthesis,and this paper proposed a quantum equilibrium optimizer(QEO)algorithm for line antenna arrays.Firstly,the linear antenna array model consists of an array element arrangement.Array factor(AF)can be expressed as the combination of array excitation amplitude and position in array space.Then,inspired by the powerful computing power of quantum computing,an improved quantum equilibrium optimizer combining quantum coding and quantum rotation gate strategy is proposed.Finally,the proposed quantum equilibrium optimizer is used to optimize the excitation amplitude of the array elements in the linear antenna array model by numerical simulation to minimize the interference of the side lobe level to the main lobe radiation.Six differentmetaheuristic algorithms are used to optimize the excitation amplitude in three different arrays of line antenna arrays,the experimental results indicated that the quantum equilibrium optimizer is more advantageous in obtaining the maximum side lobe level reduction.Compared with other metaheuristic optimization algorithms,the quantum equilibrium optimizer has advantages in terms of convergence speed and accuracy.
文摘The grey wolf optimizer(GWO)is a swarm-based intelligence optimization algorithm by simulating the steps of searching,encircling,and attacking prey in the process of wolf hunting.Along with its advantages of simple principle and few parameters setting,GWO bears drawbacks such as low solution accuracy and slow convergence speed.A few recent advanced GWOs are proposed to try to overcome these disadvantages.However,they are either difficult to apply to large-scale problems due to high time complexity or easily lead to early convergence.To solve the abovementioned issues,a high-accuracy variable grey wolf optimizer(VGWO)with low time complexity is proposed in this study.VGWO first uses the symmetrical wolf strategy to generate an initial population of individuals to lay the foundation for the global seek of the algorithm,and then inspired by the simulated annealing algorithm and the differential evolution algorithm,a mutation operation for generating a new mutant individual is performed on three wolves which are randomly selected in the current wolf individuals while after each iteration.A vectorized Manhattan distance calculation method is specifically designed to evaluate the probability of selecting the mutant individual based on its status in the current wolf population for the purpose of dynamically balancing global search and fast convergence capability of VGWO.A series of experiments are conducted on 19 benchmark functions from CEC2014 and CEC2020 and three real-world engineering cases.For 19 benchmark functions,VGWO’s optimization results place first in 80%of comparisons to the state-of-art GWOs and the CEC2020 competition winner.A further evaluation based on the Friedman test,VGWO also outperforms all other algorithms statistically in terms of robustness with a better average ranking value.
基金supported by Universiti Teknologi PETRONAS,under the Yayasan Universiti Teknologi PETRONAS (YUTP)Fundamental Research Grant Scheme (YUTPFRG/015LC0-274)support by Researchers Supporting Project Number (RSP-2023/309),King Saud University,Riyadh,Saudi Arabia.
文摘The process of selecting features or reducing dimensionality can be viewed as a multi-objective minimization problem in which both the number of features and error rate must be minimized.While it is a multi-objective problem,current methods tend to treat feature selection as a single-objective optimization task.This paper presents enhanced multi-objective grey wolf optimizer with Lévy flight and mutation phase(LMuMOGWO)for tackling feature selection problems.The proposed approach integrates two effective operators into the existing Multi-objective Grey Wolf optimizer(MOGWO):a Lévy flight and a mutation operator.The Lévy flight,a type of random walk with jump size determined by the Lévy distribution,enhances the global search capability of MOGWO,with the objective of maximizing classification accuracy while minimizing the number of selected features.The mutation operator is integrated to add more informative features that can assist in enhancing classification accuracy.As feature selection is a binary problem,the continuous search space is converted into a binary space using the sigmoid function.To evaluate the classification performance of the selected feature subset,the proposed approach employs a wrapper-based Artificial Neural Network(ANN).The effectiveness of the LMuMOGWO is validated on 12 conventional UCI benchmark datasets and compared with two existing variants of MOGWO,BMOGWO-S(based sigmoid),BMOGWO-V(based tanh)as well as Non-dominated Sorting Genetic Algorithm II(NSGA-II)and Multi-objective Particle Swarm Optimization(BMOPSO).The results demonstrate that the proposed LMuMOGWO approach is capable of successfully evolving and improving a set of randomly generated solutions for a given optimization problem.Moreover,the proposed approach outperforms existing approaches in most cases in terms of classification error rate,feature reduction,and computational cost.
基金support from the National Natural Science Foundation of China[Grant Nos.61461053,61461054,and 61072079]Yunnan Provincial Education Department Scientific Research Fund Project[2022Y008].
文摘The equilibrium optimizer(EO)represents a new,physics-inspired metaheuristic optimization approach that draws inspiration from the principles governing the control of volume-based mixing to achieve dynamic mass equilibrium.Despite its innovative foundation,the EO exhibits certain limitations,including imbalances between exploration and exploitation,the tendency to local optima,and the susceptibility to loss of population diversity.To alleviate these drawbacks,this paper introduces an improved EO that adopts three strategies:adaptive inertia weight,Cauchy mutation,and adaptive sine cosine mechanism,called SCEO.Firstly,a new update formula is conceived by incorporating an adaptive inertia weight to reach an appropriate balance between exploration and exploitation.Next,an adaptive sine cosine mechanism is embedded to boost the global exploratory capacity.Finally,the Cauchy mutation is utilized to prevent the loss of population diversity during searching.To validate the efficacy of the proposed SCEO,a comprehensive evaluation is conducted on 15 classical benchmark functions and the CEC2017 test suite.The outcomes are subsequently benchmarked against both the conventional EO,its variants,and other cutting-edge metaheuristic techniques.The comparisons reveal that the SCEO method provides significantly superior results against the standard EO and other competitors.In addition,the developed SCEO is implemented to deal with a mobile robot path planning(MRPP)task,and compared to some classical metaheuristic approaches.The analysis results demonstrate that the SCEO approach provides the best performance and is a prospective tool for MRPP.
基金supported by the VNUHCM-University of Information Technology’s Scientific Research Support Fund.
文摘Wireless sensor networks(WSNs)are widely used for various practical applications due to their simplicity and versatility.The quality of service in WSNs is greatly influenced by the coverage,which directly affects the monitoring capacity of the target region.However,low WSN coverage and uneven distribution of nodes in random deployments pose significant challenges.This study proposes an optimal node planning strategy for net-work coverage based on an adjusted single candidate optimizer(ASCO)to address these issues.The single candidate optimizer(SCO)is a metaheuristic algorithm with stable implementation procedures.However,it has limitations in avoiding local optimum traps in complex node coverage optimization scenarios.The ASCO overcomes these limitations by incorporating reverse learning and multi-direction strategies,resulting in updated equations.The performance of the ASCO algorithm is compared with other algorithms in the literature for optimal WSN node coverage.The results demonstrate that the ASCO algorithm offers efficient performance,rapid convergence,and expanded coverage capabilities.Notably,the ASCO achieves an archival coverage rate of 88%,while other approaches achieve coverage rates below or equal to 85%under the same conditions.
基金Princess Nourah bint Abdulrahman University Researchers Supporting Project number(PNURSP2022R140)Princess Nourah bint Abdulrahman University,Riyadh,Saudi Arabia.The authors would like to thank the Deanship of Scientific Research at Umm Al-Qura University for supporting this work by Grant Code:22UQU4310373DSR15.
文摘Recent developments on Internet and social networking have led to the growth of aggressive language and hate speech.Online provocation,abuses,and attacks are widely termed cyberbullying(CB).The massive quantity of user generated content makes it difficult to recognize CB.Current advancements in machine learning(ML),deep learning(DL),and natural language processing(NLP)tools enable to detect and classify CB in social networks.In this view,this study introduces a spotted hyena optimizer with deep learning driven cybersecurity(SHODLCS)model for OSN.The presented SHODLCS model intends to accomplish cybersecurity from the identification of CB in the OSN.For achieving this,the SHODLCS model involves data pre-processing and TF-IDF based feature extraction.In addition,the cascaded recurrent neural network(CRNN)model is applied for the identification and classification of CB.Finally,the SHO algorithm is exploited to optimally tune the hyperparameters involved in the CRNN model and thereby results in enhanced classifier performance.The experimental validation of the SHODLCS model on the benchmark dataset portrayed the better outcomes of the SHODLCS model over the recent approaches.
文摘In cloud computing(CC),resources are allocated and offered to the cli-ents transparently in an on-demand way.Failures can happen in CC environment and the cloud resources are adaptable tofluctuations in the performance delivery.Task execution failure becomes common in the CC environment.Therefore,fault-tolerant scheduling techniques in CC environment are essential for handling performance differences,resourcefluxes,and failures.Recently,several intelli-gent scheduling approaches have been developed for scheduling tasks in CC with no consideration of fault tolerant characteristics.With this motivation,this study focuses on the design of Gorilla Troops Optimizer Based Fault Tolerant Aware Scheduling Scheme(GTO-FTASS)in CC environment.The proposed GTO-FTASS model aims to schedule the tasks and allocate resources by considering fault tolerance into account.The GTO-FTASS algorithm is based on the social intelligence nature of gorilla troops.Besides,the GTO-FTASS model derives afitness function involving two parameters such as expected time of completion(ETC)and failure probability of executing a task.In addition,the presented fault detector can trace the failed tasks or VMs and then schedule heal submodule in sequence with a remedial or retrieval scheduling model.The experimental vali-dation of the GTO-FTASS model has been performed and the results are inspected under several aspects.Extensive comparative analysis reported the better outcomes of the GTO-FTASS model over the recent approaches.