Xiaofeng Yue’s research while affiliated with Changchun University of Technology and other places

What is this page?


This page lists works of an author who doesn't have a ResearchGate profile or hasn't added the works to their profile yet. It is automatically generated from public (personal) data to further our legitimate goal of comprehensive and accurate scientific recordkeeping. If you are this author and want this page removed, please let us know.

Publications (31)


Lightweight object detection algorithm for automotive fuse boxes based on deep learning
  • Article

February 2025

Journal of Electronic Imaging

Yuan Zhou

·

Xiaofeng Yue

Action selection policy based on APF
Improved Dueling DQN with PER and APF
The process of reinforcement learning
Grid map for robot path planning
Overall DQN architecture

+16

A modified dueling DQN algorithm for robot path planning incorporating priority experience replay and artificial potential fields
  • Article
  • Publisher preview available

January 2025

·

50 Reads

·

3 Citations

Applied Intelligence

Chang Li

·

Xiaofeng Yue

·

Zeyuan Liu

·

[...]

·

Juan Zhu

For the challenges of low learning efficiency, slow convergence speed and slow inference speed in robot path planning. This paper proposes an improved deep reinforcement learning algorithm for robot path planning. Firstly, the Dueling DQN network architecture is employed, combined with a priority experience replay strategy, to more effectively learn from and utilize experience data. Secondly, the mobility space of the robot is expanded, enhancing the diversity and flexibility of the action space. Additionally, in the action selection process, the Artificial Potential Field (APF) algorithm is introduced to intervene in the action selection with a certain probability, thereby accelerating the convergence process of the network. Simultaneously, the ε\varepsilon -greedy strategy is employed to balance exploration and exploitation, facilitating better exploration of the environment and utilization of existing knowledge. Furthermore, this paper devises novel composite reward functions that comprehensively integrate multiple reward mechanisms to enhance the convergence performance of the algorithm and the quality of path planning. Finally, the effectiveness and superiority of the proposed method are validated through detailed comparative simulations. Compared to traditional DQN algorithms, Double DQN, and Double DQN with the APF strategy, the method proposed in this paper demonstrates higher learning efficiency and faster convergence speed, enabling more effective planning of shorter paths.

View access options

Package Positioning Based on Point Registration Network DCDNet-Att

The application of robot technology in the automatic transportation process of packaging bags is becoming increasingly common. Point cloud registration is the key to applying industrial robots to automatic transportation systems. However, current point cloud registration models cannot effectively solve the registration of deformed targets like packaging bags. In this study, a new point cloud registration network, DCDNet-Att, is proposed, which uses a variable weight dynamic graph convolution module to extract point cloud features. A feature interaction module is used to extract common features between the source point cloud and the template point cloud. The same geometric features between the two pairs of point clouds are strengthened through a bottleneck module. A channel attention model is used to obtain the channel attention weights. The attention weight of each spatial position is calculated, and a rotation translation structure is used to sequentially obtain quaternions and translation vectors. A feature fitting loss function is used to constrain the parameters of the neural network model to have a larger receptive field. Compared with seven methods, including the ICP algorithm, GO-ICP algorithm, and FGR algorithm, the proposed method had rotation errors (MAE, RMSE, and Error of 1.458, 2.541, and 1.024 in the ModelNet40 dataset, respectively) and translation errors (MAE, RMSE, and Error of 0.0048, 0.0114, and 0.0174, respectively). When registering the ModelNet40 dataset with Gaussian noise, the rotation errors (MAE, RMSE, and Error) were 2.028, 3.437, and 2.478, respectively, and the translation errors (MAE, RMSE, and Error) were 0.0107, 0.0327, and 0.0285, respectively. The experimental results were superior to those of the other methods, and the model was effective at registering packaging bag point clouds.


A transfer learning model for rolling bearing fault diagnosis based on texture loss strategy and nuclear norm regularization

November 2024

·

21 Reads

In recent years, transfer learning (TL) approaches have seen extensive application in diagnosing bearing faults due to their exceptional performance. However, mechanical noise, equipment aging, and wear lead to notable disparities and differences in the multi-level feature distributions across the source and target domain signals. The issue is addressed by proposing a TL model based on a texture loss strategy and nuclear norm regularization method. First, a feature-enhanced network is designed, which significantly improves the ability to capture local details and long-range dependencies by combining a multi-scale feature extraction module with a dilated residual module. Next, a texture loss strategy is proposed to align multi-scale features across domains by minimizing the Gram matrix of signal features. Finally, a nuclear norm regularization method is proposed to perform low-rank approximation on the signal matrix, facilitating the extraction of more robust feature data and mitigating the risk of overfitting. The experimental results demonstrate that the proposed method achieved an average accuracy of 98.58% on the University of Ottawa bearing fault dataset and 98.11% on the Jiangnan University bearing dataset, surpassing eight other algorithms in bearing fault diagnosis.



