Abstract
Recent years have witnessed significant advancement in computer vision research based on deep learning. Success of these tasks largely depends on the availability of a large amount of training samples. Labeling the training samples is an expensive process. In this paper, we present a simulated deep convolutional neural network for yield estimation. Knowing the exact number of fruits, flowers, and trees helps farmers to make better decisions on cultivation practices, plant disease prevention, and the size of harvest labor force. The current practice of yield estimation based on the manual counting of fruits or flowers by workers is a very time consuming and expensive process and it is not practical for big fields. Automatic yield estimation based on robotic agriculture provides a viable solution in this regard. Our network is trained entirely on synthetic data and tested on real data. To capture features on multiple scales, we used a modified version of the Inception-ResNet architecture. Our algorithm counts efficiently even if fruits are under shadow, occluded by foliage, branches, or if there is some degree of overlap amongst fruits. Experimental results show a 91% average test accuracy on real images and 93% on synthetic images.
Keywords: deep learning, agricultural sensors, simulated learning, yield estimation
1. Introduction
Recent years have witnessed enormous advancement in the computer vision research based on deep learning. A variety of vision-based tasks, such as object recognition [1,2,3,4,5,6], classification [7,8,9], and counting [10,11,12], can achieve high accuracy. Success of these advanced tasks largely depend on the availability of a large amount of training samples. Labeling the training samples is an expensive process both in terms of time and money. Generating synthetic data for training can provide an alternative solution. One of the objectives of this research is to reduce the overhead of labeling the training samples for object counting problem by creating synthetic dataset for training. This research achieves a fast yield estimation based on deep simulated learning. Accurate yield prediction helps farmers to improve their crop quality. Moreover, it helps in reducing the operational cost by making better decisions on the intensity of crop harvesting and the labor required.
There are various challenges faced by computer vision algorithms for counting fruits for yield estimation, namely, illumination variance, and occlusion by foliage, varied degree of overlap amongst fruits, fruits under shadow, and the scale variation. To address these challenges, in this research we developed a novel deep learning architecture which counts objects without detecting them. Our method estimates the number of objects explicitly from the glance of the entire image. In this way, it reduces the overhead of object detection and localization. Our network consists of several convolution and pooling layers in addition to modified Inception-ResNet. The modified version of the Inception-ResNet helps us to capture features in multiple scales. The framework of our approach is depicted in Figure 1.
The main advantage of this work is that thousands of annotated data on real images are not necessary for training. The network was trained using synthetic images and tested on real images and it works efficiently with 91% accuracy on real images. The proposed methodology works efficiently even if there is illumination variance in the images.
The following are the contributions of this work:
A novel deep learning architecture for counting fruits based on convolutional neural networks (CNN) and a modified version of Inception-ResNet is presented.
We developed a simulation-based learning method, which is trained on simulated data but tested on real data.
Our approach is robust to occlusion, variation in illumination and scale.
Our algorithm works in less than a second, which is enough to be useful for real-time application.
2. Related Work
In typical image classification process the task is to specify the presence or absence of an object but counting problem one requires to reason how many instances of an object are present in the scene. The counting problem arises in several real-world applications, such as cell counting in microscopic images [13], wildlife counting in aerial images [14], fish counting [15], and crowd monitoring [16] in surveillance systems. The method proposed by Kim et al. [17] detects and tracks moving people with the help of a fixed single camera. Later, Lempitsky et al. [18] proposed a new supervised learning framework for visual object counting tasks that optimizes the loss based on the MESA-distance during the learning. Recently, Giuffrida et al. [19] proposed a learning-based approach for counting leaves in rosette (model) plants. They used a supervised regression model to relate image-based descriptors which are learned in an unsupervised fashion to leaf counts.
The current practice of yield estimation based on the manual counting of fruits or flowers by workers is very time consuming and expensive process and it is not practical for large fields. Automatic yield estimation based on robotic agriculture provides a viable solution in this regard. A widely adopted solution for automatic yield estimation is to count fruits or calculate the density of flowers on images using computer vision algorithms [20,21,22,23,24,25,26]. Computer vision-based crop yield estimation methods can be divided roughly into two categories: (1) region- or area-based methods and, (2) counting-based methods. In the literature, there is an ample amount of work dealing with region-based methods [20,21,22,23,24,25,26]. Wang et al. [20] developed a stereo camera automatic crop yield estimation system for apple orchards. They captured images at nighttime to reduce the unpredictable natural illumination in the daytime. Li et al. [21] developed an in-field cotton detection system based on region-based semantic image segmentation. Lu et al. [22] developed region-based color modeling for joint crop and maize tassel segmentation. Despite a wide attention to region-based methods very scarce attention has been paid to counting-based yield estimation methods [27,28]. Linker et al. [27] used color images to estimate the number of apples acquired in orchards under natural illumination. The drawbacks are direct illumination and color saturation, due to which a large number of false positives were observed. Tabb et al. [28] developed a method to segment apple fruit from video using background modeling.
Recently, deep learning-based object counting methods are gaining popularity. Seguí et al. [10] explored the task of counting occurrences of a concept of interest with CNN. Xie et al. [13] developed a convolutional regression network-based microscopy cell counting framework. Zhang et al. [11] developed cross-scene crowd counting framework based on deep convolutional neural networks. French et al. [29] also explored CNN for counting fish in a fisheries surveillance video. Several authors explored deep learning approaches for fruit/plant detection and recognition [30,31,32,33,34]. To the best of our knowledge, there are no papers related to fruit counting based on deep simulated learning; all of the deep learning-based counting methods rely on object detection and then count the detected instances. Our method estimates the count of objects explicitly from the glance of the entire image. In this way, it reduces the overhead of object detection and localization and it learns explicitly to count. Moreover, the aforementioned techniques are dependent on a large set of labeled data. Labeling the training samples is expensive both in terms of time and money. Here we are generating synthetic data to reduce the overhead of labeling the training samples for object counting problems. Although trained on synthetic data, our method performs very well on real data.
3. Methodology
3.1. Synthetic Image Generation
Deep learning requires large datasets that are time consuming to collect and annotate. To solve this issue, we generated synthetic data to train our network. The training parameters were then tested on real images. The synthetic images were generated as follows. A blank image of size 128 × 128 pixels is created followed by filling the entire image with green and brown colored circles to simulate the background and the tomato plant, which are later blurred by a Gaussian filter. To create the variable-sized tomatoes in the image, several circles of random size are drawn in random positions on the image. Twenty-four thousand images were generated for the training set, and 2400 for the test set. Figure 2 shows the process of generating the synthetic images that were used to train the network. Synthetic tomato images were generated with some degree of overlap along with variation in size, scale, and illumination in order to incorporate the possible complexities in real tomato images.
3.2. Convolutional Neural Network
CNN is one of the most notable deep learning approaches; it comprises various convolutional and pooling (subsampling) layers that resembles human visual system [35]. Generally, image data is fed to the CNN that constitute an input layer and produces a vector of reasonably distinct features associated to object classes in the form of an output layer. Between input and output layers there are hidden layers in the form of series of convolution and pooling layers followed by fully-connected layers [36]. The training of the network is performed in forward and backward stages based on the prediction output and labeled ground-truth. In the backpropagation stage, the gradients of each parameter is computed based on the loss cost. All of the parameters will be updated based on the gradients and are updated for the next forward computation. The network learning can be stopped after sufficient iterations of forward and backward stages.
3.3. Inception Architecture
While a convolutional layer attempts to learn to filter simultaneously with two spatial dimensions and a channel dimension in a 3D space, the Inception model makes this process easier and, therefore, it empirically appears to be capable of learning richer representations with less parameters. The Inception model would independently look at cross-channel correlations and at spatial correlations. Inception architecture, introduced by Szegedy et al. (Inception-v1) [37], later refined as Inception-v2 [38], Inception-v3 [39] and, most recently, as Inception-ResNet [6], has been one of the best-performing families of models on the ImageNet dataset [40]. Inspired by the success of these models in ImageNet competition, we combined the modified version of Inception-ResNet-A in our CNN network.
3.4. Description of Our Network Architecture
The neural network design for this research is shown in Figure 3. The first layer of the network is 7 × 7 convolution layer followed by 3 × 3 max pooling layer with stride 2. This convolutional layer maps the 3 bands (RGB) in the input image to 64 feature maps using a 7 × 7 kernel function. This condenses information in the network. Reducing the dimensions of the image reduces computation time and allows the model to fit into the GPU’s memory [41]. Similarly, in order to reduce the dimensionality of the feature maps, a 1 × 1 convolution layer is used before another convolution layer of kernel size 5 × 5.
The size of the objects in the images varies, so an architecture that can capture features at multiple scales is required. For this purpose, we modified the Inception-ResNet-A [6] layer. Two modified Inception-ResNet-A layers follow the normal convolutional layers. Inception-ResNet combines the ideas of Inception, which captures features at multiple sizes by concatenating the results of convolutional layers with different kernel sizes, and residual networks [3], which use skip connections to create a simple path for information to flow throughout a neural network. This architecture was used because of its high performance on several competitive image recognition challenges [6]. Residual networks converge faster because residual connections speed up training in deep networks [3]. Figure 4 shows the design of the modified Inception-ResNet-A module that is used in this work. The final 1 × 1 convolution only calculates 192 features, compared to 256 in the original Inception-ResNet-A [6].
As can be seen in Figure 4, the modified Inception-ResNet-A module consists of three parallel layers concatenated into one. The result of this concatenation is then added to the activations of the previous layer and passed through the rectified linear function. After the modified Inception-ResNet-A layers, a modified Inception reduction module, shown in Figure 5, is used to simultaneously reduce the image size and expand the number of filters. As can be seen in Figure 5, three parallel branches are concatenated into one output. These branches include maximum pooling and strided convolutions without padding (stride 2 V in Figure 5). The middle branch of the module was reduced from an output size of 192 to 128. The right branch of the module was reduced to 192, 128, 128, and 128 output sizes from 256, 256, 320, and 320, respectively. These changes were made in order to fit the network more closely to the complexity of the problem. Before these modifications, the model tended to overfit to the training data and performed poorly on real data.
After the modified reduction module another set of two Inception-ResNet-A layers were applied, followed by 3 × 3 average pooling because average pooling has been found to improve the accuracy when used before the final fully connected layer [42]. As can be seen in Figure 3 the size of the final fully connected layer is 768. Although deep neural nets with a large number of parameters are very powerful machine learning systems, overfitting is a serious problem in such networks. Large networks are also slow to use, making it difficult to deal with overfitting by combining the predictions of many different large neural nets at test time. Dropout is a technique for addressing this problem. The key idea is to randomly drop units (along with their connections) from the neural network during training [43]. Sixty-five percent of connections were randomly kept while training the network. Finally, the last fully-connected layer after the dropout layer gives the prediction for the number of tomatoes in the input image. Batch normalization was performed after every convolution to remove the internal covariate shift [38].
3.5. Training Methodology
The network was trained for three epochs on 24,000 synthetic images. To minimize the error an Adam optimizer is used [44]. It is an algorithm for first-order gradient-based optimization of stochastic objective functions, based on adaptive estimates of lower-order moments. Inspired by two popular optimized methods, namely, AdaGrad and RMSProp, Kingma and Ba [44] came up with a new optimizer that can deal with a sparse gradient, as well as non-stationary objectives. The advantages of using the Adam optimizer include being computationally efficient, low memory requirements, invariance to diagonal rescaling of the gradients, and being well-suited for problems that are large in terms of data or parameters. The learning rate for the Adam optimizer was set at a constant 1 × 10−3. The mean squared error was used as the cost function. The network was evaluated using the exponential moving averages of weights. Weights were initialized using a Xavier initializer [45]. Xavier initialization ensures the weights are appropriate by keeping the signal in a reasonable range of values throughout the layers. It tries to keep the variance of the input gradient and the output gradient the same which helps to keep the scale of the gradients approximately the same throughout the network.
4. Experimental Results
The network was implemented using TensorFlow [46] running on an NVidia 980Ti GPU. For training, 24,000 synthetic images were used. For testing, a different set of 2400 synthetic images and 100 randomly-selected real tomato images from Google Images were used. The size of synthetic images are 128 × 128 pixels. Real images have different sizes, but all were resized to 128 × 128 pixels.
4.1. Experimental Results with Synthetic Data
Validation on 2400 synthetic images gives a mean squared error for the count of about 1.16. Figure 6 shows the mean square error for training where the abscissa represents the number of steps and the ordinate represents the mean square error. The network was trained with three different dropout values (50%, 65%, and 80%) to find the lowest value for the mean square error, and 65% was chosen as the dropout value for the network. Figure 6 shows the mean square error for a dropout value of 65%. Looking at the graph in Figure 6, it is clear that the network converges quickly; this is why the network was trained for only three epochs.
4.2. Experimental Results with Real Data
The algorithm was tested over 100 randomly-chosen images; despite not having real images for training, the network performs well for real images. Table 1 shows twenty representative images along with their predicted and actual count. In Table 1 column R contains the real images, column P contains the predicted count, and column GT contains the actual count (ground truth).
Table 1.
R | P | GT | R | P | GT | R | P | GT | R | P | GT |
---|---|---|---|---|---|---|---|---|---|---|---|
36 | 38 | 27 | 24 | 18 | 17 | 27 | 28 | ||||
22 | 25 | 21 | 23 | 15 | 14 | 12 | 12 | ||||
22 | 22 | 13 | 12 | 14 | 14 | 14 | 13 | ||||
20 | 25 | 19 | 19 | 38 | 39 | 16 | 16 | ||||
22 | 22 | 16 | 17 | 16 | 19 | 24 | 24 |
The network was trained to count ripe and half-ripe tomatoes. The algorithm can handle the variation in illumination, size, shadow, and also images with overlapped and partially-occluded fruits. For example, fruits in the second row and fourth column image are partially occluded by leaves and they are under different illumination conditions. However, the actual count and predicted count by our algorithm are exactly the same (=12). Another example is the image in the last row and the last column, which has overlapped fruits with different sizes and is occluded by foliage; still, the actual count and predicted count by our algorithm are exactly the same (=24).
4.3. Evaluation
To evaluate the performance of our results, we compared the predicted count of our algorithm with the actual count. The actual count was attained by taking the average count of three individuals observing the images independently.
The accuracy was calculated as follows:
(1) |
where, pa is the accuracy (%), pc is the predicted count, and ac is the actual count. As can be seen in Figure 7, the accuracy is between 70% and 100% and the average accuracy for 100 images is equal to 91.03%.
A linear regression was performed between computed and actual counts as shown in Figure 8. R2 value of 0.90 in Figure 8 suggests that the regression line fits well over the data which means the computed count of the tomatoes is similar to the actual count. The root mean square error (RMSE) for 2400 synthetic images is equal to 1.16, and for 100 real images it is 2.52, based on our proposed method.
4.4. Comparison with Other Techniques
We compared our results with several methods, namely area-based technique, shallow neural network, and our network with the original Inception-ResNet.
Area-based techniques calculate the number of fruits based on the total area of fruits and an individual fruit. We applied mathematical morphology techniques after converting our RGB images to YCBCR space to isolate the pixels that belong to tomatoes. After calculating the total fruit pixels in each image, we divided it by the average pixel coverage of one tomato to get the count. The average pixel number of each tomato was attained experimentally so that there is a minimum distance between the actual count and the calculated count based on the area. The average accuracy over one hundred images for this method is 66.16%. Figure 9 shows a linear regression between computed count by area based method and actual count for one hundred real tomato images. The RMSE of 100 real images based on this method is 13.56.
It can be inferred from Figure 9 that the performance of the method is not consistent and the R2 value is also very poor.
We also trained and tested the results over a shallow network. The shallow network consists of two convolutional layers and two fully-connected layers. In the third method, we used the original Inception-ResNet-A module of the Inception-ResNet-v4 [7] layer instead of our modified version in Figure 4. Table 2 shows the average accuracy over one hundred images using the proposed method and three other methods.
Table 2.
Method | Average Accuracy (%) |
---|---|
Proposed method | 91.03 |
Area-based counting | 66.16 |
Shallow network | 11.60 |
Our network with the original Inception-ResNet-A | 76.00 |
It can be inferred from Table 2 that the proposed method is significantly better than the area-based method. The reason is that the area-based method is not scale invariant. Moreover, the main problem with area-based methods is that whenever there is occlusion by other tomatoes, foliage, or branches, the total pixel coverage of the tomatoes will be less than the actual coverage and will lead to a false count of the tomatoes.
Table 3 shows the average time required counting the tomatoes in one test image using the proposed method, the area-based method, and the time required by a human.
Table 3.
Method | Average Time Required for One Test Image (second) |
---|---|
Proposed method | 0.006 |
Area-based method | 0.05 |
Manual counting | 6.5 |
With the help of Table 3, it is clear that the proposed method is faster than that of the area-based and manual counting methods.
5. Conclusion and Future Works
We proposed a simulated learning for counting fruits. We based our architecture on Inception-ResNet to achieve high accuracy and to lower the computation cost. It is very difficult to obtain a sufficient number of real images with their actual count for the training stage in deep learning; in this paper we generated synthetic tomato images for training the network. We observed 91% accuracy for one hundred randomly-chosen real images. Our algorithm is robust under poor conditions. It can count accurately even if tomatoes are under shadow, occluded by foliage, branches, or if there is some degree of overlap amongst tomatoes. Although our algorithm was trained to count tomatoes, it can be applied to other fruits. Our algorithm is able to count ripe and half-ripe fruits; however, it fails to count green fruits because it is not trained for this purpose. In the future, we are planning to add green fruits to the synthetic dataset, so it would be able to count fruits in all stages.
In the future, we are planning to develop a mobile application based on the proposed algorithm which can be used directly by farmers for yield estimation and cultivation practices. Moreover, the proposed algorithm will be implemented on unmanned ground vehicles (UGVs) and unmanned aerial vehicles (UAVs) for online yield estimation and precision agriculture applications. Our efforts will directly support citizen science.
Acknowledgment
This project was supported partially by a Texas Comprehensive Research Fund Grant from the Texas A&M University-Corpus Christi Division of Research, Commercialization and Outreach and Texas A&M University-Corpus Christi Research Enhancement Grant.
Author Contributions
Rahnemoonfar and Sheppard conceived and designed the experiments; Sheppard performed the experiments; Rahnemoonfar supervised the whole project. Both authors analyzed the data and wrote the paper.
Conflicts of Interest
The authors declare no conflict of interest.
References
- 1.Nair V., Hinton G.E. Advances in Neural Information Processing Systems, Proceedings of the Neural Information Processing Systems Conference, Vancouver, BC, Canada, 7–10 December 2009. Neural Information Processing Systems Foundation, Inc.; Ljubljana, Slovenia: 2009. 3D object recognition with deep belief nets; pp. 1339–1347. [Google Scholar]
- 2.Han J., Zhang D., Hu X., Guo L., Ren J., Wu F. Background prior-based salient object detection via deep reconstruction residual. IEEE Trans. Circuit Syst. Video Technol. 2015;25:1309–1321. [Google Scholar]
- 3.He K., Zhang X., Ren S., Sun J. Deep residual learning for image recognition; Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition; Washington, DC, USA. 27–30 June 2016; pp. 770–778. [Google Scholar]
- 4.Ren S., He K., Girshick R., Sun J. Advances in Neural Information Processing Systems, Proceedings of the Neural Information Processing Systems Conference, Montreal, QC, Canada, 7–12 December 2015. Neural Information Processing Systems Foundation, Inc.; Ljubljana, Slovenia: 2015. Faster r-cnn: Towards real-time object detection with region proposal networks; pp. 91–99. [Google Scholar]
- 5.Zhu Y., Urtasun R., Salakhutdinov R., Fidler S. Segdeepm: Exploiting segmentation and context in deep neural networks for object detection; Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition; Boston, MA, USA. 7–12 June 2015; pp. 4703–4711. [Google Scholar]
- 6.Szegedy C., Ioffe S., Vanhoucke V., Alemi A. Inception-v4, inception-resnet and the impact of residual connections on learning. arXiv. 2016.
- 7.Krizhevsky A., Sutskever I., Hinton G.E. Advances in Neural Information Processing Systems, Proceedings of the Neural Information Processing Systems Conference, Lake Tahoe, NV, USA, 3–6 December 2012. Neural Information Processing Systems Foundation, Inc.; Ljubljana, Slovenia: 2012. Imagenet classification with deep convolutional neural networks; pp. 1097–1105. [Google Scholar]
- 8.Socher R., Huval B., Bath B.P., Manning C.D., Ng A.Y. Convolutional-recursive deep learning for 3d object classification. NIPS. 2012;3:8. [Google Scholar]
- 9.Ciregan D., Meier U., Schmidhuber J. Multi-column deep neural networks for image classification; Proceedings of the 2012 IEEE Conference on Computer Vision and Pattern Recognition; Providence, RI, USA. 16–21 June 2012; pp. 3642–3649. [Google Scholar]
- 10.Seguí S., Pujol O., Vitria J. Learning to count with deep object features; Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition; Boston, MA, USA. 7–12 June 2015; pp. 90–96. [Google Scholar]
- 11.Zhang C., Li H., Wang X., Yang X. Cross-scene crowd counting via deep convolutional neural networks; Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition; Boston, MA, USA. 7–12 June 2015; pp. 833–841. [Google Scholar]
- 12.Onoro-Rubio D., López-Sastre R.J. Towards perspective-free object counting with deep learning; Proceedings of the European Conference on Computer Vision; Amsterdam, The Netherlands. 8–16 October 2016; pp. 615–629. [Google Scholar]
- 13.Xie W., Noble J.A., Zisserman A. Microscopy cell counting with fully convolutional regression networks; Proceedings of the MICCAI 1st Workshop on Deep Learning in Medical Image Analysis; Munich, Germany. 5–9 October 2015. [Google Scholar]
- 14.Laliberte A.S., Ripple W.J. Automated wildlife counts from remotely sensed imagery. Wildl. Soc. Bull. 2003;31:362–371. [Google Scholar]
- 15.Del Río J., Aguzzi J., Costa C., Menesatti P., Sbragaglia V., Nogueras M., Sarda F., Manuèl A. A new colorimetrically-calibrated automated video-imaging protocol for day-night fish counting at the obsea coastal cabled observatory. Sensors. 2013;13:14740–14753. doi: 10.3390/s131114740. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 16.Ryan D., Denman S., Fookes C., Sridharan S. Crowd counting using multiple local features; Proceedings of the Digital Image Computing: Techniques and Applications; Melbourne, Australia. 1–3 December 2009; pp. 81–88. [Google Scholar]
- 17.Kim J.-W., Choi K.-S., Choi B.-D., Ko S.-J. Real-time vision-based people counting system for the security door; Proceedings of the International Technical Conference on Circuits/Systems Computers and Communications; Phuket Arcadia, Thailand. 16–19 July 2002; pp. 1416–1419. [Google Scholar]
- 18.Lempitsky V., Zisserman A. Learning to count objects in images; Proceedings of the Advances in Neural Information Processing Systems; Vancouver, BC, Canada. 6–11 December 2010; pp. 1324–1332. [Google Scholar]
- 19.Giuffrida M.V., Minervini M., Tsaftaris S.A. Learning to count leaves in rosette plants; Proceedings of the BVMC (British Machine Vision Conference); Swansea, UK. 7–10 September 2015. [Google Scholar]
- 20.Wang Q., Nuske S., Bergerman M., Singh S. Experimental Robotics. Springer; Berlin, Germany: 2013. Automated crop yield estimation for apple orchards; pp. 745–758. [Google Scholar]
- 21.Li Y., Cao Z., Lu H., Xiao Y., Zhu Y., Cremers A.B. In-field cotton detection via region-based semantic image segmentation. Comput. Electron. Agric. 2016;127:475–486. doi: 10.1016/j.compag.2016.07.006. [DOI] [Google Scholar]
- 22.Lu H., Cao Z., Xiao Y., Li Y., Zhu Y. Region-based colour modelling for joint crop and maize tassel segmentation. Biosyst. Eng. 2016;147:139–150. doi: 10.1016/j.biosystemseng.2016.04.007. [DOI] [Google Scholar]
- 23.Schillaci G., Pennisi A., Franco F., Longo D. Detecting tomato crops in greenhouses using a vision based method; Proceedings of the International Conference Ragusa SHWA2012; Ragusa Ibla, Italy. 3–6 September 2012; pp. 252–258. [Google Scholar]
- 24.Wang L., Liu S., Lu W., Gu B., Zhu R., Zhu H. Laser detection method for cotton orientation in robotic cotton picking. Trans. Chin. Soc. Agric. Eng. 2014;30:42–48. [Google Scholar]
- 25.Teixidó M., Font D., Pallejà T., Tresánchez M., Nogués M., Palacín J. Definition of linear color models in the rgb vector color space to detect red peaches in orchard images taken under natural illumination. Sensors. 2012;12:7701–7718. doi: 10.3390/s120607701. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 26.Wei J.D., Fei S.M., Wang M.L., Yuan J.N. Research on the segmentation strategy of the cotton images on the natural condition based upon the hsv color-space model. Cotton Sci. 2008;20:34–38. [Google Scholar]
- 27.Linker R., Cohen O., Naor A. Determination of the number of green apples in rgb images recorded in orchards. Comput. Electron. Agric. 2012;81:45–57. doi: 10.1016/j.compag.2011.11.007. [DOI] [Google Scholar]
- 28.Tabb A.L., Peterson D.L., Park J. Segmentation of apple fruit from video via background modeling; Proceedings of the 2006 ASABE Annual Meeting; Oregon, Portland. 9–12 July 2006. [Google Scholar]
- 29.French G., Fisher M., Mackiewicz M., Needle C. Convolutional neural networks for counting fish in fisheries surveillance video; Proceedings of the BMVC (British Machine Vision Conference); Swansea, UK. 7–10 September 2015. [Google Scholar]
- 30.Bargoti S., Underwood J. Deep fruit detection in orchards. arXiv. 2016.
- 31.Sa I., Ge Z., Dayoub F., Upcroft B., Perez T., McCool C. Deepfruits: A fruit detection system using deep neural networks. Sensors. 2016;16:1222. doi: 10.3390/s16081222. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 32.Bargoti S., Underwood J. Image segmentation for fruit detection and yield estimation in apple orchards. arXiv. 2016. [DOI] [PMC free article] [PubMed]
- 33.Šulc M., Mishkin D., Matas J. Very deep residual networks with maxout for plant identification in the wild; Proceedings of the CLEF 2016 Conference; Evora, Portugal. 5–8 September 2016. [Google Scholar]
- 34.Hou L., Wu Q., Sun Q., Yang H., Li P. Fruit recognition based on convolution neural network; Proceedings of the 12th International Conference on Natural Computation, Fuzzy Systems and Knowledge Discovery (ICNC-FSKD); Changsha, China. 13–15 August 2016; pp. 18–22. [Google Scholar]
- 35.Filipe S., Alexandre L.A. From the human visual system to the computational models of visual attention: A survey. Artif. Intell. Rev. 2013;39:1–47. [Google Scholar]
- 36.Liu T., Fang S., Zhao Y., Wang P., Zhang J. Implementation of training convolutional neural networks. arXiv. 2015.
- 37.Szegedy C., Liu W., Jia Y., Sermanet P., Reed S., Anguelov D., Erhan D., Vanhoucke V., Rabinovich A. Going deeper with convolutions; Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition; Boston, MA, USA. 7–12 June 2015; pp. 1–9. [Google Scholar]
- 38.Ioffe S., Szegedy C. Batch Normalization: Accelerating deep network training by reducing internal covariate shift. arXiv. 2015.
- 39.Szegedy C., Vanhoucke V., Ioffe S., Shlens J., Wojna Z. Rethinking the inception architecture for computer vision; Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition; Las Vegas, NV, USA. 26 June–1 July 2016; pp. 2818–2826. [Google Scholar]
- 40.Deng J., Dong W., Socher R., Li L.-J., Li K., Li F.-F. Imagenet: A large-scale hierarchical image database; Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition; Miami, FL, USA. 20–25 June 2009; pp. 248–255. [Google Scholar]
- 41.Dumoulin V., Visin F. A guide to convolution arithmetic for deep learning. arXiv. 2016.
- 42.Lin M., Chen Q., Yan S. Network in network. arXiv. 2013.
- 43.Srivastava N., Hinton G.E., Krizhevsky A., Sutskever I., Salakhutdinov R. Dropout: A simple way to prevent neural networks from overfitting. J. Mach. Learn. Res. 2014;15:1929–1958. [Google Scholar]
- 44.Kingma D., Ba J. Adam: A method for stochastic optimization. arXiv. 2014.
- 45.Glorot X., Bengio Y. Understanding the difficulty of training deep feedforward neural networks. Aistats. 2010;9:249–256. [Google Scholar]
- 46.Abadi M., Agarwal A., Barham P., Brevdo E., Chen Z., Citro C., Corrado G.S., Davis A., Dean J., Devin M. Tensorflow: Large-Scale Machine Learning on Heterogeneous Systems. [(accessed on 20 April 2017)];2015 Version 2. Available online: www.tensorflow.org.