Next Article in Journal
FS-RSDD: Few-Shot Rail Surface Defect Detection with Prototype Learning
Next Article in Special Issue
Decomposed Multilateral Filtering for Accelerating Filtering with Multiple Guidance Images
Previous Article in Journal
A Graph-Based Hybrid Reconfiguration Deformation Planning for Modular Robots
Previous Article in Special Issue
Robust PDF Watermarking against Print–Scan Attack
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Quasi Real-Time Apple Defect Segmentation Using Deep Learning

Dipartimento di Informatica, Sistemistica e Comunicazione, Università Milano-Bicocca, 20126 Milano, Italy
*
Author to whom correspondence should be addressed.
Sensors 2023, 23(18), 7893; https://doi.org/10.3390/s23187893
Submission received: 21 August 2023 / Revised: 1 September 2023 / Accepted: 12 September 2023 / Published: 14 September 2023
(This article belongs to the Special Issue Feature Papers in "Sensing and Imaging" Section 2023)

Abstract

:
Defect segmentation of apples is an important task in the agriculture industry for quality control and food safety. In this paper, we propose a deep learning approach for the automated segmentation of apple defects using convolutional neural networks (CNNs) based on a U-shaped architecture with skip-connections only within the noise reduction block. An ad-hoc data synthesis technique has been designed to increase the number of samples and at the same time to reduce neural network overfitting. We evaluate our model on a dataset of multi-spectral apple images with pixel-wise annotations for several types of defects. In this paper, we show that our proposal outperforms in terms of segmentation accuracy general-purpose deep learning architectures commonly used for segmentation tasks. From the application point of view, we improve the previous methods for apple defect segmentation. A measure of the computational cost shows that our proposal can be employed in real-time (about 100 frame-per-second on GPU) and in quasi-real-time (about 7/8 frame-per-second on CPU) visual-based apple inspection. To further improve the applicability of the method, we investigate the potential of using only RGB images instead of multi-spectral images as input images. The results prove that the accuracy in this case is almost comparable with the multi-spectral case.

1. Introduction

The food industry is concerned with the processing, production, handling, storage, preservation, control, packaging, and distribution of food products made from raw foods [1]. The early detection of defects in raw food would make food production and selection processes more efficient. Kumar Pothula et al. [2] propose a new singulating and rotating mechanism for in-field grading and sorting, and Nturambirwe et al. [3] and Firouz et al. [4] review the automatic non-destructive techniques for horticultural quality assessment. The detection of defects in this case would allow food prices to be categorized according to product quality, thus better matching consumer expectations with respect to a specific product category [5].
Detecting defects during production, handling, storage, preservation, etc. is crucial for prompting appropriate categorization of the products, especially in the food industry. To this aim, it is essential to detect defects within a timeframe that is shorter or at least comparable to the product processing time itself, thus ensuring that timely feedback or alerts are provided.
Defect detection can be carried out through various methods. First, human operators can perform manual defect detection to actively monitor the manufacturing process. Alternatively, computer-based systems equipped with imaging devices or sensors can automatically monitor the production process. Lastly, there is the option of semi-automated detection, where humans interact with computer-based monitoring systems [6] to analyze critical cases.
In this paper, we focus on the quality control of raw food, which is usually based on shapes, colors, and textures [7], and in particular we address the problem of apple quality control. Defect detection of apples is a relevant problem since the apple is the second most consumed fruit in the world, following the banana [8]. China provides the largest apple production in the world; it produced almost 40 million metric tons with a cultivation area of 2.1 million hectares in 2013. Other leading countries include Turkey, the United States, Poland, and India (see Table 1). The majority of apples produced in the world are destined for fresh consumption, so a defect detection method is crucial to improve the market value of these fruits. Serious or slight defects could be both naturally or non-naturally introduced in the apple life cycle. Natural defects are produced during the fruit’s growth on the tree, for example, frost damage, rot, hail damage, flesh damage, and scald. Non-natural defects are introduced from the harvest operation onwards, for example, spoilage or mechanical damage, transportation spillage, degradation, grading, sorting, washing, and distribution in the stores. Typical non-natural defects are bruises, russets, scar tissue, limb rubs, and flesh damage.
In this paper, we focus on apple defect detection using automatic visual inspection methodologies based on computer vision and deep learning. The majority of the state-of-the-art methods consider apple defect detection as a classification problem, where each apple sample is classified as a defective/non-defective class with any information about the defect localization and size [9]. However, the European Commission in 2004 defined the marketing standard for apples, asserting that apples are classified in three classes on the basis of the grade of defects in terms of size and visual characteristics [10]. In order to be compliant with European standards, automatic methods for apple defect detection should also output the segmentation of the defective regions. Defect segmentation makes it possible that some apples could be sold at a lower price if the defect covers a small portion of the surface.
Huang et al. [11] found that the use of hyper and multi-spectral cameras instead of RGB cameras may bring an improvement in defect detection since some classes of defects are more visible in specific spectral bands. Multi-spectral imaging for raw foods can be performed using two common measurement modes, namely reflectance and transmittance. The difference between them is related to the lighting and detector configurations. The reflectance mode can obtain information concerning the sample surface in terms of color, size, shape, and surface defects, without any contact with it [12]. The transmittance mode measures the amount of light that passes through the sample [13], thus providing information regarding the internal part of the sample. Concerning apples, the reflectance mode is the most common choice because it is non-destructive, fast, simple, low-cost, and environmentally friendly. In this field, Rahi et al. [14] review the spectroscopy and spectral imaging techniques for non-destructive food microbial assessment, Gui et al. [15] propose a CNN-SVM model for an SMV classification method trained on hyperspectral images with 256 bands in the range 383.70∼1032.70 nm, while Liu et al.’s [16] system discriminates and eliminates damaged soybean seeds based on the acquired RGB images.
Notwithstanding the importance of visual-based automatic detection of apple defects, the databases that are used for developing these types of systems are usually not available for research. In this work, we employ the only public available multi-spectral database of apples (reflectance mode: RGB + near infrared-NIR). The database has precise segmentation and categorization of defects [17]. It consists of 280 and 256 images of healthy and defective Jonagold apples, respectively. The multi-spectral (RGB + NIR) images are acquired in a custom setup that includes a four band multi-spectral image acquisition device and a specific set of lighting sources.
Before the emergence of convolutional neural networks (CNNs), traditional computer vision techniques were commonly used for defect segmentation tasks. These methods often relied on handcrafted features and rule-based algorithms to detect and segment defects on apple surfaces. Here are a few techniques that were commonly used prior to the widespread adoption of CNNs: Mizushima and Lu [18] propose an image segmentation algorithm for apple sorting and grading based on support vector machine and Otsu’s method; Unay et al. [19] propose several thresholding and classification-based techniques for defect segmentation on ‘Jonagold’ apples; Kleynen et al. [17] implement filters of specific spectral bands for a multi-spectral image acquisition device for defect detection on apples.
Convolutional neural networks (CNNs) have emerged as a powerful approach for defect segmentation tasks, including the specific task of apple defect segmentation. CNNs are deep learning models that excel at analyzing visual data and have the ability to automatically learn and extract relevant features from images [20].
By utilizing CNNs for apple defect segmentation, researchers have achieved significant improvements in accuracy and efficiency compared to traditional computer vision techniques. CNNs can handle complex and varied defect patterns, adapt to different lighting conditions, and learn robust representations of the defects, making them a state-of-the-art approach in this field [21].
To train these CNN models, large datasets of annotated apple images are required. These datasets contain images of apples with different types and severities of defects, along with corresponding manual annotations that indicate the locations and boundaries of the defects. The process of creating these annotated datasets involves expert human annotators who carefully label the defects in the images [17].
The main limitation of deep neural networks for defect detection is related to the amount of diversity data in the training process. Acharya et al. [22] generate synthetic data to overcome imbalance problems. Recent works increase the number of training images by applying different traditional augmentation techniques like salt and pepper noise, Gaussian noise, flips, rotation, brightness, and darkness operation [23]. But these augmentation algorithms are not enough to increase the diversity of defects in the database and they can change the naturalness of defects.
Moreover, relevant problems of CNNs are related to the inability to run on low computational devices and handle high resolution images in real-time. The most straightforward solution to reduce the computational complexity is to resize the image, but this operation introduces some artifacts and can alter the defects [24].
This paper proposes an advanced deep learning methodology for the automatic segmentation of apple defects. Our approach is based on a U-shaped convolutional neural networks (CNN) architecture [25]. To address the challenge of limited training data and thus reduce the effect of the training overfitting, we propose here a novel data synthesis technique. This technique aims to increase the number of available samples for training. To assess the effectiveness of our approach, we conduct evaluations using the multi-spectral apple dataset proposed by [17].
Our proposed methodology exhibits superior performance in terms of segmentation accuracy compared to commonly used deep learning architectures designed for general segmentation tasks. Our approach significantly improves existing methods for apple defect segmentation, leading to substantial enhancements. Additionally, we evaluate the computational cost of our proposal, demonstrating its suitability for real-time applications. Utilizing a GPU, our method achieves an impressive frame-per-second rate of approximately 100, while with a CPU, it achieves a quasi-real-time performance of about 7/8 frames-per-second in visual inspection processes. To enhance the versatility of our method, we investigate the feasibility of using RGB images exclusively as input data instead of multi-spectral images. Encouragingly, the results show that the accuracy achieved in this scenario is nearly comparable to the multi-spectral approach. The experiments can be reproduced using the code made available at the following address: https://github.com/cimice15/Quasi_real-time_apple_defect_segmentation (accessed on 8 September 2023).
The paper is organized as follows: Section 2 presents related works, Section 3 presents the database used in our experiments and the method we propose. Section 4 presents evaluation metrics and experimental setups. Finally Section 5 discusses results of the proposed method in comparison with state-of-the-art methods.

