Abstract
Training deep learning models typically requires a huge amount of labeled data which is expensive to acquire, especially in dense prediction tasks such as semantic segmentation. Moreover, plant phenotyping datasets pose additional challenges of heavy occlusion and varied lighting conditions which makes annotations more time-consuming to obtain. Active learning helps in reducing the annotation cost by selecting samples for labeling which are most informative to the model, thus improving model performance with fewer annotations. Active learning for semantic segmentation has been well studied on datasets such as PASCAL VOC and Cityscapes. However, its effectiveness on plant datasets has not received much importance. To bridge this gap, we empirically study and benchmark the effectiveness of four uncertainty-based active learning strategies on three natural plant organ segmentation datasets. We also study their behaviour in response to variations in training configurations in terms of augmentations used, the scale of training images, active learning batch sizes, and train-validation set splits.
1. Introduction
Deep learning models have been widely used for various plant phenotyping tasks by formulating them as standard vision tasks such as image classification [1–4], object detection [5–8], and semantic segmentation [9–11]. In this work, we focus on the task of semantic segmentation, a dense prediction task where the goal is to predict a class label for every pixel in an image. Plant phenotyping researchers have used the segmentation task in a variety of ways, ranging from simpler tasks of separating plants from their backgrounds [12] to more challenging tasks of tracking plant growth and yield such as individual leaf segmentation [13], leaf counting [9], estimating plant stem pose [14], and detecting diseases [15].
While semantic segmentation has many applications in plant phenotyping, training semantic segmentation models requires dense pixel-wise annotations which is labour-intensive, time-consuming, and often requires domain experts spending hundreds of hours on only labeling and crowdsourcing [13, 16]. Plant phenotyping datasets add another layer of complexity to the data annotation process owing to factors such as varied lighting conditions, heavy occlusion, camouflaged foreground objects, and variability in size, shape, and pose [13] Active learning (AL), a subfield of machine learning, helps reduce the annotation burden by selecting and labeling only the most informative samples [17]. AL sampling techniques reasonably alleviate the bottleneck of data annotation which is particularly desirable in the context of training deep neural networks. Owing to the success of data-driven learning methods, many practitioners have relied on collecting, labeling, and maintaining large amounts of data to solve tasks of their interest. This popularized pool-based variant of AL methods which specifically allow for selecting active samples from a large pool of unlabeled data.
AL for semantic segmentation has been well-studied on standard datasets such as PASCAL VOC [18] and Cityscapes [16]. In the context of plant phenotyping, there has been encouraging evidence of AL's effectiveness on classification and detection based tasks [19, 20]. However, AL's effectiveness on plant-based segmentation datasets has not received much attention in the literature. In this paper, we bridge this gap by empirically studying and benchmarking the effectiveness of four popular existing AL techniques on three plant segmentation datasets. AL methods in this study are performed at image-level, i.e., a queried image is labeled entirely before being added to the labeled pool, hence the name image-based active learning. Alternatively, some recent AL works [21–23] reported great model performances even while actively labeling only a small portion of images, we leave evaluation of these methods to future works. In this work, we study how the AL techniques respond to changes in the training configurations such as with/without data augmentation, effect of image scale, initial labeled pool size, batch size, and train validation split. We feel such a detailed study would allow the researchers and practitioners to understand how to integrate AL into their plant phenotyping pipeline to reduce the annotation burden. To the best of our knowledge, this is the first work that discusses the effectiveness of AL in plant organ segmentation in RGB images. In this work, our aim is to investigate how well the benefits of AL transfer from classification to semantic segmentation, which is a more complex prediction task. To that end, we have chosen three diverse datasets for evaluation that vary in terms of image resolution, lighting conditions, and task complexity in general.
The paper is organized as follows. Section 2 describes the related work. Section 3 introduces the pool based active learning setting in the context of semantic segmentation and discusses the query strategies. Section 4 describes the datasets used and experimental setup. In Sections 5 and 6, we report our observations, discuss our results, and make concluding statements, respectively.
2. Related Work
2.1. Semantic Segmentation in Plant Phenotyping
Prior to deep learning, plant researchers relied on traditional image processing techniques such as edge detection, thresholding, graph partitioning, and clustering [24] to obtain segmentation maps of plant organs [25–27]. With the rapid growth and success of deep neural networks, intelligent model-based automatic segmentation of plant organs has now become an unavoidable prerequisite for measuring more complex phenotypic traits. Aich and Stavness [9] perform leaf counting by training two separate models—a segmentation model to generate leaf segmentation maps and a regression model that takes the segmented maps as input to perform counting. Choudhury et al. [14] introduced an algorithm that uses plant segmentation masks to compute stem angle, a potential measure for plants' susceptibility to lodging. Ma et al. [15] achieved robust disease segmentation in greenhouse vegetable foliar disease symptom images. They proposed a decision tree-based two-step coarse-to-fine segmentation method. Shi et al. [12] proposed a multiview approach that maps 2D segmentation maps to 3D point clouds on a multiview tomato seedling dataset to increase prediction accuracy. We refer the readers to Li et al. [28] for a more comprehensive review of the applications of semantic segmentation in plant phenotyping.
2.2. Active Learning for Plant Phenotyping
The key hypothesis of AL is that if the learning algorithm is allowed to choose the data from which it learns, it will perform better with less training. AL techniques have long been used for reducing annotation effort [17, 29–33]. However, only a handful of works have been published that apply AL on plant phenotyping tasks. In the context of robotic plant phenotyping, Kumar et al. [34] proposed a Gaussian process-based AL algorithm to enable an autonomous system to collect the most informative samples in order to accurately learn the distribution of phenotypes in the field. Grimm et al. [35] proposed a model-free approach to plant species classification with the help of AL. More recently, Nagasubramanian et al. [19] comprehensively studied the usefulness of AL in plant phenotyping on two classification datasets and showed that AL techniques outperform random sampling and indeed reasonably reduce labeling costs. For object detection task, Chandra et al. [20] achieved superior model performance compared to random sampling while saving over 50% of annotation time on sorghum-head and wheat-panicle detection datasets by exploiting weak supervision for obtaining informative samples.
3. Active Learning for Semantic Segmentation
In this section, we first describe the widely used pool-based active learning setting. Subsequently, we describe the AL query methods for semantic segmentation which are evaluated in our experiments.
3.1. Pool-Based Active Learning
Pool-based AL assumes that there exists a large collection of unlabeled data to solve the learning problem at hand. In this data-centric deep learning era, it is a fair assumption to make. We consider a training set of images T which is a union of the unlabeled set U and the labeled set L. Initially, L is empty and U contains the entire dataset, because initially, all data is unlabeled. We first randomly sample a small subset of images from U, label them, and then, move those images from U to L. Now, this initial labeled pool L is used to train an initial segmentation model M. From here, we run multiple AL cycles. In each cycle, we intelligently sample a batch of images from U, label them, and move them to L, which is used to retrain model M. For intelligent sampling, we use a query function Q(M, U) which takes the current model M and the current unlabeled set U as input. Based on model M's predictions on each image in U, the query function Q calculates an informativeness score for each image and selects a batch of b most informative images from U. This cycle repeats until either the sampling budget is exhausted or until the model achieves a satisfying test set performance. This framework is described in Algorithm 1.
3.2. Query Strategies
We obtain an informativeness score for every image by averaging the pixel-wise informativeness scores calculated by the AL query methods. Formally, the informativeness score SI of an image I is given by
(1) |
Here, S(i, j) is the informativeness score of (i, j) pixel, and H and W are the height and width of the image I, respectively. Further, we select the samples which have the maximum informativeness score based on cycle budget size (i.e., top k images with highest SI).
We now describe the informativeness scores used as active learning query strategies in our experiments. We decided to evaluate the following AL methods in this study because while they are easy to implement and experiment with, they are also some of the best baselines on CamVid and Cityscapes segmentation datasets, especially Entropy (Section 3.2.3) [21–23]. Apart from the following query methods, we also perform random (RAND) sampling, which serves as a baseline.
3.2.1. Least Confidence (LC)
Least confidence method [36] queries instances which the model is least certain about. This approach is often straightforward for models which provide prediction probabilities. For example, in the case of binary classification, this method simply queries the instances whose posterior probability of being positive is nearest to 0.5 [17]. A more general variant is as follows:
(2) |
where p is the trained model's maximum prediction probability after applying Softmax, i.e., the probability of pixel (i, j) being a nonbackground object, in the context of semantic segmentation.
3.2.2. Margin (MAR)
The criterion for the least confidence strategy only considers information about the most probable label. Thus, it effectively discards information about the rest of pixel's probability distribution. To overcome this, Scheffer et al. [37] proposed a multiclass sampling variant. Here, for each pixel, we make use of model's probabilities of both first (p1) and second (p2) most probable class labels. The informativeness score for a pixel at (i, j) is given by
(3) |
Intuitively speaking, samples with large margins are easy since the trained model has little confusion in discriminating between the two most likely class labels. Here, p1 − p2 is the margin, and the negative sign is used here only for convenience since less margin indicates more informativeness. Thus, we can select samples with maximum SI, consistent with other query methods.
3.2.3. Entropy (ENT)
Margin sampling still ignores most of the output distribution when dealing with large label sets. A more general uncertainty sampling method (and perhaps the most popular one) is Shannon's Entropy [38] as an informativeness measure. This method makes use of all model's predicted probabilities for a given pixel. The informativeness score is given by
(4) |
where C is the number of classes in the dataset and pi is the probability score of the corresponding class. Then, SI is calculated using Equation (1), and the samples with the maximum value of SI are selected.
3.2.4. Deep Bayesian Active Learning (DBAL)
Deep Bayesian active learning by Gal et al. [29] trains model M with dropout layers to simulate Monte-Carlo sampling. At inference time, the dropout layers are applied, and inference is done T times. The probability scores for the T dropout runs are averaged, and entropy is computed as follows:
(5) |
where C is the number of classes in the dataset and ptc is the probability of the class c for the dropout run t. This query selection method is also known as the query-by-committee algorithm [39].
4. Experimental Settings
4.1. Datasets
ACFR Orchard Fruit Dataset (Apple) dataset by Bargoti and Underwood [40] contains 1120 RGB images of apples and their pixel-level labels. All the images were captured at a resolution of 202 × 308. They are noisy and have poor lighting accompanied with leaf occlusions. The dataset contains some images which do not contain any apples, we removed those images as a preprocessing step. This left us with 1081 images; we further cropped the images to a resolution of 200 × 300. Finally, we divided the dataset into train, validation, and test sets. We split the dataset with 681 images in the train set, 100 images in the validation set, and 300 images in the test set.
UTokyo_Wheat_2020 (Wheat) dataset is a subset obtained from the work of David et al. [41], containing 2674 RGB images. Since the original dataset did not have segmentation labels, we labeled it with polygons for this study. Originally, the images were captured at resolution 1400 × 4200 roughly. The dataset consists of images which were captured in reasonably good lighting conditions containing wheat ears which have a different texture compared to the background. We resized all the images to a fixed size of 1024 × 400 and sliced (https://image-bbox-slicer.readthedocs.io/) them into patches of size 512 × 400. We obtained 5348 patches of size 512 × 400; out of which, we discarded the ones which did not contain any wheat ears. Finally, we were left with 3547 images which we divide into the train, validation, and test sets. We split the dataset with 2047 images in the train set, 500 images in the validation set, and 1000 images in the test set.
UTokyo_Rice_2013 (Rice) dataset by Desai et al. [5] contains 1953 RGB images of size 1296 × 864. Similar to the Wheat dataset, the original Rice dataset did not have segmentation labels so we labeled the datasets with polygons for this study. We resized all the images to a size of 648 × 432 and then cropped them to obtain images of size 640 × 432. The dataset is then split into a train set of size 1203 images, validation set with 250 images, and test set with 500 images.
While the train and validation set splits are done randomly at the beginning of each experiment, the test set is constant across all the reported experiments. Example images from all three datasets and their corresponding segmentation maps are shown in Figure 1 for reference.
4.2. Model Architecture and Hyperparameters
We use Deeplabv3+ [42] as our segmentation model with a ResNet-50 [43] backbone (https://github.com/yassouali/pytorch-segmentation). Since the DBAL method requires dropout [44], we add it to the backbone with a probability of 0.1. For consistency in the experimental setting, we used the dropout-enabled backbone for training in the case of all AL methods. In the case of DBAL method, we aggregated model inferences over T = 25 dropout runs (stochastic forward passes). Only one model inference is considered for all other AL methods. The ResNet backbone is initialized with ImageNet pretrained weights. We opted to use focal loss [45] because the datasets are highly imbalanced, as shown in Figure 2.
In all our experiments, we use the Adam optimizer with a constant learning rate. For the Apple and the Wheat dataset, the learning rate is set to 0.0001, whereas for the Rice dataset, the learning rate is set to 0.001. In every AL cycle, we retrain the model on the updated labeled pool for 50 epochs. Note that we initialize the model with ImageNet pretrained weights in every AL cycle, before training on the labeled pool. The model with the best performance (IoU) on the validation set is used for active sampling. To account for randomness, we repeat each experiment 3 times and report the mean and standard deviations of IoU. In case of the Apple dataset, we populate the initial pool with 50 images. We use 100 images in the initial pool of Wheat and Rice dataset. We set the AL batch size same as that of initial pool size for all three datasets. Throughout the paper, we report the intersection over union (IoU) of the foreground class as the evaluation metric.
5. Results and Discussion
5.1. Active Learning Performance
We first study the performance of the four AL methods with respect to random sampling on the three datasets. We observe in Figure 3 that AL strategies do not show a consistent improvement across all datasets. For the Apple and the Wheat dataset, we see an IOU improvement of 0.43% and 0.53% over RAND, respectively, using MAR. However, for the Rice dataset, RAND consistently performs better than all the active learning techniques. We suspect that model's uncertainty on Rice images is overestimated due to the very nature of the Rice dataset, i.e., lack of clear visual discrimination between background and foreground pixels. While being very popular in the vision community for their performance gains, we see little to no benefit from ENT and DBAL methods on all three datasets. Overall, there was no clear winner. To understand this further, we took a closer look at the sample sets actively sampled by the AL methods. As an ablation study, we used a model trained on a randomly chosen initial labeled pool of Wheat and sampled unlabeled data points based on the informativeness scores of all the AL methods (with replacement). We noticed (see Figure 4) significant overlap between actively sampled sets across AL methods. The overlap increased even more in later stages of AL cycles, and this was consistent across all three datasets. We believe this is the case due to the similarity (or proportionality) between informativeness scores calculated by the query metrics at hand, largely contributed by the binary nature of the task, which is clearly explained in Chapter 3 of [17]. Apple and Rice overlap statistics are reported in the supplementary in Figures S1 and S2, respectively.
While it is understood why there was no clear winner amongst the AL methods, we suspect that the AL methods are underperforming (compared to random sampling) due to the imbalanced nature of the datasets. While the issue of class imbalance is common in segmentation datasets [16, 18], it is particularly exacerbated in plant phenotyping datasets where the pixel counts of foreground objects are significantly lower in comparison. Figure 2 shows the pixel counts of foreground objects and background of the three datasets. Is image-level average (see Equation (1)) a bad approximation for capturing model's uncertainty over these high class-imbalanced images? Perhaps a balancing factor could be added to the existing AL methods to dampen the contribution of the pixels that are most likely to be background towards the image informativeness score. This is, however, out of the scope of this work, and it would be an interesting direction that merits further investigation.
5.2. Differing Experimental Conditions
Next, we study the impact of changes in experimental conditions such as data augmentations, image scales, initial labeled pool size, AL batch size, validation set size, and train-val split ratio on AL methods and model performance in general.
5.2.1. Image Scale
Image resolution plays a crucial role while training deep neural networks. Images with high resolution capture a lot of detail and are helpful in training highly accurate deep learning models but at the cost of computational overhead. On the other hand, images with low resolution are faster to process and train and help us in saving a lot of computation cost. We try to address the trade-off between computation cost and annotation cost. We first study the effect of scale on model performance. We experiment with four different image scales 25%, 50%, and 75% of original image size and also at 100% scale. The AL cycles are then carried out at said four scaled versions of the images. Post five AL cycles, we checked the overlap between active sample sets picked by models at all four scales (excluding the randomly chosen initial labeled pools). After five episodes of AL in all four scales, we checked for overlap between active sample sets collected across the scales. Precisely, we calculate percentage of overlap between respective actively sampled sets from 25%, 50%, 75%, and 100% scales after episodes 1, 3, and 5. The overlap results for the ENT AL method on the Wheat dataset are shown in Figure 5, averaged over 3 runs. We observe significantly high overlap between the sample sets. After just one episode, the highest overlap of 68% is observed between 100% and 75% scale sets and about 50% overlap between 100% and 25% sets. This overlap increases much more in later AL episodes. This suggests that, in the context of AL, one can end up with largely similarly labeled datasets even when operating at smaller image scales.
We tested if active samples transfer well from smaller image scales, and indeed, they did. To that end, we used the ENT active sample sets picked by models trained on smaller image scales, resized them back to the original scale, and trained a model until convergence on the full-resolution images. All results were averaged over 3 runs. As seen in Figure 6, we observe similar performance by all active sample sets compared to the 100% active sample sets at multiple stages of the AL cycles. Moreover, all three (25%, 50%, and 75%) sets perform better than 100% RAND sample sets which confirms that the activeness of the sample sets is still preserved after resizing back to original. Similar overlap statistics on Apple and Rice datasets in case of the ENT method are reported in Figures S3 and S4, respectively, of supplementary. Operating in smaller image scales would mean that the models have to work with smaller objects. This typically makes both model training and inference more challenging [46]. We observe this clearly in the Rice dataset. The Rice dataset, which has comparatively smallest objects (w.r.t. image size) among the three datasets, has the highest average active sample overlap after five AL cycles (shown in Figure S3). On the surface, this subtly implies that the role of object scale is trivial for AL methods. However, we must observe in Figure 3 that all AL methods perform worse than RAND on Rice dataset, emphasizing that object scale indeed plays a crucial role in model training, inference, and subsequently, on AL performance as well. A further investigation into how AL methods respond to varying object scales is warranted.
5.2.2. Data Augmentation
Automatic plant phenotyping is hard and complicated. Collection of raw data from fields and greenhouses is a complicated task owing to factors such as vast crop varieties and phenotype diversities and heavy reliance on growth seasons, climate changes, and more. This process is further complicated when specific learning tasks require a large amount of labeled data for training. Adding augmented data to the labeled pool is a well-established method that is known to contribute to model's better generalization. To that end, we examine if data augmentation helps the segmentation model and the AL methods. We repeated the AL experiments with the following augmentations: scaling, rotation, and horizontal flipping. In case of the Wheat dataset, model performance improved by 1.166% IoU. We observe that simple data augmentations do not contribute much in the case of Apple and Rice datasets, showing a mere performance increase of 0.1% and 0.13% IoU, respectively (see Table 1).
Table 1.
Dataset | Active learning strategies | ||||
---|---|---|---|---|---|
RAND | LC | MAR | ENT | DBAL | |
Apple | +0.1% | +0.26% | -0.26% | +0.66% | -0.16% |
Wheat | +1.16% | +1.30% | +1.23% | +1.43% | +1.16% |
Rice | +0.13% | 0.0% | +0.1% | +0.1% | +0.1% |
Nearly all the AL methods performed slightly better than their unaugumented variants. But this is also seen in the case of RAND. This suggests that there is a need for more task-specific, tailored, organ augmentation techniques, similar to [47] which better simulate environmental occlusions, etc. Such techniques could make the segmentation models more robust and likely make them better uncertainty estimators for AL methods to utilize.
5.2.3. Initial Labeled Pool Size
The initial pool provides a good initialization for the model so that it can be used to obtain uncertainty estimations over the unlabeled pool. The model trained on the initial pool is responsible for selecting samples for further AL cycles. To study the effect of the size of the initial pool on the performance of each active learning strategy, we experiment with initial pool sizes of 50, 100, and 150. The results are shown in Figure 7. We observe that performance gain due to different initial pool sizes is dataset dependent. While the rice segmentation model is initially benefited by a larger initial pool size, the models on other datasets do not show any significant improvements. Interestingly, the performance difference between models started with different initial pools vanishes in the later AL cycles. We report results of this experiment on all other AL methods in Figure S5 of supplementary.
5.2.4. Active Learning Batch Size
We now explore the effect of different AL batch sizes on AL methods as small batch sizes could select samples which are not diverse. On the other hand, large batch sizes might select samples which are redundant and not very informative to the model. We experiment with 3 different batch sizes; for all datasets, we experiment with batch sizes of 50, 100, and 150. The results for ENT on all datasets are shown in Figure 8. All the other sampling strategies observe similar trends. The results for all the other AL sampling strategies are given in Figure S6. We observe that there are slight variations in the initial AL cycles but that performance difference vanishes for higher AL cycles.
5.2.5. Train Validation Split
In each episode of AL, the best model is saved based on validation set accuracy. The validation set used for saving the best model should also be labeled. This annotation cost is mostly ignored in the literature. We study the effect of the size of the validation set on different AL strategies. We keep the training set (Tr) as constant and sample subsets from the original validation set (V) to obtain smaller validation sets and experiment with those. We choose the subsets of size equal to 5%, 10%, and 20% of the set (Tr + V). We show the results for ENT sampling for all the datasets in Figure 9. We observe that the size of the validation set does not have much effect on the model performance in the long run, although extremely small validation sets are not appreciated as it could lead to overfitting.
Next, we try to explore the trade-off among the size of the train and validation set. We experiment with train-val splits of ratio 80% : 20%, 90% : 10%, and 95% : 5%. As shown in Figure 10, the 95% : 5% split provides a good initialization to our model. Increasing the training set size allows the algorithm to pick a diverse initial pool from a larger training set, and hence, the model achieves a higher performance when trained on that initial pool but the performance gain does not last. Thus, we conclude that the ratio of the train-val split only has effect on the initial pool but does not show an overall improvement across AL cycles. All the other sampling strategies also follow a similar trend. The results for all the other AL sampling strategies are given in Figures S7 and S8.
6. Conclusion and Future Work
In this paper, we have studied the efficiency of uncertainty-based AL strategies extensively on three plant organ segmentation datasets. Our experimental results show that AL struggles to outperform random sampling in two out of three datasets we studied. We suspect that the traditional uncertainty estimation at image-level is poor by design for binary class imbalanced segmentation datasets. We believe there is a need for AL methods particularly for plant phenotyping tasks that operate at region-level where only important regions of images are sampled and labeled. We leave this for future work. We also studied how AL methods performed under differing training configurations. While we observed small improvements in AL performance with changes in data augmentations, initial pool size, AL batch size, and validation set size, we found that performing AL at smaller (even 75% smaller) image scales yields largely similar labeled datasets and ultimately similar model performances compared to operating in original image scales, proving to be a great way of cutting computation and annotation costs.
Acknowledgments
This study was partially funded by the Indo-Japan DST-JST SICORP program “Data Science-based Farming Support System for Sustainable Crop Production under Climatic Change” and AIP Acceleration Research program “Studies of CPS platform to raise big-data-driven AI agriculture” by Japan Science and Technology Agency.
Data Availability
ACFR Fruit Dataset is already public. Upon acceptance of the paper, Wheat and Rice datasets with their corresponding segmentation maps will be made publicly accessible. All the PyTorch code used for experiments in this study is also public: https://github.com/ShivanganaRawat/ALPO_Segmentation. For simplicity, dataset download links will be specified in the above repository.
Conflicts of Interest
The authors declare that there is no conflict of interest regarding the publication of this article.
Authors' Contributions
Rawat has written the code and conducted experiments. Rawat and Chandra designed the experiments and wrote the first draft of the manuscript. Desai has also helped in designing some of the experiments. All authors contributed to editing, reviewing, and refining the manuscript. The work was done while Chandra was at the Indian Institute of Technology Hyderabad.
Supplementary Materials
References
- 1.Ise T., Minagawa M., Onishi M. Classifying 3 Moss Species by Deep Learning, Using the “Chopped Picture” Method. Open Journal of Ecology . 2018;8(3):166–173. doi: 10.4236/oje.2018.83011. [DOI] [Google Scholar]
- 2.Amara J., Bouaziz B., Algergawy A. A deep learning-based approach for banana leaf diseases classification. In: Mitschang B., Nicklas D., Leymann F., et al., editors. Datenbanksysteme für Business, Technologie und Web (BTW 2017) - Workshopband . Bonn: Gesellschaft für Informatik; 2017. [Google Scholar]
- 3.Binguitcha-Fare A.-A., Sharma P. Crops and weeds classification using convolutional neural networks via optimization of transfer learning parameters. Int J Eng Adv Technol (IJEAT) . 2019;8(5):2249–8958. [Google Scholar]
- 4.El-Kereamy A., Kreuze J., Yin Z., et al. Deep learning for image-based cassava disease detection. Frontiers in Plant Science . 2017;(article 1852) doi: 10.3389/fpls.2017.01852. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 5.Desai S. V., Balasubramanian V. N., Fukatsu T., Ninomiya S., Guo W. Automatic estimation of heading date of paddy rice using deep learning. Plant Methods . 2019;15(1):p. 76. doi: 10.1186/s13007-019-0457-1. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 6.Zheng Y.-Y., Kong J.-L., Jin X.-b., Wang X.-Y., Zuo M. Cropdeep: the crop vision dataset for deep-learning-based classification and detection in precision agriculture. Sensors . 2019;19(5):p. 1058. doi: 10.3390/s19051058. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 7.Chopin J., Laga H., Miklavcic S. Detection and analysis of wheat spikes using convolutional neural networks. Plant Methods . 2018;14 doi: 10.1186/s13007-018-0366-8. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 8.Ghosal S., Zheng B., Chapman S., et al. A weakly supervised deep learning framework for sorghum head detection and counting. Plant Phenomics . 2019;2019, article 1525874:14. doi: 10.34133/2019/1525874. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 9.Aich S., Stavness I. Leaf counting with deep convolutional and deconvolutional networks. 2017 IEEE International Conference on Computer Vision Workshops (ICCVW); 2017; Venice, Italy. pp. 2080–2089. [Google Scholar]
- 10.Oh M.-H., Olsen P., Ramamurthy K. Counting and segmenting sorghum heads. 2019. https://arxiv.org/abs/1905.13291 .
- 11.Xiong X., Duan L., Liu L., et al. Panicle-seg: a robust image segmentation method for rice panicles in the field based on deep learning and superpixel optimization. Plant Methods . 2017;13(1):p. 104. doi: 10.1186/s13007-017-0254-7. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 12.Shi W., van de Zedde R., Jiang H., Kootstra G. Plant-part segmentation using deep learning and multi-view vision. Biosystems Engineering . 187:81–95. doi: 10.1016/j.biosystemseng.2019.08.014. [DOI] [Google Scholar]
- 13.Scharr H., Minervini M., French A., et al. Leaf segmentation in plant phenotyping: a collation study. Machine Vision and Applications . 2016;27(4):585–606. doi: 10.1007/s00138-015-0737-3. [DOI] [Google Scholar]
- 14.Choudhury S. D., Goswami S., Bashyam S., Awada T., Samal A. Automated stem angle determination for temporal plant phenotyping analysis. 2017 IEEE International Conference on Computer Vision Workshops (ICCVW); 2017; Venice, Italy. pp. 2022–2029. [Google Scholar]
- 15.Ma J., Du K., Zheng F., Zhang L., Sun Z.-Y. A segmentation method for processing greenhouse vegetable foliar disease symptom images. Information Processing in Agriculture . 2019;6(2):216–223. doi: 10.1016/j.inpa.2018.08.010. [DOI] [Google Scholar]
- 16.Cordts M., Omran M., Ramos S., et al. The cityscapes dataset for semantic urban scene understanding. 2016 IEEE Conference on Computer Vision and Pattern Recognition (CVPR); 2016; Venice, Italy. pp. 3213–3223. [Google Scholar]
- 17.Settles B. Active learning literature survey . University of Wisconsin-Madison Department of Computer Sciences, Tech. Rep; 2009. [Google Scholar]
- 18.Everingham M., Van Gool L., Williams C. K. I., Winn J., Zisserman A. The pascal visual object classes (voc) challenge. International Journal of Computer Vision . 2010;88(2):303–338. doi: 10.1007/s11263-009-0275-4. [DOI] [Google Scholar]
- 19.Nagasubramanian K., Jubery T., Ardakani F. F., et al. How useful is active learning for image-based plant phenotyping? Plant Phenome Journal . 2021;4(1):p. e20020. doi: 10.1002/ppj2.20020. [DOI] [Google Scholar]
- 20.Chandra A. L., Desai S. V., Balasubramanian V., Ninomiya S., Guo W. Active learning with point supervision for cost-effective panicle detection in cereal crops. Plant Methods . 2020;16(1):p. 34. doi: 10.1186/s13007-020-00575-8. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 21.Casanova A., Pinheiro P. O., Rostamzadeh N., Pal C. J. Reinforced active learning for image segmentation. International Conference on Learning Representations; 2020; Virtual Conference. https://openreview.net/forum?id=SkgC6TNFvr . [Google Scholar]
- 22.Mackowiak R., Lenz P., Ghori O., Diego F., Lange O., Rother C. CEREALS - Cost-Effective REgion-based Active Learning for Semantic Segmentation. BMVC; 2018; Newcastle, England. p. p. 121. http://bmvc2018.org/contents/papers/0437.pdf . [Google Scholar]
- 23.Xie S., Feng Z., Chen Y., Sun S., Ma C., Song M. Deal: Difficulty-aware active learning for semantic segmentation. Proceedings of the Asian Conference on Computer Vision (ACCV); 2020; Kyoto, Japan. [Google Scholar]
- 24.Stockman G., Shapiro L. G. Computer Vision . 1st. USA: Prentice Hall PTR; 2001. [Google Scholar]
- 25.Mizushima A., Lu R. An image segmentation method for apple sorting and grading using support vector machine and Otsu's method. Computers and Electronics in Agriculture . 2013;94:29–37. doi: 10.1016/j.compag.2013.02.009. [DOI] [Google Scholar]
- 26.Pereira C. S., Morais R., Reis M. J. C. S. Recent advances in image processing techniques for automated harvesting purposes: a review. 2017 Intelligent Systems Conference (IntelliSys); 2017; London, UK. pp. 566–575. [DOI] [Google Scholar]
- 27.Pereira C. S., Morais R., Reis M. J. C. S. Pixel-based leaf segmentation from natural vineyard images using color model and threshold techniques. In: Campilho A., Karray F., Haar Romeny B., editors. Image Analysis and Recognition. ICIAR 2018 . Vol. 10882. Cham: Springer International Publishing; 2018. pp. 96–106. (Lecture Notes in Computer Science). [DOI] [Google Scholar]
- 28.Li Z., Guo R., Li M., Chen Y., Li G. A review of computer vision technologies for plant phenotyping. Comput. Electron. Agric. . 2020;176:p. 105672. doi: 10.1016/j.compag.2020.105672. [DOI] [Google Scholar]
- 29.Gal Y., Islam R., Ghahramani Z. Deep Bayesian active learning with image data. Proceedings of the 34th International Conference on Machine Learning-Volume 70; 2017; Sydney, Australia. pp. 1183–1192. [Google Scholar]
- 30.Sener O., Savarese S. Active Learning for Convolutional Neural Networks: A Core-Set Approach. International Conference on Learning Representations; 2018; Vancouver, Canada. https://openreview.net/forum?id=H1aIuk-RW . [Google Scholar]
- 31.Anonymous. Deep active learning over the long tail. International Conference on Learning Representations; 2018; Vancouver, Canada. https://openreview.net/forum?id=S1XGhbW0Z . [Google Scholar]
- 32.Shen Y., Yun H., Lipton Z. C., Kronrod Y., Anandkumar A. Deep Active Learning for Named Entity Recognition. International Conference on Learning Representations; 2018; Vancouver, Canada. https://openreview.net/forum?id=ry018WZAZ . [Google Scholar]
- 33.Yang L., Zhang Y., Chen J., Zhang S., Chen D. Z. Suggestive Annotation: A Deep Active Learning Framework for Biomedical Image Segmentation. In: Descoteaux M., Maier-Hein L., Franz A., Jannin P., Collins D. L., Duchesne S., editors. Medical Image Computing and Computer Assisted Intervention − MICCAI 2017. MICCAI 2017 . Vol. 10435. Cham: Springer; 2017. pp. 399–407. (Lecture Notes in Computer Science). [DOI] [Google Scholar]
- 34.Kumar S., Luo W., Kantor G., Sycara K. Active learning with gaussian processes for high throughput phenotyping. Proc. of the 18th International Conference on Autonomous Agents and Multiagent Systems (AAMAS 2019); 2019; Montreal, Canada. [Google Scholar]
- 35.Grimm J., Hoffmann M., Stöver B., Müller K., Steinhage V. Image-based identification of plant species using a model-free approach and active learning. In: Friedrich G., Helmert M., Wotawa F., editors. KI 2016: Advances in Artificial Intelligence . Vol. 9904. Cham: Springer; 2016. pp. 169–176. (Lecture Notes in Computer Science). [DOI] [Google Scholar]
- 36.Lewis D. D., Gale W. A. A sequential algorithm for training text classifiers. In: Croft B. W., Rijsbergen C. J., editors. SIGIR'94 . Springer; 1994. pp. 3–12. [DOI] [Google Scholar]
- 37.Scheffer T., Decomain C., Wrobel S. Active hidden Markov models for information extraction. In: Hoffmann F., Hand D. J., Adams N., Fisher D., Guimaraes G., editors. Advances in Intelligent Data Analysis. IDA 2001 . Vol. 2189. Berlin, Heidelberg: Springer; 2001. (Lecture Notes in Computer Science). [DOI] [Google Scholar]
- 38.Shannon C. E., Weaver W. A Mathematical Theory of Communication . USA: University of Illinois Press; 1963. [Google Scholar]
- 39.Seung H. S., Opper M., Sompolinsky H. Query by Committee. Proceedings of the Fifth Annual Workshop on Computational Learning Theory, Ser. COLT '92; 1992; pp. 287–294. [DOI] [Google Scholar]
- 40.Bargoti S., Underwood J. Image segmentation for fruit detection and yield estimation in apple orchards. Journal of Field Robotics . 2017;34(6):1039–1060. doi: 10.1002/rob.21699. [DOI] [Google Scholar]
- 41.David E., Serouart M., Smith D., et al. Global Wheat Head Detection 2021: An Improved Dataset for Benchmarking Wheat Head Detection Methods. Plant Phenomics . 2021;2021, article 9846158 doi: 10.34133/2021/9846158. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 42.Chen L.-C., Zhu Y., Papandreou G., Schroff F., Adam H. Encoder-decoder with atrous separable convolution for semantic image segmentation. Proceedings of the European Conference on Computer Vision (ECCV); 2018; Munich, Germany. pp. 801–818. [Google Scholar]
- 43.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 (CVPR); 2016; Las Vegas, NV, USA. pp. 770–778. [Google Scholar]
- 44.Srivastava N., Hinton G., Krizhevsky A., Sutskever I., Salakhutdinov R. Dropout: a simple way to prevent neural networks from overfitting. Journal of Machine Learning Research . 2014;15(56):1929–1958. [Google Scholar]
- 45.Lin T.-Y., Goyal P., Girshick R. B., He K., Dollár P. Focal loss for dense object detection. 2017 IEEE International Conference on Computer Vision (ICCV); 2017; Venice, Italy. pp. 2999–3007. [Google Scholar]
- 46.Nguyen D.-N., Do T., Ngo T. D., Le D.-D. An evaluation of deep learning methods for small object detection. Journal of Electrical and Computer Engineering . 2020;2020:18. doi: 10.1155/2020/3189691.3189691 [DOI] [Google Scholar]
- 47.Kuznichov D., Zvirin A., Honen Y., Kimmel R. Data augmentation for leaf segmentation and counting tasks in rosette plants. Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR) Workshops; 2019; Long Beach, CA, USA. [Google Scholar]
Associated Data
This section collects any data citations, data availability statements, or supplementary materials included in this article.
Supplementary Materials
Data Availability Statement
ACFR Fruit Dataset is already public. Upon acceptance of the paper, Wheat and Rice datasets with their corresponding segmentation maps will be made publicly accessible. All the PyTorch code used for experiments in this study is also public: https://github.com/ShivanganaRawat/ALPO_Segmentation. For simplicity, dataset download links will be specified in the above repository.