Sign in to use this feature.

Years

Between: -

Subjects

remove_circle_outline
remove_circle_outline
remove_circle_outline
remove_circle_outline
remove_circle_outline
remove_circle_outline

Journals

Article Types

Countries / Regions

Search Results (9)

Search Parameters:
Keywords = PP-YOLOE

Order results
Result details
Results per page
Select all
Export citation of selected articles as:
19 pages, 6113 KiB  
Article
Research on Lightweight Citrus Leaf Pest and Disease Detection Based on PEW-YOLO
by Renzheng Xue and Luqi Wang
Processes 2025, 13(5), 1365; https://doi.org/10.3390/pr13051365 - 29 Apr 2025
Cited by 1 | Viewed by 662
Abstract
Timely detection and prevention of citrus leaf diseases and pests are crucial for improving citrus yield. To address the issue of low efficiency in citrus disease and pest detection, this paper proposes a lightweight detection model named PEW-YOLO. First, the PP-LCNet backbone is [...] Read more.
Timely detection and prevention of citrus leaf diseases and pests are crucial for improving citrus yield. To address the issue of low efficiency in citrus disease and pest detection, this paper proposes a lightweight detection model named PEW-YOLO. First, the PP-LCNet backbone is optimized using a novel GSConv convolution, and a lightweight PGNet backbone is introduced to reduce model parameters while enhancing detection performance. Next, the C2f_EMA module, which integrates efficient multi-scale attention (EMA), replaces the original C2f module in the neck, thereby improving feature fusion capabilities. Finally, the Wise-IoU loss function is employed to address the challenge of identifying low-quality samples, further improving both convergence speed and detection accuracy. Experimental results demonstrate that PEW-YOLO achieves a 1.8% increase in mAP50, a 32.2% reduction in parameters, and a detection speed of 1.6 milliseconds per frame on the citrus disease and pest dataset, thereby meeting practical real-time detection requirements. Full article
(This article belongs to the Special Issue Transfer Learning Methods in Equipment Reliability Management)
Show Figures

Figure 1

17 pages, 4032 KiB  
Article
A Method for Constructing a Loss Function for Multi-Scale Object Detection Networks
by Dong Wang, Hong Zhu, Yue Zhao and Jing Shi
Sensors 2025, 25(6), 1738; https://doi.org/10.3390/s25061738 - 11 Mar 2025
Cited by 1 | Viewed by 834
Abstract
In object detection networks, one widely used and effective approach to address the challenge of detecting small-sized objects in images is to employ multiscale pyramid features for prediction. Based on the fundamental principles of pyramid feature extraction, shallow features with small receptive fields [...] Read more.
In object detection networks, one widely used and effective approach to address the challenge of detecting small-sized objects in images is to employ multiscale pyramid features for prediction. Based on the fundamental principles of pyramid feature extraction, shallow features with small receptive fields are responsible for predicting small-sized objects, while deep features with large receptive fields handle large-sized objects. However, during the actual network training process using this structure, the loss function only provides the error between all positive samples and labels, treating them equally without considering the relationship between the actual size of the label and the feature layer where the sample resides, which to some extent affects the object detection performance. To address this, this paper proposes a novel method for constructing a loss function, termed Predicted Probability Loss (PP-Loss). It determines the probability of each feature layer predicting the objects labeled by the labels based on the size of the labels and uses this probability to adjust the weights of different sample anchors in the loss function, thereby guiding the network training. The prediction probability values for each feature layer are obtained from a prediction probability function established on a statistical basis. The algorithm has been experimentally validated on different networks with YOLO as the core. The results show that the convergence speed and accuracy of the network during training have been improved to varying degrees. Full article
(This article belongs to the Special Issue Sensor-Fusion-Based Deep Interpretable Networks)
Show Figures

Figure 1