SPROSAC: Streamlined progressive sample consensus for coarse–fine point cloud registration

April 2024

·

88 Reads

·

3 Citations

Applied Intelligence

With the development of 3D matching technology, point cloud registration (PCR) based on corresponding points has received increasing attention in the field of computer vision. Unfortunately, 3D keypoint technology inevitably produces a large number of outliers. To solve the problems of poor stability, low efficiency and the high number of iterations required to calculate the accepted solution of random sampling consistency (RANSAC) and its variants under a high outlier rate, a streamlined progressive sample consensus (SPROSAC) algorithm is proposed in this paper. SPROSAC is an improved estimator of progressive sample consensus that guides the sampling process by increasing the use of 3D point cloud surface information and optimizes the model verification process based on registration error decision acceptance. Compared to classic RANSAC-family algorithms, SPROSAC has a greater probability of obtaining an accepted solution more quickly. The experiments demonstrate that SPROSAC achieves significantly smaller and more stable registration errors with fewer iterations across three datasets. In the performance experiments based on evaluation metrics such as recall, 1-precision, and F1 score for inlier classification, SPROSAC demonstrates the best performance across the three datasets, with outlier rates exceeding 95%. Furthermore, we propose a coarse–fine PCR algorithm based on SPROSAC and ICP to address the issues of high initialization requirements, susceptibility to local optima, and low efficiency in traditional ICP algorithms. The experimental results of coarse–fine registration show that our algorithm provides initial values for the ICP, which can reduce the number of iterations of the ICP by 50%, 64.4%, and 57.4%.


An improved cuckoo search algorithm for global optimization

April 2024

·

139 Reads

·

7 Citations

Cluster Computing

Cuckoo search (CS) algorithm is a classical swarm intelligence algorithm widely used in a variety of engineering optimization problems. However, its search accuracy and convergence speed still have a lot of room for improvement. In this paper, an improved version of the CS algorithm based on intelligent perception strategy, adaptive invasive weed optimization (AIWO), and elite cross strategy, called IIC-CS is proposed. Firstly, the intelligent perception strategy can update the value according to the searching state. Moreover, the CS is hybridized with the AIWO to improve the searching performance of the algorithm. Additionally, the elite cross strategy is employed to enhance the exploration capability and exploitation capability of the algorithm. Combining the improvements of these three methods, the performance of the CS algorithm is significantly improved. Meanwhile, 23 classical benchmark functions, some CEC2014 and CEC2018 benchmark functions are used to test the search accuracy and convergence rate of the IIC-CS. Furthermore, some classical or state-of-the-art algorithms such as the genetic algorithm (GA), particle swarm optimization (PSO), bat algorithm (BA), ant lion optimizer (ALO) and cuckoo search (CS) algorithm, invasive weed optimization (IWO), integrated cuckoo search optimizer (ICSO) and improved island cuckoo search (iCSPM2) are used to make comparisons. Through the statistical results of the experiments, we find that the IIC-CS algorithm can achieve better results on most benchmark functions compared to other algorithms, thus demonstrating the effectiveness of the improvements and the superiority of the IIC-CS algorithm.




Point Cloud Registration Based on Local Variation of Surface Keypoints

December 2023

·

43 Reads

·

3 Citations

Keypoint detection plays a pivotal role in three-dimensional computer vision, with widespread applications in improving registration precision and efficiency. However, current keypoint detection methods often suffer from poor robustness and low discriminability. In this study, a novel keypoint detection approach based on the local variation of surface (LVS) is proposed. The LVS keypoint detection method comprises three main steps. Firstly, the surface variation index for each point is calculated using the local coordinate system. Subsequently, points with a surface variation index lower than the local average are identified as initial keypoints. Lastly, the final keypoints are determined by selecting the minimum value within the neighborhood from the initial keypoints. Additionally, a sampling consensus correspondence estimation algorithm based on geometric constraints (SAC-GC) for efficient and robust estimation of optimal transformations in correspondences is proposed. By combining LVS and SAC-GC, we propose a coarse-to-fine point cloud registration algorithm. Experimental results on four public datasets demonstrate that the LVS keypoint detection algorithm offers improved repeatability and robustness, particularly when dealing with noisy, occluded, or cluttered point clouds. The proposed coarse-to-fine point cloud registration algorithm also exhibits enhanced robustness and computational efficiency.


Citations (22)


... By combining the line-of-sight and APF reward functions, action penalty terms, multi-UAV cooperative tasks, and Long Short-Term Memory networks for processing historical observations, they improved target tracking and obstacle avoidance performance. Li et al. [26] proposed an improved Dueling DQN algorithm, which combines prioritized experience replay and APF intervention strategies. This approach effectively addresses the issues of low learning efficiency, slow convergence speed, and slow inference speed in traditional DQN algorithms for robot path planning, significantly improving the network's convergence performance and path planning quality. ...

Reference:

