Heuristic optimization algorithms have been widely used in solving complex optimization problems in various fields such as engineering,economics,and computer science.These algorithms are designed to find high-quality ...Heuristic optimization algorithms have been widely used in solving complex optimization problems in various fields such as engineering,economics,and computer science.These algorithms are designed to find high-quality solutions efficiently by balancing exploration of the search space and exploitation of promising solutions.While heuristic optimization algorithms vary in their specific details,they often exhibit common patterns that are essential to their effectiveness.This paper aims to analyze and explore common patterns in heuristic optimization algorithms.Through a comprehensive review of the literature,we identify the patterns that are commonly observed in these algorithms,including initialization,local search,diversity maintenance,adaptation,and stochasticity.For each pattern,we describe the motivation behind it,its implementation,and its impact on the search process.To demonstrate the utility of our analysis,we identify these patterns in multiple heuristic optimization algorithms.For each case study,we analyze how the patterns are implemented in the algorithm and how they contribute to its performance.Through these case studies,we show how our analysis can be used to understand the behavior of heuristic optimization algorithms and guide the design of new algorithms.Our analysis reveals that patterns in heuristic optimization algorithms are essential to their effectiveness.By understanding and incorporating these patterns into the design of new algorithms,researchers can develop more efficient and effective optimization algorithms.展开更多
The optimization of reaction processes is crucial for the green, efficient, and sustainable development of the chemical industry. However, how to address the problems posed by multiple variables, nonlinearities, and u...The optimization of reaction processes is crucial for the green, efficient, and sustainable development of the chemical industry. However, how to address the problems posed by multiple variables, nonlinearities, and uncertainties during optimization remains a formidable challenge. In this study, a strategy combining interpretable machine learning with metaheuristic optimization algorithms is employed to optimize the reaction process. First, experimental data from a biodiesel production process are collected to establish a database. These data are then used to construct a predictive model based on artificial neural network (ANN) models. Subsequently, interpretable machine learning techniques are applied for quantitative analysis and verification of the model. Finally, four metaheuristic optimization algorithms are coupled with the ANN model to achieve the desired optimization. The research results show that the methanol: palm fatty acid distillate (PFAD) molar ratio contributes the most to the reaction outcome, accounting for 41%. The ANN-simulated annealing (SA) hybrid method is more suitable for this optimization, and the optimal process parameters are a catalyst concentration of 3.00% (mass), a methanol: PFAD molar ratio of 8.67, and a reaction time of 30 min. This study provides deeper insights into reaction process optimization, which will facilitate future applications in various reaction optimization processes.展开更多
Traditional laboratory tests for measuring rock uniaxial compressive strength(UCS)are tedious and timeconsuming.There is a pressing need for more effective methods to determine rock UCS,especially in deep mining envir...Traditional laboratory tests for measuring rock uniaxial compressive strength(UCS)are tedious and timeconsuming.There is a pressing need for more effective methods to determine rock UCS,especially in deep mining environments under high in-situ stress.Thus,this study aims to develop an advanced model for predicting the UCS of rockmaterial in deepmining environments by combining three boosting-basedmachine learning methods with four optimization algorithms.For this purpose,the Lead-Zinc mine in Southwest China is considered as the case study.Rock density,P-wave velocity,and point load strength index are used as input variables,and UCS is regarded as the output.Subsequently,twelve hybrid predictive models are obtained.Root mean square error(RMSE),mean absolute error(MAE),coefficient of determination(R2),and the proportion of the mean absolute percentage error less than 20%(A-20)are selected as the evaluation metrics.Experimental results showed that the hybridmodel consisting of the extreme gradient boostingmethod and the artificial bee colony algorithm(XGBoost-ABC)achieved satisfactory results on the training dataset and exhibited the best generalization performance on the testing dataset.The values of R2,A-20,RMSE,and MAE on the training dataset are 0.98,1.0,3.11 MPa,and 2.23MPa,respectively.The highest values of R2 and A-20(0.93 and 0.96),and the smallest RMSE and MAE values of 4.78 MPa and 3.76MPa,are observed on the testing dataset.The proposed hybrid model can be considered a reliable and effective method for predicting rock UCS in deep mines.展开更多
Real-world engineering design problems with complex objective functions under some constraints are relatively difficult problems to solve.Such design problems are widely experienced in many engineering fields,such as ...Real-world engineering design problems with complex objective functions under some constraints are relatively difficult problems to solve.Such design problems are widely experienced in many engineering fields,such as industry,automotive,construction,machinery,and interdisciplinary research.However,there are established optimization techniques that have shown effectiveness in addressing these types of issues.This research paper gives a comparative study of the implementation of seventeen new metaheuristic methods in order to optimize twelve distinct engineering design issues.The algorithms used in the study are listed as:transient search optimization(TSO),equilibrium optimizer(EO),grey wolf optimizer(GWO),moth-flame optimization(MFO),whale optimization algorithm(WOA),slimemould algorithm(SMA),harris hawks optimization(HHO),chimp optimization algorithm(COA),coot optimization algorithm(COOT),multi-verse optimization(MVO),arithmetic optimization algorithm(AOA),aquila optimizer(AO),sine cosine algorithm(SCA),smell agent optimization(SAO),and seagull optimization algorithm(SOA),pelican optimization algorithm(POA),and coati optimization algorithm(CA).As far as we know,there is no comparative analysis of recent and popular methods against the concrete conditions of real-world engineering problems.Hence,a remarkable research guideline is presented in the study for researchersworking in the fields of engineering and artificial intelligence,especiallywhen applying the optimization methods that have emerged recently.Future research can rely on this work for a literature search on comparisons of metaheuristic optimization methods in real-world problems under similar conditions.展开更多
A multi-strategy hybrid whale optimization algorithm(MSHWOA)for complex constrained optimization problems is proposed to overcome the drawbacks of easily trapping into local optimum,slow convergence speed and low opti...A multi-strategy hybrid whale optimization algorithm(MSHWOA)for complex constrained optimization problems is proposed to overcome the drawbacks of easily trapping into local optimum,slow convergence speed and low optimization precision.Firstly,the population is initialized by introducing the theory of good point set,which increases the randomness and diversity of the population and lays the foundation for the global optimization of the algorithm.Then,a novel linearly update equation of convergence factor is designed to coordinate the abilities of exploration and exploitation.At the same time,the global exploration and local exploitation capabilities are improved through the siege mechanism of Harris Hawks optimization algorithm.Finally,the simulation experiments are conducted on the 6 benchmark functions and Wilcoxon rank sum test to evaluate the optimization performance of the improved algorithm.The experimental results show that the proposed algorithm has more significant improvement in optimization accuracy,convergence speed and robustness than the comparison algorithm.展开更多
Considering the uncertainty of grid connection of electric vehicle charging stations and the uncertainty of new energy and residential electricity load,a spatio-temporal decoupling strategy of dynamic reactive power o...Considering the uncertainty of grid connection of electric vehicle charging stations and the uncertainty of new energy and residential electricity load,a spatio-temporal decoupling strategy of dynamic reactive power optimization based on clustering-local relaxation-correction is proposed.Firstly,the k-medoids clustering algorithm is used to divide the reduced power scene into periods.Then,the discrete variables and continuous variables are optimized in the same period of time.Finally,the number of input groups of parallel capacitor banks(CB)in multiple periods is fixed,and then the secondary static reactive power optimization correction is carried out by using the continuous reactive power output device based on the static reactive power compensation device(SVC),the new energy grid-connected inverter,and the electric vehicle charging station.According to the characteristics of the model,a hybrid optimization algorithm with a cross-feedback mechanism is used to solve different types of variables,and an improved artificial hummingbird algorithm based on tent chaotic mapping and adaptive mutation is proposed to improve the solution efficiency.The simulation results show that the proposed decoupling strategy can obtain satisfactory optimization resultswhile strictly guaranteeing the dynamic constraints of discrete variables,and the hybrid algorithm can effectively solve the mixed integer nonlinear optimization problem.展开更多
Previous studies have shown that deep learning is very effective in detecting known attacks.However,when facing unknown attacks,models such as Deep Neural Networks(DNN)combined with Long Short-Term Memory(LSTM),Convol...Previous studies have shown that deep learning is very effective in detecting known attacks.However,when facing unknown attacks,models such as Deep Neural Networks(DNN)combined with Long Short-Term Memory(LSTM),Convolutional Neural Networks(CNN)combined with LSTM,and so on are built by simple stacking,which has the problems of feature loss,low efficiency,and low accuracy.Therefore,this paper proposes an autonomous detectionmodel for Distributed Denial of Service attacks,Multi-Scale Convolutional Neural Network-Bidirectional Gated Recurrent Units-Single Headed Attention(MSCNN-BiGRU-SHA),which is based on a Multistrategy Integrated Zebra Optimization Algorithm(MI-ZOA).The model undergoes training and testing with the CICDDoS2019 dataset,and its performance is evaluated on a new GINKS2023 dataset.The hyperparameters for Conv_filter and GRU_unit are optimized using the Multi-strategy Integrated Zebra Optimization Algorithm(MIZOA).The experimental results show that the test accuracy of the MSCNN-BiGRU-SHA model based on the MIZOA proposed in this paper is as high as 0.9971 in the CICDDoS 2019 dataset.The evaluation accuracy of the new dataset GINKS2023 created in this paper is 0.9386.Compared to the MSCNN-BiGRU-SHA model based on the Zebra Optimization Algorithm(ZOA),the detection accuracy on the GINKS2023 dataset has improved by 5.81%,precisionhas increasedby 1.35%,the recallhas improvedby 9%,and theF1scorehas increasedby 5.55%.Compared to the MSCNN-BiGRU-SHA models developed using Grid Search,Random Search,and Bayesian Optimization,the MSCNN-BiGRU-SHA model optimized with the MI-ZOA exhibits better performance in terms of accuracy,precision,recall,and F1 score.展开更多
Uneven power distribution,transient voltage,and frequency deviations are observed in the photovoltaic storage hybrid inverter during the switching between grid-connected and island modes.In response to these issues,th...Uneven power distribution,transient voltage,and frequency deviations are observed in the photovoltaic storage hybrid inverter during the switching between grid-connected and island modes.In response to these issues,this paper proposes a grid-connected/island switching control strategy for photovoltaic storage hybrid inverters based on the modified chimpanzee optimization algorithm.The proposed strategy incorporates coupling compensation and power differentiation elements based on the traditional droop control.Then,it combines the angular frequency and voltage amplitude adjustments provided by the phase-locked loop-free pre-synchronization control strategy.Precise pre-synchronization is achieved by regulating the virtual current to zero and aligning the photovoltaic storage hybrid inverter with the grid voltage.Additionally,two novel operators,learning and emotional behaviors are introduced to enhance the optimization precision of the chimpanzee algorithm.These operators ensure high-precision and high-reliability optimization of the droop control parameters for photovoltaic storage hybrid inverters.A Simulink model was constructed for simulation analysis,which validated the optimized control strategy’s ability to evenly distribute power under load transients.This strategy effectively mitigated transient voltage and current surges during mode transitions.Consequently,seamless and efficient switching between gridconnected and island modes was achieved for the photovoltaic storage hybrid inverter.The enhanced energy utilization efficiency,in turn,offers robust technical support for grid stability.展开更多
The uncertain nature of mapping user tasks to Virtual Machines(VMs) causes system failure or execution delay in Cloud Computing.To maximize cloud resource throughput and decrease user response time,load balancing is n...The uncertain nature of mapping user tasks to Virtual Machines(VMs) causes system failure or execution delay in Cloud Computing.To maximize cloud resource throughput and decrease user response time,load balancing is needed.Possible load balancing is needed to overcome user task execution delay and system failure.Most swarm intelligent dynamic load balancing solutions that used hybrid metaheuristic algorithms failed to balance exploitation and exploration.Most load balancing methods were insufficient to handle the growing uncertainty in job distribution to VMs.Thus,the Hybrid Spotted Hyena and Whale Optimization Algorithm-based Dynamic Load Balancing Mechanism(HSHWOA) partitions traffic among numerous VMs or servers to guarantee user chores are completed quickly.This load balancing approach improved performance by considering average network latency,dependability,and throughput.This hybridization of SHOA and WOA aims to improve the trade-off between exploration and exploitation,assign jobs to VMs with more solution diversity,and prevent the solution from reaching a local optimality.Pysim-based experimental verification and testing for the proposed HSHWOA showed a 12.38% improvement in minimized makespan,16.21% increase in mean throughput,and 14.84% increase in network stability compared to baseline load balancing strategies like Fractional Improved Whale Social Optimization Based VM Migration Strategy FIWSOA,HDWOA,and Binary Bird Swap.展开更多
Cloud computing has become an essential technology for the management and processing of large datasets,offering scalability,high availability,and fault tolerance.However,optimizing data replication across multiple dat...Cloud computing has become an essential technology for the management and processing of large datasets,offering scalability,high availability,and fault tolerance.However,optimizing data replication across multiple data centers poses a significant challenge,especially when balancing opposing goals such as latency,storage costs,energy consumption,and network efficiency.This study introduces a novel Dynamic Optimization Algorithm called Dynamic Multi-Objective Gannet Optimization(DMGO),designed to enhance data replication efficiency in cloud environments.Unlike traditional static replication systems,DMGO adapts dynamically to variations in network conditions,system demand,and resource availability.The approach utilizes multi-objective optimization approaches to efficiently balance data access latency,storage efficiency,and operational costs.DMGO consistently evaluates data center performance and adjusts replication algorithms in real time to guarantee optimal system efficiency.Experimental evaluations conducted in a simulated cloud environment demonstrate that DMGO significantly outperforms conventional static algorithms,achieving faster data access,lower storage overhead,reduced energy consumption,and improved scalability.The proposed methodology offers a robust and adaptable solution for modern cloud systems,ensuring efficient resource consumption while maintaining high performance.展开更多
Particle Swarm Optimization(PSO)has been utilized as a useful tool for solving intricate optimization problems for various applications in different fields.This paper attempts to carry out an update on PSO and gives a...Particle Swarm Optimization(PSO)has been utilized as a useful tool for solving intricate optimization problems for various applications in different fields.This paper attempts to carry out an update on PSO and gives a review of its recent developments and applications,but also provides arguments for its efficacy in resolving optimization problems in comparison with other algorithms.Covering six strategic areas,which include Data Mining,Machine Learning,Engineering Design,Energy Systems,Healthcare,and Robotics,the study demonstrates the versatility and effectiveness of the PSO.Experimental results are,however,used to show the strong and weak parts of PSO,and performance results are included in tables for ease of comparison.The results stress PSO’s efficiency in providing optimal solutions but also show that there are aspects that need to be improved through combination with algorithms or tuning to the parameters of the method.The review of the advantages and limitations of PSO is intended to provide academics and practitioners with a well-rounded view of the methods of employing such a tool most effectively and to encourage optimized designs of PSO in solving theoretical and practical problems in the future.展开更多
The design and development of solar dryers are crucial in regions with abundant solar energy,such as Bhopal,India,where seasonal variations significantly impact the efficiency of drying processes.The paper is focused ...The design and development of solar dryers are crucial in regions with abundant solar energy,such as Bhopal,India,where seasonal variations significantly impact the efficiency of drying processes.The paper is focused on employing a comprehensive mathematical model to predict the dryer’s performance in drying the materials such as banana slices.To enhance this model,Hyper Tuned Swarm Optimization with Gradient Tree(HT_SOGT)was utilized to accurately predict and determine the optimal size of the dryer dimensions considering various mathematical calculations for material drying.The predictive model considered the influence of seasonal fluctuations,ensuring an efficient drying process with an objective function to optimize the drying time of an average of 7 hrs throughout the year.Across all recorded ambient temperatures(ranging from 16.985○C to 31.4○C),the outlet temperature of the solar dryer is consistently higher,ranging from 39.085○C to 66.2○C.The results show that the optimized dryer design,based on HT_SOGT modelling,significantly improves drying efficiency of the materials across varying conditions,making it suitable for sustainable applications in agriculture and food processing industries in the Bhopal region.展开更多
Quantum computing is a promising technology that has the potential to revolutionize many areas of science and technology,including communication.In this review,we discuss the current state of quantum computing in comm...Quantum computing is a promising technology that has the potential to revolutionize many areas of science and technology,including communication.In this review,we discuss the current state of quantum computing in communication and its potential applications in various areas such as network optimization,signal processing,and machine learning for communication.First,the basic principle of quantum computing,quantum physics systems,and quantum algorithms are analyzed.Then,based on the classification of quantum algorithms,several important basic quantum algorithms,quantum optimization algorithms,and quantum machine learning algorithms are discussed in detail.Finally,the basic ideas and feasibility of introducing quantum algorithms into communications are emphatically analyzed,which provides a reference to address computational bottlenecks in communication networks.展开更多
With the development of renewable energy technologies such as photovoltaics and wind power,it has become a research hotspot to improve the consumption rate of new energy and reduce energy costs through algorithm impro...With the development of renewable energy technologies such as photovoltaics and wind power,it has become a research hotspot to improve the consumption rate of new energy and reduce energy costs through algorithm improvement.To reduce the operational costs of micro-grid systems and the energy abandonment rate of renewable energy,while simultaneously enhancing user satisfaction on the demand side,this paper introduces an improvedmultiobjective Grey Wolf Optimizer based on Cauchy variation.The proposed approach incorporates a Cauchy variation strategy during the optimizer’s search phase to expand its exploration range and minimize the likelihood of becoming trapped in local optima.At the same time,adoptingmultiple energy storage methods to improve the consumption rate of renewable energy.Subsequently,under different energy balance orders,themulti-objective particle swarmalgorithm,multi-objective grey wolf optimizer,and Cauchy’s variant of the improvedmulti-objective grey wolf optimizer are used for example simulation,solving the Pareto solution set of the model and comparing.The analysis of the results reveals that,compared to the original optimizer,the improved optimizer decreases the daily cost by approximately 100 yuan,and reduces the energy abandonment rate to zero.Meanwhile,it enhances user satisfaction and ensures the stable operation of the micro-grid.展开更多
Developing an accurate and efficient comprehensive water quality prediction model and its assessment method is crucial for the prevention and control of water pollution.Deep learning(DL),as one of the most promising t...Developing an accurate and efficient comprehensive water quality prediction model and its assessment method is crucial for the prevention and control of water pollution.Deep learning(DL),as one of the most promising technologies today,plays a crucial role in the effective assessment of water body health,which is essential for water resource management.This study models using both the original dataset and a dataset augmented with Generative Adversarial Networks(GAN).It integrates optimization algorithms(OA)with Convolutional Neural Networks(CNN)to propose a comprehensive water quality model evaluation method aiming at identifying the optimal models for different pollutants.Specifically,after preprocessing the spectral dataset,data augmentation was conducted to obtain two datasets.Then,six new models were developed on these datasets using particle swarm optimization(PSO),genetic algorithm(GA),and simulated annealing(SA)combined with CNN to simulate and forecast the concentrations of three water pollutants:Chemical Oxygen Demand(COD),Total Nitrogen(TN),and Total Phosphorus(TP).Finally,seven model evaluation methods,including uncertainty analysis,were used to evaluate the constructed models and select the optimal models for the three pollutants.The evaluation results indicate that the GPSCNN model performed best in predicting COD and TP concentrations,while the GGACNN model excelled in TN concentration prediction.Compared to existing technologies,the proposed models and evaluation methods provide a more comprehensive and rapid approach to water body prediction and assessment,offering new insights and methods for water pollution prevention and control.展开更多
Software defect prediction(SDP)aims to find a reliable method to predict defects in specific software projects and help software engineers allocate limited resources to release high-quality software products.Software ...Software defect prediction(SDP)aims to find a reliable method to predict defects in specific software projects and help software engineers allocate limited resources to release high-quality software products.Software defect prediction can be effectively performed using traditional features,but there are some redundant or irrelevant features in them(the presence or absence of this feature has little effect on the prediction results).These problems can be solved using feature selection.However,existing feature selection methods have shortcomings such as insignificant dimensionality reduction effect and low classification accuracy of the selected optimal feature subset.In order to reduce the impact of these shortcomings,this paper proposes a new feature selection method Cubic TraverseMa Beluga whale optimization algorithm(CTMBWO)based on the improved Beluga whale optimization algorithm(BWO).The goal of this study is to determine how well the CTMBWO can extract the features that are most important for correctly predicting software defects,improve the accuracy of fault prediction,reduce the number of the selected feature and mitigate the risk of overfitting,thereby achieving more efficient resource utilization and better distribution of test workload.The CTMBWO comprises three main stages:preprocessing the dataset,selecting relevant features,and evaluating the classification performance of the model.The novel feature selection method can effectively improve the performance of SDP.This study performs experiments on two software defect datasets(PROMISE,NASA)and shows the method’s classification performance using four detailed evaluation metrics,Accuracy,F1-score,MCC,AUC and Recall.The results indicate that the approach presented in this paper achieves outstanding classification performance on both datasets and has significant improvement over the baseline models.展开更多
Multi-label feature selection(MFS)is a crucial dimensionality reduction technique aimed at identifying informative features associated with multiple labels.However,traditional centralized methods face significant chal...Multi-label feature selection(MFS)is a crucial dimensionality reduction technique aimed at identifying informative features associated with multiple labels.However,traditional centralized methods face significant challenges in privacy-sensitive and distributed settings,often neglecting label dependencies and suffering from low computational efficiency.To address these issues,we introduce a novel framework,Fed-MFSDHBCPSO—federated MFS via dual-layer hybrid breeding cooperative particle swarm optimization algorithm with manifold and sparsity regularization(DHBCPSO-MSR).Leveraging the federated learning paradigm,Fed-MFSDHBCPSO allows clients to perform local feature selection(FS)using DHBCPSO-MSR.Locally selected feature subsets are encrypted with differential privacy(DP)and transmitted to a central server,where they are securely aggregated and refined through secure multi-party computation(SMPC)until global convergence is achieved.Within each client,DHBCPSO-MSR employs a dual-layer FS strategy.The inner layer constructs sample and label similarity graphs,generates Laplacian matrices to capture the manifold structure between samples and labels,and applies L2,1-norm regularization to sparsify the feature subset,yielding an optimized feature weight matrix.The outer layer uses a hybrid breeding cooperative particle swarm optimization algorithm to further refine the feature weight matrix and identify the optimal feature subset.The updated weight matrix is then fed back to the inner layer for further optimization.Comprehensive experiments on multiple real-world multi-label datasets demonstrate that Fed-MFSDHBCPSO consistently outperforms both centralized and federated baseline methods across several key evaluation metrics.展开更多
Multi-objective optimization is critical for problem-solving in engineering,economics,and AI.This study introduces the Multi-Objective Chef-Based Optimization Algorithm(MOCBOA),an upgraded version of the Chef-Based Op...Multi-objective optimization is critical for problem-solving in engineering,economics,and AI.This study introduces the Multi-Objective Chef-Based Optimization Algorithm(MOCBOA),an upgraded version of the Chef-Based Optimization Algorithm(CBOA)that addresses distinct objectives.Our approach is unique in systematically examining four dominance relations—Pareto,Epsilon,Cone-epsilon,and Strengthened dominance—to evaluate their influence on sustaining solution variety and driving convergence toward the Pareto front.Our comparison investigation,which was conducted on fifty test problems from the CEC 2021 benchmark and applied to areas such as chemical engineering,mechanical design,and power systems,reveals that the dominance approach used has a considerable impact on the key optimization measures such as the hypervolume metric.This paper provides a solid foundation for determining themost effective dominance approach and significant insights for both theoretical research and practical applications in multi-objective optimization.展开更多
In contemporary geotechnical projects,various approaches are employed for forecasting the settlement of shallow foundations(S_(m)).However,achieving precise modeling of foundation behavior using certain techniques(suc...In contemporary geotechnical projects,various approaches are employed for forecasting the settlement of shallow foundations(S_(m)).However,achieving precise modeling of foundation behavior using certain techniques(such as analytical,numerical,and regression)is challenging and sometimes unattainable.This is primarily due to the inherent nonlinearity of the model,the intricate nature of geotechnical materials,the complex interaction between soil and foundation,and the inherent uncertainty in soil parameters.Therefore,thesemethods often introduce assumptions and simplifications,resulting in relationships that deviate from the actual problem’s reality.In addition,many of these methods demand significant investments of time and resources but neglect to account for the uncertainty inherent in soil/rock parameters.This study explores the application of innovative intelligent techniques to predict S_(m) to address these shortcomings.Specifically,two optimization algorithms,namely teaching-learning-based optimization(TLBO)and harmony search(HS),are harnessed for this purpose.The modeling process involves utilizing input parameters,such as thewidth of the footing(B),the pressure exerted on the footing(q),the count of SPT(Standard Penetration Test)blows(N),the ratio of footing embedment(Df/B),and the footing’s geometry(L/B),during the training phase with a dataset comprising 151 data points.Then,the models’accuracy is assessed during the testing phase using statistical metrics,including the coefficient of determination(R^(2)),mean square error(MSE),and rootmean square error(RMSE),based on a dataset of 38 data points.The findings of this investigation underscore the substantial efficacy of intelligent optimization algorithms as valuable tools for geotechnical engineers when estimating S_(m).In addition,a sensitivity analysis of the input parameters in S_(m) estimation is conducted using@RISK software,revealing that among the various input parameters,the N exerts the most pronounced influence on S_(m).展开更多
Aiming to address the limitations of the standard Chimp Optimization Algorithm(ChOA),such as inadequate search ability and susceptibility to local optima in Unmanned Aerial Vehicle(UAV)path planning,this paper propose...Aiming to address the limitations of the standard Chimp Optimization Algorithm(ChOA),such as inadequate search ability and susceptibility to local optima in Unmanned Aerial Vehicle(UAV)path planning,this paper proposes a three-dimensional path planning method for UAVs based on the Improved Chimp Optimization Algorithm(IChOA).First,this paper models the terrain and obstacle environments spatially and formulates the total UAV flight cost function according to the constraints,transforming the path planning problem into an optimization problem with multiple constraints.Second,this paper enhances the diversity of the chimpanzee population by applying the Sine chaos mapping strategy and introduces a nonlinear convergence factor to improve the algorithm’s search accuracy and convergence speed.Finally,this paper proposes a dynamic adjustment strategy for the number of chimpanzee advance echelons,which effectively balances global exploration and local exploitation,significantly optimizing the algorithm’s search performance.To validate the effectiveness of the IChOA algorithm,this paper conducts experimental comparisons with eight different intelligent algorithms.The experimental results demonstrate that the IChOA outperforms the selected comparison algorithms in terms of practicality and robustness in UAV 3D path planning.It effectively solves the issues of efficiency in finding the shortest path and ensures high stability during execution.展开更多
文摘Heuristic optimization algorithms have been widely used in solving complex optimization problems in various fields such as engineering,economics,and computer science.These algorithms are designed to find high-quality solutions efficiently by balancing exploration of the search space and exploitation of promising solutions.While heuristic optimization algorithms vary in their specific details,they often exhibit common patterns that are essential to their effectiveness.This paper aims to analyze and explore common patterns in heuristic optimization algorithms.Through a comprehensive review of the literature,we identify the patterns that are commonly observed in these algorithms,including initialization,local search,diversity maintenance,adaptation,and stochasticity.For each pattern,we describe the motivation behind it,its implementation,and its impact on the search process.To demonstrate the utility of our analysis,we identify these patterns in multiple heuristic optimization algorithms.For each case study,we analyze how the patterns are implemented in the algorithm and how they contribute to its performance.Through these case studies,we show how our analysis can be used to understand the behavior of heuristic optimization algorithms and guide the design of new algorithms.Our analysis reveals that patterns in heuristic optimization algorithms are essential to their effectiveness.By understanding and incorporating these patterns into the design of new algorithms,researchers can develop more efficient and effective optimization algorithms.
基金supported by the National Natural Science Foundation of China(22408227,22238005)the Postdoctoral Research Foundation of China(GZC20231576).
文摘The optimization of reaction processes is crucial for the green, efficient, and sustainable development of the chemical industry. However, how to address the problems posed by multiple variables, nonlinearities, and uncertainties during optimization remains a formidable challenge. In this study, a strategy combining interpretable machine learning with metaheuristic optimization algorithms is employed to optimize the reaction process. First, experimental data from a biodiesel production process are collected to establish a database. These data are then used to construct a predictive model based on artificial neural network (ANN) models. Subsequently, interpretable machine learning techniques are applied for quantitative analysis and verification of the model. Finally, four metaheuristic optimization algorithms are coupled with the ANN model to achieve the desired optimization. The research results show that the methanol: palm fatty acid distillate (PFAD) molar ratio contributes the most to the reaction outcome, accounting for 41%. The ANN-simulated annealing (SA) hybrid method is more suitable for this optimization, and the optimal process parameters are a catalyst concentration of 3.00% (mass), a methanol: PFAD molar ratio of 8.67, and a reaction time of 30 min. This study provides deeper insights into reaction process optimization, which will facilitate future applications in various reaction optimization processes.
基金supported by the National Natural Science Foundation of China(Grant No.52374153).
文摘Traditional laboratory tests for measuring rock uniaxial compressive strength(UCS)are tedious and timeconsuming.There is a pressing need for more effective methods to determine rock UCS,especially in deep mining environments under high in-situ stress.Thus,this study aims to develop an advanced model for predicting the UCS of rockmaterial in deepmining environments by combining three boosting-basedmachine learning methods with four optimization algorithms.For this purpose,the Lead-Zinc mine in Southwest China is considered as the case study.Rock density,P-wave velocity,and point load strength index are used as input variables,and UCS is regarded as the output.Subsequently,twelve hybrid predictive models are obtained.Root mean square error(RMSE),mean absolute error(MAE),coefficient of determination(R2),and the proportion of the mean absolute percentage error less than 20%(A-20)are selected as the evaluation metrics.Experimental results showed that the hybridmodel consisting of the extreme gradient boostingmethod and the artificial bee colony algorithm(XGBoost-ABC)achieved satisfactory results on the training dataset and exhibited the best generalization performance on the testing dataset.The values of R2,A-20,RMSE,and MAE on the training dataset are 0.98,1.0,3.11 MPa,and 2.23MPa,respectively.The highest values of R2 and A-20(0.93 and 0.96),and the smallest RMSE and MAE values of 4.78 MPa and 3.76MPa,are observed on the testing dataset.The proposed hybrid model can be considered a reliable and effective method for predicting rock UCS in deep mines.
文摘Real-world engineering design problems with complex objective functions under some constraints are relatively difficult problems to solve.Such design problems are widely experienced in many engineering fields,such as industry,automotive,construction,machinery,and interdisciplinary research.However,there are established optimization techniques that have shown effectiveness in addressing these types of issues.This research paper gives a comparative study of the implementation of seventeen new metaheuristic methods in order to optimize twelve distinct engineering design issues.The algorithms used in the study are listed as:transient search optimization(TSO),equilibrium optimizer(EO),grey wolf optimizer(GWO),moth-flame optimization(MFO),whale optimization algorithm(WOA),slimemould algorithm(SMA),harris hawks optimization(HHO),chimp optimization algorithm(COA),coot optimization algorithm(COOT),multi-verse optimization(MVO),arithmetic optimization algorithm(AOA),aquila optimizer(AO),sine cosine algorithm(SCA),smell agent optimization(SAO),and seagull optimization algorithm(SOA),pelican optimization algorithm(POA),and coati optimization algorithm(CA).As far as we know,there is no comparative analysis of recent and popular methods against the concrete conditions of real-world engineering problems.Hence,a remarkable research guideline is presented in the study for researchersworking in the fields of engineering and artificial intelligence,especiallywhen applying the optimization methods that have emerged recently.Future research can rely on this work for a literature search on comparisons of metaheuristic optimization methods in real-world problems under similar conditions.
基金the National Natural Science Foundation of China(No.62176146)。
文摘A multi-strategy hybrid whale optimization algorithm(MSHWOA)for complex constrained optimization problems is proposed to overcome the drawbacks of easily trapping into local optimum,slow convergence speed and low optimization precision.Firstly,the population is initialized by introducing the theory of good point set,which increases the randomness and diversity of the population and lays the foundation for the global optimization of the algorithm.Then,a novel linearly update equation of convergence factor is designed to coordinate the abilities of exploration and exploitation.At the same time,the global exploration and local exploitation capabilities are improved through the siege mechanism of Harris Hawks optimization algorithm.Finally,the simulation experiments are conducted on the 6 benchmark functions and Wilcoxon rank sum test to evaluate the optimization performance of the improved algorithm.The experimental results show that the proposed algorithm has more significant improvement in optimization accuracy,convergence speed and robustness than the comparison algorithm.
基金funded by the“Research and Application Project of Collaborative Optimization Control Technology for Distribution Station Area for High Proportion Distributed PV Consumption(4000-202318079A-1-1-ZN)”of the Headquarters of the State Grid Corporation.
文摘Considering the uncertainty of grid connection of electric vehicle charging stations and the uncertainty of new energy and residential electricity load,a spatio-temporal decoupling strategy of dynamic reactive power optimization based on clustering-local relaxation-correction is proposed.Firstly,the k-medoids clustering algorithm is used to divide the reduced power scene into periods.Then,the discrete variables and continuous variables are optimized in the same period of time.Finally,the number of input groups of parallel capacitor banks(CB)in multiple periods is fixed,and then the secondary static reactive power optimization correction is carried out by using the continuous reactive power output device based on the static reactive power compensation device(SVC),the new energy grid-connected inverter,and the electric vehicle charging station.According to the characteristics of the model,a hybrid optimization algorithm with a cross-feedback mechanism is used to solve different types of variables,and an improved artificial hummingbird algorithm based on tent chaotic mapping and adaptive mutation is proposed to improve the solution efficiency.The simulation results show that the proposed decoupling strategy can obtain satisfactory optimization resultswhile strictly guaranteeing the dynamic constraints of discrete variables,and the hybrid algorithm can effectively solve the mixed integer nonlinear optimization problem.
基金supported by Science and Technology Innovation Programfor Postgraduate Students in IDP Subsidized by Fundamental Research Funds for the Central Universities(Project No.ZY20240335)support of the Research Project of the Key Technology of Malicious Code Detection Based on Data Mining in APT Attack(Project No.2022IT173)the Research Project of the Big Data Sensitive Information Supervision Technology Based on Convolutional Neural Network(Project No.2022011033).
文摘Previous studies have shown that deep learning is very effective in detecting known attacks.However,when facing unknown attacks,models such as Deep Neural Networks(DNN)combined with Long Short-Term Memory(LSTM),Convolutional Neural Networks(CNN)combined with LSTM,and so on are built by simple stacking,which has the problems of feature loss,low efficiency,and low accuracy.Therefore,this paper proposes an autonomous detectionmodel for Distributed Denial of Service attacks,Multi-Scale Convolutional Neural Network-Bidirectional Gated Recurrent Units-Single Headed Attention(MSCNN-BiGRU-SHA),which is based on a Multistrategy Integrated Zebra Optimization Algorithm(MI-ZOA).The model undergoes training and testing with the CICDDoS2019 dataset,and its performance is evaluated on a new GINKS2023 dataset.The hyperparameters for Conv_filter and GRU_unit are optimized using the Multi-strategy Integrated Zebra Optimization Algorithm(MIZOA).The experimental results show that the test accuracy of the MSCNN-BiGRU-SHA model based on the MIZOA proposed in this paper is as high as 0.9971 in the CICDDoS 2019 dataset.The evaluation accuracy of the new dataset GINKS2023 created in this paper is 0.9386.Compared to the MSCNN-BiGRU-SHA model based on the Zebra Optimization Algorithm(ZOA),the detection accuracy on the GINKS2023 dataset has improved by 5.81%,precisionhas increasedby 1.35%,the recallhas improvedby 9%,and theF1scorehas increasedby 5.55%.Compared to the MSCNN-BiGRU-SHA models developed using Grid Search,Random Search,and Bayesian Optimization,the MSCNN-BiGRU-SHA model optimized with the MI-ZOA exhibits better performance in terms of accuracy,precision,recall,and F1 score.
基金received funding from the Postgraduate Research&Practice Innovation Program of Jiangsu Province(SJCX23_1633)2023 University Student Innovation and Entrepreneurship Training Program(202311463009Z)+1 种基金Changzhou Science and Technology Support Project(CE20235045)Open Project of Jiangsu Key Laboratory of Power Transmission&Distribution Equipment Technology(2021JSSPD12).
文摘Uneven power distribution,transient voltage,and frequency deviations are observed in the photovoltaic storage hybrid inverter during the switching between grid-connected and island modes.In response to these issues,this paper proposes a grid-connected/island switching control strategy for photovoltaic storage hybrid inverters based on the modified chimpanzee optimization algorithm.The proposed strategy incorporates coupling compensation and power differentiation elements based on the traditional droop control.Then,it combines the angular frequency and voltage amplitude adjustments provided by the phase-locked loop-free pre-synchronization control strategy.Precise pre-synchronization is achieved by regulating the virtual current to zero and aligning the photovoltaic storage hybrid inverter with the grid voltage.Additionally,two novel operators,learning and emotional behaviors are introduced to enhance the optimization precision of the chimpanzee algorithm.These operators ensure high-precision and high-reliability optimization of the droop control parameters for photovoltaic storage hybrid inverters.A Simulink model was constructed for simulation analysis,which validated the optimized control strategy’s ability to evenly distribute power under load transients.This strategy effectively mitigated transient voltage and current surges during mode transitions.Consequently,seamless and efficient switching between gridconnected and island modes was achieved for the photovoltaic storage hybrid inverter.The enhanced energy utilization efficiency,in turn,offers robust technical support for grid stability.
文摘The uncertain nature of mapping user tasks to Virtual Machines(VMs) causes system failure or execution delay in Cloud Computing.To maximize cloud resource throughput and decrease user response time,load balancing is needed.Possible load balancing is needed to overcome user task execution delay and system failure.Most swarm intelligent dynamic load balancing solutions that used hybrid metaheuristic algorithms failed to balance exploitation and exploration.Most load balancing methods were insufficient to handle the growing uncertainty in job distribution to VMs.Thus,the Hybrid Spotted Hyena and Whale Optimization Algorithm-based Dynamic Load Balancing Mechanism(HSHWOA) partitions traffic among numerous VMs or servers to guarantee user chores are completed quickly.This load balancing approach improved performance by considering average network latency,dependability,and throughput.This hybridization of SHOA and WOA aims to improve the trade-off between exploration and exploitation,assign jobs to VMs with more solution diversity,and prevent the solution from reaching a local optimality.Pysim-based experimental verification and testing for the proposed HSHWOA showed a 12.38% improvement in minimized makespan,16.21% increase in mean throughput,and 14.84% increase in network stability compared to baseline load balancing strategies like Fractional Improved Whale Social Optimization Based VM Migration Strategy FIWSOA,HDWOA,and Binary Bird Swap.
文摘Cloud computing has become an essential technology for the management and processing of large datasets,offering scalability,high availability,and fault tolerance.However,optimizing data replication across multiple data centers poses a significant challenge,especially when balancing opposing goals such as latency,storage costs,energy consumption,and network efficiency.This study introduces a novel Dynamic Optimization Algorithm called Dynamic Multi-Objective Gannet Optimization(DMGO),designed to enhance data replication efficiency in cloud environments.Unlike traditional static replication systems,DMGO adapts dynamically to variations in network conditions,system demand,and resource availability.The approach utilizes multi-objective optimization approaches to efficiently balance data access latency,storage efficiency,and operational costs.DMGO consistently evaluates data center performance and adjusts replication algorithms in real time to guarantee optimal system efficiency.Experimental evaluations conducted in a simulated cloud environment demonstrate that DMGO significantly outperforms conventional static algorithms,achieving faster data access,lower storage overhead,reduced energy consumption,and improved scalability.The proposed methodology offers a robust and adaptable solution for modern cloud systems,ensuring efficient resource consumption while maintaining high performance.
文摘Particle Swarm Optimization(PSO)has been utilized as a useful tool for solving intricate optimization problems for various applications in different fields.This paper attempts to carry out an update on PSO and gives a review of its recent developments and applications,but also provides arguments for its efficacy in resolving optimization problems in comparison with other algorithms.Covering six strategic areas,which include Data Mining,Machine Learning,Engineering Design,Energy Systems,Healthcare,and Robotics,the study demonstrates the versatility and effectiveness of the PSO.Experimental results are,however,used to show the strong and weak parts of PSO,and performance results are included in tables for ease of comparison.The results stress PSO’s efficiency in providing optimal solutions but also show that there are aspects that need to be improved through combination with algorithms or tuning to the parameters of the method.The review of the advantages and limitations of PSO is intended to provide academics and practitioners with a well-rounded view of the methods of employing such a tool most effectively and to encourage optimized designs of PSO in solving theoretical and practical problems in the future.
文摘The design and development of solar dryers are crucial in regions with abundant solar energy,such as Bhopal,India,where seasonal variations significantly impact the efficiency of drying processes.The paper is focused on employing a comprehensive mathematical model to predict the dryer’s performance in drying the materials such as banana slices.To enhance this model,Hyper Tuned Swarm Optimization with Gradient Tree(HT_SOGT)was utilized to accurately predict and determine the optimal size of the dryer dimensions considering various mathematical calculations for material drying.The predictive model considered the influence of seasonal fluctuations,ensuring an efficient drying process with an objective function to optimize the drying time of an average of 7 hrs throughout the year.Across all recorded ambient temperatures(ranging from 16.985○C to 31.4○C),the outlet temperature of the solar dryer is consistently higher,ranging from 39.085○C to 66.2○C.The results show that the optimized dryer design,based on HT_SOGT modelling,significantly improves drying efficiency of the materials across varying conditions,making it suitable for sustainable applications in agriculture and food processing industries in the Bhopal region.
文摘Quantum computing is a promising technology that has the potential to revolutionize many areas of science and technology,including communication.In this review,we discuss the current state of quantum computing in communication and its potential applications in various areas such as network optimization,signal processing,and machine learning for communication.First,the basic principle of quantum computing,quantum physics systems,and quantum algorithms are analyzed.Then,based on the classification of quantum algorithms,several important basic quantum algorithms,quantum optimization algorithms,and quantum machine learning algorithms are discussed in detail.Finally,the basic ideas and feasibility of introducing quantum algorithms into communications are emphatically analyzed,which provides a reference to address computational bottlenecks in communication networks.
基金supported by the Open Fund of Guangxi Key Laboratory of Building New Energy and Energy Conservation(Project Number:Guike Energy 17-J-21-3).
文摘With the development of renewable energy technologies such as photovoltaics and wind power,it has become a research hotspot to improve the consumption rate of new energy and reduce energy costs through algorithm improvement.To reduce the operational costs of micro-grid systems and the energy abandonment rate of renewable energy,while simultaneously enhancing user satisfaction on the demand side,this paper introduces an improvedmultiobjective Grey Wolf Optimizer based on Cauchy variation.The proposed approach incorporates a Cauchy variation strategy during the optimizer’s search phase to expand its exploration range and minimize the likelihood of becoming trapped in local optima.At the same time,adoptingmultiple energy storage methods to improve the consumption rate of renewable energy.Subsequently,under different energy balance orders,themulti-objective particle swarmalgorithm,multi-objective grey wolf optimizer,and Cauchy’s variant of the improvedmulti-objective grey wolf optimizer are used for example simulation,solving the Pareto solution set of the model and comparing.The analysis of the results reveals that,compared to the original optimizer,the improved optimizer decreases the daily cost by approximately 100 yuan,and reduces the energy abandonment rate to zero.Meanwhile,it enhances user satisfaction and ensures the stable operation of the micro-grid.
基金Supported by Natural Science Basic Research Plan in Shaanxi Province of China(Program No.2022JM-396)the Strategic Priority Research Program of the Chinese Academy of Sciences,Grant No.XDA23040101+4 种基金Shaanxi Province Key Research and Development Projects(Program No.2023-YBSF-437)Xi'an Shiyou University Graduate Student Innovation Fund Program(Program No.YCX2412041)State Key Laboratory of Air Traffic Management System and Technology(SKLATM202001)Tianjin Education Commission Research Program Project(2020KJ028)Fundamental Research Funds for the Central Universities(3122019132)。
文摘Developing an accurate and efficient comprehensive water quality prediction model and its assessment method is crucial for the prevention and control of water pollution.Deep learning(DL),as one of the most promising technologies today,plays a crucial role in the effective assessment of water body health,which is essential for water resource management.This study models using both the original dataset and a dataset augmented with Generative Adversarial Networks(GAN).It integrates optimization algorithms(OA)with Convolutional Neural Networks(CNN)to propose a comprehensive water quality model evaluation method aiming at identifying the optimal models for different pollutants.Specifically,after preprocessing the spectral dataset,data augmentation was conducted to obtain two datasets.Then,six new models were developed on these datasets using particle swarm optimization(PSO),genetic algorithm(GA),and simulated annealing(SA)combined with CNN to simulate and forecast the concentrations of three water pollutants:Chemical Oxygen Demand(COD),Total Nitrogen(TN),and Total Phosphorus(TP).Finally,seven model evaluation methods,including uncertainty analysis,were used to evaluate the constructed models and select the optimal models for the three pollutants.The evaluation results indicate that the GPSCNN model performed best in predicting COD and TP concentrations,while the GGACNN model excelled in TN concentration prediction.Compared to existing technologies,the proposed models and evaluation methods provide a more comprehensive and rapid approach to water body prediction and assessment,offering new insights and methods for water pollution prevention and control.
文摘Software defect prediction(SDP)aims to find a reliable method to predict defects in specific software projects and help software engineers allocate limited resources to release high-quality software products.Software defect prediction can be effectively performed using traditional features,but there are some redundant or irrelevant features in them(the presence or absence of this feature has little effect on the prediction results).These problems can be solved using feature selection.However,existing feature selection methods have shortcomings such as insignificant dimensionality reduction effect and low classification accuracy of the selected optimal feature subset.In order to reduce the impact of these shortcomings,this paper proposes a new feature selection method Cubic TraverseMa Beluga whale optimization algorithm(CTMBWO)based on the improved Beluga whale optimization algorithm(BWO).The goal of this study is to determine how well the CTMBWO can extract the features that are most important for correctly predicting software defects,improve the accuracy of fault prediction,reduce the number of the selected feature and mitigate the risk of overfitting,thereby achieving more efficient resource utilization and better distribution of test workload.The CTMBWO comprises three main stages:preprocessing the dataset,selecting relevant features,and evaluating the classification performance of the model.The novel feature selection method can effectively improve the performance of SDP.This study performs experiments on two software defect datasets(PROMISE,NASA)and shows the method’s classification performance using four detailed evaluation metrics,Accuracy,F1-score,MCC,AUC and Recall.The results indicate that the approach presented in this paper achieves outstanding classification performance on both datasets and has significant improvement over the baseline models.
文摘Multi-label feature selection(MFS)is a crucial dimensionality reduction technique aimed at identifying informative features associated with multiple labels.However,traditional centralized methods face significant challenges in privacy-sensitive and distributed settings,often neglecting label dependencies and suffering from low computational efficiency.To address these issues,we introduce a novel framework,Fed-MFSDHBCPSO—federated MFS via dual-layer hybrid breeding cooperative particle swarm optimization algorithm with manifold and sparsity regularization(DHBCPSO-MSR).Leveraging the federated learning paradigm,Fed-MFSDHBCPSO allows clients to perform local feature selection(FS)using DHBCPSO-MSR.Locally selected feature subsets are encrypted with differential privacy(DP)and transmitted to a central server,where they are securely aggregated and refined through secure multi-party computation(SMPC)until global convergence is achieved.Within each client,DHBCPSO-MSR employs a dual-layer FS strategy.The inner layer constructs sample and label similarity graphs,generates Laplacian matrices to capture the manifold structure between samples and labels,and applies L2,1-norm regularization to sparsify the feature subset,yielding an optimized feature weight matrix.The outer layer uses a hybrid breeding cooperative particle swarm optimization algorithm to further refine the feature weight matrix and identify the optimal feature subset.The updated weight matrix is then fed back to the inner layer for further optimization.Comprehensive experiments on multiple real-world multi-label datasets demonstrate that Fed-MFSDHBCPSO consistently outperforms both centralized and federated baseline methods across several key evaluation metrics.
基金funded by Researchers Supporting Programnumber(RSPD2024R809),King Saud University,Riyadh,Saudi Arabia.
文摘Multi-objective optimization is critical for problem-solving in engineering,economics,and AI.This study introduces the Multi-Objective Chef-Based Optimization Algorithm(MOCBOA),an upgraded version of the Chef-Based Optimization Algorithm(CBOA)that addresses distinct objectives.Our approach is unique in systematically examining four dominance relations—Pareto,Epsilon,Cone-epsilon,and Strengthened dominance—to evaluate their influence on sustaining solution variety and driving convergence toward the Pareto front.Our comparison investigation,which was conducted on fifty test problems from the CEC 2021 benchmark and applied to areas such as chemical engineering,mechanical design,and power systems,reveals that the dominance approach used has a considerable impact on the key optimization measures such as the hypervolume metric.This paper provides a solid foundation for determining themost effective dominance approach and significant insights for both theoretical research and practical applications in multi-objective optimization.
文摘In contemporary geotechnical projects,various approaches are employed for forecasting the settlement of shallow foundations(S_(m)).However,achieving precise modeling of foundation behavior using certain techniques(such as analytical,numerical,and regression)is challenging and sometimes unattainable.This is primarily due to the inherent nonlinearity of the model,the intricate nature of geotechnical materials,the complex interaction between soil and foundation,and the inherent uncertainty in soil parameters.Therefore,thesemethods often introduce assumptions and simplifications,resulting in relationships that deviate from the actual problem’s reality.In addition,many of these methods demand significant investments of time and resources but neglect to account for the uncertainty inherent in soil/rock parameters.This study explores the application of innovative intelligent techniques to predict S_(m) to address these shortcomings.Specifically,two optimization algorithms,namely teaching-learning-based optimization(TLBO)and harmony search(HS),are harnessed for this purpose.The modeling process involves utilizing input parameters,such as thewidth of the footing(B),the pressure exerted on the footing(q),the count of SPT(Standard Penetration Test)blows(N),the ratio of footing embedment(Df/B),and the footing’s geometry(L/B),during the training phase with a dataset comprising 151 data points.Then,the models’accuracy is assessed during the testing phase using statistical metrics,including the coefficient of determination(R^(2)),mean square error(MSE),and rootmean square error(RMSE),based on a dataset of 38 data points.The findings of this investigation underscore the substantial efficacy of intelligent optimization algorithms as valuable tools for geotechnical engineers when estimating S_(m).In addition,a sensitivity analysis of the input parameters in S_(m) estimation is conducted using@RISK software,revealing that among the various input parameters,the N exerts the most pronounced influence on S_(m).
基金supported by the Shaanxi Province Natural Science Basic Research Program Project(2024JC-YBMS-572)partially funded by Yan’an University Graduate Education Innovation Program Project(YCX2023032,YCX2023033,YCX2024094,YCX2024097)the“14th Five Year Plan Medium and Long Term Major Scientific Research Project”(2021ZCQ015)of Yan’an University.
文摘Aiming to address the limitations of the standard Chimp Optimization Algorithm(ChOA),such as inadequate search ability and susceptibility to local optima in Unmanned Aerial Vehicle(UAV)path planning,this paper proposes a three-dimensional path planning method for UAVs based on the Improved Chimp Optimization Algorithm(IChOA).First,this paper models the terrain and obstacle environments spatially and formulates the total UAV flight cost function according to the constraints,transforming the path planning problem into an optimization problem with multiple constraints.Second,this paper enhances the diversity of the chimpanzee population by applying the Sine chaos mapping strategy and introduces a nonlinear convergence factor to improve the algorithm’s search accuracy and convergence speed.Finally,this paper proposes a dynamic adjustment strategy for the number of chimpanzee advance echelons,which effectively balances global exploration and local exploitation,significantly optimizing the algorithm’s search performance.To validate the effectiveness of the IChOA algorithm,this paper conducts experimental comparisons with eight different intelligent algorithms.The experimental results demonstrate that the IChOA outperforms the selected comparison algorithms in terms of practicality and robustness in UAV 3D path planning.It effectively solves the issues of efficiency in finding the shortest path and ensures high stability during execution.