25 pages, 27454 KiB  
Article
Development of an Optimized YOLO-PP-Based Cherry Tomato Detection System for Autonomous Precision Harvesting
by Xiayang Qin, Jingxing Cao, Yonghong Zhang, Tiantian Dong and Haixiao Cao
Processes 2025, 13(2), 353; https://doi.org/10.3390/pr13020353 - 27 Jan 2025
Cited by 4 | Viewed by 1399
Abstract
An accurate and efficient detection method for harvesting is crucial for the development of automated harvesting robots in short-cycle, high-yield facility tomato cultivation environments. This study focuses on cherry tomatoes, which grow in clusters, and addresses the complexity and reduced detection speed associated [...] Read more.
An accurate and efficient detection method for harvesting is crucial for the development of automated harvesting robots in short-cycle, high-yield facility tomato cultivation environments. This study focuses on cherry tomatoes, which grow in clusters, and addresses the complexity and reduced detection speed associated with the current multi-step processes that combine target detection with segmentation and traditional image processing for clustered fruits. We propose YOLO-Picking Point (YOLO-PP), an improved cherry tomato picking point detection network designed to efficiently and accurately identify stem keypoints on embedded devices. YOLO-PP employs a C2FET module with an EfficientViT branch, utilizing parallel dual-path feature extraction to enhance detection performance in dense scenes. Additionally, we designed and implemented a Spatial Pyramid Squeeze Pooling (SPSP) module to extract fine features and capture multi-scale spatial information. Furthermore, a new loss function based on Inner-CIoU was developed specifically for keypoint tasks to further improve detection efficiency.The model was tested on a real greenhouse cherry tomato dataset, achieving an accuracy of 95.81%, a recall rate of 98.86%, and mean Average Precision (mAP) scores of 99.18% and 98.87% for mAP50 and mAP50-95, respectively. Compared to the DEKR, YOLO-Pose, and YOLOv8-Pose models, the mAP value of the YOLO-PP model improved by 16.94%, 10.83%, and 0.81%, respectively. The proposed algorithm has been implemented on NVIDIA Jetson edge computing devices, equipped with a human–computer interaction interface. The results demonstrate that the proposed Improved Picking Point Detection Network exhibits excellent performance and achieves real-time accurate detection of cherry tomato harvesting tasks in facility agriculture. Full article
(This article belongs to the Section Automation Control Systems)
Show Figures

Figure 1

16 pages, 5047 KiB  
Article
Blood Cell Target Detection Based on Improved YOLOv5 Algorithm
by Xuan Song and Hongyan Tang
Electronics 2024, 13(24), 4992; https://doi.org/10.3390/electronics13244992 - 18 Dec 2024
Cited by 1 | Viewed by 1337
Abstract
In the medical field, blood analysis is a key method used to evaluate the health status of the human body. The types and number of blood cells serve as important criteria for doctors to diagnose and treat diseases. In view of the problems [...] Read more.
In the medical field, blood analysis is a key method used to evaluate the health status of the human body. The types and number of blood cells serve as important criteria for doctors to diagnose and treat diseases. In view of the problems regarding difficult classification and low efficiency in blood cell detection, this paper proposes an improved YOLOv5-BS blood cell target detection algorithm. The purpose of the improvement is to enhance the real-time performance and accuracy of blood cell type recognition. The algorithm is based on YOLOv5s as the basic network, incorporating the advantages of both CNN and Transformer architectures. First, the BotNet backbone network is incorporated. Then the YOLOv5 head architecture is replaced with the Decoupled Head structure. Finally, a new loss function SIoU is used to improve the accuracy and efficiency of the model. To detect the feasibility of the algorithm, a comparative experiment was conducted. The experiment shows that the improved algorithm has an accuracy of 92.8% on the test set, an average precision of 83.3%, and a recall rate of 99%. Compared with YOLOv8s and PP-YOLO, the average precision is increased by 3.9% and 1%, and the recall rate is increased by 3% and 2%. This algorithm effectively improves the efficiency and accuracy of blood cell detection and effectively improves the problem of blood cell detection. Full article
(This article belongs to the Special Issue Intelligent Perception and Control for Robotics)
Show Figures

Figure 1

22 pages, 5996 KiB  
Article
Optimized Design of EdgeBoard Intelligent Vehicle Based on PP-YOLOE+
by Chengzhang Yao, Xiangpeng Liu, Jilin Wang and Yuhua Cheng
Sensors 2024, 24(10), 3180; https://doi.org/10.3390/s24103180 - 16 May 2024
Cited by 2 | Viewed by 1992
Abstract
Advances in deep learning and computer vision have overcome many challenges inherent in the field of autonomous intelligent vehicles. To improve the detection accuracy and efficiency of EdgeBoard intelligent vehicles, we proposed an optimized design of EdgeBoard based on our PP-YOLOE+ model. This [...] Read more.
Advances in deep learning and computer vision have overcome many challenges inherent in the field of autonomous intelligent vehicles. To improve the detection accuracy and efficiency of EdgeBoard intelligent vehicles, we proposed an optimized design of EdgeBoard based on our PP-YOLOE+ model. This model innovatively introduces a composite backbone network, incorporating deep residual networks, feature pyramid networks, and RepResBlock structures to enrich environmental perception capabilities through the advanced analysis of sensor data. The incorporation of an efficient task-aligned head (ET-head) in the PP-YOLOE+ framework marks a pivotal innovation for precise interpretation of sensor information, addressing the interplay between classification and localization tasks with high effectiveness. Subsequent refinement of target regions by detection head units significantly sharpens the system’s ability to navigate and adapt to diverse driving scenarios. Our innovative hardware design, featuring a custom-designed mainboard and drive board, is specifically tailored to enhance the computational speed and data processing capabilities of intelligent vehicles. Furthermore, the optimization of our Pos-PID control algorithm allows the system to dynamically adjust to complex driving scenarios, significantly enhancing vehicle safety and reliability. Besides, our methodology leverages the latest technologies in edge computing and dynamic label assignment, enhancing intelligent vehicles’ operations through seamless sensor integration. Our custom dataset, specifically designed for this study, includes 4777 images captured by intelligent vehicles under a variety of environmental and lighting conditions. The dataset features diverse scenarios and objects pertinent to autonomous driving, such as pedestrian crossings and traffic signs, ensuring a comprehensive evaluation of the model’s performance. We conducted extensive testing of our model on this dataset to thoroughly assess sensor performance. Evaluated against metrics including accuracy, error rate, precision, recall, mean average precision (mAP), and F1-score, our findings reveal that the model achieves a remarkable accuracy rate of 99.113%, an mAP of 54.9%, and a real-time detection frame rate of 192 FPS, all within a compact parameter footprint of just 81 MB. These results demonstrate the superior capability of our PP-YOLOE+ model to integrate sensor data, achieving an optimal balance between detection accuracy and computational speed compared with existing algorithms. Full article
(This article belongs to the Section Vehicular Sensing)
Show Figures

