Recognition of multi-modal fusion images with irregular interference

View article
PeerJ Computer Science

Introduction

In our daily life, vegetables are intricately linked to people’s lifestyle and health, so the yield and quality of vegetables are closely linked to human life. The growth of fruits makes the dynamics tough to estimate and forecast in the natural environment with the common problems of overlap and obscuration, which make it hard to evaluate the phenotype of fruits.

Recognizing tomatoes based on color images faces two problems: first, tomato plants have a long fruit bearing period, the colors of fruits on the same plant are different, and green fruits are similar to the background color of plants; second, the growth of tomato plants generally has the problem of occlusion. In order to solve the influence of the environment and fruit growth stage on the accuracy of tomatoes recognition, we propose a color and depth image fusion method to enhance the recognition accuracy for tomato fruits.

Related work

The tomato plant has a long growth cycle, with green immature tomatoes comparable to the plant backgrounds. The intensive growth of tomato plants has the problems of occlusion, overlap and insufficient light, which brings challenges to recognition (Arefi et al., 2011; Baltazar, Aranda & Aguilar, 2008). Color thresholds are often used to segment tomatoes, for example, Khoshroo, Arefi & Khodaei (2014) based on R-G component, Junhui et al. (2021) based on R color component, Malik et al. (2018) and Uramoto et al. (2021) based on HSV color space information to detect mature tomatoes. Color space threshold can only identify a single color’s fruit, but cannot classify mature and immature tomatoes at the same time.

Recent methods focus on overcoming the problems by proposing different schemes for classifying tomato fruit maturity based on neural network (Liu, Pi & Xia, 2020; Hsieh et al., 2021). Wan et al. (2018) proposed a tomato maturity (green, orange, red) detection method that combined the characteristic color value with neural network classification technology. On the basis of the Faster R-CNN algorithm on the ResNet-50 backbone network, Sun et al. (2018) developed k-means clustering to fit the anchor frame size of the dataset and identify tomatoes’ maturity. Fonteijn et al. (2021) and Afonso et al. (2020) classified tomato maturity based on the Mask R-CNN method. Intuitively, recognition of fruit ripeness by single color images is frequently affected by the complex growing background of fruit. There is a further problem of being surrounded by obstacles, such as branches and leaves, which is one of the primary challenges for fruit recognition systems.

Multi-modal fusion technology can integrate various information extracted from different unimodal performance sources into a single compact representation, enhance the complementarity of information, and improve the detection efficiency (Gené-Mola et al., 2019). Fusion method is a key in multi-modal studies. Generally, visible light images are combined with depth maps, infrared maps to obtain compact multi-modal features. Min, Chishe & Dahui (2021) proposed a pedestrian detection algorithm based on the SSD network, which separately extracted the features of visible light and infrared images to fuse the two modalities on a multi-scale feature layer. Tao (2020) proposed a waste detection method based on vector machine classifiers with multi-scale fusion of color and depth images, and the segmentation rate of this algorithm reached 76.38%. Sa et al. (2016) fused RGB and NIR multi-modal information by the Faster R-CNN method to detect various fruits, and the F1 score was 0.83. Qian, Jiting & Jianguo (2020) proposed the up-sampling fusion method of color and depth images based on residual network, which enhanced the complementarity of information and the recognition accuracy reached 0.879. Zheng, Li & Jun (2021) extracted the multi-scale features of color and infrared images fusion based on YOLO architecture to detect pedestrians, and the AP rate was 92.6%.

The RGB image contains color, texture information, but the depth image contains geometric information that is more robust with lighting variations. In order to solve the influence of the environment and fruit growth stage on the accuracy of tomatoes recognition, this article proposes an RD-SSD model based on the fusion of color and depth images. Figure 1 shows the architecture of the RD-SSD model, which includes image acquisition, data annotation, image augmentation, model training and model evaluation.

Diagram of tomato fruit recognition based on RD-SSD model.

Figure 1: Diagram of tomato fruit recognition based on RD-SSD model.

Dataset augmentation and processing

