期刊文献+
共找到95篇文章
< 1 2 5 >
每页显示 20 50 100
A Surrogate-assisted Multi-objective Grey Wolf Optimizer for Empty-heavy Train Allocation Considering Coordinated Line Utilization Balance 被引量:1
1
作者 Zhigang Du Shaoquan Ni +1 位作者 Jeng-Shyang Pan Shuchuan Chu 《Journal of Bionic Engineering》 2025年第1期383-397,共15页
This paper introduces the Surrogate-assisted Multi-objective Grey Wolf Optimizer(SMOGWO)as a novel methodology for addressing the complex problem of empty-heavy train allocation,with a focus on line utilization balanc... This paper introduces the Surrogate-assisted Multi-objective Grey Wolf Optimizer(SMOGWO)as a novel methodology for addressing the complex problem of empty-heavy train allocation,with a focus on line utilization balance.By integrating surrogate models to approximate the objective functions,SMOGWO significantly improves the efficiency and accuracy of the optimization process.The effectiveness of this approach is evaluated using the CEC2009 multi-objective test function suite,where SMOGWO achieves a superiority rate of 76.67%compared to other leading multi-objective algorithms.Furthermore,the practical applicability of SMOGWO is demonstrated through a case study on empty and heavy train allocation,which validates its ability to balance line capacity,minimize transportation costs,and optimize the technical combination of heavy trains.The research highlights SMOGWO's potential as a robust solution for optimization challenges in railway transportation,offering valuable contributions toward enhancing operational efficiency and promoting sustainable development in the sector. 展开更多
关键词 Surrogate-assisted model grey wolf optimizer multi-objective optimization Empty-heavy train allocation
在线阅读 下载PDF
Energy-Saving Distributed Flexible Job Shop Scheduling Optimization with Dual Resource Constraints Based on Integrated Q-Learning Multi-Objective Grey Wolf Optimizer 被引量:2
2
作者 Hongliang Zhang Yi Chen +1 位作者 Yuteng Zhang Gongjie Xu 《Computer Modeling in Engineering & Sciences》 SCIE EI 2024年第8期1459-1483,共25页
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. 展开更多
关键词 Distributed flexible job shop scheduling problem dual resource constraints energy-saving scheduling multi-objective grey wolf optimizer Q-LEARNING
在线阅读 下载PDF
Enhanced Multi-Objective Grey Wolf Optimizer with Lévy Flight and Mutation Operators for Feature Selection 被引量:1
3
作者 Qasem Al-Tashi Tareq M Shami +9 位作者 Said Jadid Abdulkadir Emelia Akashah Patah Akhir Ayed Alwadain Hitham Alhussain Alawi Alqushaibi Helmi MD Rais Amgad Muneer Maliazurina B.Saad Jia Wu Seyedali Mirjalili 《Computer Systems Science & Engineering》 SCIE EI 2023年第11期1937-1966,共30页
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. 展开更多
关键词 Feature selection multi-objective optimization grey wolf optimizer Lévy flight MUTATION classification
在线阅读 下载PDF
Enhancing Hyper-Spectral Image Classification with Reinforcement Learning and Advanced Multi-Objective Binary Grey Wolf Optimization
4
作者 Mehrdad Shoeibi Mohammad Mehdi Sharifi Nevisi +3 位作者 Reza Salehi Diego Martín Zahra Halimi Sahba Baniasadi 《Computers, Materials & Continua》 SCIE EI 2024年第6期3469-3493,共25页
Hyperspectral(HS)image classification plays a crucial role in numerous areas including remote sensing(RS),agriculture,and the monitoring of the environment.Optimal band selection in HS images is crucial for improving ... Hyperspectral(HS)image classification plays a crucial role in numerous areas including remote sensing(RS),agriculture,and the monitoring of the environment.Optimal band selection in HS images is crucial for improving the efficiency and accuracy of image classification.This process involves selecting the most informative spectral bands,which leads to a reduction in data volume.Focusing on these key bands also enhances the accuracy of classification algorithms,as redundant or irrelevant bands,which can introduce noise and lower model performance,are excluded.In this paper,we propose an approach for HS image classification using deep Q learning(DQL)and a novel multi-objective binary grey wolf optimizer(MOBGWO).We investigate the MOBGWO for optimal band selection to further enhance the accuracy of HS image classification.In the suggested MOBGWO,a new sigmoid function is introduced as a transfer function to modify the wolves’position.The primary objective of this classification is to reduce the number of bands while maximizing classification accuracy.To evaluate the effectiveness of our approach,we conducted experiments on publicly available HS image datasets,including Pavia University,Washington Mall,and Indian Pines datasets.We compared the performance of our proposed method with several state-of-the-art deep learning(DL)and machine learning(ML)algorithms,including long short-term memory(LSTM),deep neural network(DNN),recurrent neural network(RNN),support vector machine(SVM),and random forest(RF).Our experimental results demonstrate that the Hybrid MOBGWO-DQL significantly improves classification accuracy compared to traditional optimization and DL techniques.MOBGWO-DQL shows greater accuracy in classifying most categories in both datasets used.For the Indian Pine dataset,the MOBGWO-DQL architecture achieved a kappa coefficient(KC)of 97.68%and an overall accuracy(OA)of 94.32%.This was accompanied by the lowest root mean square error(RMSE)of 0.94,indicating very precise predictions with minimal error.In the case of the Pavia University dataset,the MOBGWO-DQL model demonstrated outstanding performance with the highest KC of 98.72%and an impressive OA of 96.01%.It also recorded the lowest RMSE at 0.63,reinforcing its accuracy in predictions.The results clearly demonstrate that the proposed MOBGWO-DQL architecture not only reaches a highly accurate model more quickly but also maintains superior performance throughout the training process. 展开更多
关键词 Hyperspectral image classification reinforcement learning multi-objective binary grey wolf optimizer band selection
在线阅读 下载PDF
Competitive binary multi-objective grey wolf optimizer for fast compact antenna topology optimization 被引量:1
5
作者 Jian DONG Xia YUAN Meng WANG 《Frontiers of Information Technology & Electronic Engineering》 SCIE EI CSCD 2022年第9期1390-1406,共17页
We propose a competitive binary multi-objective grey wolf optimizer(CBMOGWO)to reduce the heavy computational burden of conventional multi-objective antenna topology optimization problems.This method introduces a popu... We propose a competitive binary multi-objective grey wolf optimizer(CBMOGWO)to reduce the heavy computational burden of conventional multi-objective antenna topology optimization problems.This method introduces a population competition mechanism to reduce the burden of electromagnetic(EM)simulation and achieve appropriate fitness values.Furthermore,we introduce a function of cosine oscillation to improve the linear convergence factor of the original binary multi-objective grey wolf optimizer(BMOGWO)to achieve a good balance between exploration and exploitation.Then,the optimization performance of CBMOGWO is verified on 12 standard multi-objective test problems(MOTPs)and four multi-objective knapsack problems(MOKPs)by comparison with the original BMOGWO and the traditional binary multi-objective particle swarm optimization(BMOPSO).Finally,the effectiveness of our method in reducing the computational cost is validated by an example of a compact high-isolation dual-band multiple-input multiple-output(MIMO)antenna with high-dimensional mixed design variables and multiple objectives.The experimental results show that CBMOGWO reduces nearly half of the computational cost compared with traditional methods,which indicates that our method is highly efficient for complex antenna topology optimization problems.It provides new ideas for exploring new and unexpected antenna structures based on multi-objective evolutionary algorithms(MOEAs)in a flexible and efficient manner. 展开更多
关键词 Antenna topology optimization multi-objective grey wolf optimizer High-dimensional mixed variables Fast design
原文传递
Multi-Objective Grey Wolf Optimization Algorithm for Solving Real-World BLDC Motor Design Problem
6
作者 M.Premkumar Pradeep Jangir +2 位作者 B.Santhosh Kumar Mohammad A.Alqudah Kottakkaran Sooppy Nisar 《Computers, Materials & Continua》 SCIE EI 2022年第2期2435-2452,共18页
The first step in the design phase of the Brushless Direct Current(BLDC)motor is the formulation of the mathematical framework and is often used due to its analytical structure.Therefore,the BLDC motor design problem ... The first step in the design phase of the Brushless Direct Current(BLDC)motor is the formulation of the mathematical framework and is often used due to its analytical structure.Therefore,the BLDC motor design problem is considered to be an optimization problem.In this paper,the analytical model of the BLDC motor is presented,and it is considered to be a basis for emphasizing the optimization methods.The analytical model used for the experimentation has 78 non-linear equations,two objective functions,five design variables,and six non-linear constraints,so the BLDC motor design problem is considered as highly non-linear in electromagnetic optimization.Multi-objective optimization becomes the forefront of the current research to obtain the global best solution using metaheuristic techniques.The bio-inspired multi-objective grey wolf optimizer(MOGWO)is presented in this paper,and it is formulated based on Pareto optimality,dominance,and archiving external.The performance of theMOGWO is verified on standard multi-objective unconstraint benchmark functions and applied to the BLDC motor design problem.The results proved that the proposedMOGWO algorithm could handle nonlinear constraints in electromagnetic optimization problems.The performance comparison in terms of Generational Distance,inversion GD,Hypervolume-matrix,scattered-matrix,and coverage metrics proves that the MOGWO algorithm can provide the best solution compared to other selected algorithms.The source code of this paper is backed up with extra online support at https://premkumarmanoharan.wixsite.com/mysite and https://www.mathworks.com/matlabcentral/fileexchange/75259-multiobjective-non-sorted-grey-wolf-mogwo-nsgwo. 展开更多
关键词 BLDC motor ELECTROMAGNETICS METAHEURISTIC multi-objective grey wolf optimizer
在线阅读 下载PDF
Optimizing Grey Wolf Optimization: A Novel Agents’ Positions Updating Technique for Enhanced Efficiency and Performance
7
作者 Mahmoud Khatab Mohamed El-Gamel +2 位作者 Ahmed I. Saleh Asmaa H. Rabie Atallah El-Shenawy 《Open Journal of Optimization》 2024年第1期21-30,共10页
Grey Wolf Optimization (GWO) is a nature-inspired metaheuristic algorithm that has gained popularity for solving optimization problems. In GWO, the success of the algorithm heavily relies on the efficient updating of ... Grey Wolf Optimization (GWO) is a nature-inspired metaheuristic algorithm that has gained popularity for solving optimization problems. In GWO, the success of the algorithm heavily relies on the efficient updating of the agents’ positions relative to the leader wolves. In this paper, we provide a brief overview of the Grey Wolf Optimization technique and its significance in solving complex optimization problems. Building upon the foundation of GWO, we introduce a novel technique for updating agents’ positions, which aims to enhance the algorithm’s effectiveness and efficiency. To evaluate the performance of our proposed approach, we conduct comprehensive experiments and compare the results with the original Grey Wolf Optimization technique. Our comparative analysis demonstrates that the proposed technique achieves superior optimization outcomes. These findings underscore the potential of our approach in addressing optimization challenges effectively and efficiently, making it a valuable contribution to the field of optimization algorithms. 展开更多
关键词 grey wolf optimization (GWO) Metaheuristic Algorithm optimization Problems Agents’ Positions Leader Wolves optimal Fitness Values optimization Challenges
在线阅读 下载PDF
Wind Power Forecasting Using Grey Wolf Optimized Long Short-Term Memory Based on Numerical Weather Prediction
8
作者 Mohamed El-Dosuky Reema Alowaydan Bashayer Alqarni 《Journal of Power and Energy Engineering》 2024年第12期1-16,共16页
Wind power generation is among the most promising and eco-friendly energy sources today. Wind Power Forecasting (WPF) is essential for boosting energy efficiency and maintaining the operational stability of power grid... Wind power generation is among the most promising and eco-friendly energy sources today. Wind Power Forecasting (WPF) is essential for boosting energy efficiency and maintaining the operational stability of power grids. However, predicting wind power comes with significant challenges, such as weather uncertainties, wind variability, complex terrain, limited data, insufficient measurement infrastructure, intricate interdependencies, and short lead times. These factors make it difficult to accurately forecast wind behavior and respond to sudden power output changes. This study aims to precisely forecast electricity generation from wind turbines, minimize grid operation uncertainties, and enhance grid reliability. It leverages historical wind farm data and Numerical Weather Prediction data, using k-Nearest Neighbors for pre-processing, K-means clustering for categorization, and Long Short-Term Memory (LSTM) networks for training and testing, with model performance evaluated across multiple metrics. The Grey Wolf Optimized (GWO) LSTM classification technique, a deep learning model suited to time series analysis, effectively handles temporal dependencies in input data through memory cells and gradient-based optimization. Inspired by grey wolves’ hunting strategies, GWO is a population-based metaheuristic optimization algorithm known for its strong performance across diverse optimization tasks. The proposed Grey Wolf Optimized Deep Learning model achieves an R-squared value of 0.97279, demonstrating that it explains 97.28% of the variance in wind power data. This model surpasses a reference study that achieved an R-squared value of 0.92 with a hybrid deep learning approach but did not account for outliers or anomalous data. 展开更多
关键词 Wind Power Forecasting Long Short-Term Memory Numerical Weather Prediction grey wolf optimization
在线阅读 下载PDF
Medical Image Segmentation using PCNN based on Multi-feature Grey Wolf Optimizer Bionic Algorithm 被引量:7
9
作者 Xue Wang Zhanshan Li +2 位作者 Heng Kang Yongping Huang Di Gai 《Journal of Bionic Engineering》 SCIE EI CSCD 2021年第3期711-720,共10页
Medical image segmentation is a challenging task especially in multimodality medical image analysis.In this paper,an improved pulse coupled neural network based on multiple hybrid features grey wolf optimizer(MFGWO-PC... Medical image segmentation is a challenging task especially in multimodality medical image analysis.In this paper,an improved pulse coupled neural network based on multiple hybrid features grey wolf optimizer(MFGWO-PCNN)is proposed for multimodality medical image segmentation.Specifically,a two-stage medical image segmentation method based on bionic algorithm is presented,including image fusion and image segmentation.The image fusion stage fuses rich information from different modalities by utilizing a multimodality medical image fusion model based on maximum energy region.In the stage of image segmentation,an improved PCNN model based on MFGWO is proposed,which can adaptively set the parameters of PCNN according to the features of the image.Two modalities of FLAIR and TIC brain MRIs are applied to verify the effectiveness of the proposed MFGWO-PCNN algorithm.The experimental results demonstrate that the proposed method outperforms the other seven algorithms in subjective vision and objective evaluation indicators. 展开更多
关键词 grey wolf optimizer pulse coupled neural network bionic algorithm medical image segmentation
在线阅读 下载PDF
Grey Wolf Optimizer Based Deep Learning for Pancreatic Nodule Detection 被引量:1
10
作者 T.Thanya S.Wilfred Franklin 《Intelligent Automation & Soft Computing》 SCIE 2023年第4期97-112,共16页
At an early point,the diagnosis of pancreatic cancer is mediocre,since the radiologist is skill deficient.Serious threats have been posed due to the above reasons,hence became mandatory for the need of skilled technici... At an early point,the diagnosis of pancreatic cancer is mediocre,since the radiologist is skill deficient.Serious threats have been posed due to the above reasons,hence became mandatory for the need of skilled technicians.However,it also became a time-consuming process.Hence the need for automated diagnosis became mandatory.In order to identify the tumor accurately,this research pro-poses a novel Convolution Neural Network(CNN)based superior image classi-fication technique.The proposed deep learning classification strategy has a precision of 97.7%,allowing for more effective usage of the automatically exe-cuted feature extraction technique to diagnose cancer cells.Comparative analysis with CNN-Grey Wolf Optimization(GWO)is carried based on varied testing and training outcomes.The suggested study is carried out at a rate of 90%–10%,80%–20%,and 70%–30%,indicating the robustness of the proposed research work.Outcomes show that the suggested method is effective.GWO-CNN is reli-able and accurate relative to other detection methods available in the literatures. 展开更多
关键词 Convolution neural network deep learning technique feature extraction grey wolf optimizer
在线阅读 下载PDF
ELMAN Neural Network with Modified Grey Wolf Optimizer for Enhanced Wind Speed Forecasting 被引量:6
11
作者 M. Madhiarasan S. N. Deepa 《Circuits and Systems》 2016年第10期2975-2995,共21页
The scope of this paper is to forecast wind speed. Wind speed, temperature, wind direction, relative humidity, precipitation of water content and air pressure are the main factors make the wind speed forecasting as a ... The scope of this paper is to forecast wind speed. Wind speed, temperature, wind direction, relative humidity, precipitation of water content and air pressure are the main factors make the wind speed forecasting as a complex problem and neural network performance is mainly influenced by proper hidden layer neuron units. This paper proposes new criteria for appropriate hidden layer neuron unit’s determination and attempts a novel hybrid method in order to achieve enhanced wind speed forecasting. This paper proposes the following two main innovative contributions 1) both either over fitting or under fitting issues are avoided by means of the proposed new criteria based hidden layer neuron unit’s estimation. 2) ELMAN neural network is optimized through Modified Grey Wolf Optimizer (MGWO). The proposed hybrid method (ELMAN-MGWO) performance, effectiveness is confirmed by means of the comparison between Grey Wolf Optimizer (GWO), Adaptive Gbest-guided Gravitational Search Algorithm (GGSA), Artificial Bee Colony (ABC), Ant Colony Optimization (ACO), Cuckoo Search (CS), Particle Swarm Optimization (PSO), Evolution Strategy (ES), Genetic Algorithm (GA) algorithms, meanwhile proposed new criteria effectiveness and precise are verified comparison with other existing selection criteria. Three real-time wind data sets are utilized in order to analysis the performance of the proposed approach. Simulation results demonstrate that the proposed hybrid method (ELMAN-MGWO) achieve the mean square error AVG ± STD of 4.1379e-11 ± 1.0567e-15, 6.3073e-11 ± 3.5708e-15 and 7.5840e-11 ± 1.1613e-14 respectively for evaluation on three real-time data sets. Hence, the proposed hybrid method is superior, precise, enhance wind speed forecasting than that of other existing methods and robust. 展开更多
关键词 ELMAN Neural Network Modified grey wolf optimizer Hidden Layer Neuron Units Forecasting Wind Speed
在线阅读 下载PDF
Grey Wolf Optimizer to Real Power Dispatch with Non-Linear Constraints
12
作者 G.R.Venkatakrishnan R.Rengaraj S.Salivahanan 《Computer Modeling in Engineering & Sciences》 SCIE EI 2018年第4期25-45,共21页
A new and efficient Grey Wolf Optimization(GWO)algorithm is implemented to solve real power economic dispatch(RPED)problems in this paper.The nonlinear RPED problem is one the most important and fundamental optimizati... A new and efficient Grey Wolf Optimization(GWO)algorithm is implemented to solve real power economic dispatch(RPED)problems in this paper.The nonlinear RPED problem is one the most important and fundamental optimization problem which reduces the total cost in generating real power without violating the constraints.Conventional methods can solve the ELD problem with good solution quality with assumptions assigned to fuel cost curves without which these methods lead to suboptimal or infeasible solutions.The behavior of grey wolves which is mimicked in the GWO algorithm are leadership hierarchy and hunting mechanism.The leadership hierarchy is simulated using four types of grey wolves.In addition,searching,encircling and attacking of prey are the social behaviors implemented in the hunting mechanism.The GWO algorithm has been applied to solve convex RPED problems considering the all possible constraints.The results obtained from GWO algorithm are compared with other state-ofthe-art algorithms available in the recent literatures.It is found that the GWO algorithm is able to provide better solution quality in terms of cost,convergence and robustness for the considered ELD problems. 展开更多
关键词 grey wolf optimization(GWO) constraints power generation DISPATCH EVOLUTIONARY computation computational COMPLEXITY algorithms
在线阅读 下载PDF
Feature selection of BOF steelmaking process data by using an improved grey wolf optimizer
13
作者 Zong-xin Chen Hui Liu Long Qi 《Journal of Iron and Steel Research International》 SCIE EI CAS CSCD 2022年第8期1205-1223,共19页
Basic oxygen furnace(BOF)steelmaking end-point control using soft measurement models has essential value for economy and environment.However,the high-dimensional and redundant data of the BOF collected by the sensors ... Basic oxygen furnace(BOF)steelmaking end-point control using soft measurement models has essential value for economy and environment.However,the high-dimensional and redundant data of the BOF collected by the sensors will hinder the performance of models.The traditional feature selection results based on meta-heuristic algorithms cannot meet the stability of actual industrial applications.In order to eliminate the negative impact of feature selection application in the BOF steelmaking,an improved grey wolf optimizer(IGWO)for feature selection was proposed,and it was applied to the BOF data set.Firstly,the proposed algorithm preset the size of the feature subset based on the new encoding scheme,rather than the traditional uncertain number strategy.Then,opposition-based learning was used to initialize the grey wolf population so that the initial population was closer to the potential optimal solution.In addition,a novel population update method retained the features closely related to the best three grey wolves and probabilistically updated irrelevant features through measurement or random methods.These methods were used to search feature subsets to maximize search capability and stability of algorithm on BOF steelmaking data.Finally,the proposed algorithm was compared with other feature selection algorithms on the BOF data sets.The results show that the proposed IGWO can stably select the feature subsets that are conductive to the end-point regression accuracy control of BOF temperature and carbon content,which can improve the performance of the BOF steelmaking. 展开更多
关键词 Basic oxygen furnace Feature selection grey wolf optimization Regression Opposition-based learning
原文传递
VGWO: Variant Grey Wolf Optimizer with High Accuracy and Low Time Complexity
14
作者 Junqiang Jiang Zhifang Sun +3 位作者 Xiong Jiang Shengjie Jin Yinli Jiang Bo Fan 《Computers, Materials & Continua》 SCIE EI 2023年第11期1617-1644,共28页
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. 展开更多
关键词 Intelligence optimization algorithm grey wolf optimizer(GWO) manhattan distance symmetric coordinates
在线阅读 下载PDF
Application of a parameter-shifted grey wolf optimizer for earthquake dynamic rupture inversion
15
作者 Zhenguo Zhang Yuchen Zhang 《Earthquake Science》 2021年第6期507-521,共15页
Global optimization is an essential approach to any inversion problem.Recently,the grey wolf optimizer(GWO)has been proposed to optimize the global minimum,which has been quickly used in a variety of inv-ersion proble... Global optimization is an essential approach to any inversion problem.Recently,the grey wolf optimizer(GWO)has been proposed to optimize the global minimum,which has been quickly used in a variety of inv-ersion problems.In this study,we proposed a parameter-shifted grey wolf optimizer(psGWO)based on the conven-tional GWO algorithm to obtain the global minimum.Com-pared with GWO,the novel psGWO can effectively search targets toward objects without being trapped within the local minimum of the zero value.We confirmed the effectiveness of the new method in searching for uniform and random objectives by using mathematical functions released by the Congress on Evolutionary Computation.The psGWO alg-orithm was validated using up to 10,000 parameters to dem-onstrate its robustness in a large-scale optimization problem.We successfully applied psGWO in two-dimensional(2D)synthetic earthquake dynamic rupture inversion to obtain the frictional coefficients of the fault and critical slip-weakening distance using a homogeneous model.Furthermore,this alg-orithm was applied in inversions with heterogeneous dist-ributions of dynamic rupture parameters.This implementation can be efficiently applied in 3D cases and even in actual earthquake inversion and would deepen the understanding of the physics of natural earthquakes in the future. 展开更多
关键词 grey wolf optimizer dynamic rupture inversion non-linear inversion earthquake rupture.
在线阅读 下载PDF
Multi-UAV coordination control by chaotic grey wolf optimization based distributed MPC with event-triggered strategy 被引量:15
16
作者 Yingxun WANG Tian ZHANG +2 位作者 Zhihao CAI Jiang ZHAO Kun WU 《Chinese Journal of Aeronautics》 SCIE EI CAS CSCD 2020年第11期2877-2897,共21页
The paper proposes a new swarm intelligence-based distributed Model Predictive Control(MPC)approach for coordination control of multiple Unmanned Aerial Vehicles(UAVs).First,a distributed MPC framework is designed and... The paper proposes a new swarm intelligence-based distributed Model Predictive Control(MPC)approach for coordination control of multiple Unmanned Aerial Vehicles(UAVs).First,a distributed MPC framework is designed and each member only shares the information with neighbors.The Chaotic Grey Wolf Optimization(CGWO)method is developed on the basis of chaotic initialization and chaotic search to solve the local Finite Horizon Optimal Control Problem(FHOCP).Then,the distributed cost function is designed and integrated into each FHOCP to achieve multi-UAV formation control and trajectory tracking with no-fly zone constraint.Further,an event-triggered strategy is proposed to reduce the computational burden for the distributed MPC approach,which considers the predicted state errors and the convergence of cost function.Simulation results show that the CGWO-based distributed MPC approach is more computationally efficient to achieve multi-UAV coordination control than traditional method. 展开更多
关键词 Chaotic grey wolf optimization(CGWO) Coordination control Distributed Model Predictive Control(MPC) Event-triggered strategy MULTI-UAV
原文传递
Deformation resistance prediction of tandem cold rolling based on grey wolf optimization and support vector regression 被引量:3
17
作者 Ze-dong Wu Xiao-chen Wang +4 位作者 Quan Yang Dong Xu Jian-wei Zhao Jing-dong Li Shu-zong Yan 《Journal of Iron and Steel Research International》 SCIE EI CAS CSCD 2023年第9期1803-1820,共18页
In the traditional rolling force model of tandem cold rolling mills,the calculation of the deformation resistance of the strip head does not consider the actual size and mechanical properties of the incoming material,... In the traditional rolling force model of tandem cold rolling mills,the calculation of the deformation resistance of the strip head does not consider the actual size and mechanical properties of the incoming material,which results in a mismatch between the deformation resistance setting and the actual state of the incoming material and thus affects the accuracy of the rolling force during the low-speed rolling process of the strip head.The inverse calculation of deformation resistance was derived to obtain the actual deformation resistance of the strip head in the tandem cold rolling process,and the actual process parameters of the strip in the hot and cold rolling processes were integrated to create the cross-process dataset as the basis to establish the support vector regression(SVR)model.The grey wolf optimization(GWO)algorithm was used to optimize the hyperparameters in the SVR model,and a deformation resistance prediction model based on GWO–SVR was established.Compared with the traditional model,the GWO–SVR model shows different degrees of improvement in each stand,with significant improvement in stands S3–S5.The prediction results of the GWO–SVR model were applied to calculate the head rolling setting of a 1420 mm tandem rolling mill.The head rolling force had a similar degree of improvement in accuracy to the deformation resistance,and the phenomenon of low head rolling force setting from stands S3 to S5 was obviously improved.Meanwhile,the thickness quality and shape quality of the strip head were improved accordingly,and the application results were consistent with expectations. 展开更多
关键词 Tandem cold rolling Cross-process data application Deformation resistance prediction Support vector regression grey wolf optimization Rolling force accuracy
原文传递
Hybrid Dipper Throated and Grey Wolf Optimization for Feature Selection Applied to Life Benchmark Datasets 被引量:2
18
作者 Doaa Sami Khafaga El-Sayed M.El-kenawy +4 位作者 Faten Khalid Karim Mostafa Abotaleb Abdelhameed Ibrahim Abdelaziz A.Abdelhamid D.L.Elsheweikh 《Computers, Materials & Continua》 SCIE EI 2023年第2期4531-4545,共15页
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. 展开更多
关键词 Metaheuristics dipper throated optimization grey wolf optimization binary optimizer feature selection
在线阅读 下载PDF
Grey Wolf Optimization Based Tuning of Terminal Sliding Mode Controllers for a Quadrotor 被引量:2
19
作者 Rabii Fessi Hegazy Rezk Soufiene Bouallègue 《Computers, Materials & Continua》 SCIE EI 2021年第8期2265-2282,共18页
The research on Unmanned Aerial Vehicles(UAV)has intensified considerably thanks to the recent growth in the fields of advanced automatic control,artificial intelligence,and miniaturization.In this paper,a Grey Wolf O... The research on Unmanned Aerial Vehicles(UAV)has intensified considerably thanks to the recent growth in the fields of advanced automatic control,artificial intelligence,and miniaturization.In this paper,a Grey Wolf Optimization(GWO)algorithm is proposed and successfully applied to tune all effective parameters of Fast Terminal Sliding Mode(FTSM)controllers for a quadrotor UAV.A full control scheme is first established to deal with the coupled and underactuated dynamics of the drone.Controllers for altitude,attitude,and position dynamics become separately designed and tuned.To work around the repetitive and time-consuming trial-error-based procedures,all FTSM controllers’parameters for only altitude and attitude dynamics are systematically tuned thanks to the proposed GWO metaheuristic.Such a hard and complex tuning task is formulated as a nonlinear optimization problem under operational constraints.The performance and robustness of the GWO-based control strategy are compared to those based on homologous metaheuristics and standard terminal sliding mode approaches.Numerical simulations are carried out to show the effectiveness and superiority of the proposed GWO-tuned FTSM controllers for the altitude and attitude dynamics’stabilization and tracking.Nonparametric statistical analyses revealed that the GWO algorithm is more competitive with high performance in terms of fastness,non-premature convergence,and research exploration/exploitation capabilities. 展开更多
关键词 QUADROTOR cascade control fast terminal sliding mode control grey wolf optimizer nonparametric Friedman analysis
在线阅读 下载PDF
Feature Selection Using Grey Wolf Optimization with Random Differential Grouping 被引量:2
20
作者 R.S.Latha B.Saravana Balaji +3 位作者 Nebojsa Bacanin Ivana Strumberger Miodrag Zivkovic Milos Kabiljo 《Computer Systems Science & Engineering》 SCIE EI 2022年第10期317-332,共16页
Big data are regarded as a tremendous technology for processing a huge variety of data in a short time and with a large storage capacity.The user’s access over the internet creates massive data processing over the in... Big data are regarded as a tremendous technology for processing a huge variety of data in a short time and with a large storage capacity.The user’s access over the internet creates massive data processing over the internet.Big data require an intelligent feature selection model by addressing huge varieties of data.Traditional feature selection techniques are only applicable to simple data mining.Intelligent techniques are needed in big data processing and machine learning for an efficient classification.Major feature selection algorithms read the input features as they are.Then,the features are preprocessed and classified.Here,an algorithm does not consider the relatedness.During feature selection,all features are misread as outputs.Accordingly,a less optimal solution is achieved.In our proposed research,we focus on the feature selection by using supervised learning techniques called grey wolf optimization(GWO)with decomposed random differential grouping(DrnDG-GWO).First,decomposition of features into subsets based on relatedness in variables is performed.Random differential grouping is performed using a fitness value of two variables.Now,every subset is regarded as a population in GWO techniques.The combination of supervised machine learning with swarm intelligence techniques produces best feature optimization results in this research.Once the features are optimized,we classify using advanced kNN process for accurate data classification.The result of DrnDGGWO is compared with those of the standard GWO and GWO with PSO for feature selection to compare the efficiency of the proposed algorithm.The accuracy and time complexity of the proposed algorithm are 98%and 5 s,which are better than the existing techniques. 展开更多
关键词 Feature selection data optimization supervised learning swarm intelligence decomposed random differential grouping grey wolf optimization
在线阅读 下载PDF
上一页 1 2 5 下一页 到第
使用帮助 返回顶部