2. Related Works

We approach the apple quality assessment as a defect segmentation task because binary classification restricts the possible performance evaluation and the value on the market of the algorithms. So in this section we analyze the methods specifically designed for the apple defect segmentation and the methods that perform apple classification exploiting defect segmentation. The result of this analysis is reported in Table 2.
Unay et al. [19] propose an approach that compares several thresholding and classification-based techniques for apple defect segmentation. The method extracts global and local apple features using different neighbourhoods size and shape. Subsequently, the defect detection is conducted using thresholding or classification. Thresholding applies global or local threshold, while classification uses supervised and unsupervised methods. The results shows that the multi layer perceptron (MLP) is the most promising architecture to be used for the segmentation of surface defects.
Xiaobo et al. [31] propose a multi-threshold method to segment the apple image from black background. Then, the Yang et al. [32] algorithm identifies patch-like defects including calyxes and stem-ends. When two or more ROIs are identified, the apple is classified into the rejection class. In this case, the segmentation of the defect is a previous stage of the apple classification.
Zhang et al. [26] propose an approach for identifying defects in apples using a combination of the fuzzy C-means algorithm and the nonlinear programming genetic algorithm (FCM-NPGA), along with multivariate image analysis. Initially, the image was subjected to denoising and enhancement through fractional differentiation. This process eliminated noise and edge points while retaining essential texture details. Subsequently, the FCM-NPGA algorithm was employed to segment potentially defective regions within the apple. Ultimately, a strategy founded on multivariate image analysis was employed to identify flaws within the mapped regions indicative of potential defects in the apples.
Bhargava et al. [29] applied a threshold to segment apple instance from background, then the segmentation of a defective area is performed using fuzzy c-means. The method is designed for apple classification, so the apple feature extraction is performed using various combinations of statistical textural, geometrical, Gabor wavelet, and discrete cosine transform. Finally, for classification, three different classifiers, namely KNN, SRC (sparse representation classifier) and SVM (support vector machine) have been applied.
Huang et al. [11] developed a multi-spectral imaging system to select the most appropriate wavelengths for apple defect classification using principal component analysis (PCA). Although the method is developed for the classification of normal or bruised apples, the analysis highlights that three effective wavelengths are feasible for bruise segmentation on apples.
Lu et al. [28] developed a multi-spectral structured illumination reflectance imaging (SIRI) system to acquire near-infrared images of apples with various types of surface and subsurface defects. Direct component (DC) and amplitude component (AC) images are extracted and enhanced using bi-dimensional empirical mode decomposition (BEMD). Defect detection algorithms are developed using random forest (RF), SVM, and CNN.
The most recent method proposed by Fan et al. [30] combines NIR images provided by three consecutive rubber roller stations. Then, the defect detection and classification are performed using a pruned YOLO V4 network.
Since our method is based on a U-shaped CNN architecture, we compare our method with other U-shaped architectures as well as with other relevant CNN architecture specially designed for image segmentation. In particular, we compare with a traditional U-Net [33] and a variant, namely U-Net++ [34], the Pyramid Scene Parsing Network (PSPNet) [35], DeepLabv3 [36] and PAN (Pyramid Attention Network) [37]. The U-net network consists of a contracting path to capture context and a symmetric expanding path that enables precise localization. Its variant U-Net++ is aimed at reducing the semantic gap between the feature maps of the encoder and decoder sub-networks through a series of nested and dense skip pathways. PSPNet embeds difficult scenery context features in a fully convolutional network-based pixel prediction framework. DeepLabv3 network employs atrous convolution in cascade or in parallel to capture multi-scale context by adopting multiple rates. Finally, the PAN network combines attention mechanism and spatial pyramid to extract precise dense features for pixel labeling instead of complicated dilated convolution and artificially designed decoder networks.

3. Materials and Methods

3.1. Database

The apple image database [17] consists of 280 and 256 images of healthy and defective Jonagold apples, respectively, with a resolution of 430 × 560 pixels. The multi-spectral (RGB + NIR) images are acquired in a custom setup that includes a four band multi-spectral image acquisition device and a specific set of lighting sources. The acquisition device is a MultiSpec AgroImagerTM (Optical Insights LCC, Suwanee, GA, USA) with four interference band-pass filters centred at 450, 500, 750 and 800 nm with a bandwidth of 80, 40, 80 and 50 nm, respectively. Each band is 8-bit encoded. The acquisition lighting setup is composed by two Philips TL-D 18 W/18 fluorescent tubes emitting in the spectral band of the blue colour and ten 30 W incandescent spots emitting in the visible and near-infrared spectra. Lighting sources are placed to avoid specular reflections.
The apples in the database contain a large number of defect variants both in terms of appearance and size: russets, scar tissue, frost damage, scald, hail damage (with and without skin perforation), limb rubs, visible flesh damage, recent bruises (between 1 h and 2 h old), rot and other (defects). Individual defects are further characterized, according to their severity and size, as follows: slight defects (e.g., small russet), more serious (e.g., scar tissue), defects leading to the rejection of the fruit (e.g., rot) and recent bruises. The defects distribution is depicted in Figure 1. In the original database, all the defects have been manually outlined, making it possible to faithfully verify the accuracy of the proposed method that is designed to automatically identify the boundaries of defective areas whatever the type of defect is. An example of these defects is depicted in Figure 2.
Figure 3 shows the spectral bands of some defective apples. It can be noticed that some defects are difficult to see in some spectral bands. Since multispectral cameras are usually more expensive than traditional RGB cameras, one of the research questions to be addressed in concerns the actual need of the infrared channel for defect segmentation.

3.2. Data Synthesis

To further increase the number of apple samples used during the training process, and so to reduce overfitting of the neural networks, we synthesize new defective apple images. The data synthesis process is summarized as follows:
  • We randomly pick a defective apple image;
  • We apply two image transformations to the apple defect: (1) a random rotation of an angle selected within the range [ 0 , 360 ] deg ; (2) a random warping using a deformation grid [33];
  • We randomly pick a healthy apple image;
  • We define the apple Region Of Interest (ROI) by removing the background from the healthy apple image [19];
  • We place the defect taken from the defective apple image selected at step 1 onto the ROI of the healthy apple image.
To synthesize apples with multiple defects, we randomly place from one to three defects onto a given healthy apple image.
To further analyze the effect of our data synthesis procedure, we have investigated different data synthesis setups that are listed in Table 3. The first setup considers no data synthesis at all; the second one considers only the generation of one synthetic defect without any transformation; the third one considers one synthetic defect with random defect rotation; the fourth one considers one synthetic defect with random defect rotation and warping; the last two setups consider one to three synthetic defects along with defect rotation and both defect rotation and warping, respectively.
The proposed data synthesis procedure is executed during the training phase with a probability P . A graphical example of the proposed data synthesis procedure (setup number 5, cfr. Table 3) is depicted in Figure 4. Each row corresponds to a different defect type, while the first and second columns represent healthy apple without and with synthesized defects, respectively.

