Author Login Chief Editor Login Reviewer Login Editor Login Remote Office

Most Read

  • Published in last 1 year
  • In last 2 years
  • In last 3 years
  • All

Please wait a minute...
  • Select all
    |
  • Graphics and Image Processing
    WANG Shumeng, XU Huiying, ZHU Xinzhong, HUANG Xiao, SONG Jie, LI Yi
    Computer Engineering. 2025, 51(9): 280-293. https://doi.org/10.19678/j.issn.1000-3428.0069353

    In Unmanned Aerial Vehicle (UAV) aerial photography, targets are usually small targets with dense distribution and unobvious features, and the object scale varies greatly. Therefore, the problems of missing detection and false detection are easy to occur in object detection. In order to solve these problems, a lightweight small object detection algorithm based on improved YOLOv8n, namely PECS-YOLO, is proposed for aerial photography. By adding P2 small object detection layer in the Neck part, the algorithm combines shallow and deep feature maps to better capture details of small targets. A lightweight convolution, namely PartialConv, is introduced to a new structure of Cross Stage Partial PartialConv (CSPPC), to replace Concatenation with Fusion (C2f) in the Neck network to realized lightweight of the model. By using a model of Spatial Pyramid Pooling with Efficient Layer Aggregation Network (SPPELAN), small object features can be captured effectively. By adding Squeeze-and-Excitation (SE)attention mechanism in front of each detection head in the Neck part, the network can better focus on useful channels and reduce the interference of background noise on small object detection tasks in complex environments. Finally, EfficiCIoU is used as the boundary frame loss function, and the shape difference of the boundary frame is also taken into account, which enhances the detection ability of the model for small targets. Experimental results show that, compared YOLOv8n, the mean Average Precision at Intersection over Union (IoU) of 0.5 (mAP@0.5) and the mean Average Precision at IoU of 0.5∶0.95 (mAP@0.5∶0.95) of PECS-YOLO object detection algorithm on VisDrone2019-DET dataset are increased by 3.5% and 3.7% respectively, the number of parameters is reduced by about 25.7%, and detection speed is increased by about 65.2%. In summary, PECS-YOLO model is suitable for small object detection in UAV aerial photography.

  • Graphics and Image Processing
    ZHAO Nannan, GAO Feichen
    Computer Engineering. 2025, 51(1): 198-207. https://doi.org/10.19678/j.issn.1000-3428.0068677

    An instance segmentation algorithm (DE-YOLO) based on the improved YOLOv8 is proposed. To decrease the effect of complex backgrounds in the images, efficient multiscale attention is introduced, and cross-dimensional interaction ensures an even spatial feature distribution within each feature group. In the backbone network, a deformable convolution using DCNv2 is combined with a C2f convolutional layer to overcome the limitations of traditional convolutions and increase flexibility. This is performed to reduce harmful gradient effects and improve the overall accuracy of the detector. The dynamic nonmonotonic Wise-Intersection-over-Union (WIoU) focusing mechanism is employed instead of the traditional Complete Intersection-over-Union (CIoU) loss function to evaluate the quality, optimize detection frame positioning, and improve segmentation accuracy. Meanwhile, Mixup data enhancement processing is enabled to enrich the training features of the dataset and improve the learning ability of the model. The experimental results demonstrate that DE-YOLO improves the mean Average Precision of mask(mAPmask) and mAPmask@0.5 by 2.0 and 3.2 percentage points compared with the benchmark model YOLOv8n-seg in the Cityscapes dataset of urban landscapes, respectively. Furthermore, DE-YOLO maintains an excellent detection speed and small parameter quantity while exhibiting improved accuracy, with the model requiring 2.2-31.3 percentage points fewer parameters than similar models.

  • Artificial Intelligence and Pattern Recognition
    PENG Juhong, ZHANG Chi, GAO Qian, ZHANG Guangming, TAN Donghua, ZHAO Mingjun
    Computer Engineering. 2025, 51(7): 152-160. https://doi.org/10.19678/j.issn.1000-3428.0069283

    Steel surface defect detection technology in industrial scenarios is hindered by low detection accuracy and slow convergence speed. To address these issues, this study presents an improved YOLOv8 algorithm, namely a YOLOv8n-MDC. First, a Multi-scale Cross-fusion Network (MCN) is added to the backbone network. Establishing closer connections between the feature layers promotes uniform information transmission and reduces semantic information loss during cross-layer feature fusion, thereby enhancing the ability of the model to perceive steel defects. Second, deformable convolution is introduced in the module to adaptively change the shape and position of the convolution kernel, enabling a more flexible capture of the edge features of irregular defects, reducing information loss, and improving detection accuracy. Finally, a Coordinate Attention (CA) mechanism is added to embed position information into channel attention, solving the problem of position information loss and enabling the model to perceive the position and morphological features of defects, thereby enhancing detection precision and stability. Experimental results on the NEU-DET dataset show that the YOLOv8n-MDC algorithm achieves mAP@0.5 of 81.0%, which is 4.2 percentage points higher than that of the original baseline network. The algorithm has a faster convergence speed and higher accuracy; therefore, it meets the requirements of practical industrial production.

  • 40th Anniversary Celebration of Shanghai Computer Society
    QI Fenglin, SHEN Jiajie, WANG Maoyi, ZHANG Kai, WANG Xin
    Computer Engineering. 2025, 51(4): 1-14. https://doi.org/10.19678/j.issn.1000-3428.0070222

    The rapid development of Artificial Intelligence (AI) has empowered numerous fields and significantly impacted society, establishing a solid technological foundation for university informatization services. This study explores the historical development of both AI and university informatization by analyzing their respective trajectories and interconnections. Although universities worldwide may focus on different aspects of AI in their digital transformation efforts, they universally demonstrate vast potential of AI in enhancing education quality and streamlining management processes. Thus, this study focuses on five core areas: teaching, learning, administration, assessment, and examination. It comprehensively summarizes typical AI-empowered application cases to demonstrate how AI effectively improves educational quality and management efficiency. In addition, this study highlights the potential challenges associated with AI applications in university informatization, such as data privacy protection, algorithmic bias, and technology dependence. Furthermore, common strategies for addressing these issues such as enhancing data security, optimizing algorithm transparency and fairness, and fostering digital literacy among both teachers and students are elaborated upon in this study. Based on these analyses, the study explores future research directions for AI in university informatization, emphasizing the balance technological innovation and ethical standards. It advocates for the establishment of interdisciplinary collaboration mechanisms to promote the healthy and sustainable development of AI in the field of university informatization.

  • Cyberspace Security
    WU Ruolan, CHEN Yuling, DOU Hui, ZHANG Yangwen, LONG Zhong
    Computer Engineering. 2025, 51(2): 179-187. https://doi.org/10.19678/j.issn.1000-3428.0068705
    Abstract (592) Download PDF (10431) HTML (34)   Knowledge map   Save

    Federated learning is an emerging distributed learning framework that facilitates the collective engagement of multiple clients in global model training without sharing raw data, thereby effectively safeguarding data privacy. However, traditional federated learning still harbors latent security vulnerabilities that are susceptible to poisoning and inference attacks. Therefore, enhancing the security and model performance of federated learning has become imperative for precisely identifying malicious client behavior by employing gradient noise as a countermeasure to prevent attackers from gaining access to client data through gradient monitoring. This study proposes a robust federated learning framework that combines mechanisms for malicious client detection with Local Differential Privacy (LDP) techniques. The algorithm initially employs gradient similarity to identify and classify potentially malicious clients, thereby minimizing their adverse impact on model training tasks. Subsequently, a dynamic privacy budget based on LDP is designed, to accommodate the sensitivity of different queries and individual privacy requirements, with the objective of achieving a balance between privacy preservation and data quality. Experimental results on the MNIST, CIFAR-10, and Movie Reviews (MR) text classification datasets demonstrate that compared to the three baseline algorithms, this algorithm results in an average 3 percentage points increase in accuracy for sP-type clients, thereby achieving a higher security level with significantly enhanced model performance within the federated learning framework.

  • Artificial Intelligence and Pattern Recognition
    ZHANG Guosheng, LI Caihong, ZHANG Yaoyu, ZHOU Ruihong, LIANG Zhenying
    Computer Engineering. 2025, 51(1): 88-97. https://doi.org/10.19678/j.issn.1000-3428.0068738

    This study proposes an improved Artificial Potential Field (APF) algorithm (called FC-V-APF) based on Fuzzy Control (FC) and a virtual target point method to solve the local minimum trap and path redundancy issues of the APF method in robot local path planning. First, a virtual target point obstacle avoidance strategy is designed, and the V-APF algorithm is constructed to help the robot overcome local minimum traps by adding an obstacle crossing mechanism and a target point update threshold. Second, a control strategy based on the cumulative angle sum is proposed to assist the robot in exiting a multi-U complex obstacle area. Subsequently, the V-APF and FC algorithms are combined to construct the FC-V-APF algorithm. The corresponding environment is evaluated using real-time data from the radar sensor and designed weight function, and a fuzzy controller is selected to output the auxiliary force to avoid obstacles in advance. Finally, a simulation environment is built on the Robot Operating System (ROS) platform to compare the path planning performance of the FC-V-APF algorithm with that of other algorithms. Considering path length, running time, and speed curves, the designed FC-V-APF algorithm can quickly eliminate traps, reduce redundant paths, improve path smoothness, and reduce planning time.

  • Research Hotspots and Reviews
    MA Hengzhi, QIAN Yurong, LENG Hongyong, WU Haipeng, TAO Wenbin, ZHANG Yiyang
    Computer Engineering. 2025, 51(2): 18-34. https://doi.org/10.19678/j.issn.1000-3428.0068386

    With the continuous development of big data and artificial intelligence technologies, knowledge graph embedding is developing rapidly, and knowledge graph applications are becoming increasingly widespread. Knowledge graph embedding improves the efficiency of knowledge representation and reasoning by representing structured knowledge into a low-dimensional vector space. This study provides a comprehensive overview of knowledge graph embedding technology, including its basic concepts, model categories, evaluation indices, and application prospects. First, the basic concepts and background of knowledge graph embedding are introduced, classifying the technology into four main categories: embedding models based on translation mechanisms, semantic- matching mechanisms, neural networks, and additional information. The core ideas, scoring functions, advantages and disadvantages, and application scenarios of the related models are meticulously sorted. Second, common datasets and evaluation indices of knowledge graph embedding are summarized, along with application prospects, such as link prediction and triple classification. The experimental results are analyzed, and downstream tasks, such as question-and-answer systems and recommenders, are introduced. Finally, the knowledge graph embedding technology is reviewed and summarized, outlining its limitations and the primary existing problems while discussing the opportunities and challenges for future knowledge graph embedding along with potential research directions.

  • Artificial Intelligence and Pattern Recognition
    ZHOU Hanqi, FANG Dongxu, ZHANG Ningbo, SUN Wensheng
    Computer Engineering. 2025, 51(4): 57-65. https://doi.org/10.19678/j.issn.1000-3428.0069100

    Unmanned Aerial Vehicle (UAV) Multi-Object Tracking (MOT) technology is widely used in various fields such as traffic operation, safety monitoring, and water area inspection. However, existing MOT algorithms are primarily designed for single-UAV MOT scenarios. The perspective of a single-UAV typically has certain limitations, which can lead to tracking failures when objects are occluded, thereby causing ID switching. To address this issue, this paper proposes a Multi-UAV Multi-Object Tracking (MUMTTrack) algorithm. The MUMTTrack network adopts an MOT paradigm based on Tracking By Detection (TBD), utilizing multiple UAVs to track objects simultaneously and compensating for the perspective limitations of a single-UAV. Additionally, to effectively integrate the tracking results from multiple UAVs, an ID assignment strategy and an image matching strategy are designed based on the Speeded Up Robust Feature (SURF) algorithm for MUMTTrack. Finally, the performance of MUMTTrack is compared with that of existing widely used single-UAV MOT algorithms on the MDMT dataset. According to the comparative analysis, MUMTTrack demonstrates significant advantages in terms of MOT performance metrics, such as the Identity F1 (IDF1) value and Multi-Object Tracking Accuracy (MOTA).

  • Artificial Intelligence and Pattern Recognition
    CHEN Hao, CHEN Jun, LIU Fei
    Computer Engineering. 2025, 51(1): 60-70. https://doi.org/10.19678/j.issn.1000-3428.0068764

    In path planning for mobile robots, challenges arise when dealing with unknown and dynamically changing environments, such as high collision rates with obstacles and susceptibility to local optima. To address these issues, this paper proposes an improved Twin Delayed Deep Deterministic (TD3) algorithm, based on TD3 policy gradient, to enhance the path-planning performance of mobile robots in unknown dynamic environments. First, a Long Short-Term Memory (LSTM) neural network is introduced and combined with the TD3 algorithm. Employing gate structures, historical state information is filtered to perceive the state changes of obstacles within the sensing range for the robot to gain a better understanding of the dynamic environment and movement patterns of obstacles. This enables the mobile robot to accurately predict and respond to the behavior of dynamic obstacles, thereby reducing the collision rate with obstacles. Second, Ornstein-Uhlenbeck(OU) exploration noise is incorporated to facilitate continuous exploration of the surrounding environment, thereby enhancing the robot's random exploration capability. Additionally, a single experience pool is divided into three separate pools-success, failure, and temporary-to improve the sampling efficiency of the effective samples and reduce training time. Finally, simulation experiments are conducted for two different scenarios involving a mixture of dynamic and static obstacles for path planning. A comparative analysis of the experimental results demonstrates that in scenario 1, the proposed algorithm reduces the convergence of the model by 100-200 rounds compared with the Deep Deterministic Policy Gradient (DDPG) and TD3 algorithms. Moreover, it shortens the path length by 0.5-0.8 units and reduces the planning time by 1-4 s. In scenario 2, the proposed algorithm reduces the convergence of the model by 100-300 rounds compared to the TD3 algorithm, shortening the path length by 1-3 units and reducing the planning time by 4-8 s. However, the DDPG algorithm fails as the mobile robot is unable to reach the destination successfully. Therefore, the improved algorithm exhibits superior path planning performance.

  • Artificial Intelligence and Pattern Recognition
    HUANG Kun, QI Zhaojian, WANG Juanmin, HU Qian, HU Weichao, PI Jianyong
    Computer Engineering. 2025, 51(5): 133-142. https://doi.org/10.19678/j.issn.1000-3428.0069026

    Pedestrian detection in crowded scenes is a key technology in intelligent monitoring of public space. It enables the intelligent monitoring of crowds, using object detection methods to detect the positions and number of pedestrians in videos. This paper presents Crowd-YOLOv8, an improved version of the YOLOv8 detection model, to address the issue of pedestrians being easily missed owing to occlusion and small target size in densely populated areas. First, nostride-Conv-SPD is introduced into the backbone network to enhance its capability of extracting fine-grained information, such as small object features in images. Second, small object detection heads and the CARAFE upsampling operator are introduced into the neck part of the YOLOv8 network to fuse features at different scales and improve the detection performance in the case of small targets. Experimental results demonstrate that the proposed method achieves an mAP@0.5 of 84.3% and an mAP@0.5∶0.95 of 58.2% on a CrowdedHuman dataset, which is an improvement of 3.7 and 5.2 percentage points, respectively, compared to those of the original YOLOv8n. On the WiderPerson dataset, the proposed method achieves an mAP@0.5 of 88.4% and an mAP@0.5∶0.95 of 67.4%, which is an improvement of 1.1 and 1.5 percentage points compared to those of the original YOLOv8n.

  • Cyberspace Security
    YAO Yupeng, WEI Lifei, ZHANG Lei
    Computer Engineering. 2025, 51(6): 223-235. https://doi.org/10.19678/j.issn.1000-3428.0069133

    Federated learning enables participants to collaboratively model without revealing their raw data, thereby effectively addressing the privacy issue of distributed data. However, as research advances, federated learning continues to face security concerns such as privacy inference attacks and malicious client poisoning attacks. Existing improvements to federated learning mainly focus on either privacy protection or against poisoning attacks without simultaneously addressing both types of attacks. To address both inference and poisoning attacks in federated learning, a privacy-preserving against poisoning federated learning scheme called APFL is proposed. This scheme involves the design of a model detection algorithm that utilizes Differential Privacy (DP) techniques to assign corresponding aggregation weights to each client based on the cosine similarity between the models. Homomorphic encryption techniques are employed for the weighted aggregation of the local models. Experimental evaluations of the MNIST and CIFAR10 datasets demonstrate that APFL effectively filters malicious models and defends against poisoning attacks while ensuring data privacy. When the poisoning ratio is no more than 50%, APFL achieves a model performance consistent with the Federated Averaging (FedAvg) scheme in a non-poisoned environment. Compared with the Krum and FLTrust schemes, APFL exhibits average reductions of 19% and 9% in model test error rate, respectively.

  • Research Hotspots and Reviews
    LU Yue, ZHOU Xiangyu, ZHANG Shizhou, LIANG Guoqiang, XING Yinghui, CHENG De, ZHANG Yanning
    Computer Engineering. 2025, 51(10): 1-17. https://doi.org/10.19678/j.issn.1000-3428.0070575

    Traditional machine learning algorithms perform well only when the training and testing sets are identically distributed. They cannot perform incremental learning for new categories or tasks that were not present in the original training set. Continual learning enables models to learn new knowledge adaptively while preventing the forgetting of old tasks. However, they still face challenges related to computation, storage overhead, and performance stability. Recent advances in pre-training models have provided new research directions for continual learning, which are promising for further performance improvements. This survey summarizes existing pre-training-based continual learning methods. According to the anti-forgetting mechanism, they are categorized into five types: methods based on prompt pools, methods with slow parameter updating, methods based on backbone branch extension, methods based on parameter regularization, and methods based on classifier design. Additionally, these methods are classified according to the number of phases, fine-tuning approaches, and use of language modalities. Subsequently, the overall challenges of continual learning methods are analyzed, and the applicable scenarios and limitations of various continual learning methods are summarized. The main characteristics and advantages of each method are also outlined. Comprehensive experiments are conducted on multiple benchmarks, followed by in-depth discussions on the performance gaps among the different methods. Finally, the survey discusses research trends in pre-training-based continual learning methods.

  • Research Hotspots and Reviews
    CI Tianzhao, YANG Hao, ZHOU You, XIE Changsheng, WU Fei
    Computer Engineering. 2025, 51(3): 1-23. https://doi.org/10.19678/j.issn.1000-3428.0068673

    Smartphones have become an integral part of modern daily life. The Android operating system currently holds the largest market share in the mobile operating system market owing to its open-source nature and comprehensive ecosystem. Within Android smartphones, the storage subsystem plays a pivotal role, exerting a significant influence on the user experience. However, the design of Android mobile storage systems diverges from server scenarios, necessitating the consideration of distinct factors, such as resource constraints, cost sensitivity, and foreground application prioritization. Extensive research has been conducted in this area. By summarizing and analyzing the current research status in this field, we categorize the issues experienced by users of Android smartphone storage systems into five categories: host-side writing amplification, memory swapping, file system fragmentation, flash device performance, and I/O priority inversion. Subsequently, existing works addressing these five categories of issues are classified, along with commonly used tools for testing and analyzing mobile storage systems. Finally, we conclude by examining existing techniques that ensure the user experience with Android smartphone storage systems and discuss potential avenues for future investigation.

  • Development Research and Engineering Application
    ZHANG Boqiang, CHEN Xinming, FENG Tianpei, WU Lan, LIU Ningning, SUN Peng
    Computer Engineering. 2025, 51(4): 373-382. https://doi.org/10.19678/j.issn.1000-3428.0068338

    This paper proposes a path-planning method based on hybrid A* and modified RS curve fusion to address the issue of unmanned transfer vehicles in limited scenarios being unable to maintain a safe distance from surrounding obstacles during path planning, resulting in collisions between vehicles and obstacles. First, a distance cost function based on the KD Tree algorithm is proposed and added to the cost function of the hybrid A* algorithm. Second, the expansion strategy of the hybrid A* algorithm is changed by dynamically changing the node expansion distance based on the surrounding environment of the vehicle, achieving dynamic node expansion and improving the algorithm's node search efficiency. Finally, the RS curve generation mechanism of the hybrid A* algorithm is improved to make the straight part of the generated RS curve parallel to the boundary of the surrounding obstacles to meet the requirements of road driving in the plant area. Subsequently, the local path is smoothed to ensure that it meets the continuity of path curvature changes under the conditions of vehicle kinematics constraints to improve the quality of the generated path. The experimental results show that, compared with traditional algorithms, the proposed algorithm reduces the search time by 38.06%, reduces the maximum curvature by 25.2%, and increases the closest distance from the path to the obstacle by 51.3%. Thus, the proposed method effectively improves the quality of path generation of the hybrid A* algorithm and can operate well in limited scenarios.

  • Research Hotspots and Reviews
    ZHAO Kai, HU Yuhuan, YAN Junqiao, BI Xuehua, ZHANG Linlin
    Computer Engineering. 2025, 51(8): 1-15. https://doi.org/10.19678/j.issn.1000-3428.0069147

    Blockchain, as a distributed and trusted database, has gained significant attention in academic and industrial circles for its effective application in the domain of digital copyright protection. Traditional digital copyright protection technologies suffer from issues such as difficulties in tracking infringements, complexities in copyright transactions, and inadequate protection of legitimate rights, which severely hampering the development of digital copyright protection endeavors. The immutability, traceability, and decentralization inherent in blockchain technology provide a highly reliable, transparent, and secure solution to mitigate the risks associated with digital copyright infringement. This overview starts with an introduction to the fundamental principles of blockchain technology. Then, it discusses the latest research findings on the integration of blockchain with traditional copyright protection technologies to address the problems inherent in traditional copyright protection schemes. Further, an evaluation of the practical applications and potential of blockchain is conducted, emphasizing its positive impact on the copyright protection ecosystem. Finally, this overview delves into the challenges and future trends related to blockchain based copyright protection, ultimately aiming to establish a more robust and sustainable blockchain copyright protection system.

  • Artificial Intelligence and Pattern Recognition
    WANG Shuai, SHI Yancui
    Computer Engineering. 2025, 51(8): 190-202. https://doi.org/10.19678/j.issn.1000-3428.0069636

    The sequence recommendation algorithm dynamically models the user's historical behavior to predict the content they may be interested in. This study focuses on the application of contrastive Self Supervised Learning (SSL) in sequence recommendation, enhancing the model's representation ability in sparse data scenarios by designing effective self supervised signals. First, a personalized data augmentation method incorporating user preferences is proposed to address the issue of noise introduced by random data augmentation. This method guides the augmentation process based on user ratings and combines different augmentation methods for short and long sequences to generate augmented sequences that align with user preferences. Second, a mixed-augmentation training approach is designed to address the issue of imbalanced feature learning during training. In the early stages of training, augmentation sequences are generated using randomly selected methods to enhance the model performance and generalization. In the later stages, augmentation sequences with high similarity to the original sequences are selected to enable the model to comprehensively learn the actual preferences and behavior patterns of users. Finally, traditional sequence prediction objectives are combined with SSL objectives to infer user representations. Experimental verification is performed using the Beauty, Toys, and Sports datasets. Compared with the best result in the baseline model, the HR@5 indicator of the proposed method increases by 6.61%, 3.11%, and 3.76%, and the NDCG@5 indicator increases by 11.40%, 3.50%, and 2.16%, respectively, for the aforementioned datasets. These experimental results confirm the rationality and validity of the proposed method.

  • Artificial Intelligence and Pattern Recognition
    SONG Yinghua, XU Yaan, ZHANG Yuanjin
    Computer Engineering. 2025, 51(1): 51-59. https://doi.org/10.19678/j.issn.1000-3428.0068372

    Air pollution is one of the primary challenges in urban environmental governance, with PM2.5 being a significant contributor that affects air quality. As the traditional time-series prediction models for PM2.5 often lack seasonal factor analysis and sufficient prediction accuracy, a fusion model based on machine learning, Seasonal Autoregressive Integrated Moving Average (SARIMA)-Support Vector Machine (SVM), is proposed in this paper. The fusion model is a tandem fusion model, which splits the data into linear and nonlinear parts. Based on the Autoregressive Integral Moving Average (ARIMA) model, the SARIMA model adds seasonal factor extraction parameters, to effectively analyze and predict the future linear seasonal trend of PM2.5 data. Combined with the SVM model, the sliding step size prediction method is used to determine the optimal prediction step size for the residual series, thereby optimizing the residual sequence of the predicted data. The optimal model parameters are further determined through grid search, leading to the long-term predictions of PM2.5 data and improves overall prediction accuracy. The analysis of the PM2.5 monitoring data in Wuhan for the past five years shows that prediction accuracy of the fusion model is significantly higher than that of the single model. In the same experimental environment, the accuracy of the fusion model is improved by 99%, 99%, and 98% compared with those of ARIMA, Auto ARIMA, and SARIMA models, respectively and the stability of the model is also better, thus providing a new direction for the prediction of PM2.5.

  • Development Research and Engineering Application
    LI Mengkun, YUAN Chen, WANG Qi, ZHAO Chong, CHEN Jingxuan, LIU Lifeng
    Computer Engineering. 2025, 51(1): 287-294. https://doi.org/10.19678/j.issn.1000-3428.0068656

    Target detection technology is advancing, but recognizing online listening behavior remains a challenge. Inaccurate identification of online classroom conduct and high model computation owing to limited human supervision and complex target detection models pose problems. To address this, we employed an upgraded YOLOv8-based method to detect and identify online listening behaviors. This approach incorporates a Bidirectional Feature Pyramid Network (BiFPN) to fuse features based on YOLOv8n, thereby enhancing feature extraction and model recognition accuracy. Second, the C3Ghost module is selected over the C2f module on the Head side to minimize the computational burden significantly. The study demonstrates that the YOLOv8n-BiFPN-C3Ghost model achieved an mAP@0.5 score of 98.6% and an mAP@0.5∶0.95 score of 92.6% on an online listening behavior dataset. The proposed model enhanced the accuracy by 4.2% and 5.7%, respectively, compared with other classroom behavior recognition models. Moreover, the required computation amount is only 6.6 GFLOPS, which is 19.5% less than that of the original model. The YOLOv8n-BiFPN-C3Ghost model is capable of detecting and recognizing online listening behavior with greater speed and accuracy while utilizing lower computing costs. This will ultimately enable the dynamic and scientific recognition of online classroom learning among students.

  • Graphics and Image Processing
    ZHAO Hong, SONG Furong, LI Wengai
    Computer Engineering. 2025, 51(2): 300-311. https://doi.org/10.19678/j.issn.1000-3428.0068481

    Adversarial examples are crucial for evaluating the robustness of Deep Neural Network (DNN) and revealing their potential security risks. The adversarial example generation method based on a Generative Adversarial Network (GAN), AdvGAN, has made significant progress in generating image adversarial examples; however, the sparsity and amplitude of the perturbation generated by this method are insufficient, resulting in lower authenticity of adversarial examples. To address this issue, this study proposes an improved image adversarial example generation method based on AdvGAN, Squeeze-and-Excitation (SE)-AdvGAN. SE-AdvGAN improves the sparsity of perturbation by constructing an SE attention generator and an SE residual discriminator. The SE attention generator is used to extract the key features of an image and limit the position of perturbation generation. The SE residual discriminator guides the generator to avoid generating irrelevant perturbation. Moreover, a boundary loss based on l2 norm is added to the loss function of the SE attention generator to limit the amplitude of perturbation, thereby improving the authenticity of adversarial examples. The experimental results indicate that in the white box attack scenario, the SE-AdvGAN method has higher sparsity and smaller amplitude of adversarial example perturbation compared to existing methods and achieves better attack performance on different target models. This indicates that the high-quality adversarial examples generated by SE-AdvGAN can more effectively evaluate the robustness of DNN.

  • Development Research and Engineering Application
    TANG Jingwen, LAI Huicheng, WANG Tongguan
    Computer Engineering. 2025, 51(4): 303-313. https://doi.org/10.19678/j.issn.1000-3428.0068897

    Pedestrian detection in intelligent community scenarios needs to accurately recognize pedestrians to address various situations. However, for persons who are occluded or at long distances, existing detectors exhibit problems such as missed detection, detection error, and large models. To address these problems, this paper proposes a pedestrian detection algorithm, Multiscale Efficient-YOLO (ME-YOLO), based on YOLOv8. An efficient feature Extraction Module (EM) is designed to improve network learning and capture pedestrian features, which reduces the number of network parameters and improves detection accuracy. The reconstructed detection head module reintegrates the detection layer to enhance the network's ability to recognize small targets and effectively detect small target pedestrians. A Bidirectional Feature Pyramid Network (BiFPN) is introduced to design a new neck network, namely the Bidirectional Dilated Residual-Feature Pyramid Network (BDR-FPN), and the expanded residual module and weighted attention mechanism expand the receptive field and learn pedestrian features with emphasis, thereby alleviating the problem of network insensitivity to occluded pedestrians. Compared with the original YOLOv8 algorithm, ME-YOLO increases the AP50 by 5.6 percentage points, reduces the number of model parameters by 41%, and compresses the model size by 40% after training and verification based on the CityPersons dataset. ME-YOLO also increases the AP50 by 4.1 percentage points and AP50∶95 by 1.7 percentage points on the TinyPerson dataset. Moreover, the algorithm significantly reduces the number of model parameters and model size and effectively improves detection accuracy. This method has a considerable application value in intelligent community scenarios.

  • Research Hotspots and Reviews
    ZHANG Jin, CHEN Zhu, CHEN Zhaoyun, SHI Yang, CHEN Guanjun
    Computer Engineering. 2025, 51(7): 1-11. https://doi.org/10.19678/j.issn.1000-3428.0068870

    Simulators play an indispensable role in an array of scientific fields involving research and development. Particularly in architectural design, simulators provide a secure and cost-effective virtual environment, enabling researchers to conduct rapid experimental analyses and evaluations. Simultaneously, simulators facilitate the acceleration of the chip design and verification processes, thereby conserving time and reducing resource expenditure. However, with the evolutionary advances in processor architectural designs—specifically, the flourishing diversifications featured in dedicated processors—the key role played by simulators in providing substantial feedback for architectural design exploration has gained prominence. This discourse provides an overview of the current developments and applications of architectural simulators, accentuating a few illustrative examples. Analyzing the techniques employed by simulators dedicated to various processors allows for a deeper understanding of the focal points and technical complexities under different architectures. Moreover, this discourse deliberates speculative assessments and critiques of vital aspects of future architectural simulator developments, aspiring to forecast their prospects in the field of processor design research.

  • AI-Enabled Vehicular Edge Computing
    CUI Mengmeng, SHI Jingyan, XIANG Haolong
    Computer Engineering. 2025, 51(9): 25-37. https://doi.org/10.19678/j.issn.1000-3428.0069836

    To optimize Quality of Service (QoS), Mobile Edge Computing (MEC) has been deeply integrated into the Internet of Vehicle (IoV) to provide geographically proximal computing resources for vehicles, thereby reducing task processing latency and energy consumption. However, traditional MEC server deployment relies primarily on terrestrial Base Stations (BSs), resulting in high deployment costs and limited coverage, making it difficult to ensure uninterrupted services for all vehicles. Air-ground collaborative IoV technology has emerged as a solution to these challenges. Unmanned Aerial Vehicles (UAVs) can dynamically assist Road-Side Units (RSUs) using their flexibility in line-of-sight links, providing more flexible computing resources for vehicular users, thereby ensuring the continuity and efficiency of in-vehicle services. Therefore, this study proposes a Dynamic Vehicular Edge Task Offloading Method (DVETOM) based on air-ground collaboration. This method adopts a vehicle-road-air architecture, establishing Vehicle-to-RSU (V2R) and Vehicle-to-UAV (V2U) links. Transmission and computation models are constructed for three modes: local execution of vehicular tasks, offloading tasks to the RSU, and offloading tasks to the UAV. An objective function is established with the joint optimization goal of minimizing system latency and energy consumption. DVETOM transforms the task offloading problem into a Markov Decision Process (MDP) and optimizes the task offloading strategy by using the Distributed Deep Deterministic Policy Gradient (D4PG) algorithm based on Deep Reinforcement Learning (DRL). Compared with 5 benchmark methods, experimental results show that DVETOM outperforms existing methods by 3.45%—23.7% in terms of reducing system latency and 5.8%—23.47% in terms of reducing system energy consumption while improving QoS for vehicular users. In conclusion, DVETOM enhances the offloading of vehicular edge computing tasks within the IoV effectively. It offers IoV users a more efficient and energy-conserving solution, showcasing its extensive potential for application in intelligent transportation systems.

  • Research Hotspots and Reviews
    SUN Lijun, MENG Fanjun, XU Xingjian
    Computer Engineering. 2025, 51(11): 1-21. https://doi.org/10.19678/j.issn.1000-3428.0069543

    In the context of ongoing advancements in educational informatization, constructing precise and efficient curriculum knowledge graphs has become key to promoting personalized education development. As a structured knowledge representation model, curriculum knowledge graphs reveal complex relations between curriculum content and learning objectives to optimize the allocation of educational resources, and tailoring personalized learning paths for learners. This survey presents a discussion around the techniques used to construct curriculum knowledge graphs, starting with an explanation of the basic concepts; intrinsic connections; and significant differences among general, educational, and curriculum knowledge graphs. It then delves into the key technologies used for building curriculum knowledge graphs, covering aspects such as curriculum ontology design, entity extraction, and relation extraction, and provides a detailed analysis and summary of their evolution, key features, and limitations. Furthermore, it explores the application value of curriculum knowledge graphs in scenarios such as learning resource recommendation, learner behavior profile and modeling, and multimodal curriculum knowledge graph construction. Finally, it focuses on the challenges in constructing curriculum knowledge graphs, such as data diversity and heterogeneity, difficulties in quality evaluation, and the lack of cross-curriculum integration, and provides future-oriented insights based on cutting-edge technologies such as deep learning and Large Language Models (LLMs).

  • Graphics and Image Processing
    HUO Jiuyuan, SU Hongrui, WU Zeyu, WANG Tingjuan
    Computer Engineering. 2025, 51(1): 246-257. https://doi.org/10.19678/j.issn.1000-3428.0069825

    To address the issues of identification difficulties, low detection accuracy, misdetection, and missing detection of small target vehicles on traffic roads, this study proposes a road traffic small target vehicle detection model, RGGE-YOLOv8, based on the YOLOv8 algorithm with a large kernel and multi-scale gradient combination. First, the RepLayer model replaces the backbone of the YOLOv8 network, and depthwise separable convolution is introduced to expand the context information, thereby enhancing the ability of the model to capture information on small targets. Second, the Complete IoU loss (GIoU) replaces the original loss function to address the issue where the IoU cannot be optimized when there is no overlap. Subsequently, a Global Attention Mechanism (GAM) is introduced to improve the feature representation capability of the network by reducing information loss and enhancing global interactive information. Finally, CSPNet is incorporated, and the gradient combination feature pyramid is parameterized to ensure that the model achieves a large receptive field and high shape deviation. The experimental results indicate that the mAP@0.5 index of the improved algorithm on the Visdrone dataset and the custom dataset reaches 34.8% and 94.7%, respectively. The overall accuracy of the improved algorithm is 2.2 percentage points and 5.51 percentage points higher than that of the original YOLOv8n algorithm. These findings demonstrate the practicability of the RGGE-YOLOv8 model for small target vehicle detection on traffic roads.

  • Graphics and Image Processing
    HU Yongtao, HUANG Hongqiong
    Computer Engineering. 2025, 51(1): 225-234. https://doi.org/10.19678/j.issn.1000-3428.0068392

    Clothes-Changing Person Re-Identification (CC Re-ID) is an emerging research topic in person re-identification, which aims to retrieve pedestrians who have changed their clothes. To date, this task has not been thoroughly studied. Currently, the proposed methods mainly focus on using multi-modal data to assist in decoupling representation learning, such as decoupling the attributes of a pedestrian through auxiliary data such as face, gait, and body contours to reduce the influence of clothing; however, the generalization ability is poor, and additional work is needed to obtain auxiliary information. Furthermore, a method that uses only the original data is insufficient for extracting relevant information, and the performance of the model is poor. To solve the problem of CC Re-ID, a novel multi-branch CC Re-ID method combining feature fusion and channel attention, MBFC, is proposed. This method integrates the channel attention mechanism into the backbone network to learn key information at the feature channel level and designs local and global feature fusion methods to improve the ability of the network to extract fine-grained pedestrian features. In addition, the model adopts a multi-branch structure and uses multiple loss functions, such as clothing counter loss and smooth label cross-entropy loss, to guide the model in learning information unrelated to clothing, reduce the influence of clothing on the model, and thus extract more effective pedestrian information. The proposed model is extensively tested on the PRCC and VC-Clothes datasets. The experimental results indicate that the performance of the proposed model is superior to that of the most advanced CC Re-ID methods in terms of RANK-1 and mean Average Precision (mAP).

  • Research Hotspots and Reviews
    PANG Xin, GE Fengpei, LI Yanling
    Computer Engineering. 2025, 51(6): 1-19. https://doi.org/10.19678/j.issn.1000-3428.0069005

    Acoustic Scene Classification (ASC) aims to enable computers to simulate the human auditory system in the task of recognizing various acoustic environments, which is a challenging task in the field of computer audition. With rapid advancements in intelligent audio processing technologies and neural network learning algorithms, a series of new algorithms and technologies for ASC have emerged in recent years. To comprehensively present the technological development trajectory and evolution in this field, this review systematically examines both early work and recent developments in ASC, providing a thorough overview of the field. This review first describes application scenarios and the challenges encountered in ASC and then details the mainstream frameworks in ASC, with a focus on the application of deep learning algorithms in this domain. Subsequently, it systematically summarizes frontier explorations, extension tasks, and publicly available datasets in ASC and finally discusses the prospects for future development trends in ASC.

  • Development Research and Engineering Application
    ZHOU Siyu, XU Huiying, ZHU Xinzhong, HUANG Xiao, SHENG Ke, CAO Yuqi, CHEN Chen
    Computer Engineering. 2025, 51(5): 326-339. https://doi.org/10.19678/j.issn.1000-3428.0069259

    As the main window of human-computer interaction, the mobile phone screen has become an important factor affecting the user experience and the overall performance of the terminal. As a result, there is a growing demand to address defects in mobile phone screens. To meet this demand, in view of the low detection accuracy, high missed detection rate of small target defects, and slow detection speed in the process of defect detection on mobile phone screens, a PGS-YOLO algorithm is proposed, with YOLOv8n as the benchmark model. PGS-YOLO effectively improves the detection ability of small targets by adding a special small target detection head and combining it with the SeaAttention attention module. The backbone and feature fusion networks are integrated into PConv and GhostNetV2 lightweight modules, respectively, to ensure accuracy, reduce the number of model parameters, and improve the speed and efficiency of defect detection. The experimental results show that, in the dataset of mobile phone screen surface defects from Peking University, compared with the results of YOLOv8n, the mAP@0.5 and mAP@0.5∶0.95 of the PGS-YOLO algorithm are increased by 2.5 and 2.2 percentage points, respectively. The algorithm can accurately detect large defects in the process of mobile phone screen defect detection as well as maintain a certain degree of accuracy for small defects. In addition, the detection performance is better than that of most YOLO series algorithms, such as YOLOv5n and YOLOv8s. Simultaneously, the number of parameters is only 2.0×106, which is smaller than that of YOLOv8n, meeting the needs of industrial scenarios for mobile phone screen defect detection.

  • Artificial Intelligence and Pattern Recognition
    DAI Kangjia, XU Huiying, ZHU Xinzhong, LI Xiyu, HUANG Xiao, CHEN Guoqiang, ZHANG Zhixiong
    Computer Engineering. 2025, 51(3): 95-104. https://doi.org/10.19678/j.issn.1000-3428.0068950

    Traditional vision Simultaneous Localization And Mapping(SLAM) systems are based on the assumption of a static environment. However, real scenes often have dynamic objects, which may lead to decreased accuracy, deterioration of robustness, and even tracking loss in SLAM position estimation and map construction. To address these issues, this study proposes a new semantic SLAM system, named YGL-SLAM, based on ORB -SLAM2. The system first uses a lightweight target detection algorithm named YOLOv8n, to track dynamic objects and obtain their semantic information. Subsequently, both point and line features are extracted from the tracking thread, and the dynamic features are culled based on the acquired semantic information using the Z-score and parapolar geometry algorithms to improve the performance of SLAM in dynamic scenes. Given that lightweight target detection algorithms suffer from missed detection in consecutive frames when tracking dynamic objects, this study designs a detection compensation method based on neighboring frames. Testing on the public datasets TUM and Bonn reveals that YGL-SLAM system improves detection performance by over 90% compared to ORB-SLAM2, while demonstrating superior accuracy and robustness compared to other dynamic SLAM.

  • Graphics and Image Processing
    LIU Chunxia, MENG Jixing, PAN Lihu, GONG Dali
    Computer Engineering. 2025, 51(7): 326-338. https://doi.org/10.19678/j.issn.1000-3428.0069510

    A multimodal remote sensing small-target detection method, BFMYOLO, is proposed to address misdetection and omission issues in remote sensing images with complex backgrounds and less effective information. The method utilizes a pixel-level Red-Green-Blue (RGB) and infrared (IR) image fusion module, namely, the Bimodal Fusion Module (BFM), for effectively making full use of the complementarity of different modes to realize the effective fusion of information from two modalities. In addition, a full-scale adaptive updating module, AA, is introduced to resolve multitarget information conflicts during feature fusion. This module incorporates the CARAFE up-sampling operator and shallow features to enhance non-neighboring layer fusion and improve the spatial information of small targets. An Improved task decoupling Detection Head (IDHead) is designed to handle classification and regression tasks separately, thereby reducing the mutual interference between different tasks and enhancing detection performance by fusing deeper semantic features. The proposed method adopts the Normalized Wasserstein Distance (NWD) loss function as the localization regression loss function to mitigate positional bias sensitivity. Results of experiments on the VEDAI, NWPU VHR-10, and DIOR datasets demonstrate the superior performance of the model, with mean Average Precision when the threshold is set to 0.5 (mAP@0.5) of 78.6%, 95.5%, and 73.3%, respectively. The model thus outperforms other advanced models in remote sensing small-target detection.

  • Image Processing Based on Perceptual Information
    ZHOU Yu, XIE Wei, Kwong Tak Wu, JIANG Jianmin
    Computer Engineering. 2025, 51(1): 20-30. https://doi.org/10.19678/j.issn.1000-3428.0069369

    Video Snapshot Compressive Imaging (SCI) is a computational imaging technique that achieves efficient imaging through hybrid compression in both temporal and spatial domains. In video SCI, the sparsity of the signal and its correlations in the temporal and spatial domains can be exploited to effectively reconstruct the original video signal using appropriate video snapshot SCI algorithms. Although recent deep learning-based reconstruction algorithms have achieved state-of-the-art results in many tasks, they still face challenges related to excessive model complexity and slow reconstruction speeds. To address these issues, this research proposes a reconstruction network model for SCI based on triple self-attention, called SCT-SCI. It employs a multibranch-grouped self-attention mechanism to leverage the correlation in the spatial and temporal domains. The SCT-SCI model comprises a feature extraction module, a video reconstruction module, and a triple self-attention module, called SCT-Block. Each SCT-Block comprises a window self-attention branch, a channel self-attention branch, and a temporal self-attention branch. Additionally, it introduces a spatial fusion module, called SC-2DFusion, and a global fusion module, called SCT-3DFusion, to enhance feature fusion. The experimental results show that on the simulated video dataset, the proposed model demonstrates an advantage in low complexity. It saves 31.58% of the reconstruction time compared to the EfficientSCI model, while maintaining a similar reconstruction quality, thus improving real-time performance.

  • Development Research and Engineering Application
    CHEN Ziyan, WANG Xiaolong, HE Di, AN Guocheng
    Computer Engineering. 2025, 51(5): 314-325. https://doi.org/10.19678/j.issn.1000-3428.0069122

    The current high-precision vehicle detection model faces challenges due to its excessive parameterization and computational demands, making it unsuitable for efficient operation on intelligent transportation devices. Conversely, lightweight vehicle detection models often sacrifice accuracy, rendering them unsuitable for practical tasks. In response, an improved lightweight vehicle detection network based on YOLOv8 is proposed. This enhancement involves substituting the main network with the FasterNet architecture, which reduces the computational and memory access requirements. Additionally, we replace the Bidirectional Feature Pyramid Network (BiFPN) in the neck with a weighted bidirectional feature pyramid network to simplify the feature fusion process. Simultaneously, we introduce a dynamic detection head with a fusion attention mechanism to achieve nonredundant integration of the detection head and attention. Furthermore, we address the deficiencies of the Complete Intersection over Union (CIoU) in terms of detection accuracy and convergence speed by proposing a regression loss algorithm that incorporates the Scale-invariant Intersection over Union (SIoU) combined with the Normalized Gaussian Wasserstein Distance (NWD). Finally, to minimize the computational demands on edge devices, we implement amplitude-based layer-wise adaptive sparsity pruning, which further compresses the model size. Experimental results demonstrate that the proposed improved model, compared with the original YOLOv8s model, achieves a 1.5 percentage points increase in accuracy, a 78.9% reduction in parameter count, a 67.4% decrease in computational demands, and a 77.8% reduction in model size. This demonstrates the outstanding lightweight effectiveness and practical utility of the proposed model.

  • Artificial Intelligence and Pattern Recognition
    SONG Jie, XU Huiying, ZHU Xinzhong, HUANG Xiao, CHEN Chen, WANG Zeyu
    Computer Engineering. 2025, 51(7): 127-139. https://doi.org/10.19678/j.issn.1000-3428.0069257

    Existing object detection algorithms suffer from low detection accuracy and poor real-time performance when detecting fall events in indoor scenes, owing to changes in angle and light. In response to this challenge, this study proposes an improved fall detection algorithm based on YOLOv8, called OEF-YOLO. The C2f module in YOLOv8 is improved by using a Omni-dimensional Dynamic Convolution (ODConv) module, optimizing the four dimensions of the kernel space to enhance feature extraction capabilities and effectively reduce computational burden. Simultaneously, to capture finer grained features, the Efficient Multi-scale Attention (EMA) module is introduced into the neck network to further aggregate pixel-level features and improve the network's processing ability in fall scenes. Integrating the Focal Loss idea into the Complete Intersection over Union (CIoU) loss function allows the model to pay more attention to difficult-to-classify samples and optimize overall model performance. Experimental results show that compared to YOLOv8n, OEF-YOLO achieves improvements of 1.5 and 1.4 percentage points in terms of mAP@0.5 and mAP@0.5∶0.95, the parameters and computational complexity are 3.1×106 and 6.5 GFLOPs. Frames Per Second (FPS) increases by 44 on a Graphic Processing Unit (GPU), achieving high-precision detection of fall events while also meeting deployment requirements in low computing scenarios.

  • Graphics and Image Processing
    LIU Shengjie, HE Ning, WANG Xin, YU Haigang, HAN Wenjing
    Computer Engineering. 2025, 51(2): 278-288. https://doi.org/10.19678/j.issn.1000-3428.0068375

    Human pose estimation is widely used in multiple fields, including sports fitness, gesture control, unmanned supermarkets, and entertainment games. However, pose-estimation tasks face several challenges. Considering the current mainstream human pose-estimation networks with large parameters and complex calculations, LitePose, a lightweight pose-estimation network based on a high-resolution network, is proposed. First, Ghost convolution is used to reduce the parameters of the feature extraction network. Second, by using the Decoupled Fully Connected (DFC) attention module, the dependence relationship between pixels in the far distance space position is better captured and the loss in feature extraction due to decrease in parameters is reduced. The accuracy of human pose keypoint regression is improved, and a feature enhancement module is designed to further enhance the features extracted by the backbone network. Finally, a new coordinate decoding method is designed to reduce the error in the heatmap decoding process and improve the accuracy of keypoint regression. LitePose is validated on the human critical point detection datasets COCO and MPII and compared with current mainstream methods. The experimental results show that LitePose loses 0.2% accuracy compared to the baseline network HRNet; however, the number of parameters is less than one-third of the baseline network. LitePose can significantly reduce the number of parameters in the network model while ensuring minimal accuracy loss.

  • Graphics and Image Processing
    YANG Lisha, LI Maojun, HU Jianwen, WANG Dingxiang
    Computer Engineering. 2025, 51(1): 208-215. https://doi.org/10.19678/j.issn.1000-3428.0068397

    An improved YOLOv7-tiny detection algorithm is proposed to address several challenges, including low efficiency in small-target detection, inaccurate defect localization, excessive parameters in the detection algorithm, and difficulties in deploying the model on terminal equipment for surface defect detection on strip steel. First, GSConv is introduced to replace the standard convolution in the Neck network, followed by the design of an improved and efficient aggregation network, ELAN-G, based on GSConv, which reduces the model parameters while ensuring adequate fusion of strip steel surface defect features. Second, the SPDConv module is integrated between the Head and Neck networks to improve detection of low-resolution and small defects. The module generates an intermediate feature map, which is subsequently filtered and processed to obtain the final feature map, improving the detection accuracy of the Head network for small defects. Finally, the MPDIoU loss function is adopted to leverage the geometric properties of the bounding regression box, simplifying the loss calculation process and enhancing defect localization accuracy. The experimental results indicate that the improved algorithm outperforms six other advanced target detection algorithms on the NEU-DET dataset, demonstrating a more balanced performance. The mean Average Precision (mAP) of the improved algorithm reaches 74.1%, while the parameter count and computational requirements are lower than those of all comparative algorithms, making it suitable for deployment in a steel surface defect detection system within an industrial environment.

  • Graphics and Image Processing
    SHA Yuyang, LU Jingtao, DU Haofan, ZHAI Xiaobing, MENG Weiyu, LIAN Xu, LUO Gang, LI Kefeng
    Computer Engineering. 2025, 51(7): 314-325. https://doi.org/10.19678/j.issn.1000-3428.0068674

    Image segmentation is a crucial technology for environmental perception, and it is widely used in various scenarios such as autonomous driving and virtual reality. With the rapid development of technology, computer vision-based blind guiding systems are attracting increasing attention as they outperform traditional solutions in terms of accuracy and stability. The semantic segmentation of road images is an essential feature of a visual guiding system. By analyzing the output of algorithms, the guiding system can understand the current environment and aid blind people in safe navigation, which helps them avoid obstacles, move efficiently, and get the optimal moving path. Visual blind guiding systems are often used in complex environments, which require high running efficiency and segmentation accuracy. However, commonly used high-precision semantic segmentation algorithms are unsuitable for use in blind guiding systems owing to their low running speed and a large number of model parameters. To solve this problem, this paper proposes a lightweight road image segmentation algorithm based on multiscale features. Unlike existing methods, the proposed model contains two feature extraction branches, namely, the Detail Branch and Semantic Branch. The Detail Branch extracts low-level detail information from the image, while the Semantic Branch extracts high-level semantic information. Multiscale features from the two branches are processed and used by the designed feature mapping module, which can further improve the feature modeling performance. Subsequently, a simple and efficient feature fusion module is designed for the fusion of features with different scales to enhance the ability of the model in terms of encoding contextual information by fusing multiscale features. A large amount of road segmentation data suitable for blind guiding scenarios are collected and labeled, and a corresponding dataset is generated. The model is trained and tested on the dataset. The experimental results show that the mean Intersection over Union (mIoU) of the proposed method is 96.5%, which is better than that of existing image segmentation models. The proposed model can achieve a running speed of 201 frames per second on NVIDIA GTX 3090Ti, which is higher than that of existing lightweight image segmentation models. The model can be deployed on NVIDIA AGX Xavier to obtain a running speed of 53 frames per second, which can meet the requirements for practical applications.

  • Research Hotspots and Reviews
    TIAN Qing, WANG Bin, ZHOU Zixiao
    Computer Engineering. 2025, 51(7): 12-30. https://doi.org/10.19678/j.issn.1000-3428.0069698

    The primary task of person Re-IDentification (ReID) is to identify and track a specific pedestrian across multiple non-overlapping cameras. With the development of deep neural networks and owing to the increasing demand for intelligent video surveillance, ReID has gradually attracted research attention. Most existing ReID methods primarily adopt labeled data for supervised training; however, the high annotation cost makes the scaling supervised ReID to large unlabeled datasets challenging. The paradigm of unsupervised ReID can significantly alleviate such issues. This can improve its applicability to real-life scenarios, enhancing its research potential. Although several ReID surveys have been published, they have primarily focused on supervised methods and their applications. This survey systematically reviews, analyzes, and summarizes existing ReID studies to provide a reference for researchers in this field. First, the ReID methods are comprehensively reviewed in an unsupervised setting. Based on the availability of source domain labels, the unsupervised ReID methods are categorized into unsupervised domain adaptation methods and fully unsupervised methods. Additionally, their merits and drawbacks are discussed. Subsequently, the benchmark datasets widely evaluated in ReID research are summarized, and the performance of different ReID methods on these datasets is compared. Finally, the current challenges in this field are discussed and potential future directions are proposed.

  • Cyberspace Security
    CHEN Xianyi, DING Sizhe, WANG Kang, YAN Leiming, FU Zhangjie
    Computer Engineering. 2025, 51(1): 138-147. https://doi.org/10.19678/j.issn.1000-3428.0068349

    As a new paradigm in deep learning, federated learning allows multiple parties to jointly train deep learning models while ensuring that data remains on the clients' local devices. This approach has greatly protected user data privacy and has gained widespread attention from researchers. However, as a distributed learning method, federated learning is highly vulnerable to illegal copying, malicious distribution, and free rider attacks. In response to these security issues in federated learning, this study proposes an active model watermarking framework for secure federated learning. First, the framework employs a personalized parameter aggregation method based on passport layer watermarking scheme, which resolves watermark conflicts while preventing free riders from obtaining usable models. Second, a global watermark aggregation algorithm based on vector commitment is proposed, which can effectively resist malicious attackers attempting to forge private watermarks for ambiguity attacks. Experimental results show that, compared to the state-of-the-art client-side federated learning watermarking scheme FedIPR, the proposed method has a higher watermark capacity, enabling support for larger federated learning systems. The proposed method maintains a near 100% watermark extraction rate under secure federated learning strategies such as differential privacy and client selection. It also maintains an extraction rate of over 98% when faced with attacks such as fine-tuning and pruning.

  • Research Hotspots and Reviews
    MAO Jingzheng, HU Xiaorui, XU Gengchen, WU Guodong, SUN Yanbin, TIAN Zhihong
    Computer Engineering. 2025, 51(2): 1-17. https://doi.org/10.19678/j.issn.1000-3428.0068374

    Industrial Control System (ICS) that utilizes Digital Twin (DT) technology plays a critical role in enhancing system security, ensuring stable operations, and optimizing production efficiency. The application of DT technology in the field of industrial control security primarily focuses on two key areas: security situation awareness and industrial cyber ranges. DT-based security situation awareness facilitates real-time monitoring, anomaly detection, vulnerability analyses, and threat identification while enabling a visualized approach to managing system security. Similarly, industrial cyber ranges powered by DT technology act as strategy validation platforms, supporting attack-defense simulations for ICSs, assessing the effectiveness of security strategies, enhancing the protection of critical infrastructure, and providing robust training support for personnel. This study analyzes the current security landscape of ICS and advancements in applying DT technology to enhance ICS security situation awareness, with particular emphasis on the technology's contributions to risk assessment. Furthermore, the study explores the optimization capabilities of the DT-based industrial cyber ranges for bolstering ICS security. Through a case study of intelligent power grids, this study validates the critical role of DT technology in ICS security. Finally, the study discusses future directions for the development of DT technology within the ICS security domain.

  • Research Hotspots and Reviews
    DI Qinbo, CHEN Shaoli, SHI Liangren
    Computer Engineering. 2025, 51(11): 35-44. https://doi.org/10.19678/j.issn.1000-3428.0069780

    As multivariate time series data become increasingly prevalent across various industries, anomaly detection methods that can ensure the stable operation and security of systems have become crucial. Owing to the inherent complexity and dynamic nature of multivariate time series data, higher demands are placed on anomaly detection algorithms. To address the inefficiencies of existing anomaly detection methods in processing high-dimensional data with complex variable relations, this study proposes an anomaly detection algorithm for multivariate time series data, based on Graph Neural Networks (GNNs) and a diffusion model, named GRD. By leveraging node embedding and graph structure learning, GRD algorithm proficiently captures the relations between variables and refines features through a Gated Recurrent Unit (GRU) and a Denoising Diffusion Probabilistic Model (DDPM), thereby facilitating precise anomaly detection. Traditional assessment methods often employ a Point-Adjustment (PA) protocol that involves pre-scoring, substantially overestimating an algorithm's capability. To reflect model performance realistically, this work adopts a new evaluation protocol along with new metrics. The GRD algorithm demonstrates F1@k scores of 0.741 4, 0.801 7, and 0.767 1 on three public datasets. These results indicate that GRD algorithm consistently outperforms existing methods, with notable advantages in the processing of high-dimensional data, thereby underscoring its practicality and robustness in real-world anomaly detection applications.

  • Computer Architecture and Software Technology
    LIU Liang, MAO Wuping, LI Wenwei, TAN Siyuan, JING Tengxiang
    Computer Engineering. 2025, 51(2): 238-249. https://doi.org/10.19678/j.issn.1000-3428.0069161

    Geographical factors often hinder the establishment of large-scale communication network infrastructure in remote areas, resulting in poor network quality and delays in processing sensitive tasks. A Space-Air-Ground Integrated Network (SAGIN) combined with Mobile Edge Computing (MEC) can address the limited coverage in these areas. The SAGIN-MEC system can provide low latency and highly reliable transmission for offloading delay-sensitive tasks for users in remote areas. Given the constrained satellite resources in the space-ground integrated network and the limited energy of local user equipment, this study first proposes a satellite-UAV cluster-ground three-layer edge computing network architecture. To address the delay requirements of various ground tasks, this study transforms the task offloading problem as a Stackelberg game between ground user equipment and edge servers, establishing that the problem is NP-hard. Additionally, using a potential game, the study proves the existence of a Nash Equilibrium (NE) in a non-cooperative game between ground user equipment. Finally, the study introduces a NE Iterative Offloading algorithm based on the Stackelberg Game (NEIO-SG). This algorithm aims to determine the optimal task offloading strategy that minimizes system offloading costs and the optimal forwarding percentage strategy that maximizes the utility function of the edge server. Simulation experimental results show that the NEIO-SG algorithm reduces total system latency during task offloading by approximately 13% and lowers the energy consumption of the edge server by approximately 35% compared with other baseline algorithms.

  • AI-Enabled Vehicular Edge Computing
    QIN Minhao, SUN Weiwei
    Computer Engineering. 2025, 51(9): 1-13. https://doi.org/10.19678/j.issn.1000-3428.0069416

    Traffic signal control plays an important role in alleviating traffic congestion and improving urban commuting efficiency. In recent years, breakthroughs have been made in traffic signal control algorithms based on deep reinforcement learning using real-time traffic data as input. However, traffic data in real-world scenarios often involve data distortion. Traditional solutions use reinforcement learning algorithms to control signal lights after repairing distorted data. However, on the one hand, the dynamic phases of traffic signal introduces additional uncertainty to distortion repair, and on the other hand, distortion repair is difficult to combine with deep reinforcement learning frameworks to improve performance. To address these issues, a distorted traffic signal control model based on hidden state prediction, HCRL, is proposed. The HCRL model comprises encoding, control, and encoding prediction sub-models. By introducing a hidden state representation mechanism for signalized intersections, the HCRL model can adapt better to deep reinforcement learning frameworks and effectively express the control state of signalized intersections. In addition, the HCRL model uses a special transfer training method to avoid data distortion interference in the control sub-model. Two real datasets are used to verify the impact of data distortion on the intelligent signal light control algorithms. The experimental results show that the HCRL model outperforms the distortion-completion-based traffic signal control models in all distortion scenarios and distortion rates; further, it demonstrates strong robustness against data distortion when compared with other baseline models.

  • Artificial Intelligence and Pattern Recognition
    SUN Haomiao, LI Zongmin, XIAO Qian, SUN Wenjie, ZHANG Wenxin
    Computer Engineering. 2025, 51(2): 102-110. https://doi.org/10.19678/j.issn.1000-3428.0069106

    In response to the need for intelligent curling training, a new on-site curling decision-making method that combines computer vision and deep Reinforcement Learning (RL) technologies, Artificial Intelligence (AI)-Curling, is proposed. AI-Curling comprises two components: SR-Yolo for curling detection and Global Strategy Perception-Monte Carlo Tree Search (GSP-MCTS) for strategy generation. The former is responsible for sensing the state of the curling stones at critical moments and extracting information on the location and type of stones in real scenes. To improve the detection accuracy of small targets in large scenes and prevent feature loss due to inappropriate downsampling, a Shallow Refinement Backbone Network (SRNet) is introduced to capture richer feature information by adding layers during the initial stages of the network. An Adaptive Feature Optimization Fusion (AFOF) module is further introduced into the multiscale fusion network to increase the number of effective samples in each layer, thereby preventing small-scale targets from being submerged in complex backgrounds and noise. In the strategy generation module, curling match decision analysis is implemented using a combination of the MCTS algorithm and policy value network. A GSP module is embedded into the policy value network to enhance network spatial perception by introducing a kernel function to deal with action space continuity and execution uncertainty. In the experiments, SR-Yolo achieved 0.974 mAP@0.5 on the standard Curling dataset and 0.723 mAP@0.5 on the more complex obstructed Curling_hard dataset. In addition, GSP-MCTS achieved a 62% winning percentage compared with the latest real-scene curling model Curling MCTS, indicating that GSP-MCTS has superior performance.

  • Graphics and Image Processing
    HU Qian, PI Jianyong, HU Weichao, HUANG Kun, WANG Juanmin
    Computer Engineering. 2025, 51(3): 216-228. https://doi.org/10.19678/j.issn.1000-3428.0068753

    Considering the problem of low accuracy in existing pedestrian detection methods for dense or small target pedestrians, this study proposes a comprehensive improved algorithm model called YOLOv5_Conv-SPD_DAFPN based on You Only Look Once (YOLO) v5, a non-strided Convolution Space-to-Depth (Conv-SPD), and Double Asymptotic Feature Pyramid Network (DAFPN). First, to address the issue of feature information loss for small targets or dense pedestrians, a Conv-SPD network module is introduced into the backbone network, to replace the original skip convolution, thereby effectively mitigating the problem of feature information loss. Second, to solve the problem of low feature fusion rates caused by nonadjacent feature maps not directly merging, this study proposes DAFPN to significantly improve the accuracy and precision of pedestrian detection. Finally, based on Efficient Intersection over Union (EIoU) and Complete-IoU (CIoU) losses, this study introduces the EfficiCIoU_Loss location loss function to adjust and accelerate the frame regression rate, thereby promoting faster convergence of the network model. The algorithm model improved mAP@0.5 and mAP@0.5∶0.95 by 3.9, 5.3 and 2.1, 2.1 percentage points, respectively, compared to the original YOLOv5 model on the CrowdHuman and WiderPerson pedestrian datasets. After introducing EfficiCIoU_Loss, the model convergence speed improved by 11% and 33%, respectively. These innovative improvements have led to significant progress in dense pedestrian detection based on YOLOv5 in terms of feature information retention, multiscale fusion, and loss function optimization, thereby enhancing performance and efficiency in practical applications.

  • Cyberspace Security
    CAO Bei, ZHAO Kui
    Computer Engineering. 2025, 51(6): 193-203. https://doi.org/10.19678/j.issn.1000-3428.0070158

    The accurate recognition of fake news is an important research topic in the online environment, where distinguishing information explosion and authenticity is difficult. Existing studies mostly use multiple deep learning models to extract multivariate semantic features to capture different levels of semantic information in the text; however, the simple splicing of these features causes information redundancy and noise, limiting detection accuracy and generalization, and effective deep fusion methods are not available. In addition, existing studies tend to ignore the impact of dual sentiments co-constructed by news content and its corresponding comments on revealing news authenticity. This paper proposes a Dual Emotion and Multi-feature Fusion based Fake News Detection (DEMF-FND) model to address these problems. First, the emotional features of news and comments are extracted by emotion analysis. The emotional difference features reflecting the correlation between the two are introduced using similarity computation, and a dual emotion feature set is constructed. Subsequently, a fusion mechanism based on multihead attention is used to deeply fuse the global and local semantic features of the news text captured by a Bidirectional Long Short-Term Memory (BiLSTM) network with a designed Integrated Static-Dynamic Embedded Convolutional Neural Network (ISDE-CNN). Eventually, the dual emotion feature set is concatenated with the semantic features obtained by deep fusion and fed into a classification layer consisting of a fully connected layer, to determine news authenticity. Experimental results show that the proposed method outperforms the baseline method in terms of benchmark metrics on three real datasets, namely Weibo20, Twitter15, and Twitter16, and achieves 2.5, 2.3, and 5.5 percentage points improvements in accuracy, respectively, highlighting the importance of dual emotion and the deep fusion of semantic features in enhancing the performance of fake news detection.

  • Artificial Intelligence and Pattern Recognition
    WANG Lei, MA Chicheng, QI Junyan, YUAN Ruifu
    Computer Engineering. 2025, 51(1): 98-105. https://doi.org/10.19678/j.issn.1000-3428.0068978

    Safety concerns in coal mining, particularly surface subsidence in goaf areas, threaten personnel and engineering safety. Investigating appropriate prediction methods for surface subsidence in mining areas is important. The factors influencing surface subsidence in mining areas are complex. Single deep learning models exhibit poor fitting performance for subsidence data, and existing subsidence prediction studies often focus on either probabilistic or point predictions that consider temporal characteristics. Describing randomness quantitatively while simultaneously considering the temporal features of the data is challenging. To address this issue, after observing and analyzing the nature of the data, we select the Autoregressive Integrated Moving Average (ARIMA) model for probabilistic prediction of temporal features. This is combined with a Long Short-Term Memory (LSTM) model to learn complex and long-term dependent nonlinear temporal sequences. We propose an ARIMA-LSTM based surface subsidence prediction model. The ARIMA model predicts the temporal linear part of the data, and the residual data predicted by the ARIMA model assists in training the LSTM model. This approach allows for the consideration of both temporal features and the randomness of the data. Experimental results demonstrate that the proposed method achieves superior prediction accuracy compared to ARIMA or LSTM models alone. Specifically, the Mean Square Error (MSE) is 0.262 87, Mean Absolute Error (MAE) is 0.408 15, and Root Mean Square Error (RMSE) is 0.512 71. Further comparative validation indicates that the predicted results align with trends observed in radar satellite imagery data processed using a Small Baseline Subset Interferometric Synthetic Aperture Radar (SBAS-INSAR), confirming the effectiveness of the proposed approach.

  • Development Research and Engineering Application
    WANG Qian, ZHANG Junhua, WANG Zetong, LI Bo
    Computer Engineering. 2025, 51(1): 277-286. https://doi.org/10.19678/j.issn.1000-3428.0068706

    Three-dimensional models of the spine play an important role in the treatment of spinal disorders such as scoliosis. However, traditional methods for spinal three-dimensional reconstruction suffer from issues such as long processing times, subjectivity, and high radiation exposure. We propose a spinal three-dimensional reconstruction network based on biplanar X-ray images called X2S-Net. The network takes the anteroposterior and lateral X-ray images of the patient as input and reconstructs the corresponding voxel model of the spine using a parallel encoder, three-dimensional reconstruction module, and segmentation supervision module, achieving end-to-end generation from X-ray images to visualize three-dimensional models. In the feature extraction stage, X2S-Net employs a parallel feature encoder designed for the characteristics of biplanar X-ray images to extract spatial information of the spine and incorporates a multiscale channel attention mechanism for feature extraction. In the three-dimensional modeling stage, X2S-Net combines traditional image segmentation tasks with a segmentation supervision module to improve the three-dimensional reconstruction results. The experimental results demonstrate that this method effectively utilizes input information from biplanar X-ray images for three-dimensional reconstruction of the spine, achieving an average Hausdorff distance of 6.95 mm and a Dice coefficient of 92.01% across the datasets.

  • Image Processing Based on Perceptual Information
    LUO Xudong, YUAN Di, CHANG Xiaojun, HE Zhenyu
    Computer Engineering. 2025, 51(1): 11-19. https://doi.org/10.19678/j.issn.1000-3428.0069724

    The task of Underwater Visual Object Tracking (UVOT) not only requires dealing with the common challenges in outdoor tracking but also faces many unique difficulties specific to the underwater environment, including but are not limited to, optical degradation and scattering, uneven illumination, low visibility, and hydrodynamics. In these scenarios, directly applying a large number of traditional outdoor scene object tracking methods directly to underwater scenes inevitably leads to performance degradation. To address the above issues, first, an Underwater Image Enhancement (UIE) module inspired by uncertainty is introduced, aimed at specifically improving the quality of underwater images. This method decomposes UIE into distribution estimation and consensus processes and introduces a new probability network to learn the enhancement distribution of underwater images, thereby addressing the bias problem in reference images. These are subsequently applied to an attention-based feature fusion network to propose a target tracking algorithm, called UTransT. The feature fusion network combines self- and cross-attention mechanisms to effectively fuse template and search region features. The experimental results show that on the UTB180 dataset, the success rate of UTransT is 0.8 percentage points higher than that of MixFormer, with the best performance in the comparison algorithm, and normalization accuracy is nearly 1.9 percentage points higher. On the VMAT dataset, the success rate is 1.2 percentage points higher than that of the best-performing Masked Appearance Transfer (MAT) algorithm, with 1.5 percentage points higher normalization accuracy. Moreover, UTransT facilitates real-time tracking at 65 frames per second. These experimental results validate the effectiveness and feasibility of the proposed algorithm in underwater object tracking tasks.

  • Artificial Intelligence and Pattern Recognition
    WANG Xiang, WEI Yuxin, MAO Guojun
    Computer Engineering. 2025, 51(1): 128-137. https://doi.org/10.19678/j.issn.1000-3428.0068357

    In graph neural networks, graph pooling is a critical operation used to downsample graph data and extract graph representations. Owing to the complex network topology and high-dimensional feature information of graph data, existing graph pooling methods fail to simultaneously integrate both the topological information of graph data and the long-distance dependency information of nodes during the design process. In the graph pooling process, node features are not discarded because discarding them would result in the loss of important information from the graph data. To address these issues, this study proposes a graph pooling method based on multi-feature fusion to simultaneously capture the local and global topology structures and long-distance dependencies of graph data. An aggregation module is then used to combine these features to obtain a new pooled graph. To solve the problem of node feature information loss during graph pooling, a new feature fusion method is proposed to aggregate the information of discarded nodes in a certain proportion onto the reserved nodes. Using this pooling method, a graph classification model is constructed based on hierarchical pooling. The experimental results on four datasets-D&D, PROTEINS, NCI1, and NCI109-indicate that compared with the best baseline model, the proposed model improves the classification accuracy by 2.97, 3.59, 0.48, and 0.24 percentage points, respectively. It can more effectively utilize the features, topological, and long-distance node-dependency information of graph data, and achieve better results in graph classification tasks.

  • Research Hotspots and Reviews
    JIANG Qiqi, ZHANG Liang, PENG Lingqi, KAN Haibin
    Computer Engineering. 2025, 51(3): 24-33. https://doi.org/10.19678/j.issn.1000-3428.0069378

    With the advent of the big data era, the proliferation of information types has increased the requirements for controlled data sharing. Decentralized Attribute-Based Encryption (DABE) has been widely studied in this context to enable fine-grained access control among multiple participants. However, the Internet of Things (IoT) data sharing scenario has become mainstream and requires more data features, such as cross-domain access, transparency, trustworthiness, and controllability, whereas traditional Attribute-Based Encryption (ABE) schemes pose a computational burden on resource-constrained IoT devices. To solve these problems, this study proposes an accountable and verifiable outsourced hierarchical attribute-based encryption scheme based on blockchain to support cross-domain data access and improve the transparency and trustworthiness of data sharing using blockchain. By introducing the concept of Verifiable Credential (VC), this scheme addresses the issue of user identity authentication and distributes the burden of complex encryption and decryption processes to outsourced computing nodes. Finally, using a hierarchical structure, fine-grained data access control is achieved. A security analysis has demonstrated that the proposed scheme can withstand chosen-plaintext attacks. Simulation results on small IoT devices with limited resources using Docker have shown that the proposed scheme has a lower computational overhead than existing schemes. For up to 30 attributes, the computation costs have not exceeded 2.5 s for any of the algorithms, and the average cost is approximately 1 s, making the scheme suitable for resource-constrained IoT devices.

  • Development Research and Engineering Application
    XU Degang, WANG Shuangchen, YIN Kedong, WANG Zaiqing
    Computer Engineering. 2025, 51(11): 377-391. https://doi.org/10.19678/j.issn.1000-3428.0069125

    To solve the problems of poor detection effect, high misdetection and omission rate, and weak generalization ability of urban vehicle target detection algorithms, this study proposes an improved YOLOv8 urban vehicle target detection algorithm. First, an Efficient Multi-scale Attention (EMA) mechanism is incorporated into the tail of the backbone network, which helps the model better capture the detailed features of a target vehicle. Combined with a 160×160 pixel small-target detection layer, it enhances the detection capability of small targets and aggregates pixel-level features through dimensional interaction to enhance the mining capability of the target vehicle. Second, the study designs a new Multi-scale Lightweight Convolution (MLConv) module for the lightweight network, and the C2f module is reconstructed based on MLConv, which significantly improves the feature extraction capability of the model. Finally, to suppress the harmful gradients generated by low-quality images, the study uses the Wise-Intersection over Union (WIoU) loss function instead of the Complete Intersection over Union (CIoU) to optimize the network's bounding box loss and improve the model's convergence speed and regression accuracy. On the Streets vehicle dataset, the algorithm improves mAP@0.5, mAP@0.5∶0.95, and recall by 1.9, 1.4 and 2.4 percentage points respectively, compared with the YOLOv8n benchmark model. In validations on a domestic vehicle dataset and the VisDrone2019 small target dataset, these performance indexes improve to different degrees, proving that the improved algorithm has good generalization and robustness. Compared with other mainstream algorithms, the improved algorithm exhibits higher accuracy and detection rate, indicating that the algorithm performs better in urban vehicle target detection.