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.展开更多
In recent years, particle swarm optimization (PSO) has received widespread attention in feature selection due to its simplicity and potential for global search. However, in traditional PSO, particles primarily update ...In recent years, particle swarm optimization (PSO) has received widespread attention in feature selection due to its simplicity and potential for global search. However, in traditional PSO, particles primarily update based on two extreme values: personal best and global best, which limits the diversity of information. Ideally, particles should learn from multiple advantageous particles to enhance interactivity and optimization efficiency. Accordingly, this paper proposes a PSO that simulates the evolutionary dynamics of species survival in mountain peak ecology (PEPSO) for feature selection. Based on the pyramid topology, the algorithm simulates the features of mountain peak ecology in nature and the competitive-cooperative strategies among species. According to the principles of the algorithm, the population is first adaptively divided into many subgroups based on the fitness level of particles. Then, particles within each subgroup are divided into three different types based on their evolutionary levels, employing different adaptive inertia weight rules and dynamic learning mechanisms to define distinct learning modes. Consequently, all particles play their respective roles in promoting the global optimization performance of the algorithm, similar to different species in the ecological pattern of mountain peaks. Experimental validation of the PEPSO performance was conducted on 18 public datasets. The experimental results demonstrate that the PEPSO outperforms other PSO variant-based feature selection methods and mainstream feature selection methods based on intelligent optimization algorithms in terms of overall performance in global search capability, classification accuracy, and reduction of feature space dimensions. Wilcoxon signed-rank test also confirms the excellent performance of the PEPSO.展开更多
Thediagnosis of Dry EyeDisease(DED),however,usually depends on clinical information and complex,high-dimensional datasets.To improve the performance of classification models,this paper proposes a Computer Aided Design...Thediagnosis of Dry EyeDisease(DED),however,usually depends on clinical information and complex,high-dimensional datasets.To improve the performance of classification models,this paper proposes a Computer Aided Design(CAD)system that presents a new method for DED classification called(IAOO-PSO),which is a powerful Feature Selection technique(FS)that integrates with Opposition-Based Learning(OBL)and Particle Swarm Optimization(PSO).We improve the speed of convergence with the PSO algorithmand the exploration with the IAOO algorithm.The IAOO is demonstrated to possess superior global optimization capabilities,as validated on the IEEE Congress on Evolutionary Computation 2022(CEC’22)benchmark suite and compared with seven Metaheuristic(MH)algorithms.Additionally,an IAOO-PSO model based on Support Vector Machines(SVMs)classifier is proposed for FS and classification,where the IAOO-PSO is used to identify the most relevant features.This model was applied to the DED dataset comprising 20,000 cases and 26 features,achieving a high classification accuracy of 99.8%,which significantly outperforms other optimization algorithms.The experimental results demonstrate the reliability,success,and efficiency of the IAOO-PSO technique for both FS and classification in the detection of DED.展开更多
Combining the heuristic algorithm (HA) developed based on the specific knowledge of the cooperative multiple target attack (CMTA) tactics and the particle swarm optimization (PSO), a heuristic particle swarm opt...Combining the heuristic algorithm (HA) developed based on the specific knowledge of the cooperative multiple target attack (CMTA) tactics and the particle swarm optimization (PSO), a heuristic particle swarm optimization (HPSO) algorithm is proposed to solve the decision-making (DM) problem. HA facilitates to search the local optimum in the neighborhood of a solution, while the PSO algorithm tends to explore the search space for possible solutions. Combining the advantages of HA and PSO, HPSO algorithms can find out the global optimum quickly and efficiently. It obtains the DM solution by seeking for the optimal assignment of missiles of friendly fighter aircrafts (FAs) to hostile FAs. Simulation results show that the proposed algorithm is superior to the general PSO algorithm and two GA based algorithms in searching for the best solution to the DM problem.展开更多
The common failure mechanism for brittle rocks is known to be axial splitting which happens parallel to the direction of maximum compression. One of the mechanisms proposed for modelling of axial splitting is the slid...The common failure mechanism for brittle rocks is known to be axial splitting which happens parallel to the direction of maximum compression. One of the mechanisms proposed for modelling of axial splitting is the sliding crack or so called, “wing crack” model. Fairhurst-Cook model explains this specific type of failure which starts by a pre-crack and finally breaks the rock by propagating 2-D cracks under uniaxial compression. In this paper, optimization of this model has been considered and the process has been done by a complete sensitivity analysis on the main parameters of the model and excluding the trends of their changes and also their limits and “peak points”. Later on this paper, three artificial intelligence algorithms including Particle Swarm Intelligence (PSO), Ant Colony Optimization (ACO) and genetic algorithm (GA) has been used and compared in order to achieve optimized sets of parameters resulting in near-maximum or near-minimum amounts of wedging forces creating a wing crack.展开更多
This paper proposes an efficient method for designing accurate structure-specified mixed H2/H∞ optimal controllers for systems with uncertainties and disturbance using particle swarm (PSO) algorithm. It is designed t...This paper proposes an efficient method for designing accurate structure-specified mixed H2/H∞ optimal controllers for systems with uncertainties and disturbance using particle swarm (PSO) algorithm. It is designed to find a suitable controller that minimizes the performance index of error signal subject to an unequal constraint on the norm of the closed-loop system. Although the mixed H2/H∞ for the output feedback approach control is considered as a robust and optimal control technique, the design process normally comes up with a complex and non-convex optimization problem, which is difficult to solve by the conventional optimization methods. The PSO can efficiently solve design problems of multi-input-multi-output (MIMO) optimal control systems, which is very suitable for practical engineering designs. It is used to search for parameters of a structure-specified controller, which satisfies mixed performance index. The simulation and experimental results show high feasibility, robustness and practical value compared with the conventional proportional-integral-derivative (PID) and proportional-Integral (PI) controller, and the proposed algorithm is also more efficient compared with the genetic algorithm (GA).展开更多
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.展开更多
As for the drop of particle diversity and the slow convergent speed of particle in the late evolution period when particle swarm optimization(PSO) is applied to solve high-dimensional multi-modal functions,a hybrid ...As for the drop of particle diversity and the slow convergent speed of particle in the late evolution period when particle swarm optimization(PSO) is applied to solve high-dimensional multi-modal functions,a hybrid optimization algorithm based on the cat mapping,the cloud model and PSO is proposed.While the PSO algorithm evolves a certain of generations,this algorithm applies the cat mapping to implement global disturbance of the poorer individuals,and employs the cloud model to execute local search of the better individuals;accordingly,the obtained best individuals form a new swarm.For this new swarm,the evolution operation is maintained with the PSO algorithm,using the parameter of pop distr to balance the global and local search capacity of the algorithm,as well as,adopting the parameter of mix gen to control mixing times of the algorithm.The comparative analysis is carried out on the basis of 4 functions and other algorithms.It indicates that this algorithm shows faster convergent speed and better solving precision for solving functions particularly those high-dimensional multi-modal functions.Finally,the suggested values are proposed for parameters pop distr and mix gen applied to different dimension functions via the comparative analysis of parameters.展开更多
For multi-objective optimization problems, particle swarm optimization(PSO) algorithm generally needs a large number of fitness evaluations to obtain the Pareto optimal solutions. However, it will become substantially...For multi-objective optimization problems, particle swarm optimization(PSO) algorithm generally needs a large number of fitness evaluations to obtain the Pareto optimal solutions. However, it will become substantially time-consuming when handling computationally expensive fitness functions. In order to save the computational cost, a surrogate-assisted PSO with Pareto active learning is proposed. In real physical space(the objective functions are computationally expensive), PSO is used as an optimizer, and its optimization results are used to construct the surrogate models. In virtual space, objective functions are replaced by the cheaper surrogate models, PSO is viewed as a sampler to produce the candidate solutions. To enhance the quality of candidate solutions, a hybrid mutation sampling method based on the simulated evolution is proposed, which combines the advantage of fast convergence of PSO and implements mutation to increase diversity. Furthermore, ε-Pareto active learning(ε-PAL)method is employed to pre-select candidate solutions to guide PSO in the real physical space. However, little work has considered the method of determining parameter ε. Therefore, a greedy search method is presented to determine the value ofεwhere the number of active sampling is employed as the evaluation criteria of classification cost. Experimental studies involving application on a number of benchmark test problems and parameter determination for multi-input multi-output least squares support vector machines(MLSSVM) are given, in which the results demonstrate promising performance of the proposed algorithm compared with other representative multi-objective particle swarm optimization(MOPSO) algorithms.展开更多
Accurately forecasting peak particle velocity(PPV)during blasting operations plays a crucial role in mitigating vibration-related hazards and preventing economic losses.This research introduces an approach to PPV pred...Accurately forecasting peak particle velocity(PPV)during blasting operations plays a crucial role in mitigating vibration-related hazards and preventing economic losses.This research introduces an approach to PPV prediction by combining conventional empirical equations with physics-informed neural networks(PINN)and optimizing the model parameters via the Particle Swarm Optimization(PSO)algorithm.The proposed PSO-PINN framework was rigorously benchmarked against seven established machine learning approaches:Multilayer Perceptron(MLP),Extreme Gradient Boosting(XGBoost),Random Forest(RF),Support Vector Regression(SVR),Gradient Boosting Decision Tree(GBDT),Adaptive Boosting(Adaboost),and Gene Expression Programming(GEP).Comparative analysis showed that PSO-PINN outperformed these models,achieving RMSE reductions of 17.82-37.63%,MSE reductions of 32.47-61.10%,AR improvements of 2.97-21.19%,and R^(2)enhancements of 7.43-29.21%,demonstrating superior accuracy and generalization.Furthermore,the study determines the impact of incorporating empirical formulas as physical constraints in neural networks and examines the effects of different empirical equations,particle swarm size,iteration count in PSO,regularization coefficient,and learning rate in PINN on model performance.Lastly,a predictive system for blast vibration PPV is designed and implemented.The research outcomes offer theoretical references and practical recommendations for blast vibration forecasting in similar engineering applications.展开更多
Reverse design of highly GeO2-doped silica optical fibers with broadband and flat dispersion profiles is proposed using a neural network(NN) combined with a particle swarm optimization(PSO) algorithm.Firstly,the NN mo...Reverse design of highly GeO2-doped silica optical fibers with broadband and flat dispersion profiles is proposed using a neural network(NN) combined with a particle swarm optimization(PSO) algorithm.Firstly,the NN model designed to predict optical fiber dispersion is trained with an appropriate choice of hyperparameters,achieving a root mean square error(RMSE) of 9.47×10-7on the test dataset,with a determination coefficient(R2) of 0.999.Secondly,the NN is combined with the PSO algorithm for the inverse design of dispersion-flattened optical fibers.To expand the search space and avoid particles becoming trapped in local optimal solutions,the PSO algorithm incorporates adaptive inertia weight updating and a simulated annealing algorithm.Finally,by using a suitable fitness function,the designed fibers exhibit flat group velocity dispersion(GVD) profiles at 1 400—2 400 nm,where the GVD fluctuations and minimum absolute GVD values are below 18 ps·nm-1·km-1and 7 ps·nm-1·km-1,respectively.展开更多
An improved particle swarm optimization(PSO) algorithm is proposed to train the fuzzy support vector machine(FSVM) for pattern multi-classification.In the improved algorithm,the particles studies not only from its...An improved particle swarm optimization(PSO) algorithm is proposed to train the fuzzy support vector machine(FSVM) for pattern multi-classification.In the improved algorithm,the particles studies not only from itself and the best one but also from the mean value of some other particles.In addition,adaptive mutation was introduced to reduce the rate of premature convergence.The experimental results on the synthetic aperture radar(SAR) target recognition of moving and stationary target acquisition and recognition(MSTAR) dataset and character recognition of MNIST database show that the improved algorithm is feasible and effective for fuzzy multi-class SVM training.展开更多
Blending is an important unit operation in process industry. Blending scheduling is nonlinear optimiza- tion problem with constraints. It is difficult to obtain optimum solution by other general optimization methods. ...Blending is an important unit operation in process industry. Blending scheduling is nonlinear optimiza- tion problem with constraints. It is difficult to obtain optimum solution by other general optimization methods. Particle swarm optimization (PSO) algorithm is developed for nonlinear optimization problems with both contin- uous and discrete variables. In order to obtain a global optimum solution quickly, PSO algorithm is applied to solve the problem of blending scheduling under uncertainty. The calculation results based on an example of gasoline blending agree satisfactory with the ideal values, which illustrates that the PSO algorithm is valid and effective in solving the blending scheduling problem.展开更多
The determination of optimal values for three parameters required in the original particle swarm optimization algorithm is very difficult. It is proposed that two new parameters simulating the harmony search strategy ...The determination of optimal values for three parameters required in the original particle swarm optimization algorithm is very difficult. It is proposed that two new parameters simulating the harmony search strategy can be adopted instead of the three parameters which are required in the original particle swarm optimization algorithm to update the positions of all the particles. The improved particle swarm optimization is used in the location of the critical slip surface of soil slope, and it is found that the improved particle swarm optimization algorithm is insensitive to the two parameters while the original particle swarm optimization algorithm can be sensitive to its three parameters.展开更多
Multibody system dynamics provides a strong tool for the estimation of dynamic performances and the optimization of multisystem robot design. It can be described with differential algebraic equations(DAEs). In this pa...Multibody system dynamics provides a strong tool for the estimation of dynamic performances and the optimization of multisystem robot design. It can be described with differential algebraic equations(DAEs). In this paper, a particle swarm optimization(PSO) method is introduced to solve and control a symplectic multibody system for the first time. It is first combined with the symplectic method to solve problems in uncontrolled and controlled robotic arm systems. It is shown that the results conserve the energy and keep the constraints of the chaotic motion, which demonstrates the efficiency, accuracy, and time-saving ability of the method. To make the system move along the pre-planned path, which is a functional extremum problem, a double-PSO-based instantaneous optimal control is introduced. Examples are performed to test the effectiveness of the double-PSO-based instantaneous optimal control. The results show that the method has high accuracy, a fast convergence speed, and a wide range of applications.All the above verify the immense potential applications of the PSO method in multibody system dynamics.展开更多
Extreme hydrological events induced by typhoons in reservoir areas have presented severe challenges to the safe operation of hydraulic structures. Based on analysis of the seepage characteristics of an earth rock dam,...Extreme hydrological events induced by typhoons in reservoir areas have presented severe challenges to the safe operation of hydraulic structures. Based on analysis of the seepage characteristics of an earth rock dam, a novel seepage safety monitoring model was constructed in this study. The nonlinear influence processes of the antecedent reservoir water level and rainfall were assumed to follow normal distributions. The particle swarm optimization (PSO) algorithm was used to optimize the model parameters so as to raise the fitting accuracy. In addition, a mutation factor was introduced to simulate the sudden increase in the piezometric level induced by short-duration heavy rainfall and the possible historical extreme reservoir water level during a typhoon. In order to verify the efficacy of this model, the earth rock dam of the Siminghu Reservoir was used as an example. The piezometric level at the SW1-2 measuring point during Typhoon Fitow in 2013 was fitted with the present model, and a corresponding theoretical expression was established. Comparison of fitting results of the piezometric level obtained from the present statistical model and traditional statistical model with monitored values during the typhoon shows that the present model has a higher fitting accuracy and can simulate the uprush feature of the seepage pressure during the typhoon perfectly.展开更多
This study presents analysis, control and comparison of three hybrid approaches for the direct torque control (DTC) of the dual star induction motor (DSIM) drive. Its objective consists of combining three different he...This study presents analysis, control and comparison of three hybrid approaches for the direct torque control (DTC) of the dual star induction motor (DSIM) drive. Its objective consists of combining three different heuristic optimization techniques including PID-PSO, Fuzzy-PSO and GA-PSO to improve the DSIM speed controlled loop behavior. The GA and PSO algorithms are developed and implemented into MATLAB. As a result, fuzzy-PSO is the most appropriate scheme. The main performance of fuzzy-PSO is reducing high torque ripples, improving rise time and avoiding disturbances that affect the drive performance.展开更多
Sensors deployment optimization has become one of the most attractive fields in recent years. However, most of the previous work focused on the deployment problem in 2D space.Compared to the traditional form, sensors ...Sensors deployment optimization has become one of the most attractive fields in recent years. However, most of the previous work focused on the deployment problem in 2D space.Compared to the traditional form, sensors deployment in multidimensional space has greater research significance and practical potential to satisfy the detecting needs in complex environment.Aiming at solving this issue, a multi-dimensional space sensor network model is established, and the radar system is selected as an example. Considering the possible working mode of the radar system(e.g., searching and tracking), two distinctive deployment models are proposed based on maximum coverage area and maximum target detection probability in the attack direction respectively. The latter one is usually ignored in the previous literature.For uncovering the optimal deployment of the sensor network, the particle swarm optimization(PSO) algorithm is improved using the proposed weights determination scheme, in which the linear decreasing, the pooling strategy and the cloud theory are combined for weights updating. Experimental results illustrate the effectiveness of the proposed method.展开更多
This paper proposes a novel hybrid algorithm called Fractional-order Particle Swarm optimization Gravitational Search Algorithm(FPSOGSA)and applies it to the trajectory planning of the hypersonic lifting reentry fligh...This paper proposes a novel hybrid algorithm called Fractional-order Particle Swarm optimization Gravitational Search Algorithm(FPSOGSA)and applies it to the trajectory planning of the hypersonic lifting reentry flight vehicles.The proposed method is used to calculate the control profiles to achieve the two objectives,namely a smoother trajectory and enforcement of the path constraints with terminal accuracy.The smoothness of the trajectory is achieved by scheduling the bank angle with the aid of a modified scheme known as a Quasi-Equilibrium Glide(QEG)scheme.The aerodynamic load factor and the dynamic pressure path constraints are enforced by further planning of the bank angle with the help of a constraint enforcement scheme.The maximum heating rate path constraint is enforced through the angle of attack parameterization.The Common Aero Vehicle(CAV)flight vehicle is used for the simulation purpose to test and compare the proposed method with that of the standard Particle Swarm Optimization(PSO)method and the standard Gravitational Search Algorithm(GSA).The simulation results confirm the efficiency of the proposed FPSOGSA method over the standard PSO and the GSA methods by showing its better convergence and computation efficiency.展开更多
In order to forecast the strength of filling material exactly, the main factors affecting the strength of filling material are analyzed. The model of predicting the strength of filling material was established by appl...In order to forecast the strength of filling material exactly, the main factors affecting the strength of filling material are analyzed. The model of predicting the strength of filling material was established by applying the theory of artificial neural net- works. Based on cases related to our test data of filling material, the predicted results of the model and measured values are com- pared and analyzed. The results show that the model is feasible and scientifically justified to predict the strength of filling material, which provides a new method for forecasting the strength of filling material for paste filling in coal mines.展开更多
文摘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.
文摘In recent years, particle swarm optimization (PSO) has received widespread attention in feature selection due to its simplicity and potential for global search. However, in traditional PSO, particles primarily update based on two extreme values: personal best and global best, which limits the diversity of information. Ideally, particles should learn from multiple advantageous particles to enhance interactivity and optimization efficiency. Accordingly, this paper proposes a PSO that simulates the evolutionary dynamics of species survival in mountain peak ecology (PEPSO) for feature selection. Based on the pyramid topology, the algorithm simulates the features of mountain peak ecology in nature and the competitive-cooperative strategies among species. According to the principles of the algorithm, the population is first adaptively divided into many subgroups based on the fitness level of particles. Then, particles within each subgroup are divided into three different types based on their evolutionary levels, employing different adaptive inertia weight rules and dynamic learning mechanisms to define distinct learning modes. Consequently, all particles play their respective roles in promoting the global optimization performance of the algorithm, similar to different species in the ecological pattern of mountain peaks. Experimental validation of the PEPSO performance was conducted on 18 public datasets. The experimental results demonstrate that the PEPSO outperforms other PSO variant-based feature selection methods and mainstream feature selection methods based on intelligent optimization algorithms in terms of overall performance in global search capability, classification accuracy, and reduction of feature space dimensions. Wilcoxon signed-rank test also confirms the excellent performance of the PEPSO.
文摘Thediagnosis of Dry EyeDisease(DED),however,usually depends on clinical information and complex,high-dimensional datasets.To improve the performance of classification models,this paper proposes a Computer Aided Design(CAD)system that presents a new method for DED classification called(IAOO-PSO),which is a powerful Feature Selection technique(FS)that integrates with Opposition-Based Learning(OBL)and Particle Swarm Optimization(PSO).We improve the speed of convergence with the PSO algorithmand the exploration with the IAOO algorithm.The IAOO is demonstrated to possess superior global optimization capabilities,as validated on the IEEE Congress on Evolutionary Computation 2022(CEC’22)benchmark suite and compared with seven Metaheuristic(MH)algorithms.Additionally,an IAOO-PSO model based on Support Vector Machines(SVMs)classifier is proposed for FS and classification,where the IAOO-PSO is used to identify the most relevant features.This model was applied to the DED dataset comprising 20,000 cases and 26 features,achieving a high classification accuracy of 99.8%,which significantly outperforms other optimization algorithms.The experimental results demonstrate the reliability,success,and efficiency of the IAOO-PSO technique for both FS and classification in the detection of DED.
文摘Combining the heuristic algorithm (HA) developed based on the specific knowledge of the cooperative multiple target attack (CMTA) tactics and the particle swarm optimization (PSO), a heuristic particle swarm optimization (HPSO) algorithm is proposed to solve the decision-making (DM) problem. HA facilitates to search the local optimum in the neighborhood of a solution, while the PSO algorithm tends to explore the search space for possible solutions. Combining the advantages of HA and PSO, HPSO algorithms can find out the global optimum quickly and efficiently. It obtains the DM solution by seeking for the optimal assignment of missiles of friendly fighter aircrafts (FAs) to hostile FAs. Simulation results show that the proposed algorithm is superior to the general PSO algorithm and two GA based algorithms in searching for the best solution to the DM problem.
文摘The common failure mechanism for brittle rocks is known to be axial splitting which happens parallel to the direction of maximum compression. One of the mechanisms proposed for modelling of axial splitting is the sliding crack or so called, “wing crack” model. Fairhurst-Cook model explains this specific type of failure which starts by a pre-crack and finally breaks the rock by propagating 2-D cracks under uniaxial compression. In this paper, optimization of this model has been considered and the process has been done by a complete sensitivity analysis on the main parameters of the model and excluding the trends of their changes and also their limits and “peak points”. Later on this paper, three artificial intelligence algorithms including Particle Swarm Intelligence (PSO), Ant Colony Optimization (ACO) and genetic algorithm (GA) has been used and compared in order to achieve optimized sets of parameters resulting in near-maximum or near-minimum amounts of wedging forces creating a wing crack.
文摘This paper proposes an efficient method for designing accurate structure-specified mixed H2/H∞ optimal controllers for systems with uncertainties and disturbance using particle swarm (PSO) algorithm. It is designed to find a suitable controller that minimizes the performance index of error signal subject to an unequal constraint on the norm of the closed-loop system. Although the mixed H2/H∞ for the output feedback approach control is considered as a robust and optimal control technique, the design process normally comes up with a complex and non-convex optimization problem, which is difficult to solve by the conventional optimization methods. The PSO can efficiently solve design problems of multi-input-multi-output (MIMO) optimal control systems, which is very suitable for practical engineering designs. It is used to search for parameters of a structure-specified controller, which satisfies mixed performance index. The simulation and experimental results show high feasibility, robustness and practical value compared with the conventional proportional-integral-derivative (PID) and proportional-Integral (PI) controller, and the proposed algorithm is also more efficient compared with the genetic algorithm (GA).
文摘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.
基金supported by the Specialized Research Fund for the Doctoral Program of Higher Education(20114307120032)the National Natural Science Foundation of China(71201167)
文摘As for the drop of particle diversity and the slow convergent speed of particle in the late evolution period when particle swarm optimization(PSO) is applied to solve high-dimensional multi-modal functions,a hybrid optimization algorithm based on the cat mapping,the cloud model and PSO is proposed.While the PSO algorithm evolves a certain of generations,this algorithm applies the cat mapping to implement global disturbance of the poorer individuals,and employs the cloud model to execute local search of the better individuals;accordingly,the obtained best individuals form a new swarm.For this new swarm,the evolution operation is maintained with the PSO algorithm,using the parameter of pop distr to balance the global and local search capacity of the algorithm,as well as,adopting the parameter of mix gen to control mixing times of the algorithm.The comparative analysis is carried out on the basis of 4 functions and other algorithms.It indicates that this algorithm shows faster convergent speed and better solving precision for solving functions particularly those high-dimensional multi-modal functions.Finally,the suggested values are proposed for parameters pop distr and mix gen applied to different dimension functions via the comparative analysis of parameters.
基金supported by the National Natural Sciences Foundation of China(61603069,61533005,61522304,U1560102)the National Key Research and Development Program of China(2017YFA0700300)
文摘For multi-objective optimization problems, particle swarm optimization(PSO) algorithm generally needs a large number of fitness evaluations to obtain the Pareto optimal solutions. However, it will become substantially time-consuming when handling computationally expensive fitness functions. In order to save the computational cost, a surrogate-assisted PSO with Pareto active learning is proposed. In real physical space(the objective functions are computationally expensive), PSO is used as an optimizer, and its optimization results are used to construct the surrogate models. In virtual space, objective functions are replaced by the cheaper surrogate models, PSO is viewed as a sampler to produce the candidate solutions. To enhance the quality of candidate solutions, a hybrid mutation sampling method based on the simulated evolution is proposed, which combines the advantage of fast convergence of PSO and implements mutation to increase diversity. Furthermore, ε-Pareto active learning(ε-PAL)method is employed to pre-select candidate solutions to guide PSO in the real physical space. However, little work has considered the method of determining parameter ε. Therefore, a greedy search method is presented to determine the value ofεwhere the number of active sampling is employed as the evaluation criteria of classification cost. Experimental studies involving application on a number of benchmark test problems and parameter determination for multi-input multi-output least squares support vector machines(MLSSVM) are given, in which the results demonstrate promising performance of the proposed algorithm compared with other representative multi-objective particle swarm optimization(MOPSO) algorithms.
基金supported by the National Natural Science Foundation of China(Grant No.52409143)the Basic Scientific Research Fund of Changjiang River Scientific Research Institute for Central-level Public Welfare Research Institutes(Grant No.CKSF2025184/YT)the Hubei Provincial Natural Science Foundation of China(Grant No.2022CFB673).
文摘Accurately forecasting peak particle velocity(PPV)during blasting operations plays a crucial role in mitigating vibration-related hazards and preventing economic losses.This research introduces an approach to PPV prediction by combining conventional empirical equations with physics-informed neural networks(PINN)and optimizing the model parameters via the Particle Swarm Optimization(PSO)algorithm.The proposed PSO-PINN framework was rigorously benchmarked against seven established machine learning approaches:Multilayer Perceptron(MLP),Extreme Gradient Boosting(XGBoost),Random Forest(RF),Support Vector Regression(SVR),Gradient Boosting Decision Tree(GBDT),Adaptive Boosting(Adaboost),and Gene Expression Programming(GEP).Comparative analysis showed that PSO-PINN outperformed these models,achieving RMSE reductions of 17.82-37.63%,MSE reductions of 32.47-61.10%,AR improvements of 2.97-21.19%,and R^(2)enhancements of 7.43-29.21%,demonstrating superior accuracy and generalization.Furthermore,the study determines the impact of incorporating empirical formulas as physical constraints in neural networks and examines the effects of different empirical equations,particle swarm size,iteration count in PSO,regularization coefficient,and learning rate in PINN on model performance.Lastly,a predictive system for blast vibration PPV is designed and implemented.The research outcomes offer theoretical references and practical recommendations for blast vibration forecasting in similar engineering applications.
基金supported by the Fundamental Research Funds for the Central Universities (No.2024JBZY021)the National Natural Science Foundation of China (No.61575018)。
文摘Reverse design of highly GeO2-doped silica optical fibers with broadband and flat dispersion profiles is proposed using a neural network(NN) combined with a particle swarm optimization(PSO) algorithm.Firstly,the NN model designed to predict optical fiber dispersion is trained with an appropriate choice of hyperparameters,achieving a root mean square error(RMSE) of 9.47×10-7on the test dataset,with a determination coefficient(R2) of 0.999.Secondly,the NN is combined with the PSO algorithm for the inverse design of dispersion-flattened optical fibers.To expand the search space and avoid particles becoming trapped in local optimal solutions,the PSO algorithm incorporates adaptive inertia weight updating and a simulated annealing algorithm.Finally,by using a suitable fitness function,the designed fibers exhibit flat group velocity dispersion(GVD) profiles at 1 400—2 400 nm,where the GVD fluctuations and minimum absolute GVD values are below 18 ps·nm-1·km-1and 7 ps·nm-1·km-1,respectively.
基金supported by the National Natural Science Foundation of China (60873086)the Aeronautical Science Foundation of China(20085153013)the Fundamental Research Found of Northwestern Polytechnical Unirersity (JC200942)
文摘An improved particle swarm optimization(PSO) algorithm is proposed to train the fuzzy support vector machine(FSVM) for pattern multi-classification.In the improved algorithm,the particles studies not only from itself and the best one but also from the mean value of some other particles.In addition,adaptive mutation was introduced to reduce the rate of premature convergence.The experimental results on the synthetic aperture radar(SAR) target recognition of moving and stationary target acquisition and recognition(MSTAR) dataset and character recognition of MNIST database show that the improved algorithm is feasible and effective for fuzzy multi-class SVM training.
基金Supported by the National 863 Project (No. 2003AA412010) and the National 973 Program of China (No. 2002CB312201)
文摘Blending is an important unit operation in process industry. Blending scheduling is nonlinear optimiza- tion problem with constraints. It is difficult to obtain optimum solution by other general optimization methods. Particle swarm optimization (PSO) algorithm is developed for nonlinear optimization problems with both contin- uous and discrete variables. In order to obtain a global optimum solution quickly, PSO algorithm is applied to solve the problem of blending scheduling under uncertainty. The calculation results based on an example of gasoline blending agree satisfactory with the ideal values, which illustrates that the PSO algorithm is valid and effective in solving the blending scheduling problem.
基金supported by the National Natural Science Foundation of China (Grant No. 51008167)S&T Plan Project (Grant No. J10LE07) from Shandong Provincial Education Departmentthe Research Fund for the Doctoral Program of Higher Education of China (Grant No. 20103721120001)
文摘The determination of optimal values for three parameters required in the original particle swarm optimization algorithm is very difficult. It is proposed that two new parameters simulating the harmony search strategy can be adopted instead of the three parameters which are required in the original particle swarm optimization algorithm to update the positions of all the particles. The improved particle swarm optimization is used in the location of the critical slip surface of soil slope, and it is found that the improved particle swarm optimization algorithm is insensitive to the two parameters while the original particle swarm optimization algorithm can be sensitive to its three parameters.
基金Project supported by the National Natural Science Foundation of China(Nos.91648101 and11672233)the Northwestern Polytechnical University(NPU)Foundation for Fundamental Research(No.3102017AX008)the National Training Program of Innovation and Entrepreneurship for Undergraduates(No.S201710699033)
文摘Multibody system dynamics provides a strong tool for the estimation of dynamic performances and the optimization of multisystem robot design. It can be described with differential algebraic equations(DAEs). In this paper, a particle swarm optimization(PSO) method is introduced to solve and control a symplectic multibody system for the first time. It is first combined with the symplectic method to solve problems in uncontrolled and controlled robotic arm systems. It is shown that the results conserve the energy and keep the constraints of the chaotic motion, which demonstrates the efficiency, accuracy, and time-saving ability of the method. To make the system move along the pre-planned path, which is a functional extremum problem, a double-PSO-based instantaneous optimal control is introduced. Examples are performed to test the effectiveness of the double-PSO-based instantaneous optimal control. The results show that the method has high accuracy, a fast convergence speed, and a wide range of applications.All the above verify the immense potential applications of the PSO method in multibody system dynamics.
基金supported by the National Natural Science Foundation of China(Grants No.51179108 and 51679151)the Special Fund for the Public Welfare Industry of the Ministry of Water Resources of China(Grant No.201501033)+1 种基金the National Key Research and Development Program(Grant No.2016YFC0401603)the Program Sponsored for Scientific Innovation Research of College Graduates in Jiangsu Province(Grant No.KYZZ15_0140)
文摘Extreme hydrological events induced by typhoons in reservoir areas have presented severe challenges to the safe operation of hydraulic structures. Based on analysis of the seepage characteristics of an earth rock dam, a novel seepage safety monitoring model was constructed in this study. The nonlinear influence processes of the antecedent reservoir water level and rainfall were assumed to follow normal distributions. The particle swarm optimization (PSO) algorithm was used to optimize the model parameters so as to raise the fitting accuracy. In addition, a mutation factor was introduced to simulate the sudden increase in the piezometric level induced by short-duration heavy rainfall and the possible historical extreme reservoir water level during a typhoon. In order to verify the efficacy of this model, the earth rock dam of the Siminghu Reservoir was used as an example. The piezometric level at the SW1-2 measuring point during Typhoon Fitow in 2013 was fitted with the present model, and a corresponding theoretical expression was established. Comparison of fitting results of the piezometric level obtained from the present statistical model and traditional statistical model with monitored values during the typhoon shows that the present model has a higher fitting accuracy and can simulate the uprush feature of the seepage pressure during the typhoon perfectly.
基金Project supported by Faculty of Technology,Department of Electrical Engineering,University of Batna,Algeria
文摘This study presents analysis, control and comparison of three hybrid approaches for the direct torque control (DTC) of the dual star induction motor (DSIM) drive. Its objective consists of combining three different heuristic optimization techniques including PID-PSO, Fuzzy-PSO and GA-PSO to improve the DSIM speed controlled loop behavior. The GA and PSO algorithms are developed and implemented into MATLAB. As a result, fuzzy-PSO is the most appropriate scheme. The main performance of fuzzy-PSO is reducing high torque ripples, improving rise time and avoiding disturbances that affect the drive performance.
文摘Sensors deployment optimization has become one of the most attractive fields in recent years. However, most of the previous work focused on the deployment problem in 2D space.Compared to the traditional form, sensors deployment in multidimensional space has greater research significance and practical potential to satisfy the detecting needs in complex environment.Aiming at solving this issue, a multi-dimensional space sensor network model is established, and the radar system is selected as an example. Considering the possible working mode of the radar system(e.g., searching and tracking), two distinctive deployment models are proposed based on maximum coverage area and maximum target detection probability in the attack direction respectively. The latter one is usually ignored in the previous literature.For uncovering the optimal deployment of the sensor network, the particle swarm optimization(PSO) algorithm is improved using the proposed weights determination scheme, in which the linear decreasing, the pooling strategy and the cloud theory are combined for weights updating. Experimental results illustrate the effectiveness of the proposed method.
文摘This paper proposes a novel hybrid algorithm called Fractional-order Particle Swarm optimization Gravitational Search Algorithm(FPSOGSA)and applies it to the trajectory planning of the hypersonic lifting reentry flight vehicles.The proposed method is used to calculate the control profiles to achieve the two objectives,namely a smoother trajectory and enforcement of the path constraints with terminal accuracy.The smoothness of the trajectory is achieved by scheduling the bank angle with the aid of a modified scheme known as a Quasi-Equilibrium Glide(QEG)scheme.The aerodynamic load factor and the dynamic pressure path constraints are enforced by further planning of the bank angle with the help of a constraint enforcement scheme.The maximum heating rate path constraint is enforced through the angle of attack parameterization.The Common Aero Vehicle(CAV)flight vehicle is used for the simulation purpose to test and compare the proposed method with that of the standard Particle Swarm Optimization(PSO)method and the standard Gravitational Search Algorithm(GSA).The simulation results confirm the efficiency of the proposed FPSOGSA method over the standard PSO and the GSA methods by showing its better convergence and computation efficiency.
基金supported by the National Natural Science Foundation of China (No. 50490270, 50774077, 50574089, 50490273)the New Century Excellent Personnel Training Program of the Ministry of Education of China (No. NCET-06-0475)+1 种基金the Special Funds of Universities outstanding doctoral dissertation (No. 200760) the Basic Research Program of China (No. 2006CB202204-3)
文摘In order to forecast the strength of filling material exactly, the main factors affecting the strength of filling material are analyzed. The model of predicting the strength of filling material was established by applying the theory of artificial neural net- works. Based on cases related to our test data of filling material, the predicted results of the model and measured values are com- pared and analyzed. The results show that the model is feasible and scientifically justified to predict the strength of filling material, which provides a new method for forecasting the strength of filling material for paste filling in coal mines.