3.3. Proposed Model

Our approach is based on a U-shaped CNN architecture that has been successfully employed in the literature for visual inspection tasks [38]. This architecture is a good trade-off between accuracy and computational cost [33]. We show later that our proposal can be employed in real-time (using a GPU) or quasi-real-time (using a CPU) visual inspection tasks. Moreover, the network designed here allows the handling of full size images without resizing and cropping that can alter defect details [39].
The proposed U-shaped architecture is depicted in Figure 5. The first two blocks of the network encoder are designed for feature mapping and noise reduction. The feature mapping is performed using a convolution layer that increases the number of features and halves the image size so to reduce the computational cost. Then, the noise reduction module is based on an inverted residual structure that is performed using a depth-wise convolution and a point-wise convolution that halves the number of channels to remove irrelevant features. Subsequently, the next group of bottleneck layers perform a channel feature selection, where each bottleneck block is composed of three operations: firstly the number of features is expanded by a factor of t using a point-wise convolution; secondly, a depth-wise convolution with 3 × 3 kernel of stride 2 halves the image size; finally the number of features is reduced using a point-wise convolution. The last bottleneck layer performs a feature mapping for the decoding phase. The number of bottleneck blocks increase as the spatial dimension decreases in order to catch large details like bruises and fine grain details like russet or scald, respectively. During the decoding phase, the features of the lower level are up-sampled and concatenated with the features of the level above. Then a 3 × 3 convolution layer with a stride 1 and padding 1 is applied in order to efficiently combine the information of the two different levels without changing the number of features. Batch normalization and a ReLU6 non linearity function follow each layer to encourages the model to learn sparse features earlier.
To train our proposed architecture, we employ the Focal Tversky Loss (FTL) [40] that permits to improve the precision and recall balance in semantic segmentation when dealing with highly imbalanced dataset. The FTL gives better results than other binary classification loss functions, such as the Binary Cross-Entropy, Weighted Cross-Entropy and Dice Loss [41]. The FTL is defined as follows:
T I c = i = 1 N p i c g i c + ϵ i = 1 N p i c g i c + α i = 1 N p i c ¯ g i c + ( 1 α ) i = 1 N p i c g i c ¯ + ϵ F T L c = c 1 T I c 1 / γ ,
where p i c is the probability that pixel i is predicted as defective c and p i c ¯ is the probability that a pixel i is healthy c ¯ . g i c and g i c ¯ is the pixel i ground-truth of the defective and healthy class respectively. N is the total number of pixels in the image. The ϵ provides numerical stability to prevent division by zero. The α parameter ranges in { 0 , 1 } and it is used to train a more recall or precision oriented model. The γ coefficient allows the model to focus more on less accurate predictions that have been misclassified, such as those with small ROIs.

Comparison with the State-of-the-Art

To study the impact of different architectures in the detection of apple defects, we compare our method with pixel-wise and CNN state-of-the-art models. The most relevant pixel-wise approach in the state-of-the-art that experiments with the apple dataset under investigation is proposed by Unay et al. [19]. Unlike convolutional neural networks, one of the problems of pixel-wise methods is that they do not consider spatial correlation among pixels in the detection of the defects which is indeed a relevant information in semantic segmentation.
We compare our proposed architecture with several variants of U-shaped CNNs commonly used in binary and semantic segmentation tasks. The first variant is a traditional U-Net architecture that consists of three downsampling layers with 3 × 3 convolution followed by an average-pooling layer of size 2 × 2 . In this architecture and the following models the output image is processed with a sigmoid activation aimed to get defect probabilities. In order to reduce the semantic gap between the feature maps of the U-Net encoder and decoder sub-networks, we experiment a U-Net++ model [34]. This architecture is based on nested and dense skip connections between intermediate blocks, making the model more accurate in image segmentation. The size of convolution filters and up-sampling layers of U-Net++ are the same as those of the traditional U-Net.
We also include in our comparison some relevant CNN architectures for semantic image segmentation: Pyramid Scene Parsing Network (PSPNet) [35], DeepLabv3 [36], and PAN (Pyramid Attention Network) [37].

4. Experimental Setup

4.1. Evaluation Metrics

For the evaluation of our experiments we adopt traditional metrics, such as recall, precision, f-score [42] and a special metric, namely Class-Specific Recognition Error (CSRE), that takes into consideration the fact that defects may be very small [19] with respect to the size of the apple.
Given an apple image, the CSRE is defined as follows:
C S R E = F N T P + F N + F P T N + F P 2 ,
where TP is the number of defective pixels correctly detected, FP is the number of healthy pixels incorrectly detected as defect, TN is the number of healthy pixels correctly detected, and FN is the number of defective pixels incorrectly detected as healthy.
The f-score is defined as follows:
f - score = p r e c i s i o n · r e c a l l p r e c i s i o n + r e c a l l = 2 T P 2 T P + F P + F N .
The precision and recall scores for each method are as follows:
p r e c i s i o n = T P T P + F P r e c a l l = T P T P + F N .

4.2. Experiment Design

We conducted preliminary experiments with our solution adopting a 3-fold Cross Validation (CV). Results with CV were quite stable across folds, suggesting the affordability of using only one fold as test set so to saving computational resources. In fact, our experiments included the training of seven different neural network models using two different color spaces with and without data augmentation, resulting in 28 training from scratch. Moreover, for the sake of comparison, we also conducted an ablation study of our data synthesis method that required eight, training from scratch the proposed neural network. Finally the total number of training processes is about 36. For all the experiments, we divide the dataset into 2 folds: 67% for training/validation and 33% for testing. Training data are further split into two sets containing actual training samples (50%) and validation samples (17%).
The experimental setup relative to Unay et al. [19] follows the steps and the optimal parameters provided in the original paper. For the training of all the CNN-based methods (including our proposal) we adopt the same experimental setup. We set the max number of epochs to 100 with early stopping of 15 epochs of no improvements on validation set. Adam is used as the optimizer starting from l r = 1 × 10 4 , β ( 0.9 , 0.999 ) , ϵ = 1 × 10 8 and weight decay is set to 0. We schedule the learning rate with step of 0.7 every 10 epochs. FTL, Equation (1), is used as loss function with γ = 0.75 and α = 0.5 as base configuration [40].
Our data synthesis procedure is applied with a probability P equal to 80%. In addition, a traditional data augmentation techniques is applied to each image with 50 % probability: horizontal and vertical flip, and rotation [ 0 , 90 deg ] each with 50 % probability are applied.

5. Results and Discussion

In this section, we present and discuss the results achieved with our proposal and the comparison with the state-of-the-art in all the experimental setups. Before going into details, we show Table 4 which summarizes all the experiments and comparisons. The table shows the rank of all the experimented algorithms computed averaging the ranks with respect all the evaluation metrics and across all experimental setups. Overall, our proposal ranked at first position whatever the input data are (RGB or RGB + NIR) and whether or not data augmentation is used, thus demonstrating the superiority of our proposal with respect to the state-of-the-art. The second best method is DeeplabV3 while the third one is PAN. The worst one is the method by Unay et al. [19], which is based on handcrafted features and an MLP.

5.1. Hand-Crafted and CNN-Based Methods in the State-of-the-Art

