Next Article in Journal
LiDAR-Based Snowfall Level Classification for Safe Autonomous Driving in Terrestrial, Maritime, and Aerial Environments
Next Article in Special Issue
Developing Machine Vision in Tree-Fruit Applications—Fruit Count, Fruit Size and Branch Avoidance in Automated Harvesting
Previous Article in Journal
Improvement of SAW Resonator Performance by Petal-like Topological Insulator
Previous Article in Special Issue
A Comprehensive Review of LiDAR Applications in Crop Management for Precision Agriculture
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Streamlining YOLOv7 for Rapid and Accurate Detection of Rapeseed Varieties on Embedded Device

1
School of Information Science and Technology, Beijing Forestry University, Beijing 100083, China
2
Engineering Research Center for Forestry-Oriented Intelligent Information Processing, Beijing 100083, China
*
Author to whom correspondence should be addressed.
These authors contributed equally to this work.
Sensors 2024, 24(17), 5585; https://doi.org/10.3390/s24175585
Submission received: 17 July 2024 / Revised: 26 August 2024 / Accepted: 27 August 2024 / Published: 28 August 2024

Abstract

:
Real-time seed detection on resource-constrained embedded devices is essential for the agriculture industry and crop yield. However, traditional seed variety detection methods either suffer from low accuracy or cannot directly run on embedded devices with desirable real-time performance. In this paper, we focus on the detection of rapeseed varieties and design a dual-dimensional (spatial and channel) pruning method to lighten the YOLOv7 (a popular object detection model based on deep learning). We design experiments to prove the effectiveness of the spatial dimension pruning strategy. And after evaluating three different channel pruning methods, we select the custom ratio layer-by-layer pruning, which offers the best performance for the model. The results show that using custom ratio layer-by-layer pruning can achieve the best model performance. Compared to the YOLOv7 model, this approach results in mAP increasing from 96.68% to 96.89%, the number of parameters reducing from 36.5 M to 9.19 M, and the inference time per image on the Raspberry Pi 4B reducing from 4.48 s to 1.18 s. Overall, our model is suitable for deployment on embedded devices and can perform real-time detection tasks accurately and efficiently in various application scenarios.

1. Introduction

