ISSN:2349-2058
S.No. | Title & Authors | Page No | View | ||
1 |
Title : An Improved Remote Sensing Object Detection Algorithm Based on YOLOv11 Authors : ZiJian Lin
Abstract :
To address the multiple challenges in existing remote sensing images detection methods, including insufficient localization accuracy, imprecise category recognition, and high false positive and false negative rates, this paper proposes RS-YOLOv11 (Remote Sensing-YOLOv11), an improved object detection algorithm specifically designed for remote sensing applications based on the YOLOv11 framework.This study introduces the fine-grained SPD-Conv module to optimize backbone network downsampling, effectively preserving feature information and enhancing small object detection. The detection head employs Dynamic Head architecture with integrated multi-dimensional attention mechanisms, significantly improving model performance.To reduce network complexity, Faster_Block replaces the Bottleneck design, decreasing C3K2 module computational cost and addressing YOLOv11 deployment challenges. This improvement achieves lightweight design while maintaining performance and balancing Dynamic Head overhead. Additionally, WIoU loss function replaces CIoU to suppress gradient issues from low-quality images.Experiments on the VisDrone2021 dataset demonstrate that our improved model achieves a 3.9% increase in mAP50 compared to the YOLOv11n baseline, while maintaining comparable computational complexity and parameter efficiency. |
1-5 |
![]() |
||
2 |
Title : CASG:A Conditional Autoregressive Co-Speech Gesture Generation Network for Semantics Authors : Wangyang Tuo
Abstract :
Co-speech gesture generation, a subset of 3D motion generation, aims to generate appropriate motion sequences from audio or other conditions. While many existing methods focus on the rhythm between motion and audio, they often neglect the semantics of gestures. Furthermore, approaches based on diffusion models or Transformer require significant time for training and inference, making them unsuitable for real-time applications. In this paper, we proposed CASG, a network based on the conditional autoregressive model, which effectively enhances the semantics of generated gestures through a semantic enhancement module inspired by VQ-VAE. Additionally, the loss function is improved for 3D rotational and translational transformations of motion sequences, addressing the instability issue in generated models. Extensive experiments demonstrate that our model outperforms competing methods in terms of semantics, rhythm and stability. |
6-10 |
![]() |
||
3 |
Title : An Autism Classification Method based on Deep Neural Network and Attention Mechanism Authors : XiaoXu Ma, Xiang Guo
Abstract :
Autism Spectrum Disorder (ASD) is a developmental disorder whose incidence has been increasing, significantly impacting patients' daily lives. Recent research trends focus on leveraging large-scale, multi-center neuroimaging datasets to enhance clinical applicability and statistical validity. However, the lack of reliable biomarkers and data heterogeneity across datasets limit classification effectiveness. This paper proposes a resting-state functional MRI (rs-fMRI) based approach to improve classification accuracy for ASD by integrating multi-site data. In this study, a MultiModal Deep Attention (MMDA) model is introduced for ASD identification, which effectively combines rs-fMRI features with demographic characteristics through three modules: feature extraction, feature learning, and deep perception. The feature extraction module uses autoencoders to clean rs-fMRI time series data; the feature learning module employs multi-head attention mechanisms and convolutional neural networks to uncover intrinsic data structures; and the deep perception module integrates multimodal features to produce final ASD classifications. Simulation results demonstrate that the MMDA model outperforms benchmark algorithms in ASD identification. In summary, this research advances ASD diagnostic accuracy by integrating multimodal data with neural networks, offering a promising tool for objective auxiliary diagnosis and providing new insights into ASD pathomechanisms. |
11-15 |
![]() |
||
4 |
Title : Boundary Adjustment Algorithm Based On Element Triangulation Authors : Hongchen Zhu, Kaifang Chen
Abstract :
To address the issue of edge thickness affecting surface quality and color in 3D printing, particularly when dealing with variations in the thickness of upper and lower surfaces, a surface isometric offset transformation method is employed to obtain the optimal subsurface structure. Based on these offset surfaces, adaptive offset calculations are performed for the exterior surface structure using different offset distances for different surfaces. Subsequently, each surface is iteratively optimized, redesigning the surface structure of the printed part to meet the requirements for surface quality and color depth. The results show that the adaptive offset method for surfaces is superior to the traditional edge line offset method in 3D printing. It provides an effective surface treatment method for color printing, especially under requirements for translucency and light colors, allowing for customized surface thickness settings based on parameters such as surface hardness and brightness, thereby enabling adaptive surface thickness. |
16-20 |
![]() |
||
5 |
Title : Research on the Application of the Density-Based OPTICS Algorithm in Whole-Brain Functional Parcellation Authors : Xiang Guo, XiaoXu Ma
Abstract :
In the analysis of functional magnetic resonance imaging (fMRI) images, brain partitioning is a core step in the generation, analysis, and study of functional connectivity of human brain networks. Previous related research mainly relied on meta-analysis, random standards, or brain atlases generated based on original anatomical data to define the nodes of human brain networks. However, these methods have limitations in terms of functional specificity and may not accurately reflect the actual neural functional partitions. In contrast, brain functional partitioning can effectively avoid the above problems. Therefore, This paper, in light of the characteristics of resting-state fMRI data, proposes a Density First Clustering (DF-OPTICS) algorithm based on the OPTICS algorithm. By using local density to replace core distance and reachability distance metrics, this algorithm avoids clustering errors and ensures that the result sequence is output in order while considering the spatial continuity of the partition. Additionally, to prevent the original OPTICS algorithm from consuming a large amount of computing time in neighborhood search, DF-OPTICS utilizes the existing voxel spatial coordinate information for local voxel search, significantly reducing the computational load of neighborhood search. Simulation experiment results show that the algorithm proposed in this paper significantly outperforms other comparison algorithms in multiple comprehensive evaluation indicators and achieves satisfactory partitioning effects. |
21-26 |
![]() |
||
6 |
Title : Design and Implementation of Neural Network Accelerator for Binocular Matching Authors : Kaijian Zeng, Yaofeng Hou
Abstract :
Convolutional Neural Networks (CNNs) have demonstrated significant advantages in binocular stereo matching tasks, but the high computational complexity of their 3D extensions (3D CNNs) limits real-time applicability. This study proposes a 2D convolutional cost feature-based binocular matching neural network accelerator, achieving efficient deployment through algorithm-hardware co-design. Key innovations include: (1) Designing the FDSCS network architecture with optimized cost volume generation modules, integrating enhanced preprocessing and pipeline mechanisms; (2) Restructuring 2D convolution via an Img2Col-GEMM strategy to leverage FPGA parallel computing for accelerated matrix operations; (3) Introducing network weight quantization and bilinear interpolation modules to reduce memory requirements while improving output accuracy. Evaluations on the ZCU102 platform demonstrate that the accelerator achieves 18.72 ms per-frame processing speed and a 3.22% average error rate on the KITTI dataset, balancing real-time performance with precision for time-sensitive applications such as autonomous driving. |
27-31 |
![]() |
||
7 |
Title : Loosely Coupled Architecture in Flexible RISC-V CPU and Configurable CNN Accelerator Authors : Yaofeng Hou, Kaijian Zeng
Abstract :
This paper describes a methodology for designing a deep learning accelerator system, incorporating RISC-V and CNN capabilities within a loosely coupled architecture(LCA), had been presented to enhance inference performance on edge devices, achieve lower power consumption, and expedite response times. First, a microarchitecture had been designed for cooperative operation between the main processor and the deep learning accelerator, and efficient neural network inference had been enabled through a customized instruction set. Second, flexible configuration and scalability strategies had been adopted, allowing the accelerator to accommodate various neural network models and application requirements. Lastly, widely-used convolutional neural network models such as ResNet-50, YOLOv4-Tiny, and BiSeNet v1 had been selected and rapidly deployed on the system. Experiments had been conducted on the XC7K410T board, demonstrating the synergy advantages between the accelerator and the RISC-V processor. Specifically, the system achieved processing speeds up to 871.1 GOP/s and computational efficiencies up to 96.79 GOP/s/W. |
32-35 |
![]() |
||
8 |
Title : Design and Implementation of Scalable Accelerator for Semantic Segmentation in Self-driving Authors : Xin Liu
Abstract :
The application of Convolutional Neural Networks (CNNs) has significantly accelerated the development of semantic segmentation, particularly in the domain of autonomous driving. Semantic segmentation is crucial for enabling autonomous vehicles to accurately perceive their surroundings and make real-time decisions. However, the increasing computational complexity has led to a substantial rise in power consumption, hindering the progress of self-driving technology. While Field Programmable Gate Arrays (FPGAs) offer a means to accelerate network inference, achieving an optimal balance between accuracy and speed remains a significant challenge. This paper investigates state-of-the-art semantic segmentation models and their corresponding optimization techniques. We summarize the critical requirements for system flexibility when mapping models to embedded FPGAs. Based on these requirements, we propose a reconfigurable semantic segmentation accelerator that integrates hardware optimization and data quantization strategies. The data quantization strategy reduces the bit width to 8 bits without any discernible loss in accuracy. To further reduce inference time, the network operators are implemented and optimized directly in hardware. Additionally, an instruction-controlled data flow is employed to support future updates and scalability. To enhance coding efficiency and reusability, we utilize SpinalHDL, an emerging hardware description language embedded in Scala, a high-level programming language, for the development of the proposed accelerator. The performance of the design is evaluated on the Virtex UltraScale+ VU9P FPGA platform, yielding accuracies of 74.3% on the CamVid dataset and 72.1% on the Cityscapes dataset, with a processing speed of 24 FPS, approaching real-time performance. This work paves the way for more energy-efficient and scalable solutions for autonomous driving systems, with potential for real-world deployment in various safety-critical environments. |
36-46 |
![]() |
||
9 |
Title : Improved Dung Beetle Optimization Algorithm Integrated with Hybrid Strategies Authors : Yaowei Wang
Abstract :
The Dung Beetle Optimization algorithm (DBO), as an innovative algorithm, possesses excellent optimization performance and has been widely applied to solve numerous optimization problems. However, it suffers from the imbalance between global and local exploration, which makes it prone to falling into local optimal solutions and often experiencing stagnation during the later stages of iteration. In view of this, this paper proposes an improved algorithm (HSFDBO) integrating multiple improvement strategies. Firstly, HSFDBO adopts an adaptive probability adjustment strategy to selectively choose suitable improvement measures at different iteration stages. Meanwhile, it balances its exploration ability by using cosine adaptive weight and lens imaging reverse learning strategies to avoid local optima. Additionally, through the introduction of Aquila optimization mutation operation, the current optimal individual is perturbed and mutated to effectively prevent stagnation in the later iterations. To verify the effectiveness of the improved algorithm, the optimization ability of HSFDBO is evaluated using the CEC2022 test functions, and the results show that its optimization seeking ability has been significantly improved. |
47-50 |
![]() |
||
10 |
Title : Dynamic Response Analysis of Double-Line Ballast less Railway under Train Authors : WANG ZhongChang, DU XinMeng, LIANG Hongrui, ZHENG SHuai
Abstract :
Under the condition of double-track parallel operation, the subgrade structure is subjected to the superimposed effects of intersecting train loads, resulting in complex dynamic response characteristics. Taking the subgrade engineering at the entrance of Limin Tunnel on the Harbin-Mudanjiang Passenger Dedicated Line as the research background, this study established a finite element model of the CRTS III slab ballastless track-subgrade-foundation structure using the ANSYS APDL module. Combining multi-body dynamics methods, the indirect coupling method was employed to analyze the dynamic responses of both the subgrade and track slab structures under train loading. The results indicate that stress concentration occurs at the interface between the subgrade and track slab. The vertical displacement time-history curves at different subgrade positions exhibit an initial increase followed by a decreasing trend, with vertical dynamic displacements forming a semi-elliptical distribution pattern under the track structure. The vibration-induced dynamic displacements in the subgrade attenuate along the depth direction and superimpose near the track centerline, reaching 1.26 mm vertical dynamic displacement at the subgrade base surface accompanied by 0.17 mm residual deformation. Particular attention should be paid to the soil strength at track slab edges and the central subgrade area. This research provides theoretical support for the design optimization and long-term service performance evaluation of double-track ballastless track subgrades. |
51-56 |
![]() |
||
11 |
Title : A High-Performance ORB Feature Extraction Accelerator for SLAM Authors : Qingyu Chen, Yunfei Wang
Abstract :
The detection and description of feature points are the foundation of algorithms in autonomous driving. In this paper, we propose a hardware ORB feature extraction system, accelerator, which has good acceleration effects for FAST (acceleration segment testing features) and rotation brief (binary robust independent basic features), and can achieve processing speeds of thousands of frames per second with low power consumption We achieved a processing speed of up to 1014.1 Mpix/s with only 4.462 watts based on KR260 evaluation. To make feature point extraction more uniform, we made minimal modifications to achieve block based feature extraction, allowing the CPU and FPGA to work together to implement octree filtering |
57-61 |
![]() |
||
12 |
Title : Research on the Influence of Cutting Parameters on Surface Quality in CNC Plasma Cutting Authors : Dang Van Truong, Le Quoc Trieu, Nguyen Van Thinh
Abstract :
This paper investigates the influence of technological parameters such as cutting voltage (corresponding to cutting height) and cutting speed on the surface quality of the cut when machining with a CNC plasma cutting machine. The experiment was conducted using an HNC 1500W CNC plasma cutting machine on SS400 steel with a thickness of 5mm. Surface quality was evaluated based on the surface roughness of the cut. The Taguchi experimental design method was used to assess the impact of each individual parameter on surface roughness. The minimum surface roughness achieved was 1.5 μm, corresponding to a cutting voltage of 120 V and a cutting speed of 1700 mm/min. The analysis results using the Taguchi method indicate that surface roughness is mainly influenced by cutting voltage (which corresponds to the cutting height), while cutting speed has a lesser effect. |
62-64 |
![]() |
||
13 |
Title : Shunting Locomotive Health Assessment and Management System Authors : Jincheng Zhang, Jitao Li, Jianyu Zhang
Abstract :
To address the low intelligent level of operation and maintenance management for shunting locomotives in coal enterprises, which often results in over-maintenance or delayed maintenance issues, this study analyzed historical operation and maintenance data of shunting locomotives in depth. Based on this analysis, a health index prediction model for shunting locomotives was established. By training the model using the random forest algorithm, the health status of shunting locomotives can be assessed without adding real-time monitoring devices. This provides support for managers to formulate maintenance strategies and reduce life-cycle operation and maintenance costs. The research results demonstrate that the model can accurately predict the health condition of shunting locomotives. The implementation of the health assessment system for shunting locomotives in coal enterprises has provided strong support for the intelligent development of railway transportation in coal enterprises, driving the transformation of shunting locomotive operation and maintenance management towards intelligence. |
65-70 |
![]() |
||
14 |
Title : Embedded-based Wireless Pressure Signal Waveform Display Authors : Lv Yalei, Ma Xin
Abstract :
This paper presents a wireless pressure signal real-time acquisition and waveform display system based on embedded technology. The system takes the STM32F103RCT6 microcontroller as the core, and combines the high-precision ADC analog-to-digital conversion module, LCD display module and serial communication module to realize the digital acquisition, processing and visualization of pressure signals. Through the synchronous working mode of ADC+DMA+TIMER, the system can dynamically adjust the sampling frequency and store the data in real time, and use the FFT algorithm to complete the frequency domain analysis, and at the same time, realize the parameter adjustment through external interrupt. The experimental results show that the system can accurately collect the pressure signal and display the waveform in real time through the LCD screen, and the serial communication function supports the data analysis of the host computer. The test data show that the average value of sensor output voltage is negatively correlated with the pressure in the pressure range of 50g to 200g weights (R²>0.98), which verifies the reliability and accuracy of the system. The design provides an efficient solution for monitoring pressure signals in industrial monitoring, medical equipment and other fields. |
71-76 |
![]() |
||
15 |
Title : TSM-YOLO: Multi-expert Mechanism for Small Object Detection in UAV Perspectives Authors : Ziming Zhang
Abstract :
Currently, deep learning-based object detection methods have shown remarkable performance on traditional datasets. Nevertheless, when encountering small objects captured from an Unmanned Aerial Vehicle (UAV) perspective, challenges arise in the form of reduced accuracy, elevated false detection rates, and missed detections. To address these issues, we introduce a novel dual-branch backbone object detection algorithm that synergizes the strengths of both Transformer and Convolutional Neural Network (CNN).In the feature extraction stage , our algorithm addresses the challenges posed by the uneven distribution of small objects and imbalanced useful information for detection tasks. Specifically, the primary branch employs a CNN Backbone to capture multi-scale features and the secondary branch effectively captures high-resolution features enriched with global information. Furthermore, we introduce a Cross-attention Module (CAM) feature fusion module, which aids PANet in seamlessly blending high- and low-frequency information. For the classification and detection tasks, we adopt YOLOV8's decoupled Head and post-processing methodologies, ensuring compatibility and efficiency. Meanwhile, we propose a Co-Upcycling training strategy to optimize the training of our multi-expert modules. The efficacy of our proposed method is rigorously evaluated on the Visdrone-2019 dataset. The experimental outcomes reveal that our approach surpasses the YOLOv8-s benchmark, achieving improvements of 4.2% and 3.1% in mAP50 and mAP50-95, respectively. |
77-80 |
![]() |
||
16 |
Title : High-Performance Systolic Array Architecture for Accelerating Convolutional Neural Networks and Multi-Head Attention Mechanisms Authors : Ruikai Zhai
Abstract :
In the field of target detection and image classification, although hardware accelerators for CNN and Transformer are widely available, accelerators specifically designed for Transformer-CNN hybrid networks are relatively rare. Due to the high computational complexity, storage requirements, memory bandwidth limitations, and parallel computation difficulties of hybrid networks, the implementation of the model on hardware is challenging. To address these issues, this study proposes a dedicated hardware accelerator with a configurable Systolic Array computational architecture, on the one hand, designing an Img2col module for converting 3D feature maps into 2D matrices, and utilising the Systolic Array to implement convolution operations with different sizes as well as matrix multiplications, which is specifically designed to accelerate the inference of Transformer-CNN hybrid networks. On the other hand the accelerator is extremely flexible and configurable, parametrically configuring the Systolic Array according to computational needs ensures that its performance is fully exploited, while the use of on-chip buffers for storing maps, weight data, and intermediate results reduces off-chip memory accesses and power consumption, and improves data reusability. Our well-designed accelerator was tested on Xilinx Zynq, and the experimental results show that the accelerator exhibits excellent performance in both CNN and Attention Mechanism computation, with an output of up to 608.6 GOPS/W. The aim of this study is to build efficient hardware accelerators that utilise efficient computational units and memory structures for Transformer-CNN hybrid network to accelerate the processing and improve the performance of CNN and Transformer deployed on hardware. |
81-85 |
![]() |
||
17 |
Title : An Improved Zebra Optimization Algorithm Authors : Yuqi Liu
Abstract :
Zebra optimization algorithm (ZOA) is a heuristic algorithm proposed in 2022. Although ZOA is popular because of its simple structure, it has the disadvantage of easily falling into local optimal solutions and running slowly. To overcome these shortcomings, an improved zebra optimization algorithm (IZOA) is proposed. In order to improve the running speed of ZOA and the ability to obtain the optimal solution, Aquila Optimizer and Levy flight strategy are introduced into IZOA. Opposition-based learning technique is introduced into IZOA, expanding the diversity of the population. The effectiveness and usefulness of IZOA is tested using CEC2019. In CEC2019, IZOA is superior to or equivalent to other test algorithms. Experimental results show that IZOA is more effective and practical than other algorithms in solving practical problems |
86-90 |
![]() |
||
18 |
Title : Full Coverage Anti-Winding Algorithm of Tethered Inspection Robot Based On Adaptive Path Planning Authors : Wenbo Pan
Abstract :
In the context of bottom plate inspections for oil tanks, tethered unmanned vehicles (SLUVs) encounter cable entanglement issues due to the complex environment created by multiple support columns within the tanks. This paper introduces an innovative cable anti-entanglement algorithm based on adaptive path planning, aiming to optimize the inspection path of SLUVs in multi-column oil tank environments to achieve efficient and comprehensive bottom plate inspections. The core idea of the algorithm is to intelligently plan the SLUV's motion trajectory to avoid potential entanglement risks with support columns while ensuring comprehensive scanning of the tank's bottom plate. We conducted a series of simulations and real-world tests to verify the algorithm's effectiveness. The results show that the algorithm significantly improves inspection efficiency and prevents work interruptions due to entanglement, thereby greatly reducing the need for manual intervention. This study not only offers an efficient solution for oil tank bottom plate inspections but also opens up new possibilities for tethered robots in similar multi-column environments. With further research and development, the technology's application range is expected to expand to more industrial and exploratory fields, providing robust technical support for automated operations in complex environments. |
91-95 |
![]() |
||
19 |
Title : Screening and Discovery of Small Molecule Inhibitors Targeting SARS-Cov-2 Main Protease Authors : Ying Wang, Daixi Li, Yuqi Zhu
Abstract :
The novel coronavirus that emerged at the end of 2019 (SARS-CoV-2) has had a great impact on people's health and lives. The role of the main protease of SARS-CoV-2 is to cleave the viral protein. Studies have shown that the main protease is functionally specific and evolutionarily highly conserved and could be a target for the development of antiviral drugs. There is still no specific drug for the treatment of novel coronavirus. In this paper, a new small molecule Chembl2_3 with higher binding free energy than the natural ligand was screened by computer-aided technology, demonstrating the potential of this small molecule as a therapeutic drug for novel coronavirus, and the method also provides a reference for small molecule drug design. |
96-100 |
![]() |
||
20 |
Title : A High Performance Vision Transformer Accelerator Authors : Yu Shi
Abstract :
Transformer models based on attention mechanisms have shown superior performance in the field of computer vision. Designing dedicated accelerators for Transformers can significantly enhance inference performance and reduce power consumption. In this paper, we first employ an integer quantization strategy for both features and weights to reduce the storage requirements and computational complexity of the model. Then, based on the computational characteristics of convolution and attention mechanisms, we design an efficient and flexible hardware architecture, including a multidimensional systolic array and nonlinear normalization acceleration units. This architecture efficiently maps algorithms to the systolic array, optimizing data storage efficiency and minimizing data movement. Additionally, the accelerator design is implemented on an FPGA. Experimental results show that the proposed FPGA accelerator improves model inference speed with minimal accuracy loss. The ViT-base model achieves an average throughput of 626.2 GOPS on this accelerator, with a synthesized power consumption of 16.4W at a 200MHz clock frequency. |
101-107 |
![]() |
||
21 |
Title : Composed Image Retrieval Based on Subject Feature Extraction Authors : Yang Ning
Abstract :
Composed image retrieval, a critical computer vision task enhancing retrieval via multi-modal fusion, faces challenges in accurately extracting subject features and minimizing irrelevant interference during fusion; this paper addresses these by proposing a subject feature extraction-based method integrating text-guided segmentation and multi-modal fusion. The approach combines CLIP's cross-modal alignment with Swin Transformer's hierarchical feature learning, dynamically focusing segmentation on text-relevant regions via cross-modal attention and skip-layer fusion to generate precise masks for visual features. A two-stage framework first filters irrelevant image details through segmentation, then uses bidirectional multi-head cross-attention in an image-text fusion module to enable fine-grained interactions, decouple redundant semantics, and reinforce discriminative feature correlations. Validated on FashionIQ and CIRR datasets, the method demonstrates improved retrieval accuracy, with segmentation preserving text-relevant details and fusion enhancing semantic consistency, offering robust solutions for e-commerce and security while advancing multi-modal feature decoupling and alignment. |
108-113 |
![]() |
||
22 |
Title : EAFYOLO: A Efficient Yolo For Autonomous Object Detection in Foggy Weather Authors : XinZhao Gao
Abstract :
Due to the significant reduction in visibility during foggy weather, it poses a considerable challenge for autonomous driving object detection in foggy conditions. There are numerous existing methods to enhance detection performance; however, they do not simultaneously address the issues of detection accuracy, detection speed, and the scarcity of labeled datasets.This paper proposes a rapid detection algorithm based on YOLOv10 and unsupervised domain adaptation for autonomous driving object detection in foggy weather. Firstly, to tackle the issue of limited labeled datasets, the concept of unsupervised domain adaptation is employed, utilizing adversarial learning to achieve domain alignment between foggy and clear weather conditions. This allows for training with only labeled clear weather images and unlabeled foggy images. Secondly, as most current achievements focus solely on detection performance, the paper addresses the speed issue by adopting YOLOv10 without non-maximum suppression (NMS) post-processing as the fundamental detection framework, significantly improving inference speed. Lastly, due to the anchor-free and NMS-free nature of the network, the generalization performance may decline, especially for small-sized targets. The paper replaces the CIOU-based box loss with WNWDLoss to enable the network to handle targets of various sizes, thereby enhancing detection accuracy. Experimental results on the public datasets Cityscapes, FoggyCityscapes and KITTI demonstrate the effectiveness of the proposed method. |
114-119 |
![]() |
||
23 |
Title : Design and Implementation of FPGA-Based Real-Time Image Denoising Accelerator Authors : Yunfei Wang
Abstract :
In modern surveillance systems, the quality of real-time images is often affected by noise, especially under low-light conditions, which can significantly impact the system's accuracy and reliability. To overcome this challenge, infrared images have been widely regarded as an effective alternative. Infrared images are not affected by visible light interference and can provide clearer and more stable surveillance data in various complex environments. However, infrared images also have noise problems, particularly during long-term monitoring, where image quality may gradually deteriorate. To effectively reduce noise in infrared images, this paper proposes a noise reduction algorithm based on non-uniformity correction with parameter updates. Firstly, the algorithm dynamically adjusts correction parameters to achieve efficient real-time non-uniformity correction. Compared to traditional methods, the algorithm not only improves correction accuracy and image stability but also significantly reduces system response time, meeting the requirements of complex surveillance environments. Finally, a hardware design based on Field-Programmable Gate Array (FPGA) is used to implement this algorithm, which significantly enhances its performance. Experimental results show that for a 640×512 resolution image, the frame rate can reach 66 frames per second, for a 1280×1024 resolution image, it can achieve 30 frames per second, and for a 640×640 resolution image, the frame rate can reach 50 frames per second, with a latency time of under 40ms. |
120-125 |
![]() |
||
24 |
Title : Research on Construction Technology for Water Quality Improvement Using Herbaceous Plant Biofilm in Small Watershed Rivers Authors : Xu Xiang, Shi Weitao, Xie Xianjun, Xiao Yougan, Lv Qinfei, Liu Zhiye
Abstract :
Small watershed rivers, due to their limited pollution capacity and weak self-purification function, are easily affected by domestic sewage and agricultural non-point source pollution, leading to water body blackening and ecological degradation. Traditional treatment technologies rely on interception and chemical treatment, which come with high costs and significant risks of ecological damage. This study proposes a water quality improvement technology based on the concept of ecological restoration, integrating biological film aeration, microbial enhancement, and the synergistic effect of aquatic plants. Through practical river engineering projects in Nan 'an City (such as Pengmei Creek and Liankeng Creek), this technology has been verified to significantly increase dissolved oxygen (DO ≥ 2 mg/L), reduce pollutants (COD removal rate ≥ 75%, ammonia nitrogen removal rate ≥ 80%), and restore the water body's self-purification ability. The research results provide an economically efficient and environmentally friendly solution for small watershed river management, with significant theoretical and practical value. |
126-129 |
![]() |
||
25 |
Title : Simulation Study on the Micro Overcharge Cycling Aging Characteristics of Lithium-Ion Batteries Authors : Yu Lu, SHEN Wenjin, XUE Le
Abstract :
This study systematically reveals the key aging mechanisms of nickel-cobalt-manganese ternary lithium-ion batteries under slight overcharge cycling through simulation experiments. By monitoring voltage evolution, recyclable lithium loss, localized state-of-charge variations, and lithium plating phenomena, the decisive influence of charging voltage on battery performance and lifespan was identified. Results demonstrate that the 4.2 V charging system exhibits optimal cycling stability, with a capacity retention rate significantly superior to other systems after 2000 cycles, whereas the 4.8 V system is only suitable for short-term high-power applications. Each 0.2 V increase in charging voltage accelerates capacity decay by 5–7%, reduces cycle life by 200–300 cycles, and triggers nonlinear accelerated aging in later stages. A critical voltage threshold of 4.6 V was established: above this value, irreversible dynamic evolution of the solid electrolyte interphase layer occurs, accompanied by severe electrolyte degradation and lithium dendrite initiation. These findings provide engineering guidance for lifespan prediction and safety boundary definition in high-energy-density battery systems. |
130-135 |
![]() |