Table 5 shows the results in terms of CSRE, f-score, precision, recall of the proposed method, and the state-of-the-art. We report on the use of RGB + NIR and RGB solely so that we can evaluate the potential of using only RGB images instead of multi-spectral ones. Overall, our method outperforms in terms of CSRE of about 1% and 16% CNN-based methods and the hand-crafted method, respectively. In terms of f-score, our method outperforms about 3% and 34% CNN-based methods and the hand-crafted method, respectively. Among CNNs, the second best approach is the Deeplab V3, which is based on a multi-scale processing that helps to catch fine and coarse defects.
At this stage, it is important to highlight that the proposed data synthesis procedure is adopted only in our CNN architecture, while traditional data augmentation is employed in all CNNs. Later on (cfr. Section 5.5), we show the effects of the proposed data synthesis procedure when applied to CNNs in the state-of-the-art.
Finally, the results show that RGB + NIR and RGB perform in a very similar way thus showing the potential of using only RGB cameras in apple visual inspection instead of multi-spectral cameras.
Figure 6 shows the segmentation output of a russet defective apple with the investigated methods in the RGB + NIR configuration. The first two images are RGB image and the respective ground-truth segmentation. Regarding the segmentation performed by the models, true positives, false positives, and false negatives are showed as green, red and blue color respectively. For each method we report f-score, CSRE, precision and recall of the segmentation with respect to the ground-truth. Our method outperforms by large improvement the state-of-the-art models, specially for the smaller defective areas.

5.2. Comparison with Hand-Crafted and CNN-Based Methods in the State-of-the-Art in Terms of Macro Class and Sub Class Defects Accuracy (RGB + NIR and RGB)

Table 6 and Table 7 show the comparison between our method and the state-of-the-art in terms of accuracy of the macro classes of defects when RGB + NIR and RGB are employed, respectively. For what concerns RGB + NIR, we outperform the state-of-the-art in terms of f-score on all classes apart from the class bruises where Deeplab v3 is about 3% better than our solution. In contrast, in the case of RGB, we outperform in terms of both f-score and CSRE the state-of-the-art on all macro classes of defects.
Table 8 and Table 9 show the comparison between our method and the state-of-the-art in terms of accuracy of the sub classes of defects when RGB + NIR and RGB are employed respectively. For what concerns RGB + NIR, on average we outperform the state-of-the-art in terms of f-score, but we perform much worse than Deeplab v3 on the class other that includes defects with a very low impact to the visual appearance of the apple and that rarely have effects to the inner part of the apple. However, in the case of RGB the other class of defects is detected with a higher f-score with respect to the case RGB + NIR and very close the best method (below about 1%). This result also confirms the goodness of the proposed method when only RGB input is processed with respect to the multi-spectral one.

5.3. Sensitivity of the Proposed Method to the Parameter α of the TFL

The Focal Tversky Loss (FTL), Equation (1), performs a combination of False Positives (FP) and False Negatives (FN). The α parameter represents a trade-off between FP and FN, thus the tuning of this parameter allows to obtain a more precision or recall oriented model, Figure 7. The model becomes more recall oriented as we increase the value of α , while the model becomes more precision oriented as we decrease the value of α . The behavior of the f-score highlights that the model performs in a good way starting from a value of α of about 0.5 that corresponds to our choice.

5.4. Data Synthesis Ablation Study (RGB + NIR and RGB)

Table 10 shows the comparison between different variants of the proposed data synthesis algorithm applied to our model when the input is RGB. The first row in the table corresponds to no data synthesis at all. The second variant adds one synthesized defect to the healthy apple without any rotation and warping of the defect. The third and forth variants consider also the rotation and warping of the defect. Finally, the fifth and the sixth consider multiple synthesized defects (from 1 to 3) along with rotation and warping.
Results show that defect rotation improves all metrics, while the defect warping operation does not improve the performance. This is due to the warping operation that adds pixel artifacts in order to perform the defect deformation. Overall, considering multiple synthesized defects instead of a single synthesized defect improves slightly improves the f-score and precision. The best algorithm, in terms of evaluation metrics, is the number 5, where the synthesized apple has 1 to 3 defects that are randomly rotated. To the sake of comparison, we show the difference between the variant number 1 and number 5 when the input is RGB + NIR. Also in this case, it is clear the improvement we achieve with our data synthesis methodology.

5.5. Comparison with CNN-Based Methods in the State-of-the-Art That Use Data Synthesis (RGB + NIR and RGB)

To reduce the effect of the training overfitting, we apply the proposed data synthesis technique also to the state-of-the-art methods. This technique aims to generate different images, thus increasing the number of available samples for training. Table 11 shows the results in terms of CSRE, f-score, precision, recall of the proposed method and the CNN-based state-of-the-art where the proposed data synthesis is applied. For all methods, the variant number 5, that is the one with multiple synthesized defects (from 1 to 3) along with rotation, is applied. We report on the use of RGB + NIR and RGB solely so that we can evaluate the potential of using only RGB images instead of multi-spectral ones. The use of data synthesis improves the mean performance of CSRE by RGB and RGB + NIR configurations. Our method outperforms the state-of-the-art in terms of CSRE, f-score and recall, but we perform worse than PAN on precision in the case of RGB + NIR. It is interesting to note that the PAN approach with data synthesis becomes the second best along with Deeplab V3.

5.6. Analysis of the Computational Cost

To assess the applicability of the proposed method in real-world scenarios, we measure and compare the computational cost of the proposed method and state-of-the-art. Experiments are performed on a workstation equipped with an Intel Core i7-7700 [email protected] GHz, 16 GB DDR4 RAM 2400 MHz, and NVIDIA Titan Xp with 3840 CUDA cores. The operating system is Ubuntu 22.04. All methods are implemented using Python and the Deep Learning framework Pytorch.
The results are presented in Table 12 and depicted in Figure 8. The table shows Class-Specific Recognition Error (CSRE) [19], Frame Per Seconds (FPS) when the method is run on CPU and GPU, and the number of Floating-Point Operations (FLOPS) measured in billions (G). For the FLOPS and CSRE metrics, lower is better, while for the FPS higher is better. This comparison is done considering RGB + NIR as input. The color grading from red to green stands for worse and better behavior, respectively. Results show that the hand-crafted method is the one with the lowest computational cost but with the worst CSRE. Amongst the CNN-based approaches, our proposal has the best trade-off between CSRE and computational cost. It permits to achieve up to 124 FPS with about 7 GFLOPS and a CSRE lower than 0.1. Figure 8 graphically summarizes this comparison in terms of CSRE vs FPS measured on CPU and GPU. The size of the bubbles refers to the computational cost. The larger is the bubble the larger is the computational cost. This picture clearly shows that our method is the one with the best trade-off between performance and computational cost.

6. Final Remarks and Conclusions

In this paper, we proposed a novel deep learning approach for the automated segmentation of apple defects using a convolutional neural network (CNN) based on a U-shaped architecture with skip-connections only within the noise reduction block. To increase the number of samples and at the same time to reduce neural network overfitting, we designed an ad-hoc data synthesis technique to generate new images of apples having a large variety of defects. We compared the proposed approach, both with and without data synthesis, with different CNN-based methods, namely Pyramid Scene Parsing Network (PSPNet) [35], DeepLabv3 [36] and PAN (Pyramid Attention Network) [37], and a hand-crafted method proposed by Unay et al. [19]. To further improve the applicability of the method, we also investigated the potential of using only RGB images instead of multi-spectral (RGB + NIR) ones.
The results show that all the experimented CNN-based approaches outperform, in terms of f-score, of about 35% the hand-crafted algorithm proposed by Unay et al. [19] in both RGB and RGB + NIR configurations. This behavior was expected since the method by Unay et al. [19] is pixel-wise so it does not consider spatial correlations that are typical in small defective regions. On the contrary, CNN-based approaches process the input image using different receptive fields that permit taking into account spatial correlations among defective pixels.
Our method outperforms, in terms of f-score, the other CNN-based approaches by an average of about 6% (the worst of about 15% and the second best of about 2%) with the RGB + NIR configuration. The gap between our method and other CNN-based approaches is much more evident in the case of RGB, which is on average about 9%. Our architecture requires fewer computations with respect to the other CNN-based approaches we experimented with, since it includes a few bottlenecks and uses skip-connections only within the noise reduction block. Since the dataset is of a small amount of defective apples, neural models with a lower capacity are more likely to work better.
To demonstrate that the goodness of our approach does not rely only on the use of the proposed data synthesis procedure, we also experimented with it in combination with the other CNN-based approaches. Results show that, on average, data synthesis permits an improvement of the performance of all CNN-based approaches we experimented with. However, the best of the these CNN-based approaches achieves a performance that is still lower than that of our proposal, so demonstrating the goodness of our architecture. In fact, our method achieves an f-score about 4% higher than the state-of-the-art (the worst of about 9% and the second best of about 1%) with RGB + NIR configuration. In the case of RGB the average increment is about 3%.
Experimental results confirm that using learning-based methods instead of hand-crafted ones enable the use of RGB solely instead of RGB + NIR thus enabling the use of conventional cameras in a visual-based apple inspection pipeline. Conventional RGB cameras are at a lower cost with respect to multi-spectral ones and, more importantly, they permit fastening of the processing since the amount of information to be processed is lower.
Finally, the approach we present has the potential to significantly impact automatic visual inspection applications that face the following critical challenges: constrained computational resources and a scarcity of annotated data. To satisfy these real-world constraints, hand-crafted computer vision techniques for feature extraction are applied in conjunction with traditional machine-learning classifiers such as support vector machines. We are all aware that convolutional neural networks can obtain better results. However, these methodologies require large annotated datasets for the training process and significant computational resources at both the training and operating stages. In this regard, our proposed method obtains results that allow us to overcome the aspects mentioned above. Firstly, the superiority of deep neural networks over hand-crafted methodologies demonstrates the capability of our data synthesis technique as a tool to mitigate the lack of training data for these networks. Secondly, our neural network outperforms the state-of-the-art alternatives, in terms of both the accuracy and efficient utilization of computational resources, demonstrating that a well-engineered neural network architecture can give rise to tailored solutions capable of satisfying the computational constraints commonly encountered in real-time applications.
In this work we focused on segmentation, as precise as possible, of defects. Defect classification is at this point much more easier both with neural and hand crafted methods. Our segmentation and data augmentation methods could also be used on other types of fruit.

