In the deployment of wireless networks in two-dimensional outdoor campus spaces,aiming at the problem of efficient coverage of the monitoring area by limited number of access points(APs),this paper proposes a deployme...In the deployment of wireless networks in two-dimensional outdoor campus spaces,aiming at the problem of efficient coverage of the monitoring area by limited number of access points(APs),this paper proposes a deployment method of multi-objective optimization with virtual force fusion bat algorithm(VFBA)using the classical four-node regular distribution as an entry point.The introduction of Lévy flight strategy for bat position updating helps to maintain the population diversity,reduce the premature maturity problem caused by population convergence,avoid the over aggregation of individuals in the local optimal region,and enhance the superiority in global search;the virtual force algorithm simulates the attraction and repulsion between individuals,which enables individual bats to precisely locate the optimal solution within the search space.At the same time,the fusion effect of virtual force prompts the bat individuals to move faster to the potential optimal solution.To validate the effectiveness of the fusion algorithm,the benchmark test function is selected for simulation testing.Finally,the simulation result verifies that the VFBA achieves superior coverage and effectively reduces node redundancy compared to the other three regular layout methods.The VFBA also shows better coverage results when compared to other optimization algorithms.展开更多
The traditional A^(*)algorithm exhibits a low efficiency in the path planning of unmanned surface vehicles(USVs).In addition,the path planned presents numerous redundant inflection waypoints,and the security is low,wh...The traditional A^(*)algorithm exhibits a low efficiency in the path planning of unmanned surface vehicles(USVs).In addition,the path planned presents numerous redundant inflection waypoints,and the security is low,which is not conducive to the control of USV and also affects navigation safety.In this paper,these problems were addressed through the following improvements.First,the path search angle and security were comprehensively considered,and a security expansion strategy of nodes based on the 5×5 neighborhood was proposed.The A^(*)algorithm search neighborhood was expanded from 3×3 to 5×5,and safe nodes were screened out for extension via the node security expansion strategy.This algorithm can also optimize path search angles while improving path security.Second,the distance from the current node to the target node was introduced into the heuristic function.The efficiency of the A^(*)algorithm was improved,and the path was smoothed using the Floyd algorithm.For the dynamic adjustment of the weight to improve the efficiency of DWA,the distance from the USV to the target point was introduced into the evaluation function of the dynamic-window approach(DWA)algorithm.Finally,combined with the local target point selection strategy,the optimized DWA algorithm was performed for local path planning.The experimental results show the smooth and safe path planned by the fusion algorithm,which can successfully avoid dynamic obstacles and is effective and feasible in path planning for USVs.展开更多
Wireless sensor network deployment optimization is a classic NP-hard problem and a popular topic in academic research.However,the current research on wireless sensor network deployment problems uses overly simplistic ...Wireless sensor network deployment optimization is a classic NP-hard problem and a popular topic in academic research.However,the current research on wireless sensor network deployment problems uses overly simplistic models,and there is a significant gap between the research results and actual wireless sensor networks.Some scholars have now modeled data fusion networks to make them more suitable for practical applications.This paper will explore the deployment problem of a stochastic data fusion wireless sensor network(SDFWSN),a model that reflects the randomness of environmental monitoring and uses data fusion techniques widely used in actual sensor networks for information collection.The deployment problem of SDFWSN is modeled as a multi-objective optimization problem.The network life cycle,spatiotemporal coverage,detection rate,and false alarm rate of SDFWSN are used as optimization objectives to optimize the deployment of network nodes.This paper proposes an enhanced multi-objective mongoose optimization algorithm(EMODMOA)to solve the deployment problem of SDFWSN.First,to overcome the shortcomings of the DMOA algorithm,such as its low convergence and tendency to get stuck in a local optimum,an encircling and hunting strategy is introduced into the original algorithm to propose the EDMOA algorithm.The EDMOA algorithm is designed as the EMODMOA algorithm by selecting reference points using the K-Nearest Neighbor(KNN)algorithm.To verify the effectiveness of the proposed algorithm,the EMODMOA algorithm was tested at CEC 2020 and achieved good results.In the SDFWSN deployment problem,the algorithm was compared with the Non-dominated Sorting Genetic Algorithm II(NSGAII),Multiple Objective Particle Swarm Optimization(MOPSO),Multi-Objective Evolutionary Algorithm based on Decomposition(MOEA/D),and Multi-Objective Grey Wolf Optimizer(MOGWO).By comparing and analyzing the performance evaluation metrics and optimization results of the objective functions of the multi-objective algorithms,the algorithm outperforms the other algorithms in the SDFWSN deployment results.To better demonstrate the superiority of the algorithm,simulations of diverse test cases were also performed,and good results were obtained.展开更多
This paper proposes SW-YOLO(StarNet Weighted-Conv YOLO),a lightweight human pose estimation network for edge devices.Current mainstream pose estimation algorithms are computationally inefficient and have poor feature ...This paper proposes SW-YOLO(StarNet Weighted-Conv YOLO),a lightweight human pose estimation network for edge devices.Current mainstream pose estimation algorithms are computationally inefficient and have poor feature capture capabilities for complex poses and occlusion scenarios.This work introduces a lightweight backbone architecture that integrates WConv(Weighted Convolution)and StarNet modules to address these issues.Leveraging StarNet’s superior capabilities in multi-level feature fusion and long-range dependency modeling,this architecture enhances the model’s spatial perception of human joint structures and contextual information integration.These improvements significantly enhance robustness in complex scenarios involving occlusion and deformation.Additionally,the introduction of WConv convolution operations,based on weight recalibration and receptive field optimization,dynamically adjusts feature importance during convolution.This reduces redundant computations while maintaining or enhancing feature representation capabilities at an extremely low computational cost.Consequently,SW-YOLO substantially reduces model complexity and inference latency while preserving high accuracy,significantly outperforming existing lightweight networks.展开更多
The traditional EnFCM(Enhanced fuzzy C-means)algorithm only considers the grey-scale features in image segmentation,resulting in less than satisfactory results when the algorithm is used for remote sensing woodland im...The traditional EnFCM(Enhanced fuzzy C-means)algorithm only considers the grey-scale features in image segmentation,resulting in less than satisfactory results when the algorithm is used for remote sensing woodland image segmentation and extraction.An EnFCM remote sensing forest land extraction method based on PCA multi-feature fusion was proposed.Firstly,histogram equalization was applied to improve the image contrast.Secondly,the texture and edge features of the image were extracted,and a multi-feature fused pixel image was generated using the PCA technique.Moreover,the fused feature was used as a feature constraint to measure the difference of pixels instead of a single grey-scale feature.Finally,an improved feature distance metric calculated the similarity between the pixel points and the cluster center to complete the cluster segmentation.The experimental results showed that the error was between 1.5%and 4.0%compared with the forested area counted by experts’hand-drawing,which could obtain a high accuracy segmentation and extraction result.展开更多
It is evident that complex optimization problems are becoming increasingly prominent,metaheuristic algorithms have demonstrated unique advantages in solving high-dimensional,nonlinear problems.However,the traditional ...It is evident that complex optimization problems are becoming increasingly prominent,metaheuristic algorithms have demonstrated unique advantages in solving high-dimensional,nonlinear problems.However,the traditional Sparrow Search Algorithm(SSA)suffers from limited global search capability,insufficient population diversity,and slow convergence,which often leads to premature stagnation in local optima.Despite the proposal of various enhanced versions,the effective balancing of exploration and exploitation remains an unsolved challenge.To address the previously mentioned problems,this study proposes a multi-strategy collaborative improved SSA,which systematically integrates four complementary strategies:(1)the Northern Goshawk Optimization(NGO)mechanism enhances global exploration through guided prey-attacking dynamics;(2)an adaptive t-distribution mutation strategy balances the transition between exploration and exploitation via dynamic adjustment of the degrees of freedom;(3)a dual chaotic initialization method(Bernoulli and Sinusoidal maps)increases population diversity and distribution uniformity;and(4)an elite retention strategy maintains solution quality and prevents degradation during iterations.These strategies cooperate synergistically,forming a tightly coupled optimization framework that significantly improves search efficiency and robustness.Therefore,this paper names it NTSSA:A Novel Multi-Strategy Enhanced Sparrow Search Algorithm with Northern Goshawk Optimization and Adaptive t-Distribution for Global Optimization.Extensive experiments on the CEC2005 benchmark set demonstrate that NTSSA achieves theoretical optimal accuracy on unimodal functions and significantly enhances global optimum discovery for multimodal functions by 2–5 orders of magnitude.Compared with SSA,GWO,ISSA,and CSSOA,NTSSA improves solution accuracy by up to 14.3%(F8)and 99.8%(F12),while accelerating convergence by approximately 1.5–2×.The Wilcoxon rank-sum test(p<0.05)indicates that NTSSA demonstrates a statistically substantial performance advantage.Theoretical analysis demonstrates that the collaborative synergy among adaptive mutation,chaos-based diversification,and elite preservation ensures both high convergence accuracy and global stability.This work bridges a key research gap in SSA by realizing a coordinated optimization mechanism between exploration and exploitation,offering a robust and efficient solution framework for complex high-dimensional problems in intelligent computation and engineering design.展开更多
Three-dimensional ocean subsurface temperature and salinity structures(OST/OSS)in the South China Sea(SCS)play crucial roles in oceanic climate research and disaster mitigation.Traditionally,real-time OST and OSS are ...Three-dimensional ocean subsurface temperature and salinity structures(OST/OSS)in the South China Sea(SCS)play crucial roles in oceanic climate research and disaster mitigation.Traditionally,real-time OST and OSS are mainly obtained through in-situ ocean observations and simulation by ocean circulation models,which are usually challenging and costly.Recently,dynamical,statistical,or machine learning models have been proposed to invert the OST/OSS from sea surface information;however,these models mainly focused on the inversion of monthly OST and OSS.To address this issue,we apply clustering algorithms and employ a stacking strategy to ensemble three models(XGBoost,Random Forest,and LightGBM)to invert the real-time OST/OSS based on satellite-derived data and the Argo dataset.Subsequently,a fusion of temperature and salinity is employed to reconstruct OST and OSS.In the validation dataset,the depth-averaged Correlation(Corr)of the estimated OST(OSS)is 0.919(0.83),and the average Root-Mean-Square Error(RMSE)is0.639°C(0.087 psu),with a depth-averaged coefficient of determination(R~2)of 0.84(0.68).Notably,at the thermocline where the base models exhibit their maximum error,the stacking-based fusion model exhibited significant performance enhancement,with a maximum enhancement in OST and OSS inversion exceeding 10%.We further found that the estimated OST and OSS exhibit good agreement with the HYbrid Coordinate Ocean Model(HYCOM)data and BOA_Argo dataset during the passage of a mesoscale eddy.This study shows that the proposed model can effectively invert the real-time OST and OSS,potentially enhancing the understanding of multi-scale oceanic processes in the SCS.展开更多
To establish a parallel fusion approach of processing high dimensional information, the model and criterion of multisensor fuzzy stochastic data fusion were presented. In order to design genetic algorithm fusion, the ...To establish a parallel fusion approach of processing high dimensional information, the model and criterion of multisensor fuzzy stochastic data fusion were presented. In order to design genetic algorithm fusion, the fusion parameter coding, initial population and fitness function establishing, and fuzzy logic controller designing for genetic operations and probability choosing were completed. The discussion on the highly dimensional fusion was given. For a moving target with the division of 1 64 (velocity) and 1 75 (acceleration), the precision of fusion is 0 94 and 0 98 respectively. The fusion approach can improve the reliability and decision precision effectively.展开更多
To aim at the multimode character of the data from the airplane detecting system, the paper combines Dempster- Shafer evidence theory and subjective Bayesian algorithm and makes to propose a mixed structure multimode ...To aim at the multimode character of the data from the airplane detecting system, the paper combines Dempster- Shafer evidence theory and subjective Bayesian algorithm and makes to propose a mixed structure multimode data fusion algorithm. The algorithm adopts a prorated algorithm relate to the incertitude evaluation to convert the probability evaluation into the precognition probability in an identity frame, and ensures the adaptability of different data from different source to the mixed system. To guarantee real time fusion, a combination of time domain fusion and space domain fusion is established, this not only assure the fusion of data chain in different time of the same sensor, but also the data fusion from different sensors distributed in different platforms and the data fusion among different modes. The feasibility and practicability are approved through computer simulation.展开更多
To Meet the requirements of multi-sensor data fusion in diagnosis for complex equipment systems,a novel, fuzzy similarity-based data fusion algorithm is given. Based on fuzzy set theory, it calculates the fuzzy simila...To Meet the requirements of multi-sensor data fusion in diagnosis for complex equipment systems,a novel, fuzzy similarity-based data fusion algorithm is given. Based on fuzzy set theory, it calculates the fuzzy similarity among a certain sensor's measurement values and the multiple sensor's objective prediction values to determine the importance weigh of each sensor,and realizes the multi-sensor diagnosis parameter data fusion.According to the principle, its application software is also designed. The applied example proves that the algorithm can give priority to the high-stability and high -reliability sensors and it is laconic ,feasible and efficient to real-time circumstance measure and data processing in engine diagnosis.展开更多
The concepts of information fusion and the basic principles of neural networks are introduced. Neural net-works were introduced as a way of building an information fusion model in a coal mine monitoring system. This a...The concepts of information fusion and the basic principles of neural networks are introduced. Neural net-works were introduced as a way of building an information fusion model in a coal mine monitoring system. This assures the accurate transmission of the multi-sensor information that comes from the coal mine monitoring systems. The in-formation fusion mode was analyzed. An algorithm was designed based on this analysis and some simulation results were given. Finally,conclusions that could provide auxiliary decision making information to the coal mine dispatching officers were presented.展开更多
In the normal operation condition, a conventional square-root cubature Kalman filter (SRCKF) gives sufficiently good estimation results. However, if the measurements are not reliable, the SRCKF may give inaccurate r...In the normal operation condition, a conventional square-root cubature Kalman filter (SRCKF) gives sufficiently good estimation results. However, if the measurements are not reliable, the SRCKF may give inaccurate results and diverges by time. This study introduces an adaptive SRCKF algorithm with the filter gain correction for the case of measurement malfunctions. By proposing a switching criterion, an optimal filter is selected from the adaptive and conventional SRCKF according to the measurement quality. A subsystem soft fault detection algorithm is built with the filter residual. Utilizing a clear subsystem fault coefficient, the faulty subsystem is isolated as a result of the system reconstruction. In order to improve the performance of the multi-sensor system, a hybrid fusion algorithm is presented based on the adaptive SRCKF. The state and error covariance matrix are also predicted by the priori fusion estimates, and are updated by the predicted and estimated information of subsystems. The proposed algorithms were applied to the vessel dynamic positioning system simulation. They were compared with normal SRCKF and local estimation weighted fusion algorithm. The simulation results show that the presented adaptive SRCKF improves the robustness of subsystem filtering, and the hybrid fusion algorithm has the better performance. The simulation verifies the effectiveness of the proposed algorithms.展开更多
In recent years,many medical image fusion methods had been exploited to derive useful information from multimodality medical image data,but,not an appropriate fusion algorithm for anatomical and functional medical ima...In recent years,many medical image fusion methods had been exploited to derive useful information from multimodality medical image data,but,not an appropriate fusion algorithm for anatomical and functional medical images.In this paper,the traditional method of wavelet fusion is improved and a new fusion algorithm of anatomical and functional medical images,in which high-frequency and low-frequency coefficients are studied respectively.When choosing high-frequency coefficients,the global gradient of each sub-image is calculated to realize adaptive fusion,so that the fused image can reserve the functional information;while choosing the low coefficients is based on the analysis of the neighborbood region energy,so that the fused image can reserve the anatomical image's edge and texture feature.Experimental results and the quality evaluation parameters show that the improved fusion algorithm can enhance the edge and texture feature and retain the function information and anatomical information effectively.展开更多
Single passive sensor tracking algorithms have four disadvantages: bad stability, longdynamic time, big bias and sensitive to initial conditions. So the corresponding fusion algorithm results in bad performance. A new...Single passive sensor tracking algorithms have four disadvantages: bad stability, longdynamic time, big bias and sensitive to initial conditions. So the corresponding fusion algorithm results in bad performance. A new error analysis method for two passive sensor tracking system is presented and the error equations are deduced in detail. Based on the equations, we carry out theoretical computation and Monte Carlo computer simulation. The results show the correctness of our error computation equations. With the error equations, we present multiple 'two station'fusion algorithm using adaptive pseudo measurement equations. This greatly enhances the tracking performance and makes the algorithm convergent very fast and not sensitive to initial conditions.Simulation results prove the correctness of our new algorithm.展开更多
Different fusion algorithm has its own advantages and limitations,so it is very difficult to simply evaluate the good points and bad points of the fusion algorithm. Whether an algorithm was selected to fuse object ima...Different fusion algorithm has its own advantages and limitations,so it is very difficult to simply evaluate the good points and bad points of the fusion algorithm. Whether an algorithm was selected to fuse object images was also depended upon the sensor types and special research purposes. Firstly,five fusion methods,i. e. IHS,Brovey,PCA,SFIM and Gram-Schmidt,were briefly described in the paper. And then visual judgment and quantitative statistical parameters were used to assess the five algorithms. Finally,in order to determine which one is the best suitable fusion method for land cover classification of IKONOS image,the maximum likelihood classification( MLC) was applied using the above five fusion images. The results showed that the fusion effect of SFIM transform and Gram-Schmidt transform were better than the other three image fusion methods in spatial details improvement and spectral information fidelity,and Gram-Schmidt technique was superior to SFIM transform in the aspect of expressing image details. The classification accuracy of the fused image using Gram-Schmidt and SFIM algorithms was higher than that of the other three image fusion methods,and the overall accuracy was greater than 98%. The IHS-fused image classification accuracy was the lowest,the overall accuracy and kappa coefficient were 83. 14% and 0. 76,respectively. Thus the IKONOS fusion images obtained by the Gram-Schmidt and SFIM were better for improving the land cover classification accuracy.展开更多
This study discusses the fusion of chlorophyll-a (Chl.a) estimates around Tachibana Bay (Nagasaki Prefecture, Japan) obtained from MODIS and GOCI satellite data. First, the equation of GOCI LCI was theoretically calcu...This study discusses the fusion of chlorophyll-a (Chl.a) estimates around Tachibana Bay (Nagasaki Prefecture, Japan) obtained from MODIS and GOCI satellite data. First, the equation of GOCI LCI was theoretically calculated on the basis of the linear combination index (LCI) method proposed by Frouin et al. (2006). Next, assuming a linear relationship between them, the MODIS LCI and GOCI LCI methods were compared by using the Rayleigh reflectance product dataset of GOCI and MODIS, collected on July 8, July 25, and July 31, 2012. The results were found to be correlated significantly. GOCI Chl.a estimates of the finally proposed method favorably agreed with the in-situ Chl.a data in Tachibana Bay.展开更多
The dendritic cell algorithm(DCA)is an excellent prototype for developing Machine Learning inspired by the function of the powerful natural immune system.Too many parameters increase complexity and lead to plenty of c...The dendritic cell algorithm(DCA)is an excellent prototype for developing Machine Learning inspired by the function of the powerful natural immune system.Too many parameters increase complexity and lead to plenty of criticism in the signal fusion procedure of DCA.The loss function of DCA is ambiguous due to its complexity.To reduce the uncertainty,several researchers simplified the algorithm program;some introduced gradient descent to optimize parameters;some utilized searching methods to find the optimal parameter combination.However,these studies are either time-consuming or need to be revised in the case of non-convex functions.To overcome the problems,this study models the parameter optimization into a black-box optimization problem without knowing the information about its loss function.This study hybridizes bayesian optimization hyperband(BOHB)with DCA to propose a novel DCA version,BHDCA,for accomplishing parameter optimization in the signal fusion process.The BHDCA utilizes the bayesian optimization(BO)of BOHB to find promising parameter configurations and applies the hyperband of BOHB to allocate the suitable budget for each potential configuration.The experimental results show that the proposed algorithm has significant advantages over the otherDCAexpansion algorithms in terms of signal fusion.展开更多
When evaluating the track fusion algorithm,common accuracy indexes may fail to evaluate the fusion accuracy correctly when the state estimation and the real target cannot be one-to-one,and fail to effectively distingu...When evaluating the track fusion algorithm,common accuracy indexes may fail to evaluate the fusion accuracy correctly when the state estimation and the real target cannot be one-to-one,and fail to effectively distinguish the performance of the algorithm when the state estimation is similar.Therefore,it is necessary to construct a high-resolution evaluation index,which can evaluate the track fusion algorithm more accurately,reasonably and comprehensively.Firstly,the advant ages and disadvantages of the optimal subpattern assignment(OSPA)dis tance as the accuracy index to evaluate the track fusion algorithm are analyzed.Then,its deficiencies are improved by using the Hellinger distance instead of the original Euclidean distance,and the distance is index transformed.Finally,a new evaluation index for track fusion algorithms is proposed,which is the OSPA distance based on Hellinger distance and index transformation.The simulation results show that the new index can not only correctly evaluate the fusion precision,but also consider the state uncertainty,making that can evaluate the track fusion algorithm more sensitively,and effectively solves the sensitivity of the index to the cut-off parameter c through index transformation.展开更多
A new method for power quality (PQ) disturbances identification is brought forward based on combining a neural network with least square (LS) weighted fusion algorithm. The characteristic components of PQ disturbances...A new method for power quality (PQ) disturbances identification is brought forward based on combining a neural network with least square (LS) weighted fusion algorithm. The characteristic components of PQ disturbances are distilled through an improved phase-located loop (PLL) system at first, and then five child BP ANNs with different structures are trained and adopted to identify the PQ disturbances respectively. The combining neural network fuses the identification results of these child ANNs with LS weighted fusion algorithm, and identifies PQ disturbances with the fused result finally. Compared with a single neural network, the combining one with LS weighted fusion algorithm can identify the PQ disturbances correctly when noise is strong. However, a single neural network may fail in this case. Furthermore, the combining neural network is more reliable than a single neural network. The simulation results prove the conclusions above.展开更多
There is a growing body of research on the swarm unmanned aerial vehicle(UAV)in recent years,which has the characteristics of small,low speed,and low height as radar target.To confront the swarm UAV,the design of anti...There is a growing body of research on the swarm unmanned aerial vehicle(UAV)in recent years,which has the characteristics of small,low speed,and low height as radar target.To confront the swarm UAV,the design of anti-UAV radar system based on multiple input multiple output(MIMO)is put forward,which can elevate the performance of resolution,angle accuracy,high data rate,and tracking flexibility for swarm UAV detection.Target resolution and detection are the core problem in detecting the swarm UAV.The distinct advantage of MIMO system in angular accuracy measurement is demonstrated by comparing MIMO radar with phased array radar.Since MIMO radar has better performance in resolution,swarm UAV detection still has difficulty in target detection.This paper proposes a multi-mode data fusion algorithm based on deep neural networks to improve the detection effect.Subsequently,signal processing and data processing based on the detection fusion algorithm above are designed,forming a high resolution detection loop.Several simulations are designed to illustrate the feasibility of the designed system and the proposed algorithm.展开更多
基金supported in part by the National Natural Science Foundation of China under Grant No.62271453in part by the National Natural Science Foundation of China No.62101512+2 种基金in part by the Central Support for Local Projects under Grant No.YDZJSX2024D031in part by Project supported by the Shanxi Provincial Foundation for Leaders of Disciplines in Science,China under Grant No.2024Q022in part by Shanxi Province Patent Conversion Special Plan Funding Projects under Grant No.202405004。
文摘In the deployment of wireless networks in two-dimensional outdoor campus spaces,aiming at the problem of efficient coverage of the monitoring area by limited number of access points(APs),this paper proposes a deployment method of multi-objective optimization with virtual force fusion bat algorithm(VFBA)using the classical four-node regular distribution as an entry point.The introduction of Lévy flight strategy for bat position updating helps to maintain the population diversity,reduce the premature maturity problem caused by population convergence,avoid the over aggregation of individuals in the local optimal region,and enhance the superiority in global search;the virtual force algorithm simulates the attraction and repulsion between individuals,which enables individual bats to precisely locate the optimal solution within the search space.At the same time,the fusion effect of virtual force prompts the bat individuals to move faster to the potential optimal solution.To validate the effectiveness of the fusion algorithm,the benchmark test function is selected for simulation testing.Finally,the simulation result verifies that the VFBA achieves superior coverage and effectively reduces node redundancy compared to the other three regular layout methods.The VFBA also shows better coverage results when compared to other optimization algorithms.
基金Supported by the EDD of China(No.80912020104)the Science and Technology Commission of Shanghai Municipality(No.22ZR1427700 and No.23692106900).
文摘The traditional A^(*)algorithm exhibits a low efficiency in the path planning of unmanned surface vehicles(USVs).In addition,the path planned presents numerous redundant inflection waypoints,and the security is low,which is not conducive to the control of USV and also affects navigation safety.In this paper,these problems were addressed through the following improvements.First,the path search angle and security were comprehensively considered,and a security expansion strategy of nodes based on the 5×5 neighborhood was proposed.The A^(*)algorithm search neighborhood was expanded from 3×3 to 5×5,and safe nodes were screened out for extension via the node security expansion strategy.This algorithm can also optimize path search angles while improving path security.Second,the distance from the current node to the target node was introduced into the heuristic function.The efficiency of the A^(*)algorithm was improved,and the path was smoothed using the Floyd algorithm.For the dynamic adjustment of the weight to improve the efficiency of DWA,the distance from the USV to the target point was introduced into the evaluation function of the dynamic-window approach(DWA)algorithm.Finally,combined with the local target point selection strategy,the optimized DWA algorithm was performed for local path planning.The experimental results show the smooth and safe path planned by the fusion algorithm,which can successfully avoid dynamic obstacles and is effective and feasible in path planning for USVs.
基金supported by the National Natural Science Foundation of China under Grant Nos.U21A20464,62066005Innovation Project of Guangxi Graduate Education under Grant No.YCSW2024313.
文摘Wireless sensor network deployment optimization is a classic NP-hard problem and a popular topic in academic research.However,the current research on wireless sensor network deployment problems uses overly simplistic models,and there is a significant gap between the research results and actual wireless sensor networks.Some scholars have now modeled data fusion networks to make them more suitable for practical applications.This paper will explore the deployment problem of a stochastic data fusion wireless sensor network(SDFWSN),a model that reflects the randomness of environmental monitoring and uses data fusion techniques widely used in actual sensor networks for information collection.The deployment problem of SDFWSN is modeled as a multi-objective optimization problem.The network life cycle,spatiotemporal coverage,detection rate,and false alarm rate of SDFWSN are used as optimization objectives to optimize the deployment of network nodes.This paper proposes an enhanced multi-objective mongoose optimization algorithm(EMODMOA)to solve the deployment problem of SDFWSN.First,to overcome the shortcomings of the DMOA algorithm,such as its low convergence and tendency to get stuck in a local optimum,an encircling and hunting strategy is introduced into the original algorithm to propose the EDMOA algorithm.The EDMOA algorithm is designed as the EMODMOA algorithm by selecting reference points using the K-Nearest Neighbor(KNN)algorithm.To verify the effectiveness of the proposed algorithm,the EMODMOA algorithm was tested at CEC 2020 and achieved good results.In the SDFWSN deployment problem,the algorithm was compared with the Non-dominated Sorting Genetic Algorithm II(NSGAII),Multiple Objective Particle Swarm Optimization(MOPSO),Multi-Objective Evolutionary Algorithm based on Decomposition(MOEA/D),and Multi-Objective Grey Wolf Optimizer(MOGWO).By comparing and analyzing the performance evaluation metrics and optimization results of the objective functions of the multi-objective algorithms,the algorithm outperforms the other algorithms in the SDFWSN deployment results.To better demonstrate the superiority of the algorithm,simulations of diverse test cases were also performed,and good results were obtained.
文摘This paper proposes SW-YOLO(StarNet Weighted-Conv YOLO),a lightweight human pose estimation network for edge devices.Current mainstream pose estimation algorithms are computationally inefficient and have poor feature capture capabilities for complex poses and occlusion scenarios.This work introduces a lightweight backbone architecture that integrates WConv(Weighted Convolution)and StarNet modules to address these issues.Leveraging StarNet’s superior capabilities in multi-level feature fusion and long-range dependency modeling,this architecture enhances the model’s spatial perception of human joint structures and contextual information integration.These improvements significantly enhance robustness in complex scenarios involving occlusion and deformation.Additionally,the introduction of WConv convolution operations,based on weight recalibration and receptive field optimization,dynamically adjusts feature importance during convolution.This reduces redundant computations while maintaining or enhancing feature representation capabilities at an extremely low computational cost.Consequently,SW-YOLO substantially reduces model complexity and inference latency while preserving high accuracy,significantly outperforming existing lightweight networks.
基金supported by National Natural Science Foundation of China(No.61761027)Gansu Young Doctor’s Fund for Higher Education Institutions(No.2021QB-053)。
文摘The traditional EnFCM(Enhanced fuzzy C-means)algorithm only considers the grey-scale features in image segmentation,resulting in less than satisfactory results when the algorithm is used for remote sensing woodland image segmentation and extraction.An EnFCM remote sensing forest land extraction method based on PCA multi-feature fusion was proposed.Firstly,histogram equalization was applied to improve the image contrast.Secondly,the texture and edge features of the image were extracted,and a multi-feature fused pixel image was generated using the PCA technique.Moreover,the fused feature was used as a feature constraint to measure the difference of pixels instead of a single grey-scale feature.Finally,an improved feature distance metric calculated the similarity between the pixel points and the cluster center to complete the cluster segmentation.The experimental results showed that the error was between 1.5%and 4.0%compared with the forested area counted by experts’hand-drawing,which could obtain a high accuracy segmentation and extraction result.
文摘It is evident that complex optimization problems are becoming increasingly prominent,metaheuristic algorithms have demonstrated unique advantages in solving high-dimensional,nonlinear problems.However,the traditional Sparrow Search Algorithm(SSA)suffers from limited global search capability,insufficient population diversity,and slow convergence,which often leads to premature stagnation in local optima.Despite the proposal of various enhanced versions,the effective balancing of exploration and exploitation remains an unsolved challenge.To address the previously mentioned problems,this study proposes a multi-strategy collaborative improved SSA,which systematically integrates four complementary strategies:(1)the Northern Goshawk Optimization(NGO)mechanism enhances global exploration through guided prey-attacking dynamics;(2)an adaptive t-distribution mutation strategy balances the transition between exploration and exploitation via dynamic adjustment of the degrees of freedom;(3)a dual chaotic initialization method(Bernoulli and Sinusoidal maps)increases population diversity and distribution uniformity;and(4)an elite retention strategy maintains solution quality and prevents degradation during iterations.These strategies cooperate synergistically,forming a tightly coupled optimization framework that significantly improves search efficiency and robustness.Therefore,this paper names it NTSSA:A Novel Multi-Strategy Enhanced Sparrow Search Algorithm with Northern Goshawk Optimization and Adaptive t-Distribution for Global Optimization.Extensive experiments on the CEC2005 benchmark set demonstrate that NTSSA achieves theoretical optimal accuracy on unimodal functions and significantly enhances global optimum discovery for multimodal functions by 2–5 orders of magnitude.Compared with SSA,GWO,ISSA,and CSSOA,NTSSA improves solution accuracy by up to 14.3%(F8)and 99.8%(F12),while accelerating convergence by approximately 1.5–2×.The Wilcoxon rank-sum test(p<0.05)indicates that NTSSA demonstrates a statistically substantial performance advantage.Theoretical analysis demonstrates that the collaborative synergy among adaptive mutation,chaos-based diversification,and elite preservation ensures both high convergence accuracy and global stability.This work bridges a key research gap in SSA by realizing a coordinated optimization mechanism between exploration and exploitation,offering a robust and efficient solution framework for complex high-dimensional problems in intelligent computation and engineering design.
基金jointly supported by the National Key Research and Development Program of China(2022YFC3104304)the National Natural Science Foundation of China(Grant No.41876011)+1 种基金the 2022 Research Program of Sanya Yazhou Bay Science and Technology City(SKJC-2022-01-001)the Hainan Province Science and Technology Special Fund(ZDYF2021SHFZ265)。
文摘Three-dimensional ocean subsurface temperature and salinity structures(OST/OSS)in the South China Sea(SCS)play crucial roles in oceanic climate research and disaster mitigation.Traditionally,real-time OST and OSS are mainly obtained through in-situ ocean observations and simulation by ocean circulation models,which are usually challenging and costly.Recently,dynamical,statistical,or machine learning models have been proposed to invert the OST/OSS from sea surface information;however,these models mainly focused on the inversion of monthly OST and OSS.To address this issue,we apply clustering algorithms and employ a stacking strategy to ensemble three models(XGBoost,Random Forest,and LightGBM)to invert the real-time OST/OSS based on satellite-derived data and the Argo dataset.Subsequently,a fusion of temperature and salinity is employed to reconstruct OST and OSS.In the validation dataset,the depth-averaged Correlation(Corr)of the estimated OST(OSS)is 0.919(0.83),and the average Root-Mean-Square Error(RMSE)is0.639°C(0.087 psu),with a depth-averaged coefficient of determination(R~2)of 0.84(0.68).Notably,at the thermocline where the base models exhibit their maximum error,the stacking-based fusion model exhibited significant performance enhancement,with a maximum enhancement in OST and OSS inversion exceeding 10%.We further found that the estimated OST and OSS exhibit good agreement with the HYbrid Coordinate Ocean Model(HYCOM)data and BOA_Argo dataset during the passage of a mesoscale eddy.This study shows that the proposed model can effectively invert the real-time OST and OSS,potentially enhancing the understanding of multi-scale oceanic processes in the SCS.
文摘To establish a parallel fusion approach of processing high dimensional information, the model and criterion of multisensor fuzzy stochastic data fusion were presented. In order to design genetic algorithm fusion, the fusion parameter coding, initial population and fitness function establishing, and fuzzy logic controller designing for genetic operations and probability choosing were completed. The discussion on the highly dimensional fusion was given. For a moving target with the division of 1 64 (velocity) and 1 75 (acceleration), the precision of fusion is 0 94 and 0 98 respectively. The fusion approach can improve the reliability and decision precision effectively.
文摘To aim at the multimode character of the data from the airplane detecting system, the paper combines Dempster- Shafer evidence theory and subjective Bayesian algorithm and makes to propose a mixed structure multimode data fusion algorithm. The algorithm adopts a prorated algorithm relate to the incertitude evaluation to convert the probability evaluation into the precognition probability in an identity frame, and ensures the adaptability of different data from different source to the mixed system. To guarantee real time fusion, a combination of time domain fusion and space domain fusion is established, this not only assure the fusion of data chain in different time of the same sensor, but also the data fusion from different sensors distributed in different platforms and the data fusion among different modes. The feasibility and practicability are approved through computer simulation.
文摘To Meet the requirements of multi-sensor data fusion in diagnosis for complex equipment systems,a novel, fuzzy similarity-based data fusion algorithm is given. Based on fuzzy set theory, it calculates the fuzzy similarity among a certain sensor's measurement values and the multiple sensor's objective prediction values to determine the importance weigh of each sensor,and realizes the multi-sensor diagnosis parameter data fusion.According to the principle, its application software is also designed. The applied example proves that the algorithm can give priority to the high-stability and high -reliability sensors and it is laconic ,feasible and efficient to real-time circumstance measure and data processing in engine diagnosis.
基金project BK2001073 supported by Jiangsu Province Natural Science Foundation
文摘The concepts of information fusion and the basic principles of neural networks are introduced. Neural net-works were introduced as a way of building an information fusion model in a coal mine monitoring system. This assures the accurate transmission of the multi-sensor information that comes from the coal mine monitoring systems. The in-formation fusion mode was analyzed. An algorithm was designed based on this analysis and some simulation results were given. Finally,conclusions that could provide auxiliary decision making information to the coal mine dispatching officers were presented.
基金Supported by the National Natural Science Foundation of China (50979017, NSFC60775060) the National High Technology Ship Research Project of China (GJCB09001)
文摘In the normal operation condition, a conventional square-root cubature Kalman filter (SRCKF) gives sufficiently good estimation results. However, if the measurements are not reliable, the SRCKF may give inaccurate results and diverges by time. This study introduces an adaptive SRCKF algorithm with the filter gain correction for the case of measurement malfunctions. By proposing a switching criterion, an optimal filter is selected from the adaptive and conventional SRCKF according to the measurement quality. A subsystem soft fault detection algorithm is built with the filter residual. Utilizing a clear subsystem fault coefficient, the faulty subsystem is isolated as a result of the system reconstruction. In order to improve the performance of the multi-sensor system, a hybrid fusion algorithm is presented based on the adaptive SRCKF. The state and error covariance matrix are also predicted by the priori fusion estimates, and are updated by the predicted and estimated information of subsystems. The proposed algorithms were applied to the vessel dynamic positioning system simulation. They were compared with normal SRCKF and local estimation weighted fusion algorithm. The simulation results show that the presented adaptive SRCKF improves the robustness of subsystem filtering, and the hybrid fusion algorithm has the better performance. The simulation verifies the effectiveness of the proposed algorithms.
基金The National High Technology Research and Development Program of China(‘863’Program)grant number:2007AA02Z4A9+1 种基金National Natural Science Foundation of Chinagrant number:30671997
文摘In recent years,many medical image fusion methods had been exploited to derive useful information from multimodality medical image data,but,not an appropriate fusion algorithm for anatomical and functional medical images.In this paper,the traditional method of wavelet fusion is improved and a new fusion algorithm of anatomical and functional medical images,in which high-frequency and low-frequency coefficients are studied respectively.When choosing high-frequency coefficients,the global gradient of each sub-image is calculated to realize adaptive fusion,so that the fused image can reserve the functional information;while choosing the low coefficients is based on the analysis of the neighborbood region energy,so that the fused image can reserve the anatomical image's edge and texture feature.Experimental results and the quality evaluation parameters show that the improved fusion algorithm can enhance the edge and texture feature and retain the function information and anatomical information effectively.
文摘Single passive sensor tracking algorithms have four disadvantages: bad stability, longdynamic time, big bias and sensitive to initial conditions. So the corresponding fusion algorithm results in bad performance. A new error analysis method for two passive sensor tracking system is presented and the error equations are deduced in detail. Based on the equations, we carry out theoretical computation and Monte Carlo computer simulation. The results show the correctness of our error computation equations. With the error equations, we present multiple 'two station'fusion algorithm using adaptive pseudo measurement equations. This greatly enhances the tracking performance and makes the algorithm convergent very fast and not sensitive to initial conditions.Simulation results prove the correctness of our new algorithm.
基金Supported by Chinese National Natural Science Foundation(51208016)Beijing Natural Science Foundation(8122008)Beijing Education Commission Fund(KM201310005023)
文摘Different fusion algorithm has its own advantages and limitations,so it is very difficult to simply evaluate the good points and bad points of the fusion algorithm. Whether an algorithm was selected to fuse object images was also depended upon the sensor types and special research purposes. Firstly,five fusion methods,i. e. IHS,Brovey,PCA,SFIM and Gram-Schmidt,were briefly described in the paper. And then visual judgment and quantitative statistical parameters were used to assess the five algorithms. Finally,in order to determine which one is the best suitable fusion method for land cover classification of IKONOS image,the maximum likelihood classification( MLC) was applied using the above five fusion images. The results showed that the fusion effect of SFIM transform and Gram-Schmidt transform were better than the other three image fusion methods in spatial details improvement and spectral information fidelity,and Gram-Schmidt technique was superior to SFIM transform in the aspect of expressing image details. The classification accuracy of the fused image using Gram-Schmidt and SFIM algorithms was higher than that of the other three image fusion methods,and the overall accuracy was greater than 98%. The IHS-fused image classification accuracy was the lowest,the overall accuracy and kappa coefficient were 83. 14% and 0. 76,respectively. Thus the IKONOS fusion images obtained by the Gram-Schmidt and SFIM were better for improving the land cover classification accuracy.
文摘This study discusses the fusion of chlorophyll-a (Chl.a) estimates around Tachibana Bay (Nagasaki Prefecture, Japan) obtained from MODIS and GOCI satellite data. First, the equation of GOCI LCI was theoretically calculated on the basis of the linear combination index (LCI) method proposed by Frouin et al. (2006). Next, assuming a linear relationship between them, the MODIS LCI and GOCI LCI methods were compared by using the Rayleigh reflectance product dataset of GOCI and MODIS, collected on July 8, July 25, and July 31, 2012. The results were found to be correlated significantly. GOCI Chl.a estimates of the finally proposed method favorably agreed with the in-situ Chl.a data in Tachibana Bay.
基金National Natural Science Foundation of China with the Grant Number 61877045。
文摘The dendritic cell algorithm(DCA)is an excellent prototype for developing Machine Learning inspired by the function of the powerful natural immune system.Too many parameters increase complexity and lead to plenty of criticism in the signal fusion procedure of DCA.The loss function of DCA is ambiguous due to its complexity.To reduce the uncertainty,several researchers simplified the algorithm program;some introduced gradient descent to optimize parameters;some utilized searching methods to find the optimal parameter combination.However,these studies are either time-consuming or need to be revised in the case of non-convex functions.To overcome the problems,this study models the parameter optimization into a black-box optimization problem without knowing the information about its loss function.This study hybridizes bayesian optimization hyperband(BOHB)with DCA to propose a novel DCA version,BHDCA,for accomplishing parameter optimization in the signal fusion process.The BHDCA utilizes the bayesian optimization(BO)of BOHB to find promising parameter configurations and applies the hyperband of BOHB to allocate the suitable budget for each potential configuration.The experimental results show that the proposed algorithm has significant advantages over the otherDCAexpansion algorithms in terms of signal fusion.
基金the Natural Science Foundation of Hebei Province(No.F2017506006)。
文摘When evaluating the track fusion algorithm,common accuracy indexes may fail to evaluate the fusion accuracy correctly when the state estimation and the real target cannot be one-to-one,and fail to effectively distinguish the performance of the algorithm when the state estimation is similar.Therefore,it is necessary to construct a high-resolution evaluation index,which can evaluate the track fusion algorithm more accurately,reasonably and comprehensively.Firstly,the advant ages and disadvantages of the optimal subpattern assignment(OSPA)dis tance as the accuracy index to evaluate the track fusion algorithm are analyzed.Then,its deficiencies are improved by using the Hellinger distance instead of the original Euclidean distance,and the distance is index transformed.Finally,a new evaluation index for track fusion algorithms is proposed,which is the OSPA distance based on Hellinger distance and index transformation.The simulation results show that the new index can not only correctly evaluate the fusion precision,but also consider the state uncertainty,making that can evaluate the track fusion algorithm more sensitively,and effectively solves the sensitivity of the index to the cut-off parameter c through index transformation.
基金Sponsored by the Teaching and Research Award Programfor Outstanding Young Teachers in High Education Institutions of MOE China(Grant No.ZDXM03006).
文摘A new method for power quality (PQ) disturbances identification is brought forward based on combining a neural network with least square (LS) weighted fusion algorithm. The characteristic components of PQ disturbances are distilled through an improved phase-located loop (PLL) system at first, and then five child BP ANNs with different structures are trained and adopted to identify the PQ disturbances respectively. The combining neural network fuses the identification results of these child ANNs with LS weighted fusion algorithm, and identifies PQ disturbances with the fused result finally. Compared with a single neural network, the combining one with LS weighted fusion algorithm can identify the PQ disturbances correctly when noise is strong. However, a single neural network may fail in this case. Furthermore, the combining neural network is more reliable than a single neural network. The simulation results prove the conclusions above.
基金supported by the Municipal Gavemment of Quzhou(2022D0009,2022D013,2022D033)the Science and Technology Project of Sichuan Province(2023YFG0176)。
文摘There is a growing body of research on the swarm unmanned aerial vehicle(UAV)in recent years,which has the characteristics of small,low speed,and low height as radar target.To confront the swarm UAV,the design of anti-UAV radar system based on multiple input multiple output(MIMO)is put forward,which can elevate the performance of resolution,angle accuracy,high data rate,and tracking flexibility for swarm UAV detection.Target resolution and detection are the core problem in detecting the swarm UAV.The distinct advantage of MIMO system in angular accuracy measurement is demonstrated by comparing MIMO radar with phased array radar.Since MIMO radar has better performance in resolution,swarm UAV detection still has difficulty in target detection.This paper proposes a multi-mode data fusion algorithm based on deep neural networks to improve the detection effect.Subsequently,signal processing and data processing based on the detection fusion algorithm above are designed,forming a high resolution detection loop.Several simulations are designed to illustrate the feasibility of the designed system and the proposed algorithm.