Aiming at the problems of low detection accuracy and large model size of existing object detection algorithms applied to complex road scenes,an improved you only look once version 8(YOLOv8)object detection algorithm f...Aiming at the problems of low detection accuracy and large model size of existing object detection algorithms applied to complex road scenes,an improved you only look once version 8(YOLOv8)object detection algorithm for infrared images,F-YOLOv8,is proposed.First,a spatial-to-depth network replaces the traditional backbone network's strided convolution or pooling layer.At the same time,it combines with the channel attention mechanism so that the neural network focuses on the channels with large weight values to better extract low-resolution image feature information;then an improved feature pyramid network of lightweight bidirectional feature pyramid network(L-BiFPN)is proposed,which can efficiently fuse features of different scales.In addition,a loss function of insertion of union based on the minimum point distance(MPDIoU)is introduced for bounding box regression,which obtains faster convergence speed and more accurate regression results.Experimental results on the FLIR dataset show that the improved algorithm can accurately detect infrared road targets in real time with 3%and 2.2%enhancement in mean average precision at 50%IoU(mAP50)and mean average precision at 50%—95%IoU(mAP50-95),respectively,and 38.1%,37.3%and 16.9%reduction in the number of model parameters,the model weight,and floating-point operations per second(FLOPs),respectively.To further demonstrate the detection capability of the improved algorithm,it is tested on the public dataset PASCAL VOC,and the results show that F-YOLO has excellent generalized detection performance.展开更多
This paper deeply introduces a brand-new research method for the synchronous characteristics of DC microgrid bus voltage and an improved synchronous control strategy.This method mainly targets the problem of bus volta...This paper deeply introduces a brand-new research method for the synchronous characteristics of DC microgrid bus voltage and an improved synchronous control strategy.This method mainly targets the problem of bus voltage oscillation caused by the bifurcation behavior of DC microgrid converters.Firstly,the article elaborately establishes a mathematical model of a single distributed power source with hierarchical control.On this basis,a smallworld network model that can better adapt to the topology structure of DC microgrids is further constructed.Then,a voltage synchronization analysis method based on the main stability function is proposed,and the synchronous characteristics of DC bus voltage are deeply studied by analyzing the size of the minimum non-zero eigenvalue.In view of the situation that the line coupling strength between distributed power sources is insufficient to achieve bus voltage synchronization,this paper innovatively proposes a new improved adaptive controller to effectively control voltage synchronization.And the convergence of the designed controller is strictly proved by using Lyapunov’s stability theorem.Finally,the effectiveness and feasibility of the designed controller in this paper are fully verified through detailed simulation experiments.After comparative analysis with the traditional adaptive controller,it is found that the newly designed controller can make the bus voltages of each distributed power source achieve synchronization more quickly,and is significantly superior to the traditional adaptive controller in terms of anti-interference performance.展开更多
There is a problem of real-time detection difficulty in road surface damage detection. This paper proposes an improved lightweight model based on you only look once version 5(YOLOv5). Firstly, this paper fully utilize...There is a problem of real-time detection difficulty in road surface damage detection. This paper proposes an improved lightweight model based on you only look once version 5(YOLOv5). Firstly, this paper fully utilized the convolutional neural network(CNN) + ghosting bottleneck(G_bneck) architecture to reduce redundant feature maps. Afterwards, we upgraded the original upsampling algorithm to content-aware reassembly of features(CARAFE) and increased the receptive field. Finally, we replaced the spatial pyramid pooling fast(SPPF) module with the basic receptive field block(Basic RFB) pooling module and added dilated convolution. After comparative experiments, we can see that the number of parameters and model size of the improved algorithm in this paper have been reduced by nearly half compared to the YOLOv5s. The frame rate per second(FPS) has been increased by 3.25 times. The mean average precision(m AP@0.5: 0.95) has increased by 8%—17% compared to other lightweight algorithms.展开更多
Dynamic wake field information is vital for the optimized design and control of wind farms.Combined with sparse measurement data from light detection and ranging(LiDAR),the physics-informed neural network(PINN)framewo...Dynamic wake field information is vital for the optimized design and control of wind farms.Combined with sparse measurement data from light detection and ranging(LiDAR),the physics-informed neural network(PINN)frameworks have recently been employed for forecasting freestream wind and wake fields.However,these PINN frameworks face challenges of low prediction accuracy and long training times.Therefore,this paper constructed a PINN framework for dynamic wake field prediction by integrating two accuracy improvement strategies and a step-by-step training time saving strategy.The results showed that the different performance improvement routes significantly improved the overall performance of the PINN.The accuracy and efficiency of the PINN with spatiotemporal improvement strategies were validated via LiDAR-measured data from a wind farm in Shandong province,China.This paper sheds light on load reduction,efficiency improvement,intelligent operation and maintenance of wind farms.展开更多
This paper focuses on wireless-powered communication systems,which are increasingly relevant in the Internet of Things(IoT)due to their ability to extend the operational lifetime of devices with limited energy.The mai...This paper focuses on wireless-powered communication systems,which are increasingly relevant in the Internet of Things(IoT)due to their ability to extend the operational lifetime of devices with limited energy.The main contribution of the paper is a novel approach to minimize the secrecy outage probability(SOP)in these systems.Minimizing SOP is crucial for maintaining the confidentiality and integrity of data,especially in situations where the transmission of sensitive data is critical.Our proposed method harnesses the power of an improved biogeography-based optimization(IBBO)to effectively train a recurrent neural network(RNN).The proposed IBBO introduces an innovative migration model.The core advantage of IBBO lies in its adeptness at maintaining equilibrium between exploration and exploitation.This is accomplished by integrating tactics such as advancing towards a random habitat,adopting the crossover operator from genetic algorithms(GA),and utilizing the global best(Gbest)operator from particle swarm optimization(PSO)into the IBBO framework.The IBBO demonstrates its efficacy by enabling the RNN to optimize the system parameters,resulting in significant outage probability reduction.Through comprehensive simulations,we showcase the superiority of the IBBO-RNN over existing approaches,highlighting its capability to achieve remarkable gains in SOP minimization.This paper compares nine methods for predicting outage probability in wireless-powered communications.The IBBO-RNN achieved the highest accuracy rate of 98.92%,showing a significant performance improvement.In contrast,the standard RNN recorded lower accuracy rates of 91.27%.The IBBO-RNN maintains lower SOP values across the entire signal-to-noise ratio(SNR)spectrum tested,suggesting that the method is highly effective at optimizing system parameters for improved secrecy even at lower SNRs.展开更多
In recent years,the Internet of Things(IoT)has gradually developed applications such as collecting sensory data and building intelligent services,which has led to an explosion in mobile data traffic.Meanwhile,with the...In recent years,the Internet of Things(IoT)has gradually developed applications such as collecting sensory data and building intelligent services,which has led to an explosion in mobile data traffic.Meanwhile,with the rapid development of artificial intelligence,semantic communication has attracted great attention as a new communication paradigm.However,for IoT devices,however,processing image information efficiently in real time is an essential task for the rapid transmission of semantic information.With the increase of model parameters in deep learning methods,the model inference time in sensor devices continues to increase.In contrast,the Pulse Coupled Neural Network(PCNN)has fewer parameters,making it more suitable for processing real-time scene tasks such as image segmentation,which lays the foundation for real-time,effective,and accurate image transmission.However,the parameters of PCNN are determined by trial and error,which limits its application.To overcome this limitation,an Improved Pulse Coupled Neural Networks(IPCNN)model is proposed in this work.The IPCNN constructs the connection between the static properties of the input image and the dynamic properties of the neurons,and all its parameters are set adaptively,which avoids the inconvenience of manual setting in traditional methods and improves the adaptability of parameters to different types of images.Experimental segmentation results demonstrate the validity and efficiency of the proposed self-adaptive parameter setting method of IPCNN on the gray images and natural images from the Matlab and Berkeley Segmentation Datasets.The IPCNN method achieves a better segmentation result without training,providing a new solution for the real-time transmission of image semantic information.展开更多
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.展开更多
A hard problem that hinders the movement of waxy crude oil is wax deposition in oil pipelines.To ensure the safe operation of crude oil pipelines,an accurate model must be developed to predict the rate of wax depositi...A hard problem that hinders the movement of waxy crude oil is wax deposition in oil pipelines.To ensure the safe operation of crude oil pipelines,an accurate model must be developed to predict the rate of wax deposition in crude oil pipelines.Aiming at the shortcomings of the ENN prediction model,which easily falls into the local minimum value and weak generalization ability in the implementation process,an optimized ENN prediction model based on the IRSA is proposed.The validity of the new model was confirmed by the accurate prediction of two sets of experimental data on wax deposition in crude oil pipelines.The two groups of crude oil wax deposition rate case prediction results showed that the average absolute percentage errors of IRSA-ENN prediction models is 0.5476% and 0.7831%,respectively.Additionally,it shows a higher prediction accuracy compared to the ENN prediction model.In fact,the new model established by using the IRSA to optimize ENN can optimize the initial weights and thresholds in the prediction process,which can overcome the shortcomings of the ENN prediction model,such as weak generalization ability and tendency to fall into the local minimum value,so that it has the advantages of strong implementation and high prediction accuracy.展开更多
The virtual synchronous generator(VSG)technology has been proposed to address the problem of system frequency and active power oscillation caused by grid-connected new energy power sources.However,the traditional volt...The virtual synchronous generator(VSG)technology has been proposed to address the problem of system frequency and active power oscillation caused by grid-connected new energy power sources.However,the traditional voltage-current double-closed-loop control used in VSG has the disadvantages of poor disturbance immunity and insufficient dynamic response.In light of the issues above,a virtual synchronous generator voltage outer-loop control strategy based on improved linear autonomous disturbance rejection control(ILADRC)is put forth for consideration.Firstly,an improved first-order linear self-immunity control structure is established for the characteristics of the voltage outer loop;then,the effects of two key control parameters-observer bandwidthω_(0)and controller bandwidthω_(c)on the control system are analyzed,and the key parameters of ILADRC are optimally tuned online using improved gray wolf optimizer-radial basis function(IGWO-RBF)neural network.A simulationmodel is developed using MATLAB to simulate,analyze,and compare the method introduced in this paper.Simulations are performed with the traditional control strategy for comparison,and the results demonstrate that the proposed control method offers superior anti-interference performance.It effectively addresses power and frequency oscillation issues and enhances the stability of the VSG during grid-connected operation.展开更多
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.展开更多
To solve the problem of the design of classifier in network threat detection, we conduct a simulation experiment for the parameters’ optimal on least squares support vector machine (LSSVM) using the classic PSO alg...To solve the problem of the design of classifier in network threat detection, we conduct a simulation experiment for the parameters’ optimal on least squares support vector machine (LSSVM) using the classic PSO algorithm, and the experiment shows that uneven distribution of the initial particle swarm exerts a great impact on the results of LSSVM algorithm’s classification. This article proposes an improved PSO-LSSVM algorithm based on Divide-and-Conquer (DCPSO- LSSVM) to split the optimal domain where the parameters of LSSVM are in. It can achieve the purpose of distributing the initial particles uniformly. And using the idea of Divide-and-Conquer, it can split a big problem into multiple sub-problems, thus, completing problems’ modularization Meanwhile, this paper introduces variation factors to make the particles escape from the local optimum. The results of experiment prove that DCPSO-LSSVM has better effect on classification of network threat detection compared with SVM and classic PSOLSSVM.展开更多
Autonomous underwater vehicles(AUV) work in a complex marine environment. Its system reliability and autonomous fault diagnosis are particularly important and can provide the basis for underwater vehicles to take corr...Autonomous underwater vehicles(AUV) work in a complex marine environment. Its system reliability and autonomous fault diagnosis are particularly important and can provide the basis for underwater vehicles to take corresponding security policy in a failure. Aiming at the characteristics of the underwater vehicle which has uncertain system and modeling difficulty, an improved Elman neural network is introduced which is applied to the underwater vehicle motion modeling. Through designing self-feedback connection with fixed gain in the unit connection as well as increasing the feedback of the output layer node, improved Elman network has faster convergence speed and generalization ability. This method for high-order nonlinear system has stronger identification ability. Firstly, the residual is calculated by comparing the output of the underwater vehicle model(estimation in the motion state) with the actual measured values. Secondly, characteristics of the residual are analyzed on the basis of fault judging criteria. Finally, actuator fault diagnosis of the autonomous underwater vehicle is carried out. The results of the simulation experiment show that the method is effective.展开更多
In the non-linear microwave drying process, the incremental improved back-propagation (BP) neural network and response surface methodology (RSM) were used to build a predictive model of the combined effects of ind...In the non-linear microwave drying process, the incremental improved back-propagation (BP) neural network and response surface methodology (RSM) were used to build a predictive model of the combined effects of independent variables (the microwave power, the acting time and the rotational frequency) for microwave drying of selenium-rich slag. The optimum operating conditions obtained from the quadratic form of the RSM are: the microwave power of 14.97 kW, the acting time of 89.58 min, the rotational frequency of 10.94 Hz, and the temperature of 136.407 ℃. The relative dehydration rate of 97.1895% is obtained. Under the optimum operating conditions, the incremental improved BP neural network prediction model can predict the drying process results and different effects on the results of the independent variables. The verification experiments demonstrate the prediction accuracy of the network, and the mean squared error is 0.16. The optimized results indicate that RSM can optimize the experimental conditions within much more broad range by considering the combination of factors and the neural network model can predict the results effectively and provide the theoretical guidance for the follow-up production process.展开更多
Firstly, the early warning index system of coal mine safety production was given from four aspects as per- sonnel, environment, equipment and management. Then, improvement measures which are additional momentum method...Firstly, the early warning index system of coal mine safety production was given from four aspects as per- sonnel, environment, equipment and management. Then, improvement measures which are additional momentum method, adaptive learning rate, particle swarm optimization algorithm, variable weight method and asynchronous learning factor, are used to optimize BP neural network models. Further, the models are applied to a comparative study on coal mine safety warning instance. Results show that the identification precision of MPSO-BP network model is higher than GBP and PSO-BP model, and MPSO- BP model can not only effectively reduce the possibility of the network falling into a local minimum point, but also has fast convergence and high precision, which will provide the scientific basis for the forewarnin~ management of coal mine safetv production.展开更多
Influence maximization of temporal social networks(IMT)is a problem that aims to find the most influential set of nodes in the temporal network so that their information can be the most widely spread.To solve the IMT ...Influence maximization of temporal social networks(IMT)is a problem that aims to find the most influential set of nodes in the temporal network so that their information can be the most widely spread.To solve the IMT problem,we propose an influence maximization algorithm based on an improved K-shell method,namely improved K-shell in temporal social networks(KT).The algorithm takes into account the global and local structures of temporal social networks.First,to obtain the kernel value Ks of each node,in the global scope,it layers the network according to the temporal characteristic of nodes by improving the K-shell method.Then,in the local scope,the calculation method of comprehensive degree is proposed to weigh the influence of nodes.Finally,the node with the highest comprehensive degree in each core layer is selected as the seed.However,the seed selection strategy of KT can easily lose some influential nodes.Thus,by optimizing the seed selection strategy,this paper proposes an efficient heuristic algorithm called improved K-shell in temporal social networks for influence maximization(KTIM).According to the hierarchical distribution of cores,the algorithm adds nodes near the central core to the candidate seed set.It then searches for seeds in the candidate seed set according to the comprehensive degree.Experiments showthatKTIMis close to the best performing improved method for influence maximization of temporal graph(IMIT)algorithm in terms of effectiveness,but runs at least an order of magnitude faster than it.Therefore,considering the effectiveness and efficiency simultaneously in temporal social networks,the KTIM algorithm works better than other baseline algorithms.展开更多
It is very important to accurately recognize and locate pulverized and block coal seen in a coal mine's infrared image monitoring system. Infrared monitor images of pulverized and block coal were sampled in the ro...It is very important to accurately recognize and locate pulverized and block coal seen in a coal mine's infrared image monitoring system. Infrared monitor images of pulverized and block coal were sampled in the roadway of a coal mine. Texture statistics from the grey level dependence matrix were selected as the criterion for classification. The distributions of the texture statistics were calculated and analysed. A normalizing function was added to the front end of the BP network with one hidden layer. An additional classification layer is joined behind the linear layer. The recognition of pulverized from block coal images was tested using the improved BP network. The results of the experiment show that texture variables from the grey level dependence matrix can act as recognizable features of the image. The innovative improved BP network can then recognize the pulverized and block coal images.展开更多
Accurate identification of influential nodes facilitates the control of rumor propagation and interrupts the spread of computer viruses.Many classical approaches have been proposed by researchers regarding different a...Accurate identification of influential nodes facilitates the control of rumor propagation and interrupts the spread of computer viruses.Many classical approaches have been proposed by researchers regarding different aspects.To explore the impact of location information in depth,this paper proposes an improved global structure model to characterize the influence of nodes.The method considers both the node’s self-information and the role of the location information of neighboring nodes.First,degree centrality of each node is calculated,and then degree value of each node is used to represent self-influence,and degree values of the neighbor layer nodes are divided by the power of the path length,which is path attenuation used to represent global influence.Finally,an extended improved global structure model that considers the nearest neighbor information after combining self-influence and global influence is proposed to identify influential nodes.In this paper,the propagation process of a real network is obtained by simulation with the SIR model,and the effectiveness of the proposed method is verified from two aspects of discrimination and accuracy.The experimental results show that the proposed method is more accurate in identifying influential nodes than other comparative methods with multiple networks.展开更多
Parkinson’s disease is a neurogenerative disorder and it is difficult to diagnose as no therapies may slow down its progression.This paper contributes a novel analytic system for Parkinson’s Disease Prediction mecha...Parkinson’s disease is a neurogenerative disorder and it is difficult to diagnose as no therapies may slow down its progression.This paper contributes a novel analytic system for Parkinson’s Disease Prediction mechanism using Improved Radial Basis Function Neural Network(IRBFNN).Particle swarm optimization(PSO)with K-means is used to find the hidden neuron’s centers to improve the accuracy of IRBFNN.The performance of RBFNN is seriously affected by the centers of hidden neurons.Conventionally K-means was used to find the centers of hidden neurons.The problem of sensitiveness to the random initial centroid in K-means degrades the performance of RBFNN.Thus,a metaheuristic algorithm called PSO integrated with K-means alleviates initial random centroid and computes optimal centers for hidden neurons in IRBFNN.The IRBFNN uses Particle swarm optimization K-means to find the centers of hidden neurons and the PSO K-means was designed to evaluate the fitness measures such as Intracluster distance and Intercluster distance.Experimentation have been performed on three Parkinson’s datasets obtained from the UCI repository.The proposed IRBFNN is compared with other variations of RBFNN,conventional machine learning algorithms and other Parkinson’s Disease prediction algorithms.The proposed IRBFNN achieves an accuracy of 98.73%,98.47%and 99.03%for three Parkinson’s datasets taken for experimentation.The experimental results show that IRBFNN maximizes the accuracy in predicting Parkinson’s disease with minimum root mean square error.展开更多
In order to accomplish the task of object recognition in natural scenes,a new object recognition algorithm based on an improved convolutional neural network(CNN)is proposed.First,candidate object windows are extracted...In order to accomplish the task of object recognition in natural scenes,a new object recognition algorithm based on an improved convolutional neural network(CNN)is proposed.First,candidate object windows are extracted from the original image.Then,candidate object windows are input into the improved CNN model to obtain deep features.Finally,the deep features are input into the Softmax and the confidence scores of classes are obtained.The candidate object window with the highest confidence score is selected as the object recognition result.Based on AlexNet,Inception V1 is introduced into the improved CNN and the fully connected layer is replaced by the average pooling layer,which widens the network and deepens the network at the same time.Experimental results show that the improved object recognition algorithm can obtain better recognition results in multiple natural scene images,and has a higher degree of accuracy than the classical algorithms in the field of object recognition.展开更多
Inspired by genetic algorithm(GA),an improved genetic algorithm(IGA)is proposed.It inherits the main idea of evolutionary computing,avoids the process of coding and decoding inorder to probe the solution in the state ...Inspired by genetic algorithm(GA),an improved genetic algorithm(IGA)is proposed.It inherits the main idea of evolutionary computing,avoids the process of coding and decoding inorder to probe the solution in the state space directly and has distributed computing version.Soit is faster and gives higher precision.Aided by IGA,a new optimization strategy for theflexibility analysis and retrofitting of existing heat exchanger networks is presented.A case studyshows that IGA has the ability of finding the global optimum with higher speed and better preci-sion.展开更多
基金supported by the National Natural Science Foundation of China(No.62103298)。
文摘Aiming at the problems of low detection accuracy and large model size of existing object detection algorithms applied to complex road scenes,an improved you only look once version 8(YOLOv8)object detection algorithm for infrared images,F-YOLOv8,is proposed.First,a spatial-to-depth network replaces the traditional backbone network's strided convolution or pooling layer.At the same time,it combines with the channel attention mechanism so that the neural network focuses on the channels with large weight values to better extract low-resolution image feature information;then an improved feature pyramid network of lightweight bidirectional feature pyramid network(L-BiFPN)is proposed,which can efficiently fuse features of different scales.In addition,a loss function of insertion of union based on the minimum point distance(MPDIoU)is introduced for bounding box regression,which obtains faster convergence speed and more accurate regression results.Experimental results on the FLIR dataset show that the improved algorithm can accurately detect infrared road targets in real time with 3%and 2.2%enhancement in mean average precision at 50%IoU(mAP50)and mean average precision at 50%—95%IoU(mAP50-95),respectively,and 38.1%,37.3%and 16.9%reduction in the number of model parameters,the model weight,and floating-point operations per second(FLOPs),respectively.To further demonstrate the detection capability of the improved algorithm,it is tested on the public dataset PASCAL VOC,and the results show that F-YOLO has excellent generalized detection performance.
基金supported by the National Natural Science Foundation of China(Nos.51767017 and 51867015)the Basic Research and Innovation Group Project of Gansu(No.18JR3RA13)the Major Science and Technology Project of Gansu(No.19ZD2GA003).
文摘This paper deeply introduces a brand-new research method for the synchronous characteristics of DC microgrid bus voltage and an improved synchronous control strategy.This method mainly targets the problem of bus voltage oscillation caused by the bifurcation behavior of DC microgrid converters.Firstly,the article elaborately establishes a mathematical model of a single distributed power source with hierarchical control.On this basis,a smallworld network model that can better adapt to the topology structure of DC microgrids is further constructed.Then,a voltage synchronization analysis method based on the main stability function is proposed,and the synchronous characteristics of DC bus voltage are deeply studied by analyzing the size of the minimum non-zero eigenvalue.In view of the situation that the line coupling strength between distributed power sources is insufficient to achieve bus voltage synchronization,this paper innovatively proposes a new improved adaptive controller to effectively control voltage synchronization.And the convergence of the designed controller is strictly proved by using Lyapunov’s stability theorem.Finally,the effectiveness and feasibility of the designed controller in this paper are fully verified through detailed simulation experiments.After comparative analysis with the traditional adaptive controller,it is found that the newly designed controller can make the bus voltages of each distributed power source achieve synchronization more quickly,and is significantly superior to the traditional adaptive controller in terms of anti-interference performance.
基金supported by the Shanghai Sailing Program,China (No.20YF1447600)the Research Start-Up Project of Shanghai Institute of Technology (No.YJ2021-60)+1 种基金the Collaborative Innovation Project of Shanghai Institute of Technology (No.XTCX2020-12)the Science and Technology Talent Development Fund for Young and Middle-Aged Teachers at Shanghai Institute of Technology (No.ZQ2022-6)。
文摘There is a problem of real-time detection difficulty in road surface damage detection. This paper proposes an improved lightweight model based on you only look once version 5(YOLOv5). Firstly, this paper fully utilized the convolutional neural network(CNN) + ghosting bottleneck(G_bneck) architecture to reduce redundant feature maps. Afterwards, we upgraded the original upsampling algorithm to content-aware reassembly of features(CARAFE) and increased the receptive field. Finally, we replaced the spatial pyramid pooling fast(SPPF) module with the basic receptive field block(Basic RFB) pooling module and added dilated convolution. After comparative experiments, we can see that the number of parameters and model size of the improved algorithm in this paper have been reduced by nearly half compared to the YOLOv5s. The frame rate per second(FPS) has been increased by 3.25 times. The mean average precision(m AP@0.5: 0.95) has increased by 8%—17% compared to other lightweight algorithms.
基金supported by the National Natural Science Foundation of China(Grant Nos.12072105,11932006,and 52308498)the Natural Science Foundation of Jiangsu Province,China(Grant No.BK20220976).
文摘Dynamic wake field information is vital for the optimized design and control of wind farms.Combined with sparse measurement data from light detection and ranging(LiDAR),the physics-informed neural network(PINN)frameworks have recently been employed for forecasting freestream wind and wake fields.However,these PINN frameworks face challenges of low prediction accuracy and long training times.Therefore,this paper constructed a PINN framework for dynamic wake field prediction by integrating two accuracy improvement strategies and a step-by-step training time saving strategy.The results showed that the different performance improvement routes significantly improved the overall performance of the PINN.The accuracy and efficiency of the PINN with spatiotemporal improvement strategies were validated via LiDAR-measured data from a wind farm in Shandong province,China.This paper sheds light on load reduction,efficiency improvement,intelligent operation and maintenance of wind farms.
文摘This paper focuses on wireless-powered communication systems,which are increasingly relevant in the Internet of Things(IoT)due to their ability to extend the operational lifetime of devices with limited energy.The main contribution of the paper is a novel approach to minimize the secrecy outage probability(SOP)in these systems.Minimizing SOP is crucial for maintaining the confidentiality and integrity of data,especially in situations where the transmission of sensitive data is critical.Our proposed method harnesses the power of an improved biogeography-based optimization(IBBO)to effectively train a recurrent neural network(RNN).The proposed IBBO introduces an innovative migration model.The core advantage of IBBO lies in its adeptness at maintaining equilibrium between exploration and exploitation.This is accomplished by integrating tactics such as advancing towards a random habitat,adopting the crossover operator from genetic algorithms(GA),and utilizing the global best(Gbest)operator from particle swarm optimization(PSO)into the IBBO framework.The IBBO demonstrates its efficacy by enabling the RNN to optimize the system parameters,resulting in significant outage probability reduction.Through comprehensive simulations,we showcase the superiority of the IBBO-RNN over existing approaches,highlighting its capability to achieve remarkable gains in SOP minimization.This paper compares nine methods for predicting outage probability in wireless-powered communications.The IBBO-RNN achieved the highest accuracy rate of 98.92%,showing a significant performance improvement.In contrast,the standard RNN recorded lower accuracy rates of 91.27%.The IBBO-RNN maintains lower SOP values across the entire signal-to-noise ratio(SNR)spectrum tested,suggesting that the method is highly effective at optimizing system parameters for improved secrecy even at lower SNRs.
基金supported in part by the National Key Research and Development Program of China(Grant No.2019YFA0706200).
文摘In recent years,the Internet of Things(IoT)has gradually developed applications such as collecting sensory data and building intelligent services,which has led to an explosion in mobile data traffic.Meanwhile,with the rapid development of artificial intelligence,semantic communication has attracted great attention as a new communication paradigm.However,for IoT devices,however,processing image information efficiently in real time is an essential task for the rapid transmission of semantic information.With the increase of model parameters in deep learning methods,the model inference time in sensor devices continues to increase.In contrast,the Pulse Coupled Neural Network(PCNN)has fewer parameters,making it more suitable for processing real-time scene tasks such as image segmentation,which lays the foundation for real-time,effective,and accurate image transmission.However,the parameters of PCNN are determined by trial and error,which limits its application.To overcome this limitation,an Improved Pulse Coupled Neural Networks(IPCNN)model is proposed in this work.The IPCNN constructs the connection between the static properties of the input image and the dynamic properties of the neurons,and all its parameters are set adaptively,which avoids the inconvenience of manual setting in traditional methods and improves the adaptability of parameters to different types of images.Experimental segmentation results demonstrate the validity and efficiency of the proposed self-adaptive parameter setting method of IPCNN on the gray images and natural images from the Matlab and Berkeley Segmentation Datasets.The IPCNN method achieves a better segmentation result without training,providing a new solution for the real-time transmission of image semantic information.
基金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.
文摘A hard problem that hinders the movement of waxy crude oil is wax deposition in oil pipelines.To ensure the safe operation of crude oil pipelines,an accurate model must be developed to predict the rate of wax deposition in crude oil pipelines.Aiming at the shortcomings of the ENN prediction model,which easily falls into the local minimum value and weak generalization ability in the implementation process,an optimized ENN prediction model based on the IRSA is proposed.The validity of the new model was confirmed by the accurate prediction of two sets of experimental data on wax deposition in crude oil pipelines.The two groups of crude oil wax deposition rate case prediction results showed that the average absolute percentage errors of IRSA-ENN prediction models is 0.5476% and 0.7831%,respectively.Additionally,it shows a higher prediction accuracy compared to the ENN prediction model.In fact,the new model established by using the IRSA to optimize ENN can optimize the initial weights and thresholds in the prediction process,which can overcome the shortcomings of the ENN prediction model,such as weak generalization ability and tendency to fall into the local minimum value,so that it has the advantages of strong implementation and high prediction accuracy.
基金supported by the Lanzhou Jiaotong University-Southwest Jiaotong University Joint Innovation Fund(LH2024027).
文摘The virtual synchronous generator(VSG)technology has been proposed to address the problem of system frequency and active power oscillation caused by grid-connected new energy power sources.However,the traditional voltage-current double-closed-loop control used in VSG has the disadvantages of poor disturbance immunity and insufficient dynamic response.In light of the issues above,a virtual synchronous generator voltage outer-loop control strategy based on improved linear autonomous disturbance rejection control(ILADRC)is put forth for consideration.Firstly,an improved first-order linear self-immunity control structure is established for the characteristics of the voltage outer loop;then,the effects of two key control parameters-observer bandwidthω_(0)and controller bandwidthω_(c)on the control system are analyzed,and the key parameters of ILADRC are optimally tuned online using improved gray wolf optimizer-radial basis function(IGWO-RBF)neural network.A simulationmodel is developed using MATLAB to simulate,analyze,and compare the method introduced in this paper.Simulations are performed with the traditional control strategy for comparison,and the results demonstrate that the proposed control method offers superior anti-interference performance.It effectively addresses power and frequency oscillation issues and enhances the stability of the VSG during grid-connected operation.
基金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 by the Special Fund of Financial Support for Development of Local Universities in China(2012-140 &2012-118)The Science and Technology Foundation of Guizhou Provincial([2011] 2213)Natural Sciences Research Foundation of Guizhou Normal University for Student(201219)
文摘To solve the problem of the design of classifier in network threat detection, we conduct a simulation experiment for the parameters’ optimal on least squares support vector machine (LSSVM) using the classic PSO algorithm, and the experiment shows that uneven distribution of the initial particle swarm exerts a great impact on the results of LSSVM algorithm’s classification. This article proposes an improved PSO-LSSVM algorithm based on Divide-and-Conquer (DCPSO- LSSVM) to split the optimal domain where the parameters of LSSVM are in. It can achieve the purpose of distributing the initial particles uniformly. And using the idea of Divide-and-Conquer, it can split a big problem into multiple sub-problems, thus, completing problems’ modularization Meanwhile, this paper introduces variation factors to make the particles escape from the local optimum. The results of experiment prove that DCPSO-LSSVM has better effect on classification of network threat detection compared with SVM and classic PSOLSSVM.
基金Project(2012T50331)supported by China Postdoctoral Science FoundationProject(2008AA092301-2)supported by the High-Tech Research and Development Program of China
文摘Autonomous underwater vehicles(AUV) work in a complex marine environment. Its system reliability and autonomous fault diagnosis are particularly important and can provide the basis for underwater vehicles to take corresponding security policy in a failure. Aiming at the characteristics of the underwater vehicle which has uncertain system and modeling difficulty, an improved Elman neural network is introduced which is applied to the underwater vehicle motion modeling. Through designing self-feedback connection with fixed gain in the unit connection as well as increasing the feedback of the output layer node, improved Elman network has faster convergence speed and generalization ability. This method for high-order nonlinear system has stronger identification ability. Firstly, the residual is calculated by comparing the output of the underwater vehicle model(estimation in the motion state) with the actual measured values. Secondly, characteristics of the residual are analyzed on the basis of fault judging criteria. Finally, actuator fault diagnosis of the autonomous underwater vehicle is carried out. The results of the simulation experiment show that the method is effective.
基金Project(50734007) supported by the National Natural Science Foundation of China
文摘In the non-linear microwave drying process, the incremental improved back-propagation (BP) neural network and response surface methodology (RSM) were used to build a predictive model of the combined effects of independent variables (the microwave power, the acting time and the rotational frequency) for microwave drying of selenium-rich slag. The optimum operating conditions obtained from the quadratic form of the RSM are: the microwave power of 14.97 kW, the acting time of 89.58 min, the rotational frequency of 10.94 Hz, and the temperature of 136.407 ℃. The relative dehydration rate of 97.1895% is obtained. Under the optimum operating conditions, the incremental improved BP neural network prediction model can predict the drying process results and different effects on the results of the independent variables. The verification experiments demonstrate the prediction accuracy of the network, and the mean squared error is 0.16. The optimized results indicate that RSM can optimize the experimental conditions within much more broad range by considering the combination of factors and the neural network model can predict the results effectively and provide the theoretical guidance for the follow-up production process.
文摘Firstly, the early warning index system of coal mine safety production was given from four aspects as per- sonnel, environment, equipment and management. Then, improvement measures which are additional momentum method, adaptive learning rate, particle swarm optimization algorithm, variable weight method and asynchronous learning factor, are used to optimize BP neural network models. Further, the models are applied to a comparative study on coal mine safety warning instance. Results show that the identification precision of MPSO-BP network model is higher than GBP and PSO-BP model, and MPSO- BP model can not only effectively reduce the possibility of the network falling into a local minimum point, but also has fast convergence and high precision, which will provide the scientific basis for the forewarnin~ management of coal mine safetv production.
基金Thiswork is supported by theYouth Science and Technology Innovation Personnel Training Project of Heilongjiang(No.UNPYSCT-2020072)the FundamentalResearch Funds for the Universities of Heilongjiang(Nos.145109217,135509234)+1 种基金the Education Science Fourteenth Five-Year Plan 2021 Project of Heilongjiang(No.GJB1421344)the Innovative Research Projects for Postgraduates of Qiqihar University(No.YJSCX2022048).
文摘Influence maximization of temporal social networks(IMT)is a problem that aims to find the most influential set of nodes in the temporal network so that their information can be the most widely spread.To solve the IMT problem,we propose an influence maximization algorithm based on an improved K-shell method,namely improved K-shell in temporal social networks(KT).The algorithm takes into account the global and local structures of temporal social networks.First,to obtain the kernel value Ks of each node,in the global scope,it layers the network according to the temporal characteristic of nodes by improving the K-shell method.Then,in the local scope,the calculation method of comprehensive degree is proposed to weigh the influence of nodes.Finally,the node with the highest comprehensive degree in each core layer is selected as the seed.However,the seed selection strategy of KT can easily lose some influential nodes.Thus,by optimizing the seed selection strategy,this paper proposes an efficient heuristic algorithm called improved K-shell in temporal social networks for influence maximization(KTIM).According to the hierarchical distribution of cores,the algorithm adds nodes near the central core to the candidate seed set.It then searches for seeds in the candidate seed set according to the comprehensive degree.Experiments showthatKTIMis close to the best performing improved method for influence maximization of temporal graph(IMIT)algorithm in terms of effectiveness,but runs at least an order of magnitude faster than it.Therefore,considering the effectiveness and efficiency simultaneously in temporal social networks,the KTIM algorithm works better than other baseline algorithms.
基金Project 20050290010 supported by the Doctoral Foundation of Chinese Education Ministry
文摘It is very important to accurately recognize and locate pulverized and block coal seen in a coal mine's infrared image monitoring system. Infrared monitor images of pulverized and block coal were sampled in the roadway of a coal mine. Texture statistics from the grey level dependence matrix were selected as the criterion for classification. The distributions of the texture statistics were calculated and analysed. A normalizing function was added to the front end of the BP network with one hidden layer. An additional classification layer is joined behind the linear layer. The recognition of pulverized from block coal images was tested using the improved BP network. The results of the experiment show that texture variables from the grey level dependence matrix can act as recognizable features of the image. The innovative improved BP network can then recognize the pulverized and block coal images.
基金supported by the National Natural Science Foundation of China(Grant No.11975307).
文摘Accurate identification of influential nodes facilitates the control of rumor propagation and interrupts the spread of computer viruses.Many classical approaches have been proposed by researchers regarding different aspects.To explore the impact of location information in depth,this paper proposes an improved global structure model to characterize the influence of nodes.The method considers both the node’s self-information and the role of the location information of neighboring nodes.First,degree centrality of each node is calculated,and then degree value of each node is used to represent self-influence,and degree values of the neighbor layer nodes are divided by the power of the path length,which is path attenuation used to represent global influence.Finally,an extended improved global structure model that considers the nearest neighbor information after combining self-influence and global influence is proposed to identify influential nodes.In this paper,the propagation process of a real network is obtained by simulation with the SIR model,and the effectiveness of the proposed method is verified from two aspects of discrimination and accuracy.The experimental results show that the proposed method is more accurate in identifying influential nodes than other comparative methods with multiple networks.
文摘Parkinson’s disease is a neurogenerative disorder and it is difficult to diagnose as no therapies may slow down its progression.This paper contributes a novel analytic system for Parkinson’s Disease Prediction mechanism using Improved Radial Basis Function Neural Network(IRBFNN).Particle swarm optimization(PSO)with K-means is used to find the hidden neuron’s centers to improve the accuracy of IRBFNN.The performance of RBFNN is seriously affected by the centers of hidden neurons.Conventionally K-means was used to find the centers of hidden neurons.The problem of sensitiveness to the random initial centroid in K-means degrades the performance of RBFNN.Thus,a metaheuristic algorithm called PSO integrated with K-means alleviates initial random centroid and computes optimal centers for hidden neurons in IRBFNN.The IRBFNN uses Particle swarm optimization K-means to find the centers of hidden neurons and the PSO K-means was designed to evaluate the fitness measures such as Intracluster distance and Intercluster distance.Experimentation have been performed on three Parkinson’s datasets obtained from the UCI repository.The proposed IRBFNN is compared with other variations of RBFNN,conventional machine learning algorithms and other Parkinson’s Disease prediction algorithms.The proposed IRBFNN achieves an accuracy of 98.73%,98.47%and 99.03%for three Parkinson’s datasets taken for experimentation.The experimental results show that IRBFNN maximizes the accuracy in predicting Parkinson’s disease with minimum root mean square error.
基金Supported by the National Natural Science Foundation of China(61701029)Basic Research Foundation of Beijing Institute of Technology(20170542008)Industry-University Research Innovation Foundation of the Science and Technology Development Center of the Ministry of Education(2018A02012)。
文摘In order to accomplish the task of object recognition in natural scenes,a new object recognition algorithm based on an improved convolutional neural network(CNN)is proposed.First,candidate object windows are extracted from the original image.Then,candidate object windows are input into the improved CNN model to obtain deep features.Finally,the deep features are input into the Softmax and the confidence scores of classes are obtained.The candidate object window with the highest confidence score is selected as the object recognition result.Based on AlexNet,Inception V1 is introduced into the improved CNN and the fully connected layer is replaced by the average pooling layer,which widens the network and deepens the network at the same time.Experimental results show that the improved object recognition algorithm can obtain better recognition results in multiple natural scene images,and has a higher degree of accuracy than the classical algorithms in the field of object recognition.
文摘Inspired by genetic algorithm(GA),an improved genetic algorithm(IGA)is proposed.It inherits the main idea of evolutionary computing,avoids the process of coding and decoding inorder to probe the solution in the state space directly and has distributed computing version.Soit is faster and gives higher precision.Aided by IGA,a new optimization strategy for theflexibility analysis and retrofitting of existing heat exchanger networks is presented.A case studyshows that IGA has the ability of finding the global optimum with higher speed and better preci-sion.