Figure 1

21 pages, 6903 KiB  
Article
Vehicle Detection in UAV Images via Background Suppression Pyramid Network and Multi-Scale Task Adaptive Decoupled Head
by Mian Pan, Weijie Xia, Haibin Yu, Xinzhi Hu, Wenyu Cai and Jianguang Shi
Remote Sens. 2023, 15(24), 5698; https://doi.org/10.3390/rs15245698 - 12 Dec 2023
Cited by 8 | Viewed by 2168
Abstract
Vehicle detection based on unmanned aerial vehicle (UAV) aerial images plays a significant role in areas such as traffic monitoring and management, disaster relief, and more, garnering extensive attention from researchers in recent years. However, datasets acquired from UAV platforms inevitably suffer from [...] Read more.
Vehicle detection based on unmanned aerial vehicle (UAV) aerial images plays a significant role in areas such as traffic monitoring and management, disaster relief, and more, garnering extensive attention from researchers in recent years. However, datasets acquired from UAV platforms inevitably suffer from issues such as imbalanced class distribution, severe background interference, numerous small objects, and significant target scale variance, presenting substantial challenges to practical vehicle detection applications based on this platform. Addressing these challenges, this paper proposes an object detection model grounded in a background suppression pyramid network and multi-scale task adaptive decoupled head. Firstly, the model implements a long-tail feature resampling algorithm (LFRA) to solve the problem of imbalanced class distribution in the dataset. Next, a background suppression pyramid network (BSPN) is integrated into the Neck segment of the model. This network not only reduces the interference of redundant background information but also skillfully extracts features of small target vehicles, enhancing the ability of the model to detect small objects. Lastly, a multi-scale task adaptive decoupled head (MTAD) with varied receptive fields is introduced, enhancing detection accuracy by leveraging multi-scale features and adaptively generating relevant features for classification and detection. Experimental results indicate that the proposed model achieves state-of-the-art performance on lightweight object detection networks. Compared to the baseline model PP-YOLOE-s, our model improves the AP50:95 on the VisDrone-Vehicle dataset by 1.9%. Full article
Show Figures

Graphical abstract

18 pages, 4345 KiB  
Article
Optimization Algorithm for Steel Surface Defect Detection Based on PP-YOLOE
by Yi Qu, Boyu Wan, Cheng Wang, Haijuan Ju, Jiabo Yu, Yakang Kong and Xiancong Chen
Electronics 2023, 12(19), 4161; https://doi.org/10.3390/electronics12194161 - 7 Oct 2023
Cited by 12 | Viewed by 1958
Abstract
The fast and accurate detection of steel surface defects has become an important goal of research in various fields. As one of the most important and effective methods of detecting steel surface defects, the successive generations of YOLO algorithms have been widely used [...] Read more.
The fast and accurate detection of steel surface defects has become an important goal of research in various fields. As one of the most important and effective methods of detecting steel surface defects, the successive generations of YOLO algorithms have been widely used in these areas; however, for the detection of tiny targets, it still encounters difficulties. To solve this problem, the first modified PP-YOLOE algorithm for small targets is proposed. By introducing Coordinate Attention into the Backbone structure, we encode channel relationships and long-range dependencies using accurate positional information. This improves the performance and overall accuracy of small target detection while maintaining the model parameters. Additionally, simplifying the traditional PAN+FPN components into an optimized FPN feature pyramid structure allows the model to skip computationally expensive but less relevant processes for the steel surface defect dataset, effectively reducing the computational complexity of the model. The experimental results show that the overall average accuracy (mAP) of the improved PP-YOLOE algorithm is increased by 4.1%, the detection speed is increased by 2.06 FPS, and the accuracy of smaller targets (with a pixel area less than 322) that are more difficult to detect is significantly improved by 13.3% on average, as compared to the original algorithm. The detection performance is also higher than that of the mainstream target detection algorithms, such as SSD, YOLOv3, YOLOv4, and YOLOv5, and has a high application value in industrial detection. Full article
Show Figures

