The escalating deployment of distributed power sources and random loads in DC distribution networks hasamplified the potential consequences of faults if left uncontrolled. To expedite the process of achieving an optim...The escalating deployment of distributed power sources and random loads in DC distribution networks hasamplified the potential consequences of faults if left uncontrolled. To expedite the process of achieving an optimalconfiguration of measurement points, this paper presents an optimal configuration scheme for fault locationmeasurement points in DC distribution networks based on an improved particle swarm optimization algorithm.Initially, a measurement point distribution optimization model is formulated, leveraging compressive sensing.The model aims to achieve the minimum number of measurement points while attaining the best compressivesensing reconstruction effect. It incorporates constraints from the compressive sensing algorithm and networkwide viewability. Subsequently, the traditional particle swarm algorithm is enhanced by utilizing the Haltonsequence for population initialization, generating uniformly distributed individuals. This enhancement reducesindividual search blindness and overlap probability, thereby promoting population diversity. Furthermore, anadaptive t-distribution perturbation strategy is introduced during the particle update process to enhance the globalsearch capability and search speed. The established model for the optimal configuration of measurement points issolved, and the results demonstrate the efficacy and practicality of the proposed method. The optimal configurationreduces the number of measurement points, enhances localization accuracy, and improves the convergence speedof the algorithm. These findings validate the effectiveness and utility of the proposed approach.展开更多
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.展开更多
Hyperparameter optimization is considered as one of the most challenges in deep learning and dominates the precision of model in a certain.Recent proposals tried to solve this issue through the particle swarm optimiza...Hyperparameter optimization is considered as one of the most challenges in deep learning and dominates the precision of model in a certain.Recent proposals tried to solve this issue through the particle swarm optimization(PSO),but its native defect may result in the local optima trapped and convergence difficulty.In this paper,the genetic operations are introduced to the PSO,which makes the best hyperparameter combination scheme for specific network architecture be located easier.Spe-cifically,to prevent the troubles caused by the different data types and value scopes,a mixed coding method is used to ensure the effectiveness of particles.Moreover,the crossover and mutation opera-tions are added to the process of particles updating,to increase the diversity of particles and avoid local optima in searching.Verified with three benchmark datasets,MNIST,Fashion-MNIST,and CIFAR10,it is demonstrated that the proposed scheme can achieve accuracies of 99.58%,93.39%,and 78.96%,respectively,improving the accuracy by about 0.1%,0.5%,and 2%,respectively,compared with that of the PSO.展开更多
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.展开更多
Objective To reduce the execution time of neural network training. Methods Parallel particle swarm optimization algorithm based on master-slave model is proposed to train radial basis function neural networks, which i...Objective To reduce the execution time of neural network training. Methods Parallel particle swarm optimization algorithm based on master-slave model is proposed to train radial basis function neural networks, which is implemented on a cluster using MPI libraries for inter-process communication. Results High speed-up factor is achieved and execution time is reduced greatly. On the other hand, the resulting neural network has good classification accuracy not only on training sets but also on test sets. Conclusion Since the fitness evaluation is intensive, parallel particle swarm optimization shows great advantages to speed up neural network training.展开更多
With the continuous increase in the proportional use of wind energy across the globe,the reduction of power generation efficiency and safety hazards caused by the icing on wind turbine blades have attracted more consi...With the continuous increase in the proportional use of wind energy across the globe,the reduction of power generation efficiency and safety hazards caused by the icing on wind turbine blades have attracted more consideration for research.Therefore,it is crucial to accurately analyze the thickness of icing on wind turbine blades,which can serve as a basis for formulating corresponding control measures and ensure a safe and stable operation of wind turbines in winter times and/or in high altitude areas.This paper fully utilized the advantages of the support vector machine(SVM)and back-propagation neural network(BPNN),with the incorporation of particle swarm optimization(PSO)algorithms to optimize the parameters of the SVM.The paper proposes a hybrid assessment model of PSO-SVM and BPNN based on dynamic weighting rules.Three sets of icing data under a rotating working state of the wind turbine were used as examples for model verification.Based on a comparative analysis with other models,the results showed that the proposed model has better accuracy and stability in analyzing the icing on wind turbine blades.展开更多
The surge in connected devices and massive data aggregation has expanded the scale of the Internet of Things(IoT)networks.The proliferation of unknown attacks and related risks,such as zero-day attacks and Distributed...The surge in connected devices and massive data aggregation has expanded the scale of the Internet of Things(IoT)networks.The proliferation of unknown attacks and related risks,such as zero-day attacks and Distributed Denial of Service(DDoS)attacks triggered by botnets,have resulted in information leakage and property damage.Therefore,developing an efficient and realistic intrusion detection system(IDS)is critical for ensuring IoT network security.In recent years,traditional machine learning techniques have struggled to learn the complex associations between multidimensional features in network traffic,and the excellent performance of deep learning techniques,as an advanced version of machine learning,has led to their widespread application in intrusion detection.In this paper,we propose an Adaptive Particle Swarm Optimization Convolutional Neural Network Squeeze-andExcitation(APSO-CNN-SE)model for implementing IoT network intrusion detection.A 2D CNN backbone is initially constructed to extract spatial features from network traffic.Subsequently,a squeeze-and-excitation channel attention mechanism is introduced and embedded into the CNN to focus on critical feature channels.Lastly,the weights and biases in the CNN-SE are extracted to initialize the population individuals of the APSO.As the number of iterations increases,the population’s position vector is continuously updated,and the cross-entropy loss function value is minimized to produce the ideal network architecture.We evaluated the models experimentally using binary and multiclassification on the UNSW-NB15 and NSL-KDD datasets,comparing and analyzing the evaluation metrics derived from each model.Compared to the base CNN model,the results demonstrate that APSO-CNNSE enhances the binary classification detection accuracy by 1.84%and 3.53%and the multiclassification detection accuracy by 1.56%and 2.73%on the two datasets,respectively.Additionally,the model outperforms the existing models like DT,KNN,LR,SVM,LSTM,etc.,in terms of accuracy and fitting performance.This means that the model can identify potential attacks or anomalies more precisely,improving the overall security and stability of the IoT environment.展开更多
Utilizing granular computing to enhance artificial neural network architecture, a newtype of network emerges—thegranular neural network (GNN). GNNs offer distinct advantages over their traditional counterparts: The a...Utilizing granular computing to enhance artificial neural network architecture, a newtype of network emerges—thegranular neural network (GNN). GNNs offer distinct advantages over their traditional counterparts: The ability toprocess both numerical and granular data, leading to improved interpretability. This paper proposes a novel designmethod for constructing GNNs, drawing inspiration from existing interval-valued neural networks built uponNNNs. However, unlike the proposed algorithm in this work, which employs interval values or triangular fuzzynumbers for connections, existing methods rely on a pre-defined numerical network. This new method utilizesa uniform distribution of information granularity to granulate connections with unknown parameters, resultingin independent GNN structures. To quantify the granularity output of the network, the product of two commonperformance indices is adopted: The coverage of numerical data and the specificity of information granules.Optimizing this combined performance index helps determine the optimal parameters for the network. Finally,the paper presents the complete model construction and validates its feasibility through experiments on datasetsfrom the UCIMachine Learning Repository. The results demonstrate the proposed algorithm’s effectiveness andpromising performance.展开更多
With the current integration of distributed energy resources into the grid,the structure of distribution networks is becoming more complex.This complexity significantly expands the solution space in the optimization p...With the current integration of distributed energy resources into the grid,the structure of distribution networks is becoming more complex.This complexity significantly expands the solution space in the optimization process for network reconstruction using intelligent algorithms.Consequently,traditional intelligent algorithms frequently encounter insufficient search accuracy and become trapped in local optima.To tackle this issue,a more advanced particle swarm optimization algorithm is proposed.To address the varying emphases at different stages of the optimization process,a dynamic strategy is implemented to regulate the social and self-learning factors.The Metropolis criterion is introduced into the simulated annealing algorithm to occasionally accept suboptimal solutions,thereby mitigating premature convergence in the population optimization process.The inertia weight is adjusted using the logistic mapping technique to maintain a balance between the algorithm’s global and local search abilities.The incorporation of the Pareto principle involves the consideration of network losses and voltage deviations as objective functions.A fuzzy membership function is employed for selecting the results.Simulation analysis is carried out on the restructuring of the distribution network,using the IEEE-33 node system and the IEEE-69 node system as examples,in conjunction with the integration of distributed energy resources.The findings demonstrate that,in comparison to other intelligent optimization algorithms,the proposed enhanced algorithm demonstrates a shorter convergence time and effectively reduces active power losses within the network.Furthermore,it enhances the amplitude of node voltages,thereby improving the stability of distribution network operations and power supply quality.Additionally,the algorithm exhibits a high level of generality and applicability.展开更多
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.展开更多
This paper proposes an artificial neural network(ANN) based software reliability model trained by novel particle swarm optimization(PSO) algorithm for enhanced forecasting of the reliability of software. The proposed ...This paper proposes an artificial neural network(ANN) based software reliability model trained by novel particle swarm optimization(PSO) algorithm for enhanced forecasting of the reliability of software. The proposed ANN is developed considering the fault generation phenomenon during software testing with the fault complexity of different levels. We demonstrate the proposed model considering three types of faults residing in the software. We propose a neighborhood based fuzzy PSO algorithm for competent learning of the proposed ANN using software failure data. Fitting and prediction performances of the neighborhood fuzzy PSO based proposed neural network model are compared with the standard PSO based proposed neural network model and existing ANN based software reliability models in the literature through three real software failure data sets. We also compare the performance of the proposed PSO algorithm with the standard PSO algorithm through learning of the proposed ANN. Statistical analysis shows that the neighborhood fuzzy PSO based proposed neural network model has comparatively better fitting and predictive ability than the standard PSO based proposed neural network model and other ANN based software reliability models. Faster release of software is achievable by applying the proposed PSO based neural network model during the testing period.展开更多
In order to overcome shortcomings of traditional BP neural network,such as low study efficiency, slow convergence speed,easily trapped into local optimal solution,we proposed an improved BP neural network model based ...In order to overcome shortcomings of traditional BP neural network,such as low study efficiency, slow convergence speed,easily trapped into local optimal solution,we proposed an improved BP neural network model based on adaptive particle swarm optimization( PSO) algorithm. This algorithm adjusted the inertia weight coefficients and learning factors adaptively and therefore could be used to optimize the weights in the BP network. After establishing the improved PSO-BP( IPSO-BP) model,it was applied to solve fault diagnosis of rolling bearing. Wavelet denoising was selected to reduce the noise of the original vibration signals,and based on these vibration signals a wide set of features were used as the inputs in the neural network models. We demonstrate the effectiveness of the proposed approach by comparing with the traditional BP,PSO-BP and linear PSO-BP( LPSO-BP) algorithms. The experimental results show that IPSO-BP network outperforms other algorithms with faster convergence speed,lower errors,higher diagnostic accuracy and learning ability.展开更多
In this paper, a data-based fault tolerant control(FTC) scheme is investigated for unknown continuous-time(CT)affine nonlinear systems with actuator faults. First, a neural network(NN) identifier based on particle swa...In this paper, a data-based fault tolerant control(FTC) scheme is investigated for unknown continuous-time(CT)affine nonlinear systems with actuator faults. First, a neural network(NN) identifier based on particle swarm optimization(PSO) is constructed to model the unknown system dynamics. By utilizing the estimated system states, the particle swarm optimized critic neural network(PSOCNN) is employed to solve the Hamilton-Jacobi-Bellman equation(HJBE) more efficiently.Then, a data-based FTC scheme, which consists of the NN identifier and the fault compensator, is proposed to achieve actuator fault tolerance. The stability of the closed-loop system under actuator faults is guaranteed by the Lyapunov stability theorem. Finally, simulations are provided to demonstrate the effectiveness of the developed method.展开更多
The flash points of organic compounds were estimated using a hybrid method that includes a simple group contribution method (GCM) implemented in an artificial neural network (ANN) with particle swarm optimization (PSO...The flash points of organic compounds were estimated using a hybrid method that includes a simple group contribution method (GCM) implemented in an artificial neural network (ANN) with particle swarm optimization (PSO). Different topologies of a multilayer neural network were studied and the optimum architecture was determined. Property data of 350 compounds were used for training the network. To discriminate different substances the molecular structures defined by the concept of the classical group contribution method were given as input variables. The capabilities of the network were tested with 155 substances not considered in the training step. The study shows that the proposed GCM+ANN+PSO method represent an excellent alternative for the estimation of flash points of organic compounds with acceptable accuracy (AARD = 1.8%; AAE = 6.2 K).展开更多
Transmission network planning (TNP) is a large-scale, complex, with more non-linear discrete variables and the multi-objective constrained optimization problem. In the optimization process, the line investment, networ...Transmission network planning (TNP) is a large-scale, complex, with more non-linear discrete variables and the multi-objective constrained optimization problem. In the optimization process, the line investment, network reliability and the network loss are the main objective of transmission network planning. Combined with set pair analysis (SPA), particle swarm optimization (PSO), neural network (NN), a hybrid particle swarm optimization model was established with neural network and set pair analysis for transmission network planning (HPNS). Firstly, the contact degree of set pair analysis was introduced, the traditional goal set was converted into the collection of the three indicators including the identity degree, difference agree and contrary degree. On this bases, using shi(H), the three objective optimization problem was converted into single objective optimization problem. Secondly, using the fast and efficient search capabilities of PSO, the transmission network planning model based on set pair analysis was optimized. In the process of optimization, by improving the BP neural network constantly training so that the value of the fitness function of PSO becomes smaller in order to obtain the optimization program fitting the three objectives better. Finally, compared HPNS with PSO algorithm and the classic genetic algorithm, HPNS increased about 23% efficiency than THA, raised about 3.7% than PSO and improved about 2.96% than GA.展开更多
Aiming at the problem that back propagation(BP)neural network predicts the low accuracy rate of fluff fabric after fluffing process,a BP neural network model optimized by particle swarm optimization(PSO)algorithm is p...Aiming at the problem that back propagation(BP)neural network predicts the low accuracy rate of fluff fabric after fluffing process,a BP neural network model optimized by particle swarm optimization(PSO)algorithm is proposed.The sliced image is obtained by the principle of light-cutting imaging.The fluffy region of the adaptive image segmentation is extracted by the Freeman chain code principle.The upper edge coordinate information of the fabric is subjected to one-dimensional discrete wavelet decomposition to obtain high frequency information and low frequency information.After comparison and analysis,the BP neural network was trained by high frequency information,and the PSO algorithm was used to optimize the BP neural network.The optimized BP neural network has better weights and thresholds.The experimental results show that the accuracy of the optimized BP neural network after applying high-frequency information training is 97.96%,which is 3.79%higher than that of the unoptimized BP neural network,and has higher detection accuracy.展开更多
Even though several advances have been made in recent years,handwritten script recognition is still a challenging task in the pattern recognition domain.This field has gained much interest lately due to its diverse ap...Even though several advances have been made in recent years,handwritten script recognition is still a challenging task in the pattern recognition domain.This field has gained much interest lately due to its diverse application potentials.Nowadays,different methods are available for automatic script recognition.Among most of the reported script recognition techniques,deep neural networks have achieved impressive results and outperformed the classical machine learning algorithms.However,the process of designing such networks right from scratch intuitively appears to incur a significant amount of trial and error,which renders them unfeasible.This approach often requires manual intervention with domain expertise which consumes substantial time and computational resources.To alleviate this shortcoming,this paper proposes a new neural architecture search approach based on meta-heuristic quantum particle swarm optimization(QPSO),which is capable of automatically evolving the meaningful convolutional neural network(CNN)topologies.The computational experiments have been conducted on eight different datasets belonging to three popular Indic scripts,namely Bangla,Devanagari,and Dogri,consisting of handwritten characters and digits.Empirically,the results imply that the proposed QPSO-CNN algorithm outperforms the classical and state-of-the-art methods with faster prediction and higher accuracy.展开更多
A cooperative system of a fuzzy logic model and a fuzzy neural network(CSFLMFNN)is proposed,in which a fuzzy logic model is acquired from domain experts and a fuzzy neural network is generated and prewired according t...A cooperative system of a fuzzy logic model and a fuzzy neural network(CSFLMFNN)is proposed,in which a fuzzy logic model is acquired from domain experts and a fuzzy neural network is generated and prewired according to the model.Then PSO-CSFLMFNN is constructed by introducing particle swarm optimization(PSO)into the cooperative system instead of the commonly used evolutionary algorithms to evolve the prewired fuzzy neural network.The evolutionary fuzzy neural network implements accuracy fuzzy inference without rule matching.PSO-CSFLMFNN is applied to the intelligent fault diagnosis for a petrochemical engineering equipment,in which the cooperative system is proved to be effective.It is shown by the applied results that the performance of the evolutionary fuzzy neural network outperforms remarkably that of the one evolved by genetic algorithm in the convergence rate and the generalization precision.展开更多
The heating technological requirement of the conventional PID control is difficult to guarantee which based on the precise mathematical model,because the heating furnace for heating treatment with the big inertia,the ...The heating technological requirement of the conventional PID control is difficult to guarantee which based on the precise mathematical model,because the heating furnace for heating treatment with the big inertia,the pure time delay and nonlinear time-varying.Proposed one kind optimized variable method of PID controller based on the genetic algorithm with improved BP network that better realized the completely automatic intelligent control of the entire thermal process than the classics critical purporting(Z-N)method.A heating furnace for the object was simulated with MATLAB,simulation results show that the control system has the quicker response characteristic,the better dynamic characteristic and the quite stronger robustness,which has some promotional value for the control of industrial furnace.展开更多
基金the National Natural Science Foundation of China(52177074).
文摘The escalating deployment of distributed power sources and random loads in DC distribution networks hasamplified the potential consequences of faults if left uncontrolled. To expedite the process of achieving an optimalconfiguration of measurement points, this paper presents an optimal configuration scheme for fault locationmeasurement points in DC distribution networks based on an improved particle swarm optimization algorithm.Initially, a measurement point distribution optimization model is formulated, leveraging compressive sensing.The model aims to achieve the minimum number of measurement points while attaining the best compressivesensing reconstruction effect. It incorporates constraints from the compressive sensing algorithm and networkwide viewability. Subsequently, the traditional particle swarm algorithm is enhanced by utilizing the Haltonsequence for population initialization, generating uniformly distributed individuals. This enhancement reducesindividual search blindness and overlap probability, thereby promoting population diversity. Furthermore, anadaptive t-distribution perturbation strategy is introduced during the particle update process to enhance the globalsearch capability and search speed. The established model for the optimal configuration of measurement points issolved, and the results demonstrate the efficacy and practicality of the proposed method. The optimal configurationreduces the number of measurement points, enhances localization accuracy, and improves the convergence speedof the algorithm. These findings validate the effectiveness and utility of the proposed approach.
基金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.
基金the National Key Research and Development Program of China(No.2022ZD0119003)the National Natural Science Foundation of China(No.61834005).
文摘Hyperparameter optimization is considered as one of the most challenges in deep learning and dominates the precision of model in a certain.Recent proposals tried to solve this issue through the particle swarm optimization(PSO),but its native defect may result in the local optima trapped and convergence difficulty.In this paper,the genetic operations are introduced to the PSO,which makes the best hyperparameter combination scheme for specific network architecture be located easier.Spe-cifically,to prevent the troubles caused by the different data types and value scopes,a mixed coding method is used to ensure the effectiveness of particles.Moreover,the crossover and mutation opera-tions are added to the process of particles updating,to increase the diversity of particles and avoid local optima in searching.Verified with three benchmark datasets,MNIST,Fashion-MNIST,and CIFAR10,it is demonstrated that the proposed scheme can achieve accuracies of 99.58%,93.39%,and 78.96%,respectively,improving the accuracy by about 0.1%,0.5%,and 2%,respectively,compared with that of the PSO.
基金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.
基金This work was supported by the National Grand Fundamental Research"973"Programof China (No.2004CB719401)
文摘Objective To reduce the execution time of neural network training. Methods Parallel particle swarm optimization algorithm based on master-slave model is proposed to train radial basis function neural networks, which is implemented on a cluster using MPI libraries for inter-process communication. Results High speed-up factor is achieved and execution time is reduced greatly. On the other hand, the resulting neural network has good classification accuracy not only on training sets but also on test sets. Conclusion Since the fitness evaluation is intensive, parallel particle swarm optimization shows great advantages to speed up neural network training.
基金supported by the Natural Science Foundation of China(Project No.51665052).
文摘With the continuous increase in the proportional use of wind energy across the globe,the reduction of power generation efficiency and safety hazards caused by the icing on wind turbine blades have attracted more consideration for research.Therefore,it is crucial to accurately analyze the thickness of icing on wind turbine blades,which can serve as a basis for formulating corresponding control measures and ensure a safe and stable operation of wind turbines in winter times and/or in high altitude areas.This paper fully utilized the advantages of the support vector machine(SVM)and back-propagation neural network(BPNN),with the incorporation of particle swarm optimization(PSO)algorithms to optimize the parameters of the SVM.The paper proposes a hybrid assessment model of PSO-SVM and BPNN based on dynamic weighting rules.Three sets of icing data under a rotating working state of the wind turbine were used as examples for model verification.Based on a comparative analysis with other models,the results showed that the proposed model has better accuracy and stability in analyzing the icing on wind turbine blades.
基金the National Natural Science Foundation of China“Research on the Evidence Chain Construction from the Analysis of the Investigation Documents(62166006)”the Natural Science Foundation of Guizhou Province under Grant[2020]1Y254.
文摘The surge in connected devices and massive data aggregation has expanded the scale of the Internet of Things(IoT)networks.The proliferation of unknown attacks and related risks,such as zero-day attacks and Distributed Denial of Service(DDoS)attacks triggered by botnets,have resulted in information leakage and property damage.Therefore,developing an efficient and realistic intrusion detection system(IDS)is critical for ensuring IoT network security.In recent years,traditional machine learning techniques have struggled to learn the complex associations between multidimensional features in network traffic,and the excellent performance of deep learning techniques,as an advanced version of machine learning,has led to their widespread application in intrusion detection.In this paper,we propose an Adaptive Particle Swarm Optimization Convolutional Neural Network Squeeze-andExcitation(APSO-CNN-SE)model for implementing IoT network intrusion detection.A 2D CNN backbone is initially constructed to extract spatial features from network traffic.Subsequently,a squeeze-and-excitation channel attention mechanism is introduced and embedded into the CNN to focus on critical feature channels.Lastly,the weights and biases in the CNN-SE are extracted to initialize the population individuals of the APSO.As the number of iterations increases,the population’s position vector is continuously updated,and the cross-entropy loss function value is minimized to produce the ideal network architecture.We evaluated the models experimentally using binary and multiclassification on the UNSW-NB15 and NSL-KDD datasets,comparing and analyzing the evaluation metrics derived from each model.Compared to the base CNN model,the results demonstrate that APSO-CNNSE enhances the binary classification detection accuracy by 1.84%and 3.53%and the multiclassification detection accuracy by 1.56%and 2.73%on the two datasets,respectively.Additionally,the model outperforms the existing models like DT,KNN,LR,SVM,LSTM,etc.,in terms of accuracy and fitting performance.This means that the model can identify potential attacks or anomalies more precisely,improving the overall security and stability of the IoT environment.
基金the National Key R&D Program of China under Grant 2018YFB1700104.
文摘Utilizing granular computing to enhance artificial neural network architecture, a newtype of network emerges—thegranular neural network (GNN). GNNs offer distinct advantages over their traditional counterparts: The ability toprocess both numerical and granular data, leading to improved interpretability. This paper proposes a novel designmethod for constructing GNNs, drawing inspiration from existing interval-valued neural networks built uponNNNs. However, unlike the proposed algorithm in this work, which employs interval values or triangular fuzzynumbers for connections, existing methods rely on a pre-defined numerical network. This new method utilizesa uniform distribution of information granularity to granulate connections with unknown parameters, resultingin independent GNN structures. To quantify the granularity output of the network, the product of two commonperformance indices is adopted: The coverage of numerical data and the specificity of information granules.Optimizing this combined performance index helps determine the optimal parameters for the network. Finally,the paper presents the complete model construction and validates its feasibility through experiments on datasetsfrom the UCIMachine Learning Repository. The results demonstrate the proposed algorithm’s effectiveness andpromising performance.
基金This research is supported by the Science and Technology Program of Gansu Province(No.23JRRA880).
文摘With the current integration of distributed energy resources into the grid,the structure of distribution networks is becoming more complex.This complexity significantly expands the solution space in the optimization process for network reconstruction using intelligent algorithms.Consequently,traditional intelligent algorithms frequently encounter insufficient search accuracy and become trapped in local optima.To tackle this issue,a more advanced particle swarm optimization algorithm is proposed.To address the varying emphases at different stages of the optimization process,a dynamic strategy is implemented to regulate the social and self-learning factors.The Metropolis criterion is introduced into the simulated annealing algorithm to occasionally accept suboptimal solutions,thereby mitigating premature convergence in the population optimization process.The inertia weight is adjusted using the logistic mapping technique to maintain a balance between the algorithm’s global and local search abilities.The incorporation of the Pareto principle involves the consideration of network losses and voltage deviations as objective functions.A fuzzy membership function is employed for selecting the results.Simulation analysis is carried out on the restructuring of the distribution network,using the IEEE-33 node system and the IEEE-69 node system as examples,in conjunction with the integration of distributed energy resources.The findings demonstrate that,in comparison to other intelligent optimization algorithms,the proposed enhanced algorithm demonstrates a shorter convergence time and effectively reduces active power losses within the network.Furthermore,it enhances the amplitude of node voltages,thereby improving the stability of distribution network operations and power supply quality.Additionally,the algorithm exhibits a high level of generality and applicability.
基金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 the Council of Scientific and Industrial Research of India(09/028(0947)/2015-EMR-I)
文摘This paper proposes an artificial neural network(ANN) based software reliability model trained by novel particle swarm optimization(PSO) algorithm for enhanced forecasting of the reliability of software. The proposed ANN is developed considering the fault generation phenomenon during software testing with the fault complexity of different levels. We demonstrate the proposed model considering three types of faults residing in the software. We propose a neighborhood based fuzzy PSO algorithm for competent learning of the proposed ANN using software failure data. Fitting and prediction performances of the neighborhood fuzzy PSO based proposed neural network model are compared with the standard PSO based proposed neural network model and existing ANN based software reliability models in the literature through three real software failure data sets. We also compare the performance of the proposed PSO algorithm with the standard PSO algorithm through learning of the proposed ANN. Statistical analysis shows that the neighborhood fuzzy PSO based proposed neural network model has comparatively better fitting and predictive ability than the standard PSO based proposed neural network model and other ANN based software reliability models. Faster release of software is achievable by applying the proposed PSO based neural network model during the testing period.
基金Sponsored by the National Natural Science Foundation of China(Grant No.61174115 and 51104044)
文摘In order to overcome shortcomings of traditional BP neural network,such as low study efficiency, slow convergence speed,easily trapped into local optimal solution,we proposed an improved BP neural network model based on adaptive particle swarm optimization( PSO) algorithm. This algorithm adjusted the inertia weight coefficients and learning factors adaptively and therefore could be used to optimize the weights in the BP network. After establishing the improved PSO-BP( IPSO-BP) model,it was applied to solve fault diagnosis of rolling bearing. Wavelet denoising was selected to reduce the noise of the original vibration signals,and based on these vibration signals a wide set of features were used as the inputs in the neural network models. We demonstrate the effectiveness of the proposed approach by comparing with the traditional BP,PSO-BP and linear PSO-BP( LPSO-BP) algorithms. The experimental results show that IPSO-BP network outperforms other algorithms with faster convergence speed,lower errors,higher diagnostic accuracy and learning ability.
基金supported in part by the National Natural ScienceFoundation of China(61533017,61973330,61773075,61603387)the Early Career Development Award of SKLMCCS(20180201)the State Key Laboratory of Synthetical Automation for Process Industries(2019-KF-23-03)。
文摘In this paper, a data-based fault tolerant control(FTC) scheme is investigated for unknown continuous-time(CT)affine nonlinear systems with actuator faults. First, a neural network(NN) identifier based on particle swarm optimization(PSO) is constructed to model the unknown system dynamics. By utilizing the estimated system states, the particle swarm optimized critic neural network(PSOCNN) is employed to solve the Hamilton-Jacobi-Bellman equation(HJBE) more efficiently.Then, a data-based FTC scheme, which consists of the NN identifier and the fault compensator, is proposed to achieve actuator fault tolerance. The stability of the closed-loop system under actuator faults is guaranteed by the Lyapunov stability theorem. Finally, simulations are provided to demonstrate the effectiveness of the developed method.
文摘The flash points of organic compounds were estimated using a hybrid method that includes a simple group contribution method (GCM) implemented in an artificial neural network (ANN) with particle swarm optimization (PSO). Different topologies of a multilayer neural network were studied and the optimum architecture was determined. Property data of 350 compounds were used for training the network. To discriminate different substances the molecular structures defined by the concept of the classical group contribution method were given as input variables. The capabilities of the network were tested with 155 substances not considered in the training step. The study shows that the proposed GCM+ANN+PSO method represent an excellent alternative for the estimation of flash points of organic compounds with acceptable accuracy (AARD = 1.8%; AAE = 6.2 K).
基金Projects(70373017 70572090) supported by the National Natural Science Foundation of China
文摘Transmission network planning (TNP) is a large-scale, complex, with more non-linear discrete variables and the multi-objective constrained optimization problem. In the optimization process, the line investment, network reliability and the network loss are the main objective of transmission network planning. Combined with set pair analysis (SPA), particle swarm optimization (PSO), neural network (NN), a hybrid particle swarm optimization model was established with neural network and set pair analysis for transmission network planning (HPNS). Firstly, the contact degree of set pair analysis was introduced, the traditional goal set was converted into the collection of the three indicators including the identity degree, difference agree and contrary degree. On this bases, using shi(H), the three objective optimization problem was converted into single objective optimization problem. Secondly, using the fast and efficient search capabilities of PSO, the transmission network planning model based on set pair analysis was optimized. In the process of optimization, by improving the BP neural network constantly training so that the value of the fitness function of PSO becomes smaller in order to obtain the optimization program fitting the three objectives better. Finally, compared HPNS with PSO algorithm and the classic genetic algorithm, HPNS increased about 23% efficiency than THA, raised about 3.7% than PSO and improved about 2.96% than GA.
基金Natural Science Basic Research Plan in Shaanxi Province of China(No.2017JM5141)Shaanxi Provincial Education Department,China(No.17JK0334)+2 种基金Xi’an Polytechnic University Graduate Innovation Fund,China(No.chx2019083)Xi’an Science and Technology Bureau for Research Plan,China(No.201805030YD8CG14(5))Science Foundation for Doctorate Research of Xi’an Polytechnic University,China(No.BS1535)
文摘Aiming at the problem that back propagation(BP)neural network predicts the low accuracy rate of fluff fabric after fluffing process,a BP neural network model optimized by particle swarm optimization(PSO)algorithm is proposed.The sliced image is obtained by the principle of light-cutting imaging.The fluffy region of the adaptive image segmentation is extracted by the Freeman chain code principle.The upper edge coordinate information of the fabric is subjected to one-dimensional discrete wavelet decomposition to obtain high frequency information and low frequency information.After comparison and analysis,the BP neural network was trained by high frequency information,and the PSO algorithm was used to optimize the BP neural network.The optimized BP neural network has better weights and thresholds.The experimental results show that the accuracy of the optimized BP neural network after applying high-frequency information training is 97.96%,which is 3.79%higher than that of the unoptimized BP neural network,and has higher detection accuracy.
文摘Even though several advances have been made in recent years,handwritten script recognition is still a challenging task in the pattern recognition domain.This field has gained much interest lately due to its diverse application potentials.Nowadays,different methods are available for automatic script recognition.Among most of the reported script recognition techniques,deep neural networks have achieved impressive results and outperformed the classical machine learning algorithms.However,the process of designing such networks right from scratch intuitively appears to incur a significant amount of trial and error,which renders them unfeasible.This approach often requires manual intervention with domain expertise which consumes substantial time and computational resources.To alleviate this shortcoming,this paper proposes a new neural architecture search approach based on meta-heuristic quantum particle swarm optimization(QPSO),which is capable of automatically evolving the meaningful convolutional neural network(CNN)topologies.The computational experiments have been conducted on eight different datasets belonging to three popular Indic scripts,namely Bangla,Devanagari,and Dogri,consisting of handwritten characters and digits.Empirically,the results imply that the proposed QPSO-CNN algorithm outperforms the classical and state-of-the-art methods with faster prediction and higher accuracy.
基金Sponsored by the Natural Science Foundation of Guangdong Province of China(Grant No.06029281 and 05011905).
文摘A cooperative system of a fuzzy logic model and a fuzzy neural network(CSFLMFNN)is proposed,in which a fuzzy logic model is acquired from domain experts and a fuzzy neural network is generated and prewired according to the model.Then PSO-CSFLMFNN is constructed by introducing particle swarm optimization(PSO)into the cooperative system instead of the commonly used evolutionary algorithms to evolve the prewired fuzzy neural network.The evolutionary fuzzy neural network implements accuracy fuzzy inference without rule matching.PSO-CSFLMFNN is applied to the intelligent fault diagnosis for a petrochemical engineering equipment,in which the cooperative system is proved to be effective.It is shown by the applied results that the performance of the evolutionary fuzzy neural network outperforms remarkably that of the one evolved by genetic algorithm in the convergence rate and the generalization precision.
基金This work was supported by the youth backbone teachers training program of Henan colleges and universities under Grant No.2016ggjs-287the project of science and technology of Henan province under Grant No.172102210124the Key Scientific Research projects in Colleges and Universities in Henan(Grant No.18B460003).
文摘The heating technological requirement of the conventional PID control is difficult to guarantee which based on the precise mathematical model,because the heating furnace for heating treatment with the big inertia,the pure time delay and nonlinear time-varying.Proposed one kind optimized variable method of PID controller based on the genetic algorithm with improved BP network that better realized the completely automatic intelligent control of the entire thermal process than the classics critical purporting(Z-N)method.A heating furnace for the object was simulated with MATLAB,simulation results show that the control system has the quicker response characteristic,the better dynamic characteristic and the quite stronger robustness,which has some promotional value for the control of industrial furnace.