The camera used in our experiment is Kinect V2.0, which can collect RGB-D images. The size of the color image is 1,920 * 1,080 pixel, and the size of the depth image is 512 * 424 pixel. In order to achieve the fusion of color and depth images, it is necessary to unify the size of the color and depth images with Windows SDK (Kinect SDK, 2014). The approach to detecting tomatoes target is bounding selection method, and one classification standard is the occlusion of fruit (occlusion or non-occlusion), and the other one is maturity degree (green, orange, and red) for combining six types of objects, where 1_i represents non-occluded immature fruits, 2_i represents occluded immature fruits, 3_i represents non-occluded semi-mature fruits, 4_i represents occluded semi-mature fruits, 5_i represents non-occluded mature fruits, and 6_i represents occluded mature fruits.

Each image in the training set is augmented with eight transformed versions by ToSensor, PhotometricDistort, Expand, RandomSampleCrop, RandomMirror, ToPercentCoords, Resize, and the SubtractMeans method in Fig. 2, which perform random translation, scaling, rotation and color transformation.

Color and depth image data augmentation of tomato plant.

Figure 2: Color and depth image data augmentation of tomato plant.

(A) Color image augmentation methods and (B) depth image augmentation methods.

Figure 2A depicts the color image data augmentation transformation results, and Fig. 2B shows the depth image data augmentation transformation results.

In the tomato growing environments, obtaining images is susceptible of illumination that affect the identification accuracy. To address the problem, we propose a novel method HRGAN to learn removing highlight from unpaired training data, and learn the potential relationship between the highlight image domain H and the highlight-free image domain F. Train a generator network G, which takes highlight images IhH as input to generate highlight-free image IfF. Then exploit D as the discriminator to identify the generated images, as shown in Fig. 3.

Framework overview of the proposed HRGAN.

Figure 3: Framework overview of the proposed HRGAN.

For the Generator network G, we explored Long and Short Term Memory (LSTM) to preserve the valuable features to ensure the realistic of detected highlight regions. The LSTM contains an input gate it, an output gate ot, a forget gate ft, and a cell state Ct, where t is time (Ding et al., 2019). The input of LSTM as shown in Eq. (1):

it=σ(WxiXt+WhiHt1+WciCt1+bi)

ft=σ(WxfXt+WhfHt1+WcfCt1+bf)

Ct=ftCt1+ittanh(WxcXt+WhcHt1+bc)

ot=σ(WxoXt+WhoHt1+WcoCt+bo)

Ht=ottanh(Ct)

where Xt is the output feature of the residual module, W and b is the weight and deviation respectively, Ct indicates the cell state that will be input to the next step, Ht represents the output feature of the LSTM unit. We initialize the value of the highlight intensity as 0.5. At each time step, the current attention map is connected to the input image into the next recursive block of the recurrent network.

The loss of HRGAN comes from the highlight detector and discriminator as Eq. (2):

LT=LM+LP+LAdv

The highlight detector compares the generated intensity mask {M}1N with the ground truth T. The detector is generated from 1 to N recursive blocks as in Eq. (3):

LM=i=1NβiLMSE(Mi,Ti)

where Mi is the output extracted of the ith layer, and Ti is the ground truth with the same size of the ith layer. βi is the weights of the Mean Square Error (MSE) loss for the ith iteration, we design βi=0.5Ni+1.

LP is designed to calculate the global difference between the ground truth image and the highlight removal result (Qian et al., 2018). We extract image features by VGG16 (Simonyan & Zisserman, 2014) pretrained on ImageNet datasets, the perceptual loss as in Eq. (4):

LP=LMSE(VGG(Li),VGG(T))

where VGG(Li) and VGG(T) are the feature of image Li and T trained from VGG16 network. The discriminator network validates whether the image produced by the generative network looks real. The generative adversarial loss LAdv can be designed as Eq. (5):

LAdv=𝔼Ifpclear[log(D(If))]+𝔼Ihphighlight[log(1D(G(Ih)))]

Refinement backbone based on Inception module

Since AlexNet (Krizhevsky, Sutskever & Hinton, 2012), increasingly deeper networks have been proposed to solve more complex problems, such as VGG16, VGG19, and GoogleNet (Szegedy et al., 2014). In this study, a modified version of multi-scale Inception block was designed for the problems of GoogleNet and the characteristics of recognition. This network draws on the main architecture of Inception v1 block. Multi-scale network structure is shown in Fig. 4, and the following improvements are made in two aspects:

Improved of Inception model for recognition.