Author Contributions

Conceptualization, M.A., P.N. and R.S.; methodology, M.A., P.N. and R.S.; software, M.A.; formal analysis, M.A., P.N. and R.S.; investigation, M.A., P.N. and R.S.; writing—original draft preparation, M.A., P.N. and R.S.; writing—review and editing, M.A., P.N. and R.S.; visualization, M.A., P.N. and R.S.; supervision, M.A., P.N. and R.S.; project administration, M.A., P.N. and R.S. All authors have read and agreed to the published version of the manuscript.

Funding

Project funded under the National Recovery and Resilience Plan (NRRP), Mission 4 Component 2 Investment 1.3—Call for tender No. 341 of 15 March 2022 of Italian Ministry of University and Research funded by the European Union–NextGenerationEU; Award Number: Project code PE00000003, Concession Decree No. 1550 of 11 October 2022 adopted by the Italian Ministry of University and Research, CUP D93C22000890001, Project title “ON Foods—Research and innovation network on food and nutrition Sustainability, Safety and Security–Working ON Foods”.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Informed Consent Statement: Informed consent was obtained from all subjects involved in the study.

Data Availability Statement

Data Availability Statement: Data sharing is not applicable to this article.

Conflicts of Interest

No conflict of interest exists: We wish to confirm that there are no known conflicts of interest associated with this publication, and there has been no significant financial support for this work that could have influenced its outcome.