Rapeseed (Brassica napus L.) is an important crop widely planted around the world, mainly used for producing animal feed, extracting vegetable fats, and as a raw material for biodiesel. According to FAOSTAT (https://www.fao.org/faostat/zh/#data, accessed on 1 July 2024) data, the global area planted with rapeseed has reached 39.97 million hectares with a production of approximately 87.22 million tons. China is the second-largest producer of rapeseed. As of July 2021, China has registered 1212 rapeseed varieties. Different varieties of rapeseed display distinct phenotypic characteristics and yield differences. The confusion of different varieties of seeds, which can occur during processing, planting, handling, and storage, could lead to uneven growth, heighten susceptibility to pests and diseases, and ultimately damage the rapeseed quality. As economic well-being increases, the demand for rapeseed oil continues to grow, along with heightened expectations for both product quality and diversity. Therefore, it has become an important issue to effectively distinguish rapeseed varieties.
In conventional studies, researchers have identified rapeseed varieties based on phenotypic characteristics [1,2,3]. However, these methods rely on experts to identify each seed individually. This process is not only time-consuming but also requires substantial labor, thereby limiting its overall efficiency. Additionally, the volume of rapeseed is usually small, resulting in a low accuracy rate when identified using naked eyes. More recently, machine learning [4] has been applied to identifying seed varieties [5,6,7]. Although the application of machine learning marks an advancement in rapeseed detection, it still has several drawbacks. Machine learning methods rely on manual feature engineering, which depends heavily on substantial professional knowledge and experience. Furthermore, the constructed characteristics exhibit challenges in their adaptability to diverse scenarios and datasets, consequently constraining the model’s capacity for generalization.
Deep learning, a sub-field of machine learning, excels in automatically extracting features by a multi-layered deep neural network (DNN, for short) [8]. DNNs are well suited for learning from data with intricate structures. In agriculture, the use of DNNs for crop identification and object detection is gaining significance, with works [9,10,11] demonstrating the effectiveness of DNNs in detecting various types of crop seeds. Specifically, DNN excels not only in identifying seed variety but also in pinpointing seeds as objects without feature engineering, which are harnessed to present results to users in a way that is both more efficient and user-friendly. Such strengths are showcased by several recent studies. To detect damage to cotton seeds, Liu et al. [12] use the YOLO (a popular DNN backbone for object detection) and integrate a lightweight upsampling operator to improve the accuracy. Their experimental results show a mAP (mean Average Precision) of 99.5% and a recall rate of 99.3%. In the experiment for leguminous seed variety identification [13], YOLOv4 [14] outperforms Faster R-CNN [15] in terms of accuracy and detection capability, offering an effective method for detecting different legume seeds under complex conditions. Ng et al. [16] use DNN to simultaneously process a large number of oil palm seeds based on a set of multi-view images, which reduces the effort in data collection. Their oil palm seed quality DNN model can achieve an accuracy rate of 90% on multi-view images.
YOLOv7 is a popular deep neural network model used for object detection tasks. YOLOv7 is known for its balance between speed and accuracy, making it suitable for a wide range of real-time applications. In addition to the standard YOLOv7 model, there are variants such as YOLOv7x and YOLOv7-tiny. YOLOv7x is an extended version that offers higher accuracy and better performance for more complex tasks, albeit at the cost of increased computational resources. On the other hand, YOLOv7-tiny is a smaller, faster version designed for deployment in resource-constrained environments, making it ideal for applications requiring rapid inference with limited hardware capabilities. YOLOv7 and its variants find extensive applications in agriculture, including pest and disease detection [17,18], fruit classification [19,20], and weed management [21,22]. The flexibility and efficiency of these models make them invaluable tools for enhancing precision agriculture and improving crop yields.
In the field of seed detection applications, object detection models exhibit two main limitations. First, most models cannot meet the reliability requirements of real-world applications for accuracy. Second, in terms of adaptability, most models struggle to operate efficiently in real-world applications, especially in scenarios with limited computational resources. Therefore, designing accurate and practical models is a significant issue in the community. To address these limitations, model compression strategies have proven effective in resource-constrained scenarios such as autonomous driving [23], security surveillance [24], and e-commerce recommendation [25]. Model compression approaches include knowledge distillation [26], lightweight network [27,28], low-rank approximation [29], quantization [30], and model pruning [31]. Knowledge distillation requires substantial resources and time to train a highly accurate large model to enhance the performance of small models. Lightweight networks have a streamlined structure, but the simplification of the structure can lead to performance decline. Low-rank approximation and quantization methods compress models by decomposing the model weight matrix and reducing the numerical precision of the model parameters, respectively. These two methods may impact model performance, but the effects can be recovered through fine-tuning. Compared to low-rank approximation and quantization, model pruning offers an additional advantage of high interpretability.
Therefore, our paper will focus on exploring model pruning. Model pruning is classified into structured [32,33] and unstructured types [34,35]. Unstructured pruning removes unimportant neurons and connections, thereby altering the model’s structure. This structural change cannot enable the model to directly accelerate on existing hardware. Structured pruning, achieved by removing entire operators from the model, preserves the model’s structural integrity and allows for hardware acceleration through devices such as GPUs. To fully utilize the parallel computing capabilities of hardware, structured pruning becomes our choice. The application of structured pruning technology in seed detection research is becoming increasingly widespread. Li et al. [36] propose a new two-dimensional information entropy filter pruning algorithm to achieve structured pruning. The pruned model achieves a single image inference speed of 107 FPS (frames per second), with the best accuracy of 95.94% on the red kidney bean dataset. Jin et al. [37] use the YOLOv5 target detection algorithm to obtain sunflower seeds from recorded videos and compare the effects of different degrees and methods of pruning on model performance. Wang et al. [38] train the improved YOLOv3 [39] model on a dataset containing 10 kidney bean seed varieties. Subsequently, the model is pruned using the scaling factors from the Batch Normalization layers [40] as a metric for channel importance. After fine-tuning the model with knowledge distillation, the number of model parameters is reduced by 98%, and the detection time is shortened by 59%.
Structured pruning methods can be divided into data-dependent [41,42,43,44,45] and data-independent [46,47,48,49] types. Although data-independent pruning is easy to implement, data-dependent pruning leverages actual training data to identify critical structures, thus maintaining higher accuracy and performance in the pruned model. Additionally, data-dependent pruning methods can prune according to specific data distributions and task requirements, making the pruned model more robust when handling similar data. Therefore, in the context of identifying rapeseed varieties, data-dependent pruning is superior. To this end, we propose a data-dependent two-dimension pruning method aimed at ensuring both the accuracy and real-time performance of the model. By sequentially pruning the spatial and channel dimensions of the baseline model, the model not only effectively reduces the number of parameters but also retains excellent performance. Ultimately, the optimized model achieves a mAP of 96.89%, and its inference speed on the Raspberry Pi is 1.18 s per image, meeting the real-time detection requirements for embedded devices.
The rest of the paper is organized as follows. Section 2 provides details of the created dataset. Section 3 describes our model design strategy. Section 4 evaluates our designs with experiments. Section 5 and Section 6 give the discussion and conclusion of this study, respectively.

2. Dataset Creation

In this study, the datasets involves five varieties of rapeseeds: Yuyou-35, Yuhuang-20, Deyou-5, Yuyou-55 and Yuyou-56. Example images of the rapeseeds are shown in Figure 1, and detailed information about the seeds is presented in Table 1. The rapeseeds of these five varieties are similar in terms of color, size, surface smoothness, and sphericity. It is obvious that discerning the varieties of these rapeseeds through human visual inspection is a considerable challenge for individuals without expertise, especially when one or a few seeds are singled out for identification.
To create the image dataset, we design a simple system of capturing rapeseed image, which mainly includes an Apple 14 Pro Max phone and a ring LED light (adjustable between 6.5 W and 15 W). For each image taken, we randomly select 4 to 40 seeds and place them on a sheet of white paper that is located 7 cm beneath the LED lights. Some of the seeds may be in contact with each other, but we do not deliberately separate them when capturing images. Our arrangement of seeds is consistent with the way seeds are positioned in real-world applications for identifying seeds on a conveyor belt. In total, 1871 images with a pixel size of 1280 × 1707 are taken and saved in JPG format. The acquired dataset is randomly divided into a training set (80%), a validation set (10%), and a test set (10%). The images used for training and validation do not overlap to ensure the reliability of subsequent evaluations.
During the model’s data loading process, data augmentation strategies are applied to increase image diversity. Specific augmentation strategies include random adjustments of hue (ranging from −0.015 to 0.015), saturation (ranging from 0.7 to 1.7) and brightness (ranging from 0.6 to 1.4); random scaling of images (with scales ranging from 0.8 to 1.2); and the use of the Mosaic method to combine four images into one. These data augmentation methods help the model adapt to different lighting conditions and object distances, thereby improving the generalization ability and robustness of the model. The dataset size stays the same after data augmentation, but the internal diversity of each image is significantly increased, which enables the model to encounter more diverse scenarios during the training process.

3. Model Design

3.1. Overview

We develop a rapeseed varieties detection system, the heart of which is an object detection DNN model. Its workflow is illustrated in Figure 2. The system uses a ring LED light combined with a camera lens to capture images of seeds. Then, the image is transmitted in real-time to an embedded device for processing. The embedded device runs the object detection model and then presents the detection results on an integrated display screen. In the detection results, seeds are highlighted with bounding boxes, and their varieties are labeled in the top-right corner of each box.
Our seed detection model is based on YOLOv7. Although YOLOv7 can achieve desirable accuracy on embedded devices, its slow inference limits its practicality in real-world seed detection. To this end, we apply model pruning techniques to the original YOLOv7 model, resulting in a streamlining YOLOv7 that significantly reduces the model size and computational complexity while maintaining high detection accuracy. With doing so, we develop a lightweight and accurate detection model that integrates seamlessly into our system, enabling the rapid identification of rapeseed varieties.

3.2. Pruning Strategies

3.2.1. Pruning Process

The pruning process of the model training phase is shown in Figure 3. Following over-parameterization, YOLOv7 initially undergoes a conventional training for 400 epochs to achieve a high accuracy. Subsequently, the model engages in sparse training, which refines the model architecture by adjusting the distribution of weights. After sparse training, we obtain a set of optimized weights. Based on optimal weights, the model enters the pruning phase. Spatial pruning prunes the unimportant branches within the over-parameterized modules of the model. Channel pruning prunes the unimportant channels of the convolutional layers. Although the pruning process is divided into two parts, they are completed at once. Model pruning changes the structure of the model, which will lead to accuracy decline. In order to adapt the model to this change, we use the fine-tuning operation to recover model accuracy.

3.2.2. Spatial Pruning

To enhance our model’s generalization ability and to better capture the complexity and diversity of the data, we over-parameterize the MP module into a multi-branch module (marked as MB module) prior to model pruning. The over-parameterization process is shown in Figure 4. The MB module enables different branches to learn distinct feature representations and integrates them together. Figure 4b illustrates the specific process of over-parameterization. The blue square represents the input tensor of a certain layer of the model, and four parallel operational branches extend from it. The architecture of these four branches is as follows: the first one is convolution followed by max-pooling, the second one is max-pooling followed by convolution, the third one consists solely of convolution, and the fourth one includes convolution followed by upsampling. Each branch focuses on different types of features or different spatial scales. Such a modification helps improve the model performance in dealing with fine-grained object detection tasks. Although each branch employs a different strategy when processing the input data, their final outputs maintain a consistent size. This design allows the model to easily merge these outputs, thus utilizing information from various scales and features. In the MP module, concatenation is used to merge the two channels, while preserving all information from both channels and allowing the model to learn comprehensive data features. In the MB module, we use addition to merge branches, as it avoids generating extra channels and does not require channel reduction during pruning. Therefore, the use of addition not only simplifies the pruning process but also improves the efficiency of our model.
During the sparse training process of an over-parameterized model, backpropagation adjusts the parameter δ to minimize the loss function. We use the value of δ to measure the contribution of each branch to the results (if a branch contributes more, δ will be larger; if its contribution is less, δ will be smaller). After training, we select the branch with the highest contribution (the most important) to replace the MB module in the over-parameterized model.

3.2.3. Channel Pruning

In convolutional neural networks, the number of channels refers to the number of feature maps produced by convolutional layers. We prune the channel dimension using a Batch Normalization (BN) pruning strategy. The role of the BN layer is to normalize the output of each channel and then restore the scale and position of the data through scaling and shifting. If the λ value of a channel is large, it means that the features of this channel are amplified after normalization, indicating that the model considers the information in this channel to be very important. Conversely, a smaller λ value implies that the channel is less important. The BN pruning strategy accurately identifies and removes redundant channels by analyzing the scaling factor λ . Thereby, setting appropriate λ thresholds to guide pruning not only improves the performance and inference speed of the model but also serves as a regularization that prevents overfitting.

3.3. Model Structure and Training

3.3.1. Model Structure

The overall architecture of our model is shown in Figure 5. The dashed box ① represents the process of spatial pruning: after over-parameterizing the MP module into the MB module, three branches are removed, and only one key branch is retained to replace the original MP module in the architecture. Dashed Box ② represents the process of channel pruning, where gray parts represent the removed channels while green parts represent the retained channels. After channel pruning, unimportant channels and their connections are removed from the model.

3.3.2. Sparse Training

After training the over-parameterized model using transfer learning for 400 epochs, we apply sparsity inducing regularization to the model. The over-parameterized model learns redundant features, which interfere with the learning of genuine data features and consequently impact model performance and accuracy. However, sparsification alters the parameter distribution of the model, causing it to focus more on learning critical features. To achieve optimal model performance, we examine several critical hyperparameters based on experience and experiments. The empirically optimal hyperparameters are listed in Table 2. Our model is developed in Python 3.8 and trained on a computer equipped with an RTX 4090 GPU (24 GB) and an Intel® Xeon® Gold 6430 CPU.

3.3.3. Loss Function

We design an objective function to perform sparse training of an over-parameterized model. The first term of Equation (1) represents the normal loss function of YOLOv7. L S p and L C h 1 represent the loss in the spatial and channel dimensions of the MB module, respectively. L C h 2 represents the channel dimension loss of other convolutional layers. a, b are used to adjust the weight coefficients of the three in the total loss, and their values are shown in Table 2:
L o s s = L + a L S p + b ( L C h 1 + L C h 2 )
L S p (Equation (2)) represents the regularization term for branch importance scores in the MB module. N 1 represents the number of MB modules in YOLOv7, and N B represents the number of branches in every MB module, which is 4. The output of each branch in the MB module is multiplied by an importance score. This importance score is computed using the function S ( · ) , which is the sigmoid function (Equation (3)). To better adapt the sigmoid function to the variations in importance scores, a learnable parameter δ is used. This parameter is learned during the sparse training process through backpropagation. The value of δ adjusts according to the gradient of the loss function, making the output of the sigmoid function better correspond to the importance of each channel. By incorporating δ into the regularization term of the loss function, we balance the importance of each branch, thereby obtaining a more stable model:
L S p = l = 1 N 1 i = 1 N B S δ i l
S δ i = exp δ i b = 1 N B exp δ b
In Equation (4), L C h 1 is the L1 regularization constraint on the λ coefficient in the BN layer in MB module. Here, N C represents the number of convolutional layers in each branch. z o u t ( i , j ) ( l ) represents the number of output channels in the j-th layer of the i-th branch in the l-th MB module. · represents the L1 norm. Each channel has a scale factor λ , which is used to adjust the weight of the channel after pruning. λ is a parameter in the Batch Normalization process (as shown in Equation (5)). In Equation (5), B represents the current batch, μ B and σ B represent the mean and standard deviation of the batch, respectively, and ϵ is a very small constant. λ and β are trainable scale and shift parameters in the affine transformation. λ ( i , j , k ) ( l ) represents the λ value corresponding to the k-th channel in the j-th layer of the i-th branch in the l-th MB module. After the model undergoes sparse training, the larger the λ value, the more important the channel:
L C h 1 = l = 1 N 1 i = 1 N B j = 1 N C k = 1 Z o u t ( i , j ) ( l ) λ ( i , j , k ) ( l )
Z ^ = Z i n ( i , j ) ( l ) μ B σ B 2 + ϵ , Z o u t ( i , j ) ( l ) = λ z ^ + β
Equations (6) and (7) represent the sparsity regularization formulas for convolutional layers other than the RepConv, CBM and MB modules. The number of these convolutional layers is denoted as N 2 . The pruning principle is also BN pruning, so the loss item logic is similar to Equations (4) and (5). Slightly differently, Z o u t ( l ) represents the number of output channels in the l-th convolutional layer, and λ k ( l ) represents the scale factor corresponding to the k-th channel in the l-th layer:
L C h 2 = l = 1 N 2 k = 1 Z o u t ( l ) λ k ( l )
Z ^ = Z i n ( l ) μ B σ B 2 + ϵ , Z o u t ( l ) = λ z ^ + β

3.4. Prototype Implementation

We implement a prototype of our system which is shown in Figure 6. It centers a Raspberry Pi 4B device, a typical low-cost embedded computing device. Raspberry Pi encapsulates an ARM micro-controller and offers a diverse range of hardware interfaces, enabling easy connections with external sensors or actuators, such as temperature sensors, cameras, motors, and so forth. Moreover, Raspberry Pi can run common embedded operating systems (e.g., embedded Linux and RTOS), which facilitate the development and expansion of user programs. The Raspberry Pi 4B of our prototype is equipped with a 1.5 GHz 64-bit quad-core processor and 8 GB RAM.
As depicted in Figure 6, the camera is placed in the center of the ring LED light to capture the seed to detect. With a resolution of 1080p (1920 × 1080 pixels), the camera is connected, via a USB cable, to the Raspberry Pi, which powers the camera and retrieves images to local memory.
After receiving images captured in YUV format, the Raspberry Pi first converts them to JPG format, and then processes them using the streamlining YOLOv7 model to obtain results. The process of the detection includes image capture, image storage, image preprocessing, object detection, result retrieval, and result presentation, and it repeats until the user chooses to stop.
To enhance the inference efficiency, we convert the model weight files (.pt format) to the ONNX (Open Neural Network Exchange) format for deployment. The ONNX format allows the model to utilize the ONNX Runtime inference engine for computation, which provides good compatibility with a variety of hardware accelerators. The change in format greatly improves the model performance on the Raspberry Pi.

4. Results

4.1. Metrics

We use performance metrics, including mAP (mean Average Precision), parameter count, and inference time on the Raspberry Pi 4B, to evaluate our system performance. The metric of mAP is calculated by
Precision = TP TP + FP
Recall = TP TP + FN
AP = 0 1 Precision ( Recall ) d ( Recall )
mAP = 1 c i = 1 c AP i
where TP, FP, and FN represent true positives, false positives, and false negatives, respectively. Precision (Equation (8)) measures the proportion of true positive results among all positive results, while recall (Equation (9)) measures the proportion of true positive results that have been correctly identified. AP (Equation (10)) is the average precision for each category, calculated from the area under the precision–recall curve. The AP score provides an overall measure of model quality. mAP (Equation (11)) is the mean AP value for each category (c), used to measure the accuracy of an object detection algorithm across all categories. In our paper, when we mention mAP, specifically refer to mAP_0.5. This indicates that the evaluation metric we use is the mAP at an Intersection over Union (IoU) threshold of 0.5.

4.2. Comparison of Different Target Detection Algorithms

To select the baseline model, we compare the performance of YOLOv7x, YOLOv7-tiny, and YOLOv7. The results are shown in Table 3. YOLOv7x achieves a mAP of 95.70% on the dataset, with the slowest inference speed of 7.56 s among the three models, and a larger number of parameters at 70.84 M. This suggests that YOLOv7x is relatively complex for the rapeseed dataset used in this experiment, leading to overfitting. YOLOv7-tiny, a lightweight variant of YOLOv7, slightly outperforms YOLOv7x in accuracy at 96.15%, with an outstanding inference speed of 0.60 s and the lowest number of parameters at 6.02 M. Subsequent model pruning operations can also reduce model size and response time, so mAP becomes the primary consideration when selecting a baseline model. In this regard, YOLOv7 performs exceptionally well, achieving the highest mAP of 96.68% despite having an inference speed of 4.48 s and a parameter size of 36.50 M, both higher than those of YOLOv7-tiny. As the model with the highest mAP, YOLOv7 is chosen as the baseline model. The performance of the over-parameterized model YOLOv7 (MB) is shown in the last row of the table. Compared to the baseline model, the number of parameters is increased by 0.55 M, while the mAP is only decreased by 0.02%, and the inference speed is only increased by 0.04 s.

4.3. Comparison of Different Branch Selections

To verify the accuracy and effectiveness of the selected branches in the MB module, we design a set of comparative experiments based on YOLOv7 (MB). We only reduce the parameters in the spatial dimension through branch selection, without making any changes to the parameters in the channel dimension. Table 4 presents the performance comparison between the spatial dimension branch selection method and the random branch selection method. The results indicate that the mAPs of the two models with randomly selected branches converge to over 96.6%. However, this result still falls short of the mAP achieved by the spatial dimension branch selection method, which is 96.81%. This demonstrates that the branch selection method for the MB module is accurate and effective during the spatial dimension pruning process.

4.4. Comparison of Different Channel Dimension Pruning Methods

4.4.1. Global Pruning

After sparse training, we plot the distribution graph of the scaling factors of all channels in the layers available for pruning (Figure 7). To enhance the visualization effect, all layers are divided into two groups. The channels in the first few layers have higher scaling factor values. The median of the scaling factors of the first four layers is all greater than 0.7. It is because the initial layers of the model directly process raw data and extract information such as edges, colors, and textures. These layers provide the necessary foundational information for further processing, which is crucial for the overall performance of the entire model. To avoid pruning all parameters of a layer, we rank the highest scaling factor of each layer, and use the smallest value among them as the threshold to define the ratio of global pruning. In this experiment, the threshold is 0.622, which means that up to 62.2% of the parameters can be pruned. We adjust the pruning ratio to explore the performance of global pruning.
As shown in Table 5, the inference speed and the number of parameters decrease as the pruning ratio increases. The mAP fluctuates slightly after pruning at various ratios compared to before pruning, and remains at a high level. This suggests that the feature expression ability of each layer of the model is uneven, and global pruning cannot achieve the best effect. Therefore, we opt for the layer-by-layer pruning strategy.

4.4.2. Fixed Ratio Layer-by-Layer Pruning

Fixed ratio layer-by-layer pruning means pruning a fixed ratio of parameters for each layer. Figure 8 shows the change in mAP with the number of training iterations for YOLOv7 (MB) under different pruning ratios (0.3–0.7). It can be observed that before the 150-th epoch, the convergence speed of the curves increases with pruning ratios of 0.3, 0.4, and 0.5. This is because the model is gradually pruned of redundant connections that have little impact on model performance, which does not significantly affect the accuracy of the model. And, due to the reduction in model complexity, the convergence speed actually increases. After 150 epochs, the mAP tends to stabilize and converges around 96.8%. But the model experiences oscillations when pruned at 0.6 and 0.7 and ultimately does not achieve convergence. The results suggest that pruning causes the model to lose some important information, making it difficult for the model to achieve a stable state during the training process. As can be seen from Figure 7, the overall importance factor of some layers is significantly higher than other channels. Pruning these channels at a high ratio leads to a decline in model performance. So, fixed ratio layer-by-layer pruning is not applicable in this experiment.

4.4.3. Custom Ratio Layer-by-Layer Pruning

Global pruning and fixed ratio layer-by-layer pruning are relatively limited and may ignore the features of the model. So, we consider the custom ratio layer-by-layer pruning, which means applying different pruning ratios to each layer. This allows us to flexibly adjust the pruning ratio between different layers, thus achieving finer control of the model. We specify smaller pruning ratios for layers with more important channels, and larger ratios for layers with fewer important channels. The important channels are those with a high proportion factor, and the distribution of channel scaling factors within each layer can be seen in Figure 7. Figure 9 shows the ratio of channels retained in each layer of the model, corresponding to the performance indicators in Table 6. As can be seen from the table, the mAP of ‘Custom1’ reaches 96.89%, which surpasses the baseline model. The inference speed decreases from 4.48 s to 1.18 s, and the number of parameters drops from 36.50 M to 9.19 M, compared to the baseline model. ‘Custom2’ and ‘Custom3’ respectively reduce the ratio of retained channels in layers with fewer and more important channels. The two have similar inference speeds, but the mAP differs by 0.65%. This suggests that the method of judging channel importance in our paper is effective (models that prune less important channels are more accurate than models that prune more important channels). ‘Random’ randomly selects the pruning ratio for each layer. After the model converges, the mAP only reaches 95.95%, which is lower than the others, and the inference speed is also slower. Considering the above four pruning schemes, we believe that the ‘custom1’ scheme has the highest mAP and a reasonably fast inference speed, and offers the best performance.

5. Discussion

The real-time detection of rapeseeds on an embedded computing environment is highly valuable in the agricultural industry. Our study introduces the dual-dimensional pruning to YOLOv7, aimed at accelerating its inference speed on embedded devices without compromising accuracy.
Our paper draws inspiration from [50], which aims to over-parameterize every convolutional layer of the model. Our method combines the structural characteristics of YOLOv7, merely over-parameterizing the MP module. There are two reasons for the modification. First, the scaling factors of most layers in our model tend to be zero, resulting in a large number of the additional parameters being pruned later on. Therefore, it is unnecessary to over-parameterize every convolutional layer. Second, the rapeseed dataset used in this experiment is moderate in size. If the model is over-parameterized into a super-large model, it can easily lead to overfitting, and the weights of the model may not be optimal after training convergence. To validate the performance of our model, we construct a seed detection system. The seed detection system only requires a low-cost commercial camera, an LED light, and an embedded computing device to achieve quick and high-accuracy variety detection. The adaptability of our model ensures that the system can be flexibly deployed across a range of scenarios, from laboratories and fields to remote outdoor settings.
However, our model is currently limited in the range of seed varieties it can detect, which restricts its application in actual agricultural production and seed screening tasks. To further improve the adaptability of the system, it is necessary to use a diverse seed dataset to train the model. By enriching the seed dataset, the detection range of the model can be expanded, and the robustness and accuracy of the model can be improved.

6. Conclusions

This study aims to develop an effective and efficient detection system for rapeseed varieties that can be deployed on embedded devices with limited computation resource. We collect five varieties of rapeseeds as samples and use an image acquisition device to obtain 1871 images. To improve real-time performance, we use pruning techniques to lighten the model. Specifically, a dual-dimension pruning method is designed, which can reduce redundant parameters in both spatial and channel dimensions. We demonstrate the effectiveness of spatial pruning by comparing it with models that randomly select branches. We also compare three channel pruning methods, among which custom ratio layer-by-layer pruning is more precise and flexible, achieving the best model performance. Finally, our model achieves a 96.89% mAP with only 9.19 M parameters, and an inference speed of 1.18 s per image, meeting the requirements for real-time detection of rapeseeds in resource-constrained scenarios. In the future, we will plan to introduce layer dimension based on the existing dual-dimension pruning, to achieve finer-grained model adjustments. This will provide greater potential and flexibility for the application of target detection models on embedded devices.

Author Contributions

Conceptualization, S.G.; Data curation, S.G.; Formal analysis, W.M. and G.S.; Investigation, S.G.; Project administration, W.M. and G.S.; Resources, W.M. and G.S.; Software, S.G.; Supervision, W.M. and G.S.; Validation, S.G., W.M. and G.S.; Visualization, S.G.; Writing—original draft, S.G.; Writing—review and editing, S.G., W.M. and G.S. All authors have read and agreed to the published version of the manuscript.

Funding

This research received no external funding.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

The raw data supporting the conclusions of this article will be made available by the authors on request.

Acknowledgments

We extend our heartfelt gratitude to the Beijing Forestry University Biology Science and Technology College for providing the data support essential to our project.

Conflicts of Interest

The authors declare no conflicts of interest.

References

  1. Izli, N.; Unal, H.; Sincik, M. Physical and mechanical properties of rapeseed at different moisture content. Int. Agrophys. 2009, 23, 137–145. [Google Scholar]
  2. Mácová, K.; Prabhullachandran, U.; Štefková, M.; Spyroglou, I.; Pěnčík, A.; Endlová, L.; Novák, O.; Robert, H.S. Long-term high-temperature stress impacts on embryo and seed development in Brassica napus. Front. Plant Sci. 2022, 13, 844292. [Google Scholar] [CrossRef] [PubMed]
  3. Zhou, L.; Li, Y.; Hussain, N.; Li, Z.; Wu, D.; Jiang, L. Allelic variation of BnaC. TT2. a and its association with seed coat color and fatty acids in rapeseed (Brassica napus L.). PLoS ONE 2016, 11, e0146661. [Google Scholar]
  4. Jordan, M.I.; Mitchell, T.M. Machine learning: Trends, perspectives, and prospects. Science 2015, 349, 255–260. [Google Scholar] [CrossRef] [PubMed]
  5. Li, J.; Liao, G.; Yu, X.; Tong, Z. Plumpness Recognition and Quantification of Rapeseeds using Computer Vision. J. Softw. 2010, 5, 1038–1047. [Google Scholar] [CrossRef]
  6. Kurtulmuş, F.; Ünal, H. Discriminating rapeseed varieties using computer vision and machine learning. Expert Syst. Appl. 2015, 42, 1880–1891. [Google Scholar] [CrossRef]
  7. Shahsavari, M.; Mohammadi, V.; Alizadeh, B.; Alizadeh, H. Application of machine learning algorithms and feature selection in rapeseed (Brassica napus L.) breeding for seed yield. Plant Methods 2023, 19, 57. [Google Scholar] [CrossRef] [PubMed]
  8. LeCun, Y.; Bengio, Y.; Hinton, G. Deep learning. Nature 2015, 521, 436–444. [Google Scholar] [CrossRef]
  9. Przybył, K.; Wawrzyniak, J.; Koszela, K.; Adamski, F.; Gawrysiak-Witulska, M. Application of deep and machine learning using image analysis to detect fungal contamination of rapeseed. Sensors 2020, 20, 7305. [Google Scholar] [CrossRef]
  10. Loddo, A.; Loddo, M.; Di Ruberto, C. A novel deep learning based approach for seed image classification and retrieval. Comput. Electron. Agric. 2021, 187, 106269. [Google Scholar] [CrossRef]
  11. Díaz-Martínez, V.; Orozco-Sandoval, J.; Manian, V.; Dhatt, B.K.; Walia, H. A deep learning framework for processing and classification of hyperspectral rice seed images grown under high day and night temperatures. Sensors 2023, 23, 4370. [Google Scholar] [CrossRef] [PubMed]
  12. Liu, Z.; Wang, L.; Liu, Z.; Wang, X.; Hu, C.; Xing, J. Detection of Cotton Seed Damage Based on Improved YOLOv5. Processes 2023, 11, 2682. [Google Scholar] [CrossRef]
  13. Ouf, N.S. Leguminous seeds detection based on convolutional neural networks: Comparison of faster R-CNN and YOLOv4 on a small custom dataset. Artif. Intell. Agric. 2023, 8, 30–45. [Google Scholar] [CrossRef]
  14. Bochkovskiy, A.; Wang, C.Y.; Liao, H.Y.M. Yolov4: Optimal speed and accuracy of object detection. arXiv 2020, arXiv:2004.10934. [Google Scholar]
  15. Girshick, R. Fast r-cnn. In Proceedings of the IEEE International Conference on Computer Vision, Santiago, Chile, 7–13 December 2015; pp. 1440–1448. [Google Scholar]
  16. Ng, J.; Liao, I.Y.; Jelani, M.F.; Chen, Z.Y.; Wong, C.K.; Wong, W.C. Multiview-based method for high-throughput quality classification of germinated oil palm seeds. Comput. Electron. Agric. 2024, 218, 108684. [Google Scholar] [CrossRef]
  17. Jia, L.; Wang, T.; Chen, Y.; Zang, Y.; Li, X.; Shi, H.; Gao, L. MobileNet-CA-YOLO: An improved YOLOv7 based on the MobileNetV3 and attention mechanism for Rice pests and diseases detection. Agriculture 2023, 13, 1285. [Google Scholar] [CrossRef]
  18. Soeb, M.J.A.; Jubayer, M.F.; Tarin, T.A.; Al Mamun, M.R.; Ruhad, F.M.; Parven, A.; Mubarak, N.M.; Karri, S.L.; Meftaul, I.M. Tea leaf disease detection and identification based on YOLOv7 (YOLO-T). Sci. Rep. 2023, 13, 6078. [Google Scholar] [CrossRef]
  19. Wu, D.; Jiang, S.; Zhao, E.; Liu, Y.; Zhu, H.; Wang, W.; Wang, R. Detection of Camellia oleifera fruit in complex scenes by using YOLOv7 and data augmentation. Appl. Sci. 2022, 12, 11318. [Google Scholar] [CrossRef]
  20. Zhou, J.; Zhang, Y.; Wang, J. A dragon fruit picking detection method based on YOLOv7 and PSP-Ellipse. Sensors 2023, 23, 3803. [Google Scholar] [CrossRef]
  21. Wang, K.; Hu, X.; Zheng, H.; Lan, M.; Liu, C.; Liu, Y.; Zhong, L.; Li, H.; Tan, S. Weed detection and recognition in complex wheat fields based on an improved YOLOv7. Front. Plant Sci. 2024, 15, 1372237. [Google Scholar] [CrossRef]
  22. Gallo, I.; Rehman, A.U.; Dehkordi, R.H.; Landro, N.; La Grassa, R.; Boschetti, M. Deep object detection of crop weeds: Performance of YOLOv7 on a real case dataset from UAV images. Remote Sens. 2023, 15, 539. [Google Scholar] [CrossRef]
  23. Kim, S.W.; Ko, K.; Ko, H.; Leung, V.C. Edge-network-assisted real-time object detection framework for autonomous driving. IEEE Netw. 2021, 35, 177–183. [Google Scholar] [CrossRef]
  24. Zonglei, L.; Xianhong, X. Deep compression: A compression technology for apron surveillance video. IEEE Access 2019, 7, 129966–129974. [Google Scholar] [CrossRef]
  25. Guo, Y.; Wang, M.; Li, X. Application of an improved Apriori algorithm in a mobile e-commerce recommendation system. Ind. Manag. Data Syst. 2017, 117, 287–303. [Google Scholar] [CrossRef]
  26. Hinton, G.; Vinyals, O.; Dean, J. Distilling the knowledge in a neural network. arXiv 2015, arXiv:1503.02531. [Google Scholar]
  27. Huang, Z.; Wang, R.; Cao, Y.; Zheng, S.; Teng, Y.; Wang, F.; Wang, L.; Du, J. Deep learning based soybean seed classification. Comput. Electron. Agric. 2022, 202, 107393. [Google Scholar] [CrossRef]
  28. Lin, B. Safety Helmet Detection Based on Improved YOLOv8. IEEE Access 2024, 12, 28260–28272. [Google Scholar] [CrossRef]
  29. Kim, Y.D.; Park, E.; Yoo, S.; Choi, T.; Yang, L.; Shin, D. Compression of deep convolutional neural networks for fast and low power mobile applications. arXiv 2015, arXiv:1511.06530. [Google Scholar]
  30. Polino, A.; Pascanu, R.; Alistarh, D. Model compression via distillation and quantization. arXiv 2018, arXiv:1802.05668. [Google Scholar]
  31. Liu, Z.; Sun, M.; Zhou, T.; Huang, G.; Darrell, T. Rethinking the value of network pruning. arXiv 2018, arXiv:1810.05270. [Google Scholar]
  32. Anwar, S.; Hwang, K.; Sung, W. Structured pruning of deep convolutional neural networks. ACM J. Emerg. Technol. Comput. Syst. (JETC) 2017, 13, 1–18. [Google Scholar] [CrossRef]
  33. Fang, G.; Ma, X.; Song, M.; Mi, M.B.; Wang, X. Depgraph: Towards any structural pruning. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Vancouver, BC, Canada, 17–24 June 2023; pp. 16091–16101. [Google Scholar]
  34. Chen, X.; Zhu, J.; Jiang, J.; Tsui, C.Y. Tight compression: Compressing CNN model tightly through unstructured pruning and simulated annealing based permutation. In Proceedings of the 2020 57th ACM/IEEE Design Automation Conference (DAC), IEEE, San Francisco, CA, USA, 20–24 July 2020; pp. 1–6. [Google Scholar]
  35. Yang, Z.; Zhang, H. Comparative analysis of structured pruning and unstructured pruning. In Proceedings of the International Conference on Frontier Computing, Seoul, Republic of Korea, 13–17 July 2021; Springer: Singapore, 2021; pp. 882–889. [Google Scholar]
  36. Li, C.; Li, H.; Liao, L.; Liu, Z.; Dong, Y. Real-time seed sorting system via 2D information entropy-based CNN pruning and TensorRt acceleration. Iet Image Process. 2023, 17, 1694–1708. [Google Scholar] [CrossRef]
  37. Jin, X.; Zhao, Y.; Wu, H.; Sun, T. Sunflower seeds classification based on sparse convolutional neural networks in multi-objective scene. Sci. Rep. 2022, 12, 19890. [Google Scholar] [CrossRef] [PubMed]
  38. Wang, Y.; Bai, H.; Sun, L.; Tang, Y.; Huo, Y.; Min, R. The Rapid and Accurate Detection of Kidney Bean Seeds Based on a Compressed Yolov3 Model. Agriculture 2022, 12, 1202. [Google Scholar] [CrossRef]
  39. Redmon, J.; Farhadi, A. Yolov3: An incremental improvement. arXiv 2018, arXiv:1804.02767. [Google Scholar]
  40. Ioffe, S.; Szegedy, C. Batch normalization: Accelerating deep network training by reducing internal covariate shift. In Proceedings of the International Conference on Machine Learning. pmlr, Lille, France, 7–9 July 2015; pp. 448–456. [Google Scholar]
  41. Liu, Z.; Li, J.; Shen, Z.; Huang, G.; Yan, S.; Zhang, C. Learning efficient convolutional networks through network slimming. In Proceedings of the IEEE International Conference on Computer Vision, Venice, Italy, 22–29 October 2017; pp. 2736–2744. [Google Scholar]
  42. He, Y.; Zhang, X.; Sun, J. Channel pruning for accelerating very deep neural networks. In Proceedings of the IEEE International Conference on Computer Vision, Venice, Italy, 22–29 October 2017; pp. 1389–1397. [Google Scholar]
  43. Pan, H.; Chao, Z.; Qian, J.; Zhuang, B.; Wang, S.; Xiao, J. Network pruning using linear dependency analysis on feature maps. In Proceedings of the ICASSP 2021–2021 IEEE International Conference on Acoustics, Speech and Signal Processing (ICASSP), IEEE, Toronto, ON, Canada, 6–11 June 2021; pp. 1720–1724. [Google Scholar]
  44. Ding, G.; Zhang, S.; Jia, Z.; Zhong, J.; Han, J. Where to prune: Using LSTM to guide data-dependent soft pruning. IEEE Trans. Image Process. 2020, 30, 293–304. [Google Scholar] [CrossRef]
  45. Huang, Q.; Zhou, K.; You, S.; Neumann, U. Learning to prune filters in convolutional neural networks. In Proceedings of the 2018 IEEE Winter Conference on Applications of Computer Vision (WACV), IEEE, Lake Tahoe, NV, USA, 12–15 March 2018; pp. 709–718. [Google Scholar]
  46. Zhen, C.; Zhang, W.; Mo, J.; Ji, M.; Zhou, H.; Zhu, J. Rasp: Regularization-based amplitude saliency pruning. Neural Netw. 2023, 168, 1–13. [Google Scholar] [CrossRef] [PubMed]
  47. Mussay, B.; Feldman, D.; Zhou, S.; Braverman, V.; Osadchy, M. Data-independent structured pruning of neural networks via coresets. IEEE Trans. Neural Netw. Learn. Syst. 2021, 33, 7829–7841. [Google Scholar] [CrossRef]
  48. Bai, S.; Chen, J.; Shen, X.; Qian, Y.; Liu, Y. Unified data-free compression: Pruning and quantization without fine-tuning. In Proceedings of the IEEE/CVF International Conference on Computer Vision, Paris, France, 2–6 October 2023; pp. 5876–5885. [Google Scholar]
  49. He, Y.; Liu, P.; Wang, Z.; Hu, Z.; Yang, Y. Filter pruning via geometric median for deep convolutional neural networks acceleration. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Long Beach, CA, USA, 15–20 June 2019; pp. 4340–4349. [Google Scholar]
  50. Guo, J.; Ouyang, W.; Xu, D. Multi-dimensional pruning: A unified framework for model compression. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Seattle, WA, USA, 13–19 June 2020; pp. 1508–1517. [Google Scholar]
Figure 1. Five varieties of rapeseed samples. (a) Yuyou-35; (b) Yuhuang-20; (c) Deyou-5; (d) Yuyou-55; (e) Yuyou-56.
Figure 1. Five varieties of rapeseed samples. (a) Yuyou-35; (b) Yuhuang-20; (c) Deyou-5; (d) Yuyou-55; (e) Yuyou-56.
Sensors 24 05585 g001
Figure 2. Workflow of our system.
Figure 2. Workflow of our system.
Sensors 24 05585 g002
Figure 3. The pruning process of the model training phase.
Figure 3. The pruning process of the model training phase.
Sensors 24 05585 g003
Figure 4. Over-parameterization in spatial pruning from the MP structure (a) to the MB structure (b).
Figure 4. Over-parameterization in spatial pruning from the MP structure (a) to the MB structure (b).
Sensors 24 05585 g004
Figure 5. Architecture of our model. The specific structures of the modules used in the architecture are listed in the figure. The ‘branch’ module is the best branch among the four branches in MB, and its specific structure is shown in Figure 4.
Figure 5. Architecture of our model. The specific structures of the modules used in the architecture are listed in the figure. The ‘branch’ module is the best branch among the four branches in MB, and its specific structure is shown in Figure 4.
Sensors 24 05585 g005
Figure 6. Seed variety detection device.
Figure 6. Seed variety detection device.
Sensors 24 05585 g006
Figure 7. Scaling factor distributions in YOLOv7 (MB). For display convenience, it is divided into left and right graphs.
Figure 7. Scaling factor distributions in YOLOv7 (MB). For display convenience, it is divided into left and right graphs.
Sensors 24 05585 g007
Figure 8. Influence of different pruning ratios on mAP.
Figure 8. Influence of different pruning ratios on mAP.
Sensors 24 05585 g008
Figure 9. Channel retention ratio of each layer. The solid lines represent three custom pruning schemes, and the dashed line represents the random pruning scheme.
Figure 9. Channel retention ratio of each layer. The solid lines represent three custom pruning schemes, and the dashed line represents the random pruning scheme.
Sensors 24 05585 g009
Table 1. Information of five varieties of rapeseeds.
Table 1. Information of five varieties of rapeseeds.
VarietyRegistration YearOriginColorQuantity
Yuyou-352019GH31 × GH33tawny345
Yuhuang-202022W01YA × L804tawny351
Deyou-52019K97A × Z68Rdark brown356
Yuyou-55202117,346 × 16,110dark brown414
Yuyou-56202217448A × 18,007ark brown405
Table 2. Hyperparameter settings for sparse training.
Table 2. Hyperparameter settings for sparse training.
HyperparametersValue
weight coefficientsa0.0001
b0.0001
initial learning rate 0.01
batch size 16
#epochs 400
Table 3. Comparison of model performance. The first three rows show the performance metrics of YOLOv7x, YOLOv7-tiny, and YOLOv7, while the last row shows the performance metrics of YOLOv7 (MB).
Table 3. Comparison of model performance. The first three rows show the performance metrics of YOLOv7x, YOLOv7-tiny, and YOLOv7, while the last row shows the performance metrics of YOLOv7 (MB).
ModelsmAP (%)Inference Speed (s)Number of Parameters (M)
YOLOv7x95.707.5670.84
YOLOv7-tiny96.150.606.02
YOLOv796.684.4836.50
YOLOv7 (MB)96.664.5237.05
Table 4. Performance comparison of our method and random branch selection method. It shows the branch selections for five MB modules, which all possess the same structure. bn (n ∈ {1, 2, 3, 4}) represents the n-th branch.
Table 4. Performance comparison of our method and random branch selection method. It shows the branch selections for five MB modules, which all possess the same structure. bn (n ∈ {1, 2, 3, 4}) represents the n-th branch.
Branch Selection MethodsBranch SelectionsmAP (%)
MB1MB2MB3MB4MB5
pruning strategy selectionb2b3b1b3b496.81
random selection1b3b4b2b1b396.63
random selection2b1b2b3b4b296.76
Table 5. Comparison of performance of different ratios of pruning.
Table 5. Comparison of performance of different ratios of pruning.
Pruning RatiosmAP (%)Inference Time (s)Number of Parameters (M)
0.196.813.3529.20
0.296.792.9424.25
0.396.752.7319.24
0.496.802.5418.16
0.596.732.3415.34
0.696.642.2513.24
0.62296.532.1413.06
Table 6. Comparison of model performance. The first three rows represent three custom pruning schemes, and the last row represents a random pruning scheme.
Table 6. Comparison of model performance. The first three rows represent three custom pruning schemes, and the last row represents a random pruning scheme.
mAP (%)Inference Speed (s)Number of Parameters (M)
Custom196.891.189.19
Custom296.121.178.92
Custom396.771.158.77
Random95.941.3313.15
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Gu, S.; Meng, W.; Sun, G. Streamlining YOLOv7 for Rapid and Accurate Detection of Rapeseed Varieties on Embedded Device. Sensors 2024, 24, 5585. https://doi.org/10.3390/s24175585

AMA Style

Gu S, Meng W, Sun G. Streamlining YOLOv7 for Rapid and Accurate Detection of Rapeseed Varieties on Embedded Device. Sensors. 2024; 24(17):5585. https://doi.org/10.3390/s24175585

Chicago/Turabian Style

Gu, Siqi, Wei Meng, and Guodong Sun. 2024. "Streamlining YOLOv7 for Rapid and Accurate Detection of Rapeseed Varieties on Embedded Device" Sensors 24, no. 17: 5585. https://doi.org/10.3390/s24175585

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Back to TopTop