Figure 4: Improved of Inception model for recognition.

The Inception network structure adopts two methods for convolution kernel decomposition. 1 * 3 with 3 * 1 convolution kernels was used instead of 3 * 3 kernel for feature maps. This method can ensure that the receptive field of the decomposed convolution kernel not be changed.

Each branch corresponds to a different size of the receptive fields (RF) (Liu, Huang & Wang, 2018), using the expansion convolution to control their eccentricity, and its dimensions are adjusted to generate the final feature map. For the same case of kernel 7 * 7, the conventional convolution can only obtain 5 * 5 receptive fields after 3 * 3 convolution kernel processing. The receptive field of 7 * 7 can be obtained after 3 * 3 convolution kernel with dilation rate of 2.

Development recognition model based on SSD algorithm

Multi-modal images used in this article, color images and depth images are denoted as Irgb and Idepth respectively. The shape of Irgb is 3 * 512 * 424, and the shape of Idepth is 1 * 512 * 424. After data augmentation, the image size is scaled to 3 * 300 * 300 and 1 * 300 * 300 as input layers to provide a basis for generating features. The feature map generation network is designed separately for the color and depth images to extract feature maps from different stages. Multi-scale feature maps are the results of convolutions, which express different levels of images’ information, such as local features, edge features, texture features, and so on. The feature maps generated by color and depth image through the network are recorded as Cr(n) and Cd(n), as shown in Eq. (6):

Cr(n)=f(Cr(n1)),Cr(0)=Irgb

Cd(n)=f(Cd(n1)),Cd(0)=Idepth

where r represents color image, d represents depth image, n represents different feature layers, and f represents convolution and pooling operations on the feature layers. The sizes of six types of feature maps in color and depth image are 38 * 38, 19 * 19, 10 * 10, 5 * 5, 3 * 3 and 1 * 1. Furthermore, as high-level features have larger receptive fields and capture more semantic information, low-level features have higher resolution and contain accurate localization details, which are complementary to abstract features. The characteristic maps of each layer are combined to obtain the color and depth characteristic map set that cover the fruit characteristics from multiple scale receptive fields, which are denoted as Frgb and Fdepth, as shown in Eq. (7):

Frgb=Ui=s1sCr(i)

Fdepth=Ui=s1sCd(i)

RD-SSD architecture is composed of two parallel subnetworks, RGB-Network and Depth-Network, both of which form a neural network. Figure 5 shows the characteristic network diagram of RD-SSD model, including six color feature maps (conv4_3-r, conv7(FC7)-r, conv8-r, conv9-r, conv10- r, conv11-r) and six depth feature maps (conv4_3-d, conv7(FC7)-d, conv8-d, conv9-d, conv10-d, conv11-d).

Subnetworks architecture of the RD-SSD model.

Figure 5: Subnetworks architecture of the RD-SSD model.

The resulting prior boxes on the feature maps are then fed to the detection network to produce the result on the reference layers. On the outputs of the detection layer, each image generates six feature maps for n2 center points, and each center point generates k prior boxes. For color image and depth image fusion methods, conv4_3-r, conv7(FC7)-r, conv8-r, conv9-r, conv10-r, conv11-r, conv4_3-d, conv7(FC7)-d, conv8- d, conv9-d, conv10-d, conv11-d feature layers set (4, 6, 6, 6, 4, 4, 4, 6, 6, 6, 4, 4) prior boxes respectively. For each feature point of the feature map, we assign the corresponding prior boxes to the feature map layers. Brgb and Bdepth are fully connected to generate the sum of a prior boxes as Ball. The calculation formula is shown in Eq. (8):

Ball(n)=Brgb(n)+Bdepth(n)

The size of the SSD prior box is related to the shape characteristics of the identified object, which often contains squares and rectangles of different proportions and sizes. The dimensions of multiple prior boxes should be guaranteed in the occluded fruit recognition model to improve the generalization ability to identify the fruit. The setting of the prior box includes scale and aspect ratio, which is calculated as Eq. (9):

sk=smin+smaxsminm1(k1), k[1,m]

m is the number of feature maps, sk is the relative ratio of the prior box to the feature map, smin is 0.2 and smax is 0.9.