References

  1. Amit, S.K.; Uddin, M.M.; Rahman, R.; Islam, S.; Khan, M.S. A review on mechanisms and commercial aspects of food preservation and processing. Agric. Food Secur. 2017, 6, 51. [Google Scholar] [CrossRef]
  2. Kumar Pothula, A.; Zhang, Z.; Lu, R. Evaluation of a new apple in-field sorting system for fruit singulation, rotation and imaging. Comput. Electron. Agric. 2023, 208, 107789. [Google Scholar] [CrossRef]
  3. Nturambirwe, J.F.I.; Opara, U.L. Machine learning applications to non-destructive defect detection in horticultural products. Biosyst. Eng. 2020, 189, 60–83. [Google Scholar] [CrossRef]
  4. Soltani Firouz, M.; Sardari, H. Defect Detection in Fruit and Vegetables by Using Machine Vision Systems and Image Processing. Food Eng. Rev. 2022, 14, 353–379. [Google Scholar] [CrossRef]
  5. Guiné, R.P.; Florença, S.G.; Barroca, M.J.; Anjos, O. The link between the consumer and the innovations in food product development. Foods 2020, 9, 1317. [Google Scholar] [CrossRef]
  6. Carvalho, R.; Nascimento, R.; D’Angelo, T.; Delabrida, S.; GC Bianchi, A.; Oliveira, R.A.; Azpúrua, H.; Uzeda Garcia, L.G. A UAV-based framework for semi-automated thermographic inspection of belt conveyors in the mining industry. Sensors 2020, 20, 2243. [Google Scholar] [CrossRef]
  7. Anjali, N.; Kannan, R.; Andres, F.; Ghinea, G. Trend Review Related to Defects Detection from Fruits and Vegetables. 2021. Available online: https://www.preprints.org/manuscript/202111.0035/v1 (accessed on 8 September 2023).
  8. Division, F.S. FAOSTAT. 2023. Available online: https://www.fao.org/faostat/en/#data/QCL (accessed on 8 September 2023).
  9. Samajpati, B.J.; Degadwala, S.D. A survey on apple fruit diseases detection and classification. Int. J. Comput. Appl. 2015, 130, 25–32. [Google Scholar]
  10. European Commission. Commission regulation (EC) no 85/2004 of 15 January 2004 on marketing standards for apples. Off. J. Eur. Union L 2004, 13, 3–18. [Google Scholar]
  11. Huang, W.; Li, J.; Wang, Q.; Chen, L. Development of a multispectral imaging system for online detection of bruises on apples. J. Food Eng. 2015, 146, 62–71. [Google Scholar] [CrossRef]
  12. Agarla, M.; Bianco, S.; Buzzelli, M.; Celona, L.; Schettini, R. Fast-N-Squeeze: Towards Real-Time Spectral Reconstruction From RGB Images. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, New Orleans, LA, USA, 18–24 June 2022; pp. 1132–1139. [Google Scholar]
  13. Schaare, P.; Fraser, D. Comparison of reflectance, interactance and transmission modes of visible-near infrared spectroscopy for measuring internal properties of kiwifruit (Actinidia chinensis). Postharvest Biol. Technol. 2000, 20, 175–184. [Google Scholar] [CrossRef]
  14. Rahi, S.; Mobli, H.; Jamshidi, B. Spectroscopy and spectral imaging techniques for non-destructive food microbial assessment. In Proceedings of the 5th Iranian International NDT Conference, Tehran, Iran, 4–5 November 2018; pp. 4–5. [Google Scholar]
  15. Gui, J.; Fei, J.; Wu, Z.; Fu, X.; Diakite, A. Grading method of soybean mosaic disease based on hyperspectral imaging technology. Inf. Process. Agric. 2021, 8, 380–385. [Google Scholar] [CrossRef]
  16. Liu, D.; Ning, X.; Li, Z.; Yang, D.; Li, H.; Gao, L. Discriminating and elimination of damaged soybean seeds based on image characteristics. J. Stored Prod. Res. 2015, 60, 67–74. [Google Scholar] [CrossRef]
  17. Kleynen, O.; Leemans, V.; Destain, M.F. Development of a multi-spectral vision system for the detection of defects on apples. J. Food Eng. 2005, 69, 41–49. [Google Scholar] [CrossRef]
  18. Mizushima, A.; Lu, R. An image segmentation method for apple sorting and grading using support vector machine and Otsu’s method. Comput. Electron. Agric. 2013, 94, 29–37. [Google Scholar] [CrossRef]
  19. Unay, D.; Gosselin, B. Automatic defect segmentation of ‘Jonagold’apples on multi-spectral images: A comparative study. Postharvest Biol. Technol. 2006, 42, 271–279. [Google Scholar] [CrossRef]
  20. Yamashita, R.; Nishio, M.; Do, R.K.G.; Togashi, K. Convolutional neural networks: An overview and application in radiology. Insights Imaging 2018, 9, 611–629. [Google Scholar] [CrossRef]
  21. Taye, M.M. Theoretical understanding of convolutional neural network: Concepts, architectures, applications, future directions. Computation 2023, 11, 52. [Google Scholar] [CrossRef]
  22. Acharya, U.R.; Oh, S.L.; Hagiwara, Y.; Tan, J.H.; Adam, M.; Gertych, A.; San Tan, R. A deep convolutional neural network model to classify heartbeats. Comput. Biol. Med. 2017, 89, 389–396. [Google Scholar] [CrossRef]
  23. Li, Y.; Feng, X.; Liu, Y.; Han, X. Apple quality identification and classification by image processing based on convolutional neural networks. Sci. Rep. 2021, 11, 16618. [Google Scholar] [CrossRef]
  24. Fan, S.; Li, J.; Zhang, Y.; Tian, X.; Wang, Q.; He, X.; Zhang, C.; Huang, W. On line detection of defective apples using computer vision system combined with deep learning methods. J. Food Eng. 2020, 286, 110102. [Google Scholar] [CrossRef]
  25. Liu, L.; Cheng, J.; Quan, Q.; Wu, F.X.; Wang, Y.P.; Wang, J. A survey on U-shaped networks in medical image segmentations. Neurocomputing 2020, 409, 244–258. [Google Scholar] [CrossRef]
  26. Zhang, W.; Hu, J.; Zhou, G.; He, M. Detection of apple defects based on the FCM-NPGA and a multivariate image analysis. IEEE Access 2020, 8, 38833–38845. [Google Scholar] [CrossRef]
  27. Moallem, P.; Serajoddin, A.; Pourghassem, H. Computer vision-based apple grading for golden delicious apples based on surface features. Inf. Process. Agric. 2017, 4, 33–40. [Google Scholar] [CrossRef]
  28. Lu, Y.; Lu, R. Detection of surface and subsurface defects of apples using structured-illumination reflectance imaging with machine learning algorithms. Trans. ASABE 2018, 61, 1831–1842. [Google Scholar] [CrossRef]
  29. Bhargava, A.; Bansal, A. Quality evaluation of Mono & bi-Colored Apples with computer vision and multispectral imaging. Multimed. Tools Appl. 2020, 79, 7857–7874. [Google Scholar]
  30. Fan, S.; Liang, X.; Huang, W.; Zhang, V.J.; Pang, Q.; He, X.; Li, L.; Zhang, C. Real-time defects detection for apple sorting using NIR cameras with pruning-based YOLOV4 network. Comput. Electron. Agric. 2022, 193, 106715. [Google Scholar] [CrossRef]
  31. Xiao-bo, Z.; Jie-wen, Z.; Yanxiao, L.; Holmes, M. In-line detection of apple defects using three color cameras system. Comput. Electron. Agric. 2010, 70, 129–134. [Google Scholar] [CrossRef]
  32. Yang, Q.; Marchant, J.A. Accurate blemish detection with active contour models. Comput. Electron. Agric. 1996, 14, 77–89. [Google Scholar] [CrossRef]
  33. Ronneberger, O.; Fischer, P.; Brox, T. U-net: Convolutional networks for biomedical image segmentation. In Proceedings of the Medical Image Computing and Computer-Assisted Intervention–MICCAI 2015: 18th International Conference, Munich, Germany, 5–9 October 2015; Proceedings, Part III 18. Springer: Berlin, Germany, 2015; pp. 234–241. [Google Scholar]
  34. Zhou, Z.; Rahman Siddiquee, M.M.; Tajbakhsh, N.; Liang, J. Unet++: A nested u-net architecture for medical image segmentation. In Deep Learning in Medical Image Analysis and Multimodal Learning for Clinical Decision Support; Springer: Berlin, Germany, 2018; pp. 3–11. [Google Scholar]
  35. Zhao, H.; Shi, J.; Qi, X.; Wang, X.; Jia, J. Pyramid scene parsing network. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Honolulu, HI, USA, 21–26 July 2017; pp. 2881–2890. [Google Scholar]
  36. Chen, L.C.; Papandreou, G.; Schroff, F.; Adam, H. Rethinking atrous convolution for semantic image segmentation. arXiv 2017, arXiv:1706.05587. [Google Scholar]
  37. Li, H.; Xiong, P.; An, J.; Wang, L. Pyramid attention network for semantic segmentation. arXiv 2018, arXiv:1805.10180. [Google Scholar]
  38. Jha, S.B.; Babiceanu, R.F. Deep CNN-based visual defect detection: Survey of current literature. Comput. Ind. 2023, 148, 103911. [Google Scholar] [CrossRef]
  39. Agarla, M.; Celona, L.; Schettini, R. An efficient method for no-reference video quality assessment. J. Imaging 2021, 7, 55. [Google Scholar] [CrossRef] [PubMed]
  40. Abraham, N.; Khan, N.M. A novel focal tversky loss function with improved attention u-net for lesion segmentation. In Proceedings of the 2019 IEEE 16th International Symposium on Biomedical Imaging (ISBI 2019), Venice, Italy, 8–11 April 2019; pp. 683–687. [Google Scholar]
  41. Jadon, S. A survey of loss functions for semantic segmentation. In Proceedings of the 2020 IEEE Conference on Computational Intelligence in Bioinformatics and Computational Biology (CIBCB), Viña del Mar, Chile, 27–29 October 2020; pp. 1–7. [Google Scholar]
  42. Taha, A.A.; Hanbury, A. Metrics for evaluating 3D medical image segmentation: Analysis, selection, and tool. BMC Med. Imaging 2015, 15, 29. [Google Scholar] [CrossRef] [PubMed]
