In airborne gamma ray spectrum processing,different analysis methods,technical requirements,analysis models,and calculation methods need to be established.To meet the engineering practice requirements of airborne gamm...In airborne gamma ray spectrum processing,different analysis methods,technical requirements,analysis models,and calculation methods need to be established.To meet the engineering practice requirements of airborne gamma-ray measurements and improve computational efficiency,an improved shuffled frog leaping algorithm-particle swarm optimization convolutional neural network(SFLA-PSO CNN)for large-sample quantitative analysis of airborne gamma-ray spectra is proposed herein.This method was used to train the weight of the neural network,optimize the structure of the network,delete redundant connections,and enable the neural network to acquire the capability of quantitative spectrum processing.In full-spectrum data processing,this method can perform the functions of energy spectrum peak searching and peak area calculations.After network training,the mean SNR and RMSE of the spectral lines were 31.27 and 2.75,respectively,satisfying the demand for noise reduction.To test the processing ability of the algorithm in large samples of airborne gamma spectra,this study considered the measured data from the Saihangaobi survey area as an example to conduct data spectral analysis.The results show that calculation of the single-peak area takes only 0.13~0.15 ms,and the average relative errors of the peak area in the U,Th,and K spectra are 3.11,9.50,and 6.18%,indicating the high processing efficiency and accuracy of this algorithm.The performance of the model can be further improved by optimizing related parameters,but it can already meet the requirements of practical engineering measurement.This study provides a new idea for the full-spectrum processing of airborne gamma rays.展开更多
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.展开更多
An improved wavelet neural network algorithm which combines with particle swarm optimization was proposed to avoid encountering the curse of dimensionality and overcome the shortage in the responding speed and learnin...An improved wavelet neural network algorithm which combines with particle swarm optimization was proposed to avoid encountering the curse of dimensionality and overcome the shortage in the responding speed and learning ability brought about by the traditional models. Based on the operational data provided by a regional power grid in the south of China, the method was used in the actual short term load forecasting. The results show that the average time cost of the proposed method in the experiment process is reduced by 12.2 s, and the precision of the proposed method is increased by 3.43% compared to the traditional wavelet network. Consequently, the improved wavelet neural network forecasting model is better than the traditional wavelet neural network forecasting model in both forecasting effect and network function.展开更多
To predict the temperature of a motorized spindle more accurately,a novel temperature prediction model based on the back-propagation neural network optimized by adaptive particle swarm optimization(APSO-BPNN)is propos...To predict the temperature of a motorized spindle more accurately,a novel temperature prediction model based on the back-propagation neural network optimized by adaptive particle swarm optimization(APSO-BPNN)is proposed.First,on the basis of the PSO-BPNN algorithm,the adaptive inertia weight is introduced to make the weight change with the fitness of the particle,the adaptive learning factor is used to obtain different search abilities in the early and later stages of the algorithm,the mutation operator is incorporated to increase the diversity of the population and avoid premature convergence,and the APSO-BPNN model is constructed.Then,the temperature of different measurement points of the motorized spindle is forecasted by the BPNN,PSO-BPNN,and APSO-BPNN models.The experimental results demonstrate that the APSO-BPNN model has a significant advantage over the other two methods regarding prediction precision and robustness.The presented algorithm can provide a theoretical basis for intelligently controlling temperature and developing an early warning system for high-speed motorized spindles and machine tools.展开更多
A new chaotic particle swarm algorithm is proposed in order to avoid the premature convergence of the particle swarm optimization and the shortcomings of the chaotic optimization, such as slow searching speed and low ...A new chaotic particle swarm algorithm is proposed in order to avoid the premature convergence of the particle swarm optimization and the shortcomings of the chaotic optimization, such as slow searching speed and low accuracy when used in the multivariable systems or in large search space. The new algorithm combines the particle swarm algorithm and the chaotic optimization, using randomness and ergodicity of chaos to overcome the premature convergence of the particle swarm optimization. At the same time, a new neural network feedback linearization control system is built to control the single-machine infinite-bus system. The network parameters are trained by the chaos particle swarm algorithm, which makes the control achieve optimization and the control law of prime mover output torque obtained. Finally, numerical simulation and practical application validate the effectiveness of the method.展开更多
Gasoline blending scheduling optimization can bring significant economic and efficient benefits to refineries.However,the optimization model is complex and difficult to build,which is a typical mixed integer nonlinear...Gasoline blending scheduling optimization can bring significant economic and efficient benefits to refineries.However,the optimization model is complex and difficult to build,which is a typical mixed integer nonlinear programming(MINLP)problem.Considering the large scale of the MINLP model,in order to improve the efficiency of the solution,the mixed integer linear programming-nonlinear programming(MILP-NLP)strategy is used to solve the problem.This paper uses the linear blending rules plus the blending effect correction to build the gasoline blending model,and a relaxed MILP model is constructed on this basis.The particle swarm optimization algorithm with niche technology(NPSO)is proposed to optimize the solution,and the high-precision soft-sensor method is used to calculate the deviation of gasoline attributes,the blending effect is dynamically corrected to ensure the accuracy of the blending effect and optimization results,thus forming a prediction-verification-reprediction closed-loop scheduling optimization strategy suitable for engineering applications.The optimization result of the MILP model provides a good initial point.By fixing the integer variables to the MILPoptimal value,the approximate MINLP optimal solution can be obtained through a NLP solution.The above solution strategy has been successfully applied to the actual gasoline production case of a refinery(3.5 million tons per year),and the results show that the strategy is effective and feasible.The optimization results based on the closed-loop scheduling optimization strategy have higher reliability.Compared with the standard particle swarm optimization algorithm,NPSO algorithm improves the optimization ability and efficiency to a certain extent,effectively reduces the blending cost while ensuring the convergence speed.展开更多
Weed is a plant that grows along with nearly allfield crops,including rice,wheat,cotton,millets and sugar cane,affecting crop yield and quality.Classification and accurate identification of all types of weeds is a cha...Weed is a plant that grows along with nearly allfield crops,including rice,wheat,cotton,millets and sugar cane,affecting crop yield and quality.Classification and accurate identification of all types of weeds is a challenging task for farmers in earlier stage of crop growth because of similarity.To address this issue,an efficient weed classification model is proposed with the Deep Convolutional Neural Network(CNN)that implements automatic feature extraction and performs complex feature learning for image classification.Throughout this work,weed images were trained using the proposed CNN model with evolutionary computing approach to classify the weeds based on the two publicly available weed datasets.The Tamil Nadu Agricultural University(TNAU)dataset used as afirst dataset that consists of 40 classes of weed images and the other dataset is from Indian Council of Agriculture Research–Directorate of Weed Research(ICAR-DWR)which contains 50 classes of weed images.An effective Particle Swarm Optimization(PSO)technique is applied in the proposed CNN to automa-tically evolve and improve its classification accuracy.The proposed model was evaluated and compared with pre-trained transfer learning models such as GoogLeNet,AlexNet,Residual neural Network(ResNet)and Visual Geometry Group Network(VGGNet)for weed classification.This work shows that the performance of the PSO assisted proposed CNN model is significantly improved the success rate by 98.58%for TNAU and 97.79%for ICAR-DWR weed datasets.展开更多
The performances of Particle Swarm Optimization and Genetic Algorithm have been compared to develop a methodology for concurrent and integrated design of mechanical structure and controller of a 2-dof robotic manipula...The performances of Particle Swarm Optimization and Genetic Algorithm have been compared to develop a methodology for concurrent and integrated design of mechanical structure and controller of a 2-dof robotic manipulator solving tracking problems. The proposed design scheme optimizes various parameters belonging to different domains (that is, link geometry, mass distribution, moment of inertia, control gains) concurrently to design manipulator, which can track some given paths accurately with a minimum power consumption. The main strength of this study lies with the design of an integrated scheme to solve the above problem. Both real-coded Genetic Algorithm and Particle Swarm Optimization are used to solve this complex optimization problem. Four approaches have been developed and their performances are compared. Particle Swarm Optimization is found to perform better than the Genetic Algorithm, as the former carries out both global and local searches simultaneously, whereas the latter concentrates mainly on the global search. Controllers with adaptive gain values have shown better performance compared to the conventional ones, as expected.展开更多
Due to the complex and changeable environment under water,the performance of traditional DOA estimation algorithms based on mathematical model,such as MUSIC,ESPRIT,etc.,degrades greatly or even some mistakes can be ma...Due to the complex and changeable environment under water,the performance of traditional DOA estimation algorithms based on mathematical model,such as MUSIC,ESPRIT,etc.,degrades greatly or even some mistakes can be made because of the mismatch between algorithm model and actual environment model.In addition,the neural network has the ability of generalization and mapping,it can consider the noise,transmission channel inconsistency and other factors of the objective environment.Therefore,this paper utilizes Back Propagation(BP)neural network as the basic framework of underwater DOA estimation.Furthermore,in order to improve the performance of DOA estimation of BP neural network,the following three improvements are proposed.(1)Aiming at the problem that the weight and threshold of traditional BP neural network converge slowly and easily fall into the local optimal value in the iterative process,PSO-BP-NN based on optimized particle swarm optimization(PSO)algorithm is proposed.(2)The Higher-order cumulant of the received signal is utilized to establish the training model.(3)A BP neural network training method for arbitrary number of sources is proposed.Finally,the effectiveness of the proposed algorithm is proved by comparing with the state-of-the-art algorithms and MUSIC algorithm.展开更多
By studying principles and methods related to early-warning model of plant diseases and using PSO method, parameter optimization was conducted to backward propagation neural network, and a pre-warning model for plant ...By studying principles and methods related to early-warning model of plant diseases and using PSO method, parameter optimization was conducted to backward propagation neural network, and a pre-warning model for plant diseases based on particle swarm and neural network algorithm was established. The test results showed that the construction of early-warning model is effective and feasible, which will provide a via- ble model structure to establish the effective early-warning platform.展开更多
To improve energy efficiency and protect the environment,the integrated energy system(IES)becomes a significant direction of energy structure adjustment.This paper innovatively proposes a wavelet neural network(WNN)mo...To improve energy efficiency and protect the environment,the integrated energy system(IES)becomes a significant direction of energy structure adjustment.This paper innovatively proposes a wavelet neural network(WNN)model optimized by the improved particle swarm optimization(IPSO)and chaos optimization algorithm(COA)for short-term load prediction of IES.The proposed model overcomes the disadvantages of the slow convergence and the tendency to fall into the local optimum in traditional WNN models.First,the Pearson correlation coefficient is employed to select the key influencing factors of load prediction.Then,the traditional particle swarm optimization(PSO)is improved by the dynamic particle inertia weight.To jump out of the local optimum,the COA is employed to search for individual optimal particles in IPSO.In the iteration,the parameters of WNN are continually optimized by IPSO-COA.Meanwhile,the feedback link is added to the proposed model,where the output error is adopted to modify the prediction results.Finally,the proposed model is employed for load prediction.The experimental simulation verifies that the proposed model significantly improves the prediction accuracy and operation efficiency compared with the artificial neural network(ANN),WNN,and PSO-WNN.展开更多
A fuzzy neural network controller for underwater vehicles has many parameters difficult to tune manually. To reduce the numerous work and subjective uncertainties in manual adjustments, a hybrid particle swarm optimiz...A fuzzy neural network controller for underwater vehicles has many parameters difficult to tune manually. To reduce the numerous work and subjective uncertainties in manual adjustments, a hybrid particle swarm optimization (HPSO) algorithm based on immune theory and nonlinear decreasing inertia weight (NDIW) strategy is proposed. Owing to the restraint factor and NDIW strategy, an HPSO algorithm can effectively prevent premature convergence and keep balance between global and local searching abilities. Meanwhile, the algorithm maintains the ability of handling multimodal and multidimensional problems. The HPSO algorithm has the fastest convergence velocity and finds the best solutions compared to GA, IGA, and basic PSO algorithm in simulation experiments. Experimental results on the AUV simulation platform show that HPSO-based controllers perform well and have strong abilities against current disturbance. It can thus be concluded that the proposed algorithm is feasible for application to AUVs.展开更多
Water is a vital resource.It supports a multitude of industries,civilizations,and agriculture.However,climatic conditions impact water availability,particularly in desert areas where the temperature is high,and rain i...Water is a vital resource.It supports a multitude of industries,civilizations,and agriculture.However,climatic conditions impact water availability,particularly in desert areas where the temperature is high,and rain is scarce.Therefore,it is crucial to forecast water demand to provide it to sectors either on regular or emergency days.The study aims to develop an accurate model to forecast daily water demand under the impact of climatic conditions.This forecasting is known as a multivariate time series because it uses both the historical data of water demand and climatic conditions to forecast the future.Focusing on the collected data of Jeddah city,Saudi Arabia in the period between 2004 and 2018,we develop a hybrid approach that uses Artificial Neural Networks(ANN)for forecasting and Particle Swarm Optimization algorithm(PSO)for tuning ANNs’hyperparameters.Based on the Root Mean Square Error(RMSE)metric,results show that the(PSO-ANN)is an accurate model for multivariate time series forecasting.Also,the first day is the most difficult day for prediction(highest error rate),while the second day is the easiest to predict(lowest error rate).Finally,correlation analysis shows that the dew point is the most climatic factor affecting water demand.展开更多
Cutting parameters have a significant impact on the machining effect.In order to reduce the machining time and improve the machining quality,this paper proposes an optimization algorithm based on Bp neural networkImpr...Cutting parameters have a significant impact on the machining effect.In order to reduce the machining time and improve the machining quality,this paper proposes an optimization algorithm based on Bp neural networkImproved Multi-Objective Particle Swarm(Bp-DWMOPSO).Firstly,this paper analyzes the existing problems in the traditional multi-objective particle swarm algorithm.Secondly,the Bp neural network model and the dynamic weight multi-objective particle swarm algorithm model are established.Finally,the Bp-DWMOPSO algorithm is designed based on the established models.In order to verify the effectiveness of the algorithm,this paper obtains the required data through equal probability orthogonal experiments on a typical Computer Numerical Control(CNC)turning machining case and uses the Bp-DWMOPSO algorithm for optimization.The experimental results show that the Cutting speed is 69.4 mm/min,the Feed speed is 0.05 mm/r,and the Depth of cut is 0.5 mm.The results show that the Bp-DWMOPSO algorithm can find the cutting parameters with a higher material removal rate and lower spindle load while ensuring the machining quality.This method provides a new idea for the optimization of turning machining parameters.展开更多
The permanent magnet eddy current coupler(PMEC)solves the problem of flexible connection and speed regulation between the motor and the load and is widely used in electrical transmission systems.It provides torque to ...The permanent magnet eddy current coupler(PMEC)solves the problem of flexible connection and speed regulation between the motor and the load and is widely used in electrical transmission systems.It provides torque to the load and generates heat and losses,reducing its energy transfer efficiency.This issue has become an obstacle for PMEC to develop toward a higher power.This paper aims to improve the overall performance of PMEC through multi-objective optimization methods.Firstly,a PMEC modeling method based on the Levenberg-Marquardt back propagation(LMBP)neural network is proposed,aiming at the characteristics of the complex input-output relationship and the strong nonlinearity of PMEC.Then,a novel competition mechanism-based multi-objective particle swarm optimization algorithm(NCMOPSO)is proposed to find the optimal structural parameters of PMEC.Chaotic search and mutation strategies are used to improve the original algorithm,which improves the shortcomings of multi-objective particle swarm optimization(MOPSO),which is too fast to converge into a global optimum,and balances the convergence and diversity of the algorithm.In order to verify the superiority and applicability of the proposed algorithm,it is compared with several popular multi-objective optimization algorithms.Applying them to the optimization model of PMEC,the results show that the proposed algorithm has better comprehensive performance.Finally,a finite element simulation model is established using the optimal structural parameters obtained by the proposed algorithm to verify the optimization results.Compared with the prototype,the optimized PMEC has reduced eddy current losses by 1.7812 kW,increased output torque by 658.5 N·m,and decreased costs by 13%,improving energy transfer efficiency.展开更多
基金the National Natural Science Foundation of China(No.42127807)Natural Science Foundation of Sichuan Province(Nos.23NSFSCC0116 and 2022NSFSC12333)the Nuclear Energy Development Project(No.[2021]-88).
文摘In airborne gamma ray spectrum processing,different analysis methods,technical requirements,analysis models,and calculation methods need to be established.To meet the engineering practice requirements of airborne gamma-ray measurements and improve computational efficiency,an improved shuffled frog leaping algorithm-particle swarm optimization convolutional neural network(SFLA-PSO CNN)for large-sample quantitative analysis of airborne gamma-ray spectra is proposed herein.This method was used to train the weight of the neural network,optimize the structure of the network,delete redundant connections,and enable the neural network to acquire the capability of quantitative spectrum processing.In full-spectrum data processing,this method can perform the functions of energy spectrum peak searching and peak area calculations.After network training,the mean SNR and RMSE of the spectral lines were 31.27 and 2.75,respectively,satisfying the demand for noise reduction.To test the processing ability of the algorithm in large samples of airborne gamma spectra,this study considered the measured data from the Saihangaobi survey area as an example to conduct data spectral analysis.The results show that calculation of the single-peak area takes only 0.13~0.15 ms,and the average relative errors of the peak area in the U,Th,and K spectra are 3.11,9.50,and 6.18%,indicating the high processing efficiency and accuracy of this algorithm.The performance of the model can be further improved by optimizing related parameters,but it can already meet the requirements of practical engineering measurement.This study provides a new idea for the full-spectrum processing of airborne gamma rays.
基金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.
基金Project(50579101) supported by the National Natural Science Foundation of China
文摘An improved wavelet neural network algorithm which combines with particle swarm optimization was proposed to avoid encountering the curse of dimensionality and overcome the shortage in the responding speed and learning ability brought about by the traditional models. Based on the operational data provided by a regional power grid in the south of China, the method was used in the actual short term load forecasting. The results show that the average time cost of the proposed method in the experiment process is reduced by 12.2 s, and the precision of the proposed method is increased by 3.43% compared to the traditional wavelet network. Consequently, the improved wavelet neural network forecasting model is better than the traditional wavelet neural network forecasting model in both forecasting effect and network function.
基金The National Natural Science Foundation of China(No.51465035)the Natural Science Foundation of Gansu,China(No.20JR5R-A466)。
文摘To predict the temperature of a motorized spindle more accurately,a novel temperature prediction model based on the back-propagation neural network optimized by adaptive particle swarm optimization(APSO-BPNN)is proposed.First,on the basis of the PSO-BPNN algorithm,the adaptive inertia weight is introduced to make the weight change with the fitness of the particle,the adaptive learning factor is used to obtain different search abilities in the early and later stages of the algorithm,the mutation operator is incorporated to increase the diversity of the population and avoid premature convergence,and the APSO-BPNN model is constructed.Then,the temperature of different measurement points of the motorized spindle is forecasted by the BPNN,PSO-BPNN,and APSO-BPNN models.The experimental results demonstrate that the APSO-BPNN model has a significant advantage over the other two methods regarding prediction precision and robustness.The presented algorithm can provide a theoretical basis for intelligently controlling temperature and developing an early warning system for high-speed motorized spindles and machine tools.
基金This work is supported by National Natural Science Foundation of China (50776005).
文摘A new chaotic particle swarm algorithm is proposed in order to avoid the premature convergence of the particle swarm optimization and the shortcomings of the chaotic optimization, such as slow searching speed and low accuracy when used in the multivariable systems or in large search space. The new algorithm combines the particle swarm algorithm and the chaotic optimization, using randomness and ergodicity of chaos to overcome the premature convergence of the particle swarm optimization. At the same time, a new neural network feedback linearization control system is built to control the single-machine infinite-bus system. The network parameters are trained by the chaos particle swarm algorithm, which makes the control achieve optimization and the control law of prime mover output torque obtained. Finally, numerical simulation and practical application validate the effectiveness of the method.
基金supported by National Natural Science Foundation of China(Basic Science Center Program:61988101)Shanghai Committee of Science and Technology(22DZ1101500)+1 种基金the National Natural Science Foundation of China(61973124,62073142)Fundamental Research Funds for the Central Universities。
文摘Gasoline blending scheduling optimization can bring significant economic and efficient benefits to refineries.However,the optimization model is complex and difficult to build,which is a typical mixed integer nonlinear programming(MINLP)problem.Considering the large scale of the MINLP model,in order to improve the efficiency of the solution,the mixed integer linear programming-nonlinear programming(MILP-NLP)strategy is used to solve the problem.This paper uses the linear blending rules plus the blending effect correction to build the gasoline blending model,and a relaxed MILP model is constructed on this basis.The particle swarm optimization algorithm with niche technology(NPSO)is proposed to optimize the solution,and the high-precision soft-sensor method is used to calculate the deviation of gasoline attributes,the blending effect is dynamically corrected to ensure the accuracy of the blending effect and optimization results,thus forming a prediction-verification-reprediction closed-loop scheduling optimization strategy suitable for engineering applications.The optimization result of the MILP model provides a good initial point.By fixing the integer variables to the MILPoptimal value,the approximate MINLP optimal solution can be obtained through a NLP solution.The above solution strategy has been successfully applied to the actual gasoline production case of a refinery(3.5 million tons per year),and the results show that the strategy is effective and feasible.The optimization results based on the closed-loop scheduling optimization strategy have higher reliability.Compared with the standard particle swarm optimization algorithm,NPSO algorithm improves the optimization ability and efficiency to a certain extent,effectively reduces the blending cost while ensuring the convergence speed.
文摘Weed is a plant that grows along with nearly allfield crops,including rice,wheat,cotton,millets and sugar cane,affecting crop yield and quality.Classification and accurate identification of all types of weeds is a challenging task for farmers in earlier stage of crop growth because of similarity.To address this issue,an efficient weed classification model is proposed with the Deep Convolutional Neural Network(CNN)that implements automatic feature extraction and performs complex feature learning for image classification.Throughout this work,weed images were trained using the proposed CNN model with evolutionary computing approach to classify the weeds based on the two publicly available weed datasets.The Tamil Nadu Agricultural University(TNAU)dataset used as afirst dataset that consists of 40 classes of weed images and the other dataset is from Indian Council of Agriculture Research–Directorate of Weed Research(ICAR-DWR)which contains 50 classes of weed images.An effective Particle Swarm Optimization(PSO)technique is applied in the proposed CNN to automa-tically evolve and improve its classification accuracy.The proposed model was evaluated and compared with pre-trained transfer learning models such as GoogLeNet,AlexNet,Residual neural Network(ResNet)and Visual Geometry Group Network(VGGNet)for weed classification.This work shows that the performance of the PSO assisted proposed CNN model is significantly improved the success rate by 98.58%for TNAU and 97.79%for ICAR-DWR weed datasets.
文摘The performances of Particle Swarm Optimization and Genetic Algorithm have been compared to develop a methodology for concurrent and integrated design of mechanical structure and controller of a 2-dof robotic manipulator solving tracking problems. The proposed design scheme optimizes various parameters belonging to different domains (that is, link geometry, mass distribution, moment of inertia, control gains) concurrently to design manipulator, which can track some given paths accurately with a minimum power consumption. The main strength of this study lies with the design of an integrated scheme to solve the above problem. Both real-coded Genetic Algorithm and Particle Swarm Optimization are used to solve this complex optimization problem. Four approaches have been developed and their performances are compared. Particle Swarm Optimization is found to perform better than the Genetic Algorithm, as the former carries out both global and local searches simultaneously, whereas the latter concentrates mainly on the global search. Controllers with adaptive gain values have shown better performance compared to the conventional ones, as expected.
基金Strategic Priority Research Program of Chinese Academy of Sciences,Grant No.XDA28040000,XDA28120000Natural Science Foundation of Shandong Province,Grant No.ZR2021MF094+2 种基金Key R&D Plan of Shandong Province,Grant No.2020CXGC010804Central Leading Local Science and Technology Development Special Fund Project,Grant No.YDZX2021122Science&Technology Specific Projects in Agricultural High-tech Industrial Demonstration Area of the Yellow River Delta,Grant No.2022SZX11。
文摘Due to the complex and changeable environment under water,the performance of traditional DOA estimation algorithms based on mathematical model,such as MUSIC,ESPRIT,etc.,degrades greatly or even some mistakes can be made because of the mismatch between algorithm model and actual environment model.In addition,the neural network has the ability of generalization and mapping,it can consider the noise,transmission channel inconsistency and other factors of the objective environment.Therefore,this paper utilizes Back Propagation(BP)neural network as the basic framework of underwater DOA estimation.Furthermore,in order to improve the performance of DOA estimation of BP neural network,the following three improvements are proposed.(1)Aiming at the problem that the weight and threshold of traditional BP neural network converge slowly and easily fall into the local optimal value in the iterative process,PSO-BP-NN based on optimized particle swarm optimization(PSO)algorithm is proposed.(2)The Higher-order cumulant of the received signal is utilized to establish the training model.(3)A BP neural network training method for arbitrary number of sources is proposed.Finally,the effectiveness of the proposed algorithm is proved by comparing with the state-of-the-art algorithms and MUSIC algorithm.
基金Supported by a Grant from the Science and Technology Project ofYunnan Province(2006NG02)~~
文摘By studying principles and methods related to early-warning model of plant diseases and using PSO method, parameter optimization was conducted to backward propagation neural network, and a pre-warning model for plant diseases based on particle swarm and neural network algorithm was established. The test results showed that the construction of early-warning model is effective and feasible, which will provide a via- ble model structure to establish the effective early-warning platform.
基金supported in part by the National Key Research and Development Program of China(No.2018YFB1500800)the National Natural Science Foundation of China(No.51807134)the State Key Laboratory of Reliability and Intelligence of Electrical Equipment,Hebei University of Technology(No.EERI_KF20200014)。
文摘To improve energy efficiency and protect the environment,the integrated energy system(IES)becomes a significant direction of energy structure adjustment.This paper innovatively proposes a wavelet neural network(WNN)model optimized by the improved particle swarm optimization(IPSO)and chaos optimization algorithm(COA)for short-term load prediction of IES.The proposed model overcomes the disadvantages of the slow convergence and the tendency to fall into the local optimum in traditional WNN models.First,the Pearson correlation coefficient is employed to select the key influencing factors of load prediction.Then,the traditional particle swarm optimization(PSO)is improved by the dynamic particle inertia weight.To jump out of the local optimum,the COA is employed to search for individual optimal particles in IPSO.In the iteration,the parameters of WNN are continually optimized by IPSO-COA.Meanwhile,the feedback link is added to the proposed model,where the output error is adopted to modify the prediction results.Finally,the proposed model is employed for load prediction.The experimental simulation verifies that the proposed model significantly improves the prediction accuracy and operation efficiency compared with the artificial neural network(ANN),WNN,and PSO-WNN.
基金the National Natural Science Foundation of China (No.50579007)
文摘A fuzzy neural network controller for underwater vehicles has many parameters difficult to tune manually. To reduce the numerous work and subjective uncertainties in manual adjustments, a hybrid particle swarm optimization (HPSO) algorithm based on immune theory and nonlinear decreasing inertia weight (NDIW) strategy is proposed. Owing to the restraint factor and NDIW strategy, an HPSO algorithm can effectively prevent premature convergence and keep balance between global and local searching abilities. Meanwhile, the algorithm maintains the ability of handling multimodal and multidimensional problems. The HPSO algorithm has the fastest convergence velocity and finds the best solutions compared to GA, IGA, and basic PSO algorithm in simulation experiments. Experimental results on the AUV simulation platform show that HPSO-based controllers perform well and have strong abilities against current disturbance. It can thus be concluded that the proposed algorithm is feasible for application to AUVs.
文摘Water is a vital resource.It supports a multitude of industries,civilizations,and agriculture.However,climatic conditions impact water availability,particularly in desert areas where the temperature is high,and rain is scarce.Therefore,it is crucial to forecast water demand to provide it to sectors either on regular or emergency days.The study aims to develop an accurate model to forecast daily water demand under the impact of climatic conditions.This forecasting is known as a multivariate time series because it uses both the historical data of water demand and climatic conditions to forecast the future.Focusing on the collected data of Jeddah city,Saudi Arabia in the period between 2004 and 2018,we develop a hybrid approach that uses Artificial Neural Networks(ANN)for forecasting and Particle Swarm Optimization algorithm(PSO)for tuning ANNs’hyperparameters.Based on the Root Mean Square Error(RMSE)metric,results show that the(PSO-ANN)is an accurate model for multivariate time series forecasting.Also,the first day is the most difficult day for prediction(highest error rate),while the second day is the easiest to predict(lowest error rate).Finally,correlation analysis shows that the dew point is the most climatic factor affecting water demand.
文摘Cutting parameters have a significant impact on the machining effect.In order to reduce the machining time and improve the machining quality,this paper proposes an optimization algorithm based on Bp neural networkImproved Multi-Objective Particle Swarm(Bp-DWMOPSO).Firstly,this paper analyzes the existing problems in the traditional multi-objective particle swarm algorithm.Secondly,the Bp neural network model and the dynamic weight multi-objective particle swarm algorithm model are established.Finally,the Bp-DWMOPSO algorithm is designed based on the established models.In order to verify the effectiveness of the algorithm,this paper obtains the required data through equal probability orthogonal experiments on a typical Computer Numerical Control(CNC)turning machining case and uses the Bp-DWMOPSO algorithm for optimization.The experimental results show that the Cutting speed is 69.4 mm/min,the Feed speed is 0.05 mm/r,and the Depth of cut is 0.5 mm.The results show that the Bp-DWMOPSO algorithm can find the cutting parameters with a higher material removal rate and lower spindle load while ensuring the machining quality.This method provides a new idea for the optimization of turning machining parameters.
基金supported by the National Natural Science Foundation of China under Grant 52077027.
文摘The permanent magnet eddy current coupler(PMEC)solves the problem of flexible connection and speed regulation between the motor and the load and is widely used in electrical transmission systems.It provides torque to the load and generates heat and losses,reducing its energy transfer efficiency.This issue has become an obstacle for PMEC to develop toward a higher power.This paper aims to improve the overall performance of PMEC through multi-objective optimization methods.Firstly,a PMEC modeling method based on the Levenberg-Marquardt back propagation(LMBP)neural network is proposed,aiming at the characteristics of the complex input-output relationship and the strong nonlinearity of PMEC.Then,a novel competition mechanism-based multi-objective particle swarm optimization algorithm(NCMOPSO)is proposed to find the optimal structural parameters of PMEC.Chaotic search and mutation strategies are used to improve the original algorithm,which improves the shortcomings of multi-objective particle swarm optimization(MOPSO),which is too fast to converge into a global optimum,and balances the convergence and diversity of the algorithm.In order to verify the superiority and applicability of the proposed algorithm,it is compared with several popular multi-objective optimization algorithms.Applying them to the optimization model of PMEC,the results show that the proposed algorithm has better comprehensive performance.Finally,a finite element simulation model is established using the optimal structural parameters obtained by the proposed algorithm to verify the optimization results.Compared with the prototype,the optimized PMEC has reduced eddy current losses by 1.7812 kW,increased output torque by 658.5 N·m,and decreased costs by 13%,improving energy transfer efficiency.