For the position of the a prior frame, set the center of the a prior frame as {α+0.5|fk|,b+0.5|fk|}, where |fk| is the size of the k characteristic graph, a, b ∈ {0,1,2,|fk1|} and normalize the coordinates of the a prior frame to make it within 0,1. The mapping relationship between the a prior frame coordinates on the feature map and the original image coordinates as Eq. (10):

xmin={b+0.5|fk|wk2}wimgwfeature,ymin={b+0.5|fk|hk2}himghfeature

xmax={α+0.5|fk|+wk2}wimgwfeature,ymax={α+0.5|fk|+hk2}himghfeature

wfeature and hfeature is the width and height of the feature layer, wimg and himg are the width and height of the original image, and the obtained ( xmin, ymin, xmax, ymax) is the coordinate mapped to the original image by the a prior frame with the center of {α+0.5|fk|,b+0.5|fk|} and the size of (wk,hk) on the feature graph of layer k.

In the natural growth of tomatoes, there are occlusions by leaves, stems and fruits, and the scale setting of boxes is related to the occlusion, with the aspect ratio ar{1,2,3,12,13}. 1 means the aspect ratio is 1:1, 2 means the aspect ratio is 2:1, 3 means the aspect ratio is 3:1, 12 means the aspect ratio is 1:2, 13 means the aspect ratio is 1:3. As shown in Table 1, we used different scales and aspect ratios parameters for feature maps. In addition, with the deeper of the feature map increases, the receptive field becomes larger.

Table 1:
A prior box calculation result for object recognition.
Feature map Size s_min (s_k) s_max (s_(k+1)) a_r
1 38 * 38 30 60 1, 2
2 19 * 19 60 111 1, 2, 3
3 10 * 10 111 162 1, 2, 3
4 5 * 5 162 213 1, 2, 3
5 3 * 3 213 264 1, 2
6 1 * 1 264 315 1, 2
DOI: 10.7717/peerj-cs.1018/table-1

RGB-D target recognition methods based on early fusion methods can take advantage of the correlation between multiple features from different patterns in the early stage, which helps to better complete the task (Snoek, Worring & Smeulders, 2005). However, the decisions level usually have the same representation, which makes decision fusion easier (Gao et al., 2019).

RD-SSD designs the overlap maximization between prior boxes of feature map with the real target P, which measures the overlap between ground truth boundaries and forecast boundaries for real target. The formula of IoU for all prior boxes is demonstrated in Eq. (11):

IoUall=BalliPjBalliPji[0,num(Ball)],j[0,num(P)]

where i is the number of the priori box, j is the number of ground truth of fruit objects. In this article, a prior box to be true only if IoU of the prior box Ball with the ground truth bounding box is greater than 0.5. A large number of default bounding boxes can be generated after sampling and grouping on the same feature points. In the post processing stage of fruit detection, NMS is commonly used to filter the generated boxes. Lastly, an optimal bounding box is reserved for the same fruit to eliminate overlapping prior boxes, the process of IoU bounding box losses is shown in Table 2.

Table 2:
Implement the model of IoU bounding box losses for RD-SSD model.
Algorithm 1: IoU as bounding box losses
Input: Predicted Balli and ground truth Pj bounding box
Coordinates:
Bi=(xminb,yminb,xmaxb,ymaxb), Pj=(xminp,yminp,xmaxp,ymaxp)
Output: IoUall
For the predicted box B and P
   ensuring xmaxr>xminrandymaxr>yminr
   ensuring xmaxd>xmindandymaxd>ymind