Figure 1. Distribution of defect classes (left) and distribution of defects based on their severity and size (right).
Figure 1. Distribution of defect classes (left) and distribution of defects based on their severity and size (right).
Sensors 23 07893 g001
Figure 2. Examples of apple defects present in the database. The dataset is composed of 9 classes of defect plus an other class. For each image the limited blue area highlights the defect area.
Figure 2. Examples of apple defects present in the database. The dataset is composed of 9 classes of defect plus an other class. For each image the limited blue area highlights the defect area.
Sensors 23 07893 g002
Figure 3. Apple images with the corresponding defect segmentation. Each column presents the apple images at a given band (450, 500, 750 and 800 nm). The last column presents the corresponding RGB image. For each image the defective regions are highlighted in red. Each row displays apples with different defect types.
Figure 3. Apple images with the corresponding defect segmentation. Each column presents the apple images at a given band (450, 500, 750 and 800 nm). The last column presents the corresponding RGB image. For each image the defective regions are highlighted in red. Each row displays apples with different defect types.
Sensors 23 07893 g003
Figure 4. Examples from our data synthesis procedure. Each row represents a different healthy image that is synthesized with 1, 2, and 3 defects respectively coming from non-healthy apples. For each image the the limited blue area highlights the defect area.
Figure 4. Examples from our data synthesis procedure. Each row represents a different healthy image that is synthesized with 1, 2, and 3 defects respectively coming from non-healthy apples. For each image the the limited blue area highlights the defect area.
Sensors 23 07893 g004
Figure 5. Our proposed model architecture. Regarding the convolution operation, d, s and p refers to the square kernel size, stride and padding, respectively. The C, t and c parameters of bottlenecks indicate the input channels, the expansion ration of channels in the middle depth-wise convolution and the output channels, respectively.
Figure 5. Our proposed model architecture. Regarding the convolution operation, d, s and p refers to the square kernel size, stride and padding, respectively. The C, t and c parameters of bottlenecks indicate the input channels, the expansion ration of channels in the middle depth-wise convolution and the output channels, respectively.
Sensors 23 07893 g005
Figure 6. Predicted segmentation of RGB + NIR russet defective apple with the investigated methods. The first two images are RGB image and respective ground-truth segmentation. Regarding the segmentation performed by the models, true positives, false positives, and false negatives are showed as green, red and blue color respectively. For each method we report f-score, CSRE, precision and recall of the segmentation with respect to the ground-truth [19].
Figure 6. Predicted segmentation of RGB + NIR russet defective apple with the investigated methods. The first two images are RGB image and respective ground-truth segmentation. Regarding the segmentation performed by the models, true positives, false positives, and false negatives are showed as green, red and blue color respectively. For each method we report f-score, CSRE, precision and recall of the segmentation with respect to the ground-truth [19].
Sensors 23 07893 g006
Figure 7. The study of α (Alpha) parameter of FTL.
Figure 7. The study of α (Alpha) parameter of FTL.
Sensors 23 07893 g007
Figure 8. Methods FPS, CSRE, and FLOPS(G) comparison of RGB + NIR configuration. The first and the second plots are related to the CPU and GPU configurations, respectively. Top-left configuration is better.
Figure 8. Methods FPS, CSRE, and FLOPS(G) comparison of RGB + NIR configuration. The first and the second plots are related to the CPU and GPU configurations, respectively. Top-left configuration is better.
Sensors 23 07893 g008
Table 1. Apple production (in 1000 metric tons) by world countries. FAOSTAT, 2023. FAO Statistics Division. https://www.fao.org/ (accessed on 8 September 2023).
Table 1. Apple production (in 1000 metric tons) by world countries. FAOSTAT, 2023. FAO Statistics Division. https://www.fao.org/ (accessed on 8 September 2023).
Country202120202019
China45,98344,06642,425
Turkey449343003618
United States446746655028
Poland406735553080
India227628142316
World93,14490,49087,509
Table 2. The main state-of-the-art methods for defect segmentation. For each method, the database, the color space, the spectral bands, the methodology, the output and finally the performance are specified.
Table 2. The main state-of-the-art methods for defect segmentation. For each method, the database, the color space, the spectral bands, the methodology, the output and finally the performance are specified.
AuthorDatabaseColor SpaceSpectral Bands (nm)ApproachOutputPerformance
Unay et al. [19]526 JonagoldMulti-spectral450, 500, 750, 800Pixel features + MLPBinary maskCSRE: 17%
Zhang et al. [26]2000 ApplesRGBN/AFCM-NPGA algorithmLabelAccuracy: 98%
Huang et al. [11]250 FujiHyper-spectral325–1100PCA + ThresholdLabelAccuracy: 95.3%
Moallem et al. [27]120 ApplesYCbCr, RGBN/AThreshold + SVM, MLP, KNNLabelAccuracy: 89.2%
Lu et al. [28]318 Delicious
250 Golden delicious
Multi-spectral SIRI730BEMD + RF, SVM, CNNLabelAccuracy: 98%
Bhargava et al. [29]526 JonagoldMulti-spectral450, 500, 750, 800Threshold + KNN, SRC, SVMLabelAccuracy: 95.21%
Fan et al. [30]610 ApplesRGB + NIR850YOLOV4Label + BBoxAccuracy: 93.9%
Table 3. Ablation study of different proposed data synthesis setups.
Table 3. Ablation study of different proposed data synthesis setups.
AlgorithmSynthesized DefectsRotationWarp
1---
21--
31-
41
51 to 3-
61 to 3
Table 4. Methods ranking across experimental setups.
Table 4. Methods ranking across experimental setups.
MethodsAug TSUnay et al. [19]U-NetU-Net NestedPSPDeeplabV3PANOur
RGBno7645321
RGB + NIRno7654231
RGByes7654231
RGB + NIRyes6534221
Table 5. Comparison with hand-crafted and CNN-based methods in the state-of-the-art. The methods are evaluated in RGB + NIR and RGB configuration. For each method we report CSRE, f-score, precision and recall. Down-arrow and up-arrow indicates lower is better and higher is better for each metric, respectively. In each column, the best and second-best values are marked in boldface and underlined, respectively.
Table 5. Comparison with hand-crafted and CNN-based methods in the state-of-the-art. The methods are evaluated in RGB + NIR and RGB configuration. For each method we report CSRE, f-score, precision and recall. Down-arrow and up-arrow indicates lower is better and higher is better for each metric, respectively. In each column, the best and second-best values are marked in boldface and underlined, respectively.
Image TypeMethod NameCSREf-Score ↑PrecisionRecall
RGB + NIRUnay et al. [19]0.25230.43980.52380.5166
U-Net0.15630.63920.6890.7023
U-Net nested0.12970.72920.79470.7508
PSP0.12400.74450.79450.7616
DeeplabV30.11770.76900.82910.7721
PAN0.11910.75730.81470.7703
Our0.09910.78880.84220.8086
RGBUnay et al. [19]0.26240.45460.67030.4896
U-Net0.16830.59040.62400.6838
U-Net nested0.11800.73300.78690.7740
PSP0.13050.71450.77940.7493
DeeplabV30.12840.74520.81780.7541
PAN0.11060.74390.77170.7919
Our0.10930.79380.86000.7874
Table 6. Comparison with hand-crafted and CNN-based methods in the state-of-the-art in terms of RGB + NIR macro class. For each method, f-score and CSRE are reported. Down-arrow and up-arrow indicates lower is better and higher is better for each metric, respectively. In each column, the best and second-best values are marked in boldface and underlined, respectively.
Table 6. Comparison with hand-crafted and CNN-based methods in the state-of-the-art in terms of RGB + NIR macro class. For each method, f-score and CSRE are reported. Down-arrow and up-arrow indicates lower is better and higher is better for each metric, respectively. In each column, the best and second-best values are marked in boldface and underlined, respectively.
Defect ClassUnay et al. [19]U-NetU-Net NestedPSPDeeplabV3PANOur
f-score ↑Bruises0.61220.79780.84900.87890.90180.86760.8729
Reject0.64060.72710.88890.87800.92710.92520.9392
Serious defect0.46320.62740.72200.71790.74400.73670.7528
Slight defect0.17600.48820.55250.59180.59980.59290.6660
CSREBruises0.20150.08360.04620.05020.03580.04230.0344
Reject0.14280.13660.06190.03360.02530.02990.0321
Serious defect0.25390.16960.12780.12530.11230.11740.1157
Slight defect0.35660.22740.16120.18060.14880.16250.1211
Table 7. Comparison with hand-crafted and CNN-based methods in the state-of-the-art in terms of RGB macro class. For each method are reported f-score and CSRE. Down-arrow and up-arrow indicates lower is better and higher is better for each metric, respectively. In each column, the best and second-best values are marked in boldface and underlined, respectively.
Table 7. Comparison with hand-crafted and CNN-based methods in the state-of-the-art in terms of RGB macro class. For each method are reported f-score and CSRE. Down-arrow and up-arrow indicates lower is better and higher is better for each metric, respectively. In each column, the best and second-best values are marked in boldface and underlined, respectively.
Defect ClassUnay et al. [19]U-NetU-Net NestedPSPDeeplabV3PANOur
f-score ↑Bruises0.58560.79170.88490.88630.87050.89120.9051
Reject0.61640.62400.90320.82370.90410.85960.9404
Serious defect0.50590.53620.73680.71730.71140.74420.7598
Slight defect0.21970.48280.51930.52850.58790.57180.6539
CSREBruises0.14400.10960.04750.04650.04110.05570.0321
Reject0.10730.21140.05160.03760.02900.06650.0266
Serious defect0.17480.21700.13280.13750.12480.12040.1039
Slight defect0.25740.22210.17880.19600.15190.19320.1100
Table 8. Comparison with hand-crafted and CNN-based methods in the state-of-the-art in terms of RGB + NIR sub class. For each method, f-score and CSRE are reported. Down-arrow and up-arrow indicates lower is better and higher is better for each metric, respectively. In each column, the best and second-best values are marked in boldface and underlined, respectively.
Table 8. Comparison with hand-crafted and CNN-based methods in the state-of-the-art in terms of RGB + NIR sub class. For each method, f-score and CSRE are reported. Down-arrow and up-arrow indicates lower is better and higher is better for each metric, respectively. In each column, the best and second-best values are marked in boldface and underlined, respectively.
Defect ClassUnay et al. [19]U-NetU-Net NestedPSPDeeplabV3PANOur
f-score ↑Bruise0.65040.79870.89380.89310.92590.89090.9199
Flesh damage0.59590.82330.87170.86790.87370.87230.8969
Frost damage0.53140.59780.81420.84130.83820.79350.8782
Hail damage0.21760.63050.63420.71690.68650.71440.7976
Hail damage perf0.56460.49710.69740.65120.75940.76010.8010
Limb rub0.66600.53700.92560.83060.87410.90160.9196
Other0.28170.48530.43380.57900.63490.56060.5264
Rot0.60010.76210.85510.86090.85370.88610.8765
Russet0.08360.52720.64000.60840.60880.64970.6493
Scald0.52060.58700.69960.69810.70520.61370.8016
CSREBruise0.18200.08570.04830.04780.03620.04420.0357
Flesh damage0.15700.11690.06450.07640.06930.07310.0554
Frost damage0.24170.10950.06410.05660.07200.08600.0697
Hail damage0.25400.19600.11780.12810.07700.09010.0860
Hail damage perf0.24510.27460.15210.12650.08790.09060.1022
Limb rub0.23440.22110.04250.13140.10730.08410.0529
Other0.37050.23900.19800.17340.13730.16830.1403
Rot0.11620.09870.07830.06490.02640.04360.0645
Russet0.37690.14130.12460.14270.16470.13340.1073
Scald0.27930.26080.15090.18270.12440.20460.1171
Table 9. Comparison with hand-crafted and CNN-based methods in the state-of-the-art in terms of RGB sub class. For each method, f-score and CSRE are reported. Down-arrow and up-arrow indicates lower is better and higher is better for each metric, respectively. In each column, the best and second-best values are marked in boldface and underlined, respectively.
Table 9. Comparison with hand-crafted and CNN-based methods in the state-of-the-art in terms of RGB sub class. For each method, f-score and CSRE are reported. Down-arrow and up-arrow indicates lower is better and higher is better for each metric, respectively. In each column, the best and second-best values are marked in boldface and underlined, respectively.
Defect ClassUnay et al. [19]U-NetU-Net NestedPSPDeeplabV3PANOur
f-score ↑Bruise0.62100.78990.90480.89710.90190.90660.9170
Flesh damage0.58270.76570.87360.86490.86090.84940.8779
Frost damage0.59930.27970.83400.76220.73020.85460.8858
Hail damage0.29990.56960.61170.63080.62320.69850.7312
Hail damage perf0.53650.36640.70840.61790.78240.62990.8038
Limb rub0.79140.70890.90350.79640.90690.91830.9251
Other0.34880.53100.43740.49330.57720.60130.5856
Rot0.55800.75780.87710.86640.84730.87160.8793
Russet0.12670.48380.65470.62130.60440.61220.7076
Scald0.50890.60060.64300.60330.70780.64880.7370
CSREBruise0.14700.11450.05000.04370.04300.05670.0332
Flesh damage0.11940.15780.06960.07700.07240.06630.0615
Frost damage0.09280.33530.07850.04560.12300.08650.0385
Hail damage0.08130.24680.10450.14630.10070.12880.0821
Hail damage perf0.21360.32260.16710.08720.08790.20480.0878
Limb rub0.12290.21780.05790.16480.05130.03030.0537
Other0.28910.16800.21930.24120.15020.15050.1273
Rot0.09930.13470.06010.07690.01630.04640.0490
Russet0.25520.17620.12250.15090.15130.16340.0931
Scald0.25320.24080.19960.23280.14300.19410.1262
Table 10. The performance of different proposed data synthesis setups. For each algorithm, CSRE, f-score, precision and recall metrics are reported. The best configuration (5) is also evaluated in the RGB + NIR scenario. Down-arrow and up-arrow indicates lower is better and higher is better for each metric, respectively. In each column, the best and second-best values are marked in boldface and underlined, respectively.
Table 10. The performance of different proposed data synthesis setups. For each algorithm, CSRE, f-score, precision and recall metrics are reported. The best configuration (5) is also evaluated in the RGB + NIR scenario. Down-arrow and up-arrow indicates lower is better and higher is better for each metric, respectively. In each column, the best and second-best values are marked in boldface and underlined, respectively.
ConfigurationAlgorithmNumber of DefectsRotationWarpCSREf-Score ↑PrecisionRecall
RGB1---0.11100.78310.83330.7856
21--0.11800.76580.84050.7712
31-0.10710.77930.84230.7924
410.12690.75480.84780.7526
51 to 3-0.10930.79380.86000.7874
61 to 30.11210.78120.84910.7824
RGB + NIR1---0.12000.76800.83320.7674
51 to 3-0.09910.78880.84220.8086
Table 11. Comparison with hand-crafted and CNN-based methods in the state-of-the-art with the proposed data synthesis procedure. The methods are evaluated in RGB + NIR and RGB configuration. For each method we report CSRE, f-score, precision and recall. Down-arrow and up-arrow indicates lower is better and higher is better for each metric, respectively. In each column, the best and second-best values are marked in boldface and underlined, respectively.
Table 11. Comparison with hand-crafted and CNN-based methods in the state-of-the-art with the proposed data synthesis procedure. The methods are evaluated in RGB + NIR and RGB configuration. For each method we report CSRE, f-score, precision and recall. Down-arrow and up-arrow indicates lower is better and higher is better for each metric, respectively. In each column, the best and second-best values are marked in boldface and underlined, respectively.
Image TypeMethod NameCSREf-score ↑PrecisionRecall
RGB + NIRU-Net0.1439 (−7.93%)0.6040 (−5.51%)0.6238 (−9.46%)0.7366 (+4.88% )
U-Net nested0.1060 (−18.27%)0.7087 (−2.81%)0.7067 (−11.07%)0.8043 (+7.13% )
PSP0.1229 (−0.89%)0.7417 (−0.38%)0.8037 (+1.16%)0.7630 (+0.18% )
DeeplabV30.1038 (−11.81%)0.7590 (−1.30%)0.7872 (−5.05%)0.8059 (+4.38% )
PAN0.1160 (−2.60%)0.7750 (+2.34%)0.8527 (+4.66%)0.7742 (+0.51%)
Our0.0991 (−17.42%)0.7888 (+2.71%)0.8422 (+1.08%)0.8086 (+5.37%)
RGBU-Net0.2257 (+34.11%)0.4552 (−22.90%)0.5292 (−15.19%)0.5715 (−16.42%)
U-Net nested0.1347 (+14.15%)0.7375 (+0.61%)0.8098 (+2.91%)0.7399 (−4.41% )
PSP0.1344 (+2.99%)0.7440 (+4.13%)0.8224 (+5.52%)0.7385 (−1.44%)
DeeplabV30.1181 (−8.02%)0.7706 (+3.41%)0.8535 (+4.37%)0.7708 (+2.21%)
PAN0.1248 (+12.84%)0.7528 (+1.20%)0.8581 (+11.20%)0.7587 (−4.19% )
Our0.1093 (−1.53%)0.7938 (+1.37%)0.8600 (+3.20%)0.7874 (+0.23% )
Table 12. (Best viewed in colors). Methods comparison for CPU and GPU configuration related to RGB + NIR images. FPS = Frame Per Seconds, CSRE = Class-Specific Recognition Error, FLOPS(G) = Floating-Point Operations measured in billions (G). Down-arrow and up-arrow indicates lower is better and higher is better for each metric, respectively. For each metric green and red colors indicate best and worst results among all methods respectively.
Table 12. (Best viewed in colors). Methods comparison for CPU and GPU configuration related to RGB + NIR images. FPS = Frame Per Seconds, CSRE = Class-Specific Recognition Error, FLOPS(G) = Floating-Point Operations measured in billions (G). Down-arrow and up-arrow indicates lower is better and higher is better for each metric, respectively. For each metric green and red colors indicate best and worst results among all methods respectively.
Method NameCSREFPS (CPU) ↑FPS (GPU) ↑FLOPS (G) ↓
Unay et al. [19]0.252322.23270.011
U-Net0.15639.21785.769
U-Net nested0.12973.377417.87
PSP0.12405.5511314.381
DeeplabV30.11771.1222130.248
PAN0.11912.563747.151
Our0.09918.171247.352
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

Agarla, M.; Napoletano, P.; Schettini, R. Quasi Real-Time Apple Defect Segmentation Using Deep Learning. Sensors 2023, 23, 7893. https://doi.org/10.3390/s23187893

AMA Style

Agarla M, Napoletano P, Schettini R. Quasi Real-Time Apple Defect Segmentation Using Deep Learning. Sensors. 2023; 23(18):7893. https://doi.org/10.3390/s23187893

Chicago/Turabian Style

Agarla, Mirko, Paolo Napoletano, and Raimondo Schettini. 2023. "Quasi Real-Time Apple Defect Segmentation Using Deep Learning" Sensors 23, no. 18: 7893. https://doi.org/10.3390/s23187893

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