Figure 1

25 pages, 2969 KiB  
Article
Lightweight and Elegant Data Reduction Strategies for Training Acceleration of Convolutional Neural Networks
by Alexander Demidovskij, Artyom Tugaryov, Aleksei Trutnev, Marina Kazyulina, Igor Salnikov and Stanislav Pavlov
Mathematics 2023, 11(14), 3120; https://doi.org/10.3390/math11143120 - 14 Jul 2023
Cited by 1 | Viewed by 2701
Abstract
Due to industrial demands to handle increasing amounts of training data, lower the cost of computing one model at a time, and lessen the ecological effects of intensive computing resource consumption, the job of speeding the training of deep neural networks becomes exceedingly [...] Read more.
Due to industrial demands to handle increasing amounts of training data, lower the cost of computing one model at a time, and lessen the ecological effects of intensive computing resource consumption, the job of speeding the training of deep neural networks becomes exceedingly challenging. Adaptive Online Importance Sampling and IDS are two brand-new methods for accelerating training that are presented in this research. On the one hand, Adaptive Online Importance Sampling accelerates neural network training by lowering the number of forward and backward steps depending on how poorly a model can identify a given data sample. On the other hand, Intellectual Data Selection accelerates training by removing semantic redundancies from the training dataset and subsequently lowering the number of training steps. The study reports average 1.9x training acceleration for ResNet50, ResNet18, MobileNet v2 and YOLO v5 on a variety of datasets: CIFAR-100, CIFAR-10, ImageNet 2012 and MS COCO 2017, where training data are reduced by up to five times. Application of Adaptive Online Importance Sampling to ResNet50 training on ImageNet 2012 results in 2.37 times quicker convergence to 71.7% top-1 accuracy, which is within 5% of the baseline. Total training time for the same number of epochs as the baseline is reduced by 1.82 times, with an accuracy drop of 2.45 p.p. The amount of time required to apply Intellectual Data Selection to ResNet50 training on ImageNet 2012 is decreased by 1.27 times with a corresponding decline in accuracy of 1.12 p.p. Applying both methods to ResNet50 training on ImageNet 2012 results in 2.31 speedup with an accuracy drop of 3.5 p.p. Full article
(This article belongs to the Special Issue Artificial Neural Networks: Design and Applications)
Show Figures

Figure 1

20 pages, 1896 KiB  
Article
Surface Defect Detection of Strip-Steel Based on an Improved PP-YOLOE-m Detection Network
by Yang Zhang, Xiaofang Liu, Jun Guo and Pengcheng Zhou
Electronics 2022, 11(16), 2603; https://doi.org/10.3390/electronics11162603 - 19 Aug 2022
Cited by 25 | Viewed by 3913
Abstract
Surface-defect detection is crucial for assuring the quality of strip-steel manufacturing. Strip-steel surface-defect detection requires defect classification and precision localization, which is a challenge in real-world applications. In this research, we propose an improved PP-YOLOE-m network for detecting strip-steel surface defects. First, data [...] Read more.
Surface-defect detection is crucial for assuring the quality of strip-steel manufacturing. Strip-steel surface-defect detection requires defect classification and precision localization, which is a challenge in real-world applications. In this research, we propose an improved PP-YOLOE-m network for detecting strip-steel surface defects. First, data augmentation is performed to avoid the overfitting problem and to improve the model’s capacity for generalization. Secondly, Coordinate Attention is embedded in the CSPRes structure of the backbone network to improve the backbone network’s feature extraction capabilities and obtain more spatial location information. Thirdly, Spatial Pyramid Pooling is specifically replaced for the Atrous Spatial Pyramid Pooling in the neck network, enabling the multi-scale network to broaden its receptive field and gain more information globally. Finally, the SIoU loss function more accurately calculates the regression loss over GIoU. Experimental results show that the improved PP-YOLOE-m network’s AP, AP50, and AP75, respectively, achieved 44.6%, 80.3%, and 45.3% for strip-steel surface defects detection on the NEU-DET dataset and improved by 2.2%, 4.3%, and 4.6% over the PP-YOLOE-m network. Further, our method has fast and real-time detection capabilities and can run at 95 FPS on a single Tesla V100 GPU. Full article
(This article belongs to the Section Artificial Intelligence)
Show Figures

Figure 1

Back to TopTop