Calculating area of B, Ab = (xmaxbxminb)×(ymaxbyminb)
Calculating area of P,Ap = (xmaxpxminp)×(ymaxpyminp)
Calcuating intersection I between B and P
I={(min(xmaxb,xmaxp)max(xminp,xminb))×(min(ymaxb,ymaxp)max(yminp,yminb))0        
IoU = IAb+ApI
end For
DOI: 10.7717/peerj-cs.1018/table-2

The loss function of RD-SSD model consists of position loss Lall_loss and the classification confidence loss Closs (Liu et al., 2016). The comprehensive loss Floss is the weighted value of the position loss and the confidence loss. The calculation formula is shown in Eq. (12):

Floss(t,c,l,g)=1N(Closs(t,c)+Lall_loss(t,l,g))

where l is the position of the target, and c is the classification.

Experiments

Data and experiment setup

PyTorch deep learning framework is used in this article. The computing resource for the deep learning experiment is CPU2678 v3 * 2 (24 cores and 48 threads), 16G memory, GTX 1080ti 11G graphics card, and Ubuntu 18.6 operating system.

The dataset contains color and depth images, divided into 64% training data, 16% validation data, and 20% test data. The datasets include six categories, the first setup corresponds to the non-occluded and occluded scene, whereas the second setup corresponds to the maturity of fruits, non-occluded immature tomatoes as tomato1, occluded immature tomatoes as tomato2, non-occluded semi-mature tomatoes as tomato3, occluded semi-mature tomatoes as tomato4, non-occluded mature tomatoes as tomato5, occluded mature tomatoes as tomato6. The statistics about each dataset are shown in Table 3.

Table 3:
Statistics for tomato fruits images.
Label Number of fruits Meaning
Tomato1 3,914 non-occluded immature tomatoes
Tomato2 3,132 occluded immature tomatoes
Tomato3 2,209 non-occluded semimature tomatoes
Tomato4 3,317 occluded immature tomatoes
Tomato5 1,313 non-occluded mature tomatoes
Tomato6 2,031 occluded mature tomatoes
DOI: 10.7717/peerj-cs.1018/table-3

Experiment based on color image

The color map is extracted from specified convolution layers, and 8,732 prior boxes are obtained. The localization and classification of tomato fruit in the natural scene are accepted through the basic network architecture. During model training, batch_size is set to 8, iteration is set to 120,000, Learning rate (lr) is set to 1e−3, and test set evaluation is carried out every 500 iterations.

Figure 6 shows the loss plots and mAP (six categories) during the training procedure. The 26,000th iteration model is the best, mAP reaches 0.8914, and the loss value is 1.688, which is at the same level as the minimum loss value. Therefore, the model produced by 26,000 iterations is used as the color-SSD tomato fruit classification model.

Loss and mAP changes of the color-SSD model.

Figure 6: Loss and mAP changes of the color-SSD model.

Experiment based on depth image

The SSD model is constructed based on the depth image to verify the recognition effect of the model. Similar to the SSD operation process of the color image, the SSD network is used to extract the features of depth map, and obtain 8,732 prior boxes.

Figure 7 shows the loss value and mAP change during the SSD model by depth images. At the 112,380th iteration, the minimum loss value is 1.584, and the number of iterations with stable loss value is higher than color-SSD model. The 93,500th iteration model was the best with mAP reaching 0.7876. The mAP of the depth-SSD recognition model is lower than the color-SSD model. The depth image reflects the position information of the fruit, during the feature learning process, which is sensitive to the edge information of the fruit, and can identify the fruit that is occluded.

Loss and mAP changes of depth-SSD model.

Figure 7: Loss and mAP changes of depth-SSD model.

Experiment based on RD-SSD

Based on the RD-SSD model, it realizes tomato fruit recognition, tomato maturity classification and occlusion classification. In the neural network, there are two branches corresponding to images from color and depth, for feature extraction. The number of prior frames Nproir of the feature map after fusion is 17,464. The number of maximum iterations is 120,000, the test set is verified every 500 iterations, the learning rate is 1e−3, the batch_size is 8, the optimizer uses the Adaptive Moment Estimation (Adam) method. Figure 8 shows the loss value and mAP during the training procedure of RD-SSD model.

Loss and mAP changes of the RD-SSD model.

Figure 8: Loss and mAP changes of the RD-SSD model.

The analysis shows that the RD-SSD model reaches a stable state during the training procedure and the number of iterations required less than the color-SSD and depth-SSD models. The loss value is lower than the color-SSD and depth-SSD models, indicating that the recognition deviation on the verification set is smaller, and the model recognition effect is better. The model was optimal at the 92,500th iteration, mAP reached 0.9147, loss value was 0.72, and the minimum loss value at the same level. The classification accuracy AP of Tomato1 is 0.9141, the AP of tomato2 is 0.9031, the AP of tomato3 is 0.9243, the AP of tomato4 is 0.9173, the AP of tomato5 is 0.9207, and the classification accuracy of tomato6 is 0.9082.

In order to compare the overall effect of the model experiment, the results of the three model methods of color-SSD, depth-SSD and RD-SSD are compared and analyzed as a whole. Table 4 shows the comparison of tomato fruit recognition and classification recognition results, including the overall model recognition effect and the recognition effect of each classification.

Table 4:
Results of tomato fruit identification and classification.
Model mAP Tomato1 Tomato2 Tomato3 Tomato4 Tomato5 Tomato6
R-SSD 0.8914 0.8994 0.8786 0.9021 0.8931 0.8994 0.8758
D-SSD 0.7876 0.7684 0.7138 0.8935 0.7851 0.8219 0.7429
RD-SSD 0.9147 0.9141 0.9031 0.9243 0.9173 0.9207 0.9082
DOI: 10.7717/peerj-cs.1018/table-4

In a comparison (Tables 5 and 6) to Faster R-CNN (Ren et al., 2015), FSSD (Li & Zhou, 2017), DSSD (Fu et al., 2017), YOLO (Redmon & Farhadi, 2018) (Tables 5 and 6), RD-SSD was significantly more accurate due to the use of decision from multiple feature maps and matching strategy. The RD-SSD model combining the color and depth map feature information improves the recognition rate of occluded tomatoes with color image features mainly contribute to the classification of fruit maturity, and depth image features mainly contribute to occlusion recognition. The fusion of visible and depth images improves the perception ability of tomato fruit system in target maturity classification and occlusion recognition.

Table 5:
Comparation of identification results of tomato fruit maturity with other methods.
Algorithm Immature Semimature Mature
Faster R-CNN 0.8018 0.8312 0.8128
FSSD 0.8231 0.8543 0.8327
DSSD 0.8446 0.8709 0.8287
YOLO 0.8901 0.8879 0.8831
Ours 0.9086 0.9208 0.9145
DOI: 10.7717/peerj-cs.1018/table-5
Table 6:
Comparation of identification results of tomato fruit occlusion with other methods.
Algorithm mAP Nonocclusion Occlusion
Faster R-CNN 0.8152 0.8335 0.7970
FSSD 0.8367 0.8421 0.8313
DSSD 0.8480 0.8685 0.8276
YOLO 0.8864 0.8914 0.8814
Ours 0.9147 0.9197 0.9095
DOI: 10.7717/peerj-cs.1018/table-6

Discussion

In order to more intuitively express the recognition effects of the color-SSD, depth-SSD and RD-SSD optimal models, this section analyzes and compares the recognition results of the test images. Figure 9 shows a comparison between the obtained recognition for three different models. The image has a complex background, with many tomato fruits and dense leaves, which is a typical complex background object recognition scene. The color-SSD model identified 14 tomatoes, including immature, semimature, mature, occluded and nonoccluded fruits; the depth-SSD model identified nine tomatoes, mainly immature tomatoes; the RD-SSD model identified 16 tomatoes with two increases relative to color-SSD, one was a ripe tomato obscured by leaves, and the other was an immature tomato overlapped with adjacent fruits. Specifically, the results showed that the RD-SSD model learned the edge information of fruit in depth image, and the recognition effect was improved compared with the other two models.

Comparison between the obtained recognition for three different models.

Figure 9: Comparison between the obtained recognition for three different models.

(A) Recognition results of the color-SSD model, (B) recognition results of the depth-SSD model, and (C) recognition results of the RD-SSD model.

Conclusions

In this article, to effectively integrate multi-modal features and generate accurate feature maps, a multi-modal deep aggregation module RD-SSD to facilitate the efficient fusion of texture and depth features. The plant images with different maturity and occlusion degrees were selected to construct the data set, and through data augmentation to improve the generalization ability of the model and the distinguishing degree of features.

In terms of the classification effect of tomato fruit maturity and occlusion, the recognition rate AP of the RD-SSD model for the six types of fruits reached 0.9141, 0.9031, 0.9243, 0.9173, 0.9207 and 0.9082. After adding the depth image on the basis of color image recognition, the classification effect of the occlusion of the fruit is improved. The multi-modal fusion method provides a new direction for plant fruit identification and classification, and has certain research value for the study of fruit phenotypes during fruit setting and fruiting period.

Supplemental Information

The test datasets of tomato.

DOI: 10.7717/peerj-cs.1018/supp-1
2 Citations   Views   Downloads