A New Hybrid Reinforcement Learning with Artificial Potential Field Method for UAV Target Search
A modified dueling DQN algorithm for robot path planning incorporating priority experience replay and artificial potential fields

Applied Intelligence

... However, the RANSAC algorithm is sensitive to outliers, which can lead to inaccurate registration [31]. Some researchers have proposed optimization solutions to address the limitations of the RANSAC algorithm [32,33], Liu et al. [34] proposed the Streamlined Progressive Sample Consensus (SPROSAC), which improves registration accuracy and efficiency by guiding sampling through the similarity ranking of point cloud surface geometric features. Feature similarity ranking is an effective method for selecting reliable features. ...

SPROSAC: Streamlined progressive sample consensus for coarse–fine point cloud registration

Applied Intelligence

... Kamlesh Lakhwani et al. [50] proposed the round-robin method. Similarly, procedures are selected in a specific order and given a time slice to carry out their services. ...

An improved cuckoo search algorithm for global optimization

Cluster Computing

... The popularity of EAs has led to more sophisticated approaches, as in [26], where hybridization between whales optimization and chameleon swarm algorithms was proposed specifically to find the optimal parameters of the incomplete beta function and gamma dual correction. Several other EAs have been applied to image enhancement problems, such as monarch butterfly optimization [27], chimp optimization algorithm [28], sunflower optimization [29], and slime mold algorithm [30], among others. However, despite their contributions to notable improvements in image processing, these approaches primarily focus on maximizing or minimizing a single criterion. ...

A novel slime mold algorithm for grayscale and color image contrast enhancement
  • Citing Article
  • March 2024

Computer Vision and Image Understanding

... Boenko et al. proposed a curvature-based feature detection method [20] that emphasizes using geometric characteristics (e.g., principal curvature and Gaussian curvature) on discrete surfaces for feature detection but noted stability issues in noisy data. Zhu et al. proposed the LVS keypoints detection method [21], which uses a local coordinate system to calculate the surface change index of each point, identifies points with surface change indices lower than the local average as initial keypoints, and finally determines the final keypoints by selecting the minimum value in the neighborhood from the initial keypoints. This method has good robustness, but when applied to large-scale dense point clouds, it requires a large amount of computation, which affects the efficiency of point cloud processing. ...

Point Cloud Registration Based on Local Variation of Surface Keypoints

... Several variants of this method have been developed in recent years, and several types of metaheuristic algorithms have been applied to solve surface registration problems [13]. These include the genetic algorithm (GA) [14], the particle swarm optimization [15], the differential evolution algorithm [16], the grey wolf optimization algorithm (GWO) [17], and the whale optimization algorithm (WOA) [18]. The meta-heuristic algorithms are not influenced by the initial registration position and optimal rigid transformation relations can be efficiently and consistently provided for complex computational problems. ...

Coarse–Fine Registration of Point Cloud Based on New Improved Whale Optimization Algorithm and Iterative Closest Point Algorithm

... To verify the advancement of IWSO, devise optimization algorithms were utilized to optimize the hyperparameters in this study, including WSO, Sparrow Search Algorithm (SSA) [32], and Whale Optimization Algorithm (WOA) [33]. The initial population is set to 20 and maximum number of 100 iterations for these algorithms. ...

Deep Learning Network Based on Improved Sparrow Search Algorithm Optimization for Rolling Bearing Fault Diagnosis

... Traditional landslide image segmentation methods primarily depend on image processing techniques and manual feature extraction, including threshold segmentation, edge detection, region growth,etc [14]. Among these methods, threshold segmentation initially separates landslide areas based on grayscale values but is sensitive to lighting and noise [15]. Edge detection identifies landslides through edge features, but mis-segments in complex backgrounds [16]. ...

Multi-threshold segmentation of grayscale and color images based on Kapur entropy by bald eagle search optimization algorithm with horizontal crossover and vertical crossover

Soft Computing

... The Sparrow Search Algorithm (SSA) is a metaheuristic algorithm proposed in recent years [24], which is a meta-inspired algorithm inspired by sparrows searching for food and escaping from their pursuers. The sparrow search algorithm has many advantages such as simple implementation, less adjustment parameters required, high search accuracy, robustness, and stability [25,26], and is therefore of interest to a wide range of researchers. However, it also suffers from the problems of slow search speed, decreasing population diversity in the late stage of search, and easily falling into local optimum [27,28]. ...

Application of an improved sparrow search algorithm in BP network classification of strip steel surface defect images

... Noise in images can significantly impact the accuracy of image analysis. To address this problem, we employ a strategy that combines the OTSU algorithm [22] with Canny edge detection [23] for effective noise removal. Initially, the OTSU algorithm is utilized to binarize the image, creating a binary image. ...

An improved whale optimization algorithm based on multilevel threshold image segmentation using the Otsu method
  • Citing Article
  • August 2022

Engineering Applications of Artificial Intelligence