Next Article in Journal
Multivariable Decoupling and Nonlinear Correction Method for Image-Based Closed-Loop Tracking of the Risley Prisms System
Previous Article in Journal
Editorial for the Special Issue on Nanostructured Surfaces and Devices for Biomedical Applications
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Object Detection Based on the GrabCut Method for Automatic Mask Generation

School of Mechanical Engineering, Anhui University of Technology, Maanshan 243032, China
*
Authors to whom correspondence should be addressed.
Micromachines 2022, 13(12), 2095; https://doi.org/10.3390/mi13122095
Submission received: 30 September 2022 / Revised: 4 November 2022 / Accepted: 25 November 2022 / Published: 28 November 2022
(This article belongs to the Special Issue Machine Learning Techniques on IoT Applications)

Abstract

:
The Mask R-CNN-based object detection method is typically very time-consuming and laborious since it involves obtaining the required target object masks during training. Therefore, in order to automatically generate the image mask, we propose a GrabCut-based automated mask generation method for object detection. The proposed method consists of two stages. The first stage is based on GrabCut’s interactive image segmentation method to generate the mask. The second stage is based on the object detection network of Mask R-CNN, which uses the mask from the previous stage together with the original input image and the associated label information for training. The Mask R-CNN model then automatically detects the relevant objects during testing. During experimentation with three objects from the Berkeley Instance Recognition Dataset, this method achieved a mean of average precision (mAP) value of over 95% for segmentation. The proposed method is simple and highly efficient in obtaining the mask of a segmented target object.

1. Introduction

In the field of computer vision, object detection is a basic technique that combines classification and recognition. In recent years, it has been applied in several ways, including automatic driving, robotic grabbing, and face recognition. Various factors can disrupt the detection process, such as incorrect angles, occlusion, and uneven light. Traditional object recognition methods involve manually designing some features, such as the histogram of oriented gradients (HOG) feature [1], the scale-invariant feature transform (SIFT) [2], and the deformable part-based model (DPM) [3].
In recent years, emerging deep learning techniques have also been applied in the field of object recognition. First, Krizhevsky [4] proposed a large-scale deep neural network called AlexNet and implemented the classification technology in the ImageNet dataset, following which many new types of deep neural networks were proposed for object recognition. The deep neural network for object detection can be divided into one-stage detection and two-stage detection depending on the structure [5]. The former directly generates and finds objects in the network after inputting the image. Examples of such algorithms include YOLO [6] and SSD [7]. By contrast, the latter approach involves extracting the features of the convolutional neural network (CNN) after inputting the image and then predicting the classification and position of the object. Representative algorithms include the R-CNN series [8,9,10].
The YOLO algorithm, proposed by Redmon et al. [6], is a CNN that can predict multiple box positions and categories simultaneously. The network design approach of the YOLO algorithm extends the core idea of GoogleNet Although it can perform end-to-end target detection and is less time consuming, its accuracy has declined.
The SSD algorithm, proposed by Liu et al. [7], is a single-layer deep neural network that can be applied for multi-class object detection. It involves using a small convolution filter to predict a set of default bounding box category scores and box offsets in the feature map.
Girshick et al. [8] proposed the R-CNN model, which uses Selective Search to obtain candidate regions (approximately 2000 regions). The size of the candidate area is then normalized and used as the standard input to the CNN network. Then, AlexNet is used to identify the features in the candidate area; finally, multiple support vector machines (SVMs) are used to classify and fine-tune the positioning box.
In 2016, Ren et al. [11] proposed the Faster-R-CNN algorithm, which introduces RPN to extract proposals. RPN is a fully convolutional neural network and shares the features of the convolutional layer. Therefore, it can realize the extraction of a proposal. The core idea of RPN is to use the CNN to generate region proposals directly by using a sliding window. RPN only needs to slide on the last convolutional layer because the anchor mechanism and box regression can be used to obtain region proposals with multi-scale aspect ratios.
Mask R-CNN [12] is an improvement on Faster R-CNN because it focuses on instance segmentation. In addition to classification and positioning regression, this algorithm adds parallel branches for instance segmentation and jointly trains their losses. The detailed structure of the algorithm is shown in Figure 1. The Mask R-CNN network has two main parts, of which the first is RPN. After the alignment using ROIAlign, the second part begins, which includes the segmentation mask prediction network. The main structure of the network uses VGG [13]. RPN connects to the last convolutional layer of VGG and produces the RoI as the output. Then, the feature extraction is performed and pooled to a fixed size. These pooled features are used as branch inputs. For the network’s positioning and classification branches, an architecture consisting of fully connected layers, convolution layers, and deconvolution layers is used. For the segmentation branch, the target object is accurately segmented through an architecture composed of multiple convolutional layers, deconvolution, and a segmentation mask. Therefore, the object detection method based on Mask R-CNN has three different tasks branches, namely, positioning, classification, and object segmentation, which aim to achieve the classification, positioning, and segmentation of objects simultaneously.
Mask R-CNN has achieved very satisfactory results in the classification of object instances. However, it is very laborious to obtain the required object masks for training, such as in using the LabelMe annotation tool (http://labelme.csail.mit.edu/Release3.0/, accessed on 15 September 2022). Therefore, we propose a new method based on the GrabCut method by which to automatically mark and obtain image masks to train deep learning models. The proposed method consists of two stages: The first stage is based on GrabCut’s interactive image segmentation method by which to generate masks [14]. The second stage involves using the GrabCut output of the mask for detection.
Figure 1. Ref. [15]. The Mask R-CNN network.
Figure 1. Ref. [15]. The Mask R-CNN network.
Micromachines 13 02095 g001
This paper is organized as follows: Section two briefly describes the automatically generating image mask method, followed by the experimental results as well as the discussion and conclusions.

2. Automated Generating Image Mask Method

As shown in Figure 2, the proposed method consists of two parts. The first part implements GrabCut-based interactive image segmentation. This process yields a pixel-level segmentation result, which is the mask of the image. In the second part, Mask R-CNN-based object detection is performed, in which the image mask, the original input image, and the image label information, such as the object type and background, are used for training. The outputs include the object segmentation results, label information, and average value of precision.

2.1. GrabCut-Based Mask Segmentation

In this paper, using GrabCut to perform the segmentation task, we must first manually frame and select the target area, which automatically segments the possible target area, and then conduct a small amount of user interaction, that is, specify that some pixels belong to the target, and that the cut image will be a color image with the background removed. The removed target area image needs to be converted into a black-and-white–gray image, which is more convenient for image processing as an image mask.
GrabCut is an improvement on the iterative Graph Cut algorithm [16] and is an iterative minimization algorithm. Each iteration in the process decides each parameter of the Gaussian mixture model (GMM) to make the segmentation between the object and the background where it is easier to perform so that the image segmentation also makes the final segmentation result look better from the effect.
According to Rother [14], the GrabCut algorithm uses texture (color) information and boundary (contrast) information in the image. Therefore, this algorithm requires only a small amount of user interaction or simple frame selection and labeling to obtain better segmentation results.
The GrabCut algorithm first requires the user to simply select the foreground and background to establish a GMM on the foreground and background area. Then, it initializes the GMM using the k-means algorithm to calculate the distance from the nodes to the foreground or background and the distance between adjacent nodes. Based on this information, it obtains the split energy weight, constructs the s-t network graph for the unknown area, and uses the maximum flow/minimum cut algorithm to split it. The segmentation process of the GrabCut algorithm involves continuously updating and modifying the GMM parameters through iterations so that the algorithm tends to converge. Because the group parameters of the GMM are optimized during the iteration process, the segmentation energy is gradually reduced. Finally, it is ensured that the segmentation energy converges to the minimum value and image segmentation is realized.
The specific process is as follows: When running the GrabCut algorithm with PyCharm, an interactive interface pop ups. The instructions are then followed to process the image in the interactive interface. First, the target area must be manually box selected in the image. The algorithm automatically segments the possible target area according to the box selected area. If the segmentation effect is poor and the target area is not segmented or the background is wrongly segmented into the target area, we can enter the subsequent interactive operation, mark the target area or background with a simple line, and then execute the segmentation algorithm to achieve the goal of the semi-automatic segmentation of the target area. According to the minimum energy method, the algorithm can segment the pixels that approximate the target area to achieve interactive GrabCut. Due to the increase in manual intervention, it is more accurate than automatic segmentation. The following is a representative image that marks five types of electronic components and provides the operations required for segmentation as shown in Figure 3. Here, the required mask can be obtained by simply framing and labeling the target area. The final mask result is shown in Figure 3.

2.2. Object Detection Based on Mask R-CNN Method

The proposed object detection method based on Mask R-CNN has three branches that perform different tasks, namely, the bounding box positioning branch, bounding box classification branch, and segmentation branch. The positioning and classification branches of the bounding box directly use the fully connected layer to obtain the results. The segmentation branch mainly includes continuous convolution, deconvolution, and a segmentation mask. More specifically, it first obtains the Feature Maps from the labeled training dataset through the FPN network, following which they are fed into RPN to obtain the region proposals. These are input into the ROIAlign module to extract the region of interest, which is then inputted to two branches of the segmentation branch and the regression classification network. While the former receives the target mask and segmentation results, the latter receives the results of the classification and positioning of the box area. In order to train our proposed detection method, we use a platform consisting of Python and TensorFlow-GPU. The network is first initialized and trained on the Microsoft COCO dataset [17] after pre-training on the same dataset, and the detection method is then fine-tuned on our dataset.

3. Implementation Details

3.1. Selection of Dataset

In this experimental design, the choice of dataset is very important. The dataset used in this experiment was obtained from BigBIRD: Big Berkeley Instance Recognition Dataset [18]. Three datasets were arbitrarily selected from a series of original experimental datasets, which are shown in Figure 4, namely, the ikea_table_leg_blue, ikea_table_red_cup, and 3 m_high_tack_spray_adhesive datasets. Each dataset was divided into five types of pictures, which were the datasets obtained from five directions by the sensor.

3.2. GrabCut Algorithm to Obtain the Mask

The size of the dataset we obtained was not convenient for experiments. In order to improve the efficiency of the GrabCut algorithm when segmenting images, we needed to adjust the sizes of the pictures. We chose to resize the images using Python3. The resolution of the images was adjusted from 4272 × 2848 pixels to 224 × 224 pixels. After resizing, we used the GrabCut algorithm to segment the images and obtain the object masks.
The experimental steps of using the GrabCut algorithm on the images is described below. First, one or more rectangles containing objects in the image were defined and the area outside the rectangles was automatically regarded as the background. For a user-defined rectangular area, the data in the background could be used to differentiate between the foreground and background areas. The GrabCut algorithm used a GMM to model the background and foreground and mark undefined pixels as potential foreground or background. The schematic diagram of the entire process is shown in Figure 5. Figure 5a shows original image data with a resolution of 4272 × 2848 pixels and Figure 5b shows the resized image with a resolution of 224 × 224 pixels. Figure 5c shows the GrabCut algorithm used for interactive image segmentation to obtain the segmented object mask. Figure 5d is the corresponding binary image that was obtained after the GrabCut-based segmentation.

3.3. Mask R-CNN-Based Object Detection

Before using the Mask R-CNN algorithm for object detection, it is important to prepare the dataset for training. Three files are required for this purpose, including the original input image, the image masks, and the annotation file. GrabCut has previously been used to obtain object masks, as shown in Figure 5c, based on the original input image, as shown in Figure 5b. Annotation data can be prepared by writing object and background information.
After the input data was prepared, the data needed to be trained. The trained model was saved along with the dataset for testing. Figure 6 shows the results of object detection based on the Mask R-CNN algorithm.

4. Results

4.1. GrabCut-Based Mask Segmentation

For the ikea_table_leg_blue image data chosen in this study, the segmentation result of the GrabCut algorithm was analyzed and compared with the segmentation result of the Otsu optimal threshold segmentation algorithm [19]. Figure 7a shows images of the object from five different perspectives. In Figure 7b, the target extracted by the GrabCut algorithm is accurate and the edges are more complete and smooth. In Figure 7c, although the Otsu algorithm can roughly segment the shape of the target bottle, the edges are rough. Since the positioned chessboard and dark stationary elements of the image acquisition platform are extracted as the foreground, the target object segmentation result cannot be obtained in one step.
Further GrabCut segmentation results are shown in Figure 8 for the ikea_table_red_cup data and in Figure 9 for the 3 m_high_tack_spray_adhesive data. The experimental results show that our proposed method can accurately segment the target in the image. We also used our method to segment the COCO dataset, and the results are shown in Figure 10 and Figure 11.

4.2. Mask R-CNN-Based Object Detection

The proposed model was evaluated using the software environment and the GPU platform to be configured: (1) Python3.6; (2) Keras 2.0.8; and (3) TensorFlow-GPU. The training process took approximately 15 min, with 30 epochs. The dataset included ikea_table_leg_blue, ikea_table_red_cup, and 3 m_high_tack_spray_adhesive, as shown in Figure 4. Each object had 50 training samples and 5 testing samples.
The experimental results of the Mask R-CNN-based object detection method on these three datasets are shown in Figure 12, Figure 13 and Figure 14. In order to further verify the effectiveness of our algorithm, we applied our proposed method to the COCO dataset of target objects with complex and diverse backgrounds and obtained good results, which are shown in Figure 15.
These results show that the methods yielded good segmentation results on these datasets because all the test samples were correctly positioned and segmented. The segmentation accuracy is shown in Table 1. For ikea_table_leg_blue, the mAPbbox value approaches 0.9999 (the average of the same type), the mAPbbox for ikea_table_red_cup is 0.9826, for 3 m_high_tack_spray_adhesive is 0.9816, the mAPbbox for Person object in COCO dateset is 0.998, and the mAPbbox for pizza objects in the COCO dateset is 0.993.

4.3. Special Cases: Overlapping Objects and Background

As discussed previously, the proposed GrabCut method can segment an image accurately and obtain the required masks. However, if the target area is simply selected using a frame, some images with interfering pixels cannot be well segmented because the computer is not able to differentiate between similar pixels. Therefore, in the case of more complex images, which contain objects overlapping with the background, other interactive operations need to be added for the user to ensure that the segmentation results include only the object. Examples of such operations include marking some pixel targets as the foreground or background.
As shown in Figure 16a, since the body of the bottle in the 3 m_high_tack_spray_adhesive data has areas with white text, the black area of the body overlaps with the chessboard grid in the background. Therefore, in order to segment the target accurately, an additional step to mark and segment the background or foreground areas is also performed after frame selection. As shown in Figure 16b, the area including the chessboard is blackened and excluded from the target object area.

4.4. Comparison of Different Methods of Detection

In order to quantitatively evaluate the performance of the proposed classification method, a comparative experiment to detect electronic components was conducted and compared with traditional classification methods, including SVM, PCA, random forest ensemble learning, and the Mask R-CNN method. Table 2 shows the experimental results. These results show that the proposed method not only achieves the highest accuracy of the Mask R-CNN method, but the mAP index is as high as 98.5%. This could be because the annotated images used in the literature are artificially or forcibly annotated results, which are obtained using LabelMe manual labeling software. By contrast, the method proposed in this paper is an interactive labeling method which combines the characteristics of the image itself with manual labeling operations so that better segmentation results can be obtained.

5. Conclusions

Although the current deep learning method represented by Mask R-CNN has achieved high-pixel-level segmentation accuracy, it is based on training via inputting masks. At present, these masks are made manually. When the object boundary is very complex and the dataset is especially large, this consumes time and energy. Therefore, we proposed a mask-making method based on GRABCUT which can quickly obtain masks for object detection.
Experiments on the BigBIRD (Big Berkeley Instance Recognition Dataset) verified the effectiveness of our proposed method, which achieved a mAP index of over 95% for segmentation. While maintaining the positioning and segmentation performance of Mask R-CNN, this method ensures that the required mask can be obtained simply and efficiently. We also extended our experiments to the COCO dataset and electronic component solder joint defect detection to further prove the effectiveness of our proposed method.
The proposed method can also be applied to other object recognition tasks and can be easily generalized to other fields that require image annotation. Although the efficiency of our proposed method is improved compared with that of the manual annotation method, it still requires some labeling and image conversion operations; thus, we will focus on these issues in the future to achieve real automatic mask acquisition.

Author Contributions

Conceptualization, X.X. and H.W.; methodology, H.W.; software, H.W. and Y.L.; validation, Y.G. and Y.L.; formal analysis, Y.G.; data curation, H.W.; writing—original draft preparation, H.W.; writing—review and editing, H.W. and Y.L.; visualization, H.W. and Y.L.; supervision, X.X.; project administration, H.W.; funding acquisition, X.X. and H.W. All authors have read and agreed to the published version of the manuscript.

Funding

This research was supported in part by the National Key Research and Development Program of China (2017YFE0113200), National Natural Science Foundation of China (No.51605004, No.11972189), Anhui Provincial Natural Science Foundation (2108085ME166, 1908085QF260), Natural Science Research Project of Universities in Anhui Province (KJ2021A0408), Open Fund Project of China International Science and Technology Cooperation Base on Intelligent Equipment Manufacturing in Special Service Environment (ISTC2021KF07, ISTC2021KF08), and Open Project of Anhui Province Key Laboratory of Special and Heavy Load Robot (TZJQR007-2021).

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Dalal, N.; Triggs, B. Histograms of oriented gradients for human detection. In Proceedings of the 2005 IEEE Computer Society Conference on Computer Vision and Pattern Recognition (CVPR’05), San Diego, CA, USA, 20–25 June 2005; Volume 1, pp. 886–893. [Google Scholar]
  2. Lowe, D.G. Distinctive image features from scale-invariant keypoints. Int. J. Comput. Vis. 2004, 60, 91–110. [Google Scholar] [CrossRef]
  3. Felzenszwalb, P.F.; Girshick, R.B.; McAllester, D.; Ramanan, D. Object detection with discriminatively trained part-based models. IEEE Trans. Pattern Anal. Mach. Intell. 2009, 32, 1627–1645. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  4. Krizhevsky, A.; Sutskever, I.; Hinton, G.E. Imagenet classification with deep convolutional neural networks. Commun. ACM 2017, 60, 84–90. [Google Scholar] [CrossRef] [Green Version]
  5. Zou, Z.; Shi, Z.; Guo, Y.; Ye, J. Object detection in 20 years: A survey. arXiv 2019, arXiv:1905.05055. [Google Scholar]
  6. Redmon, J.; Divvala, S.; Girshick, R.; Farhadi, A. You only look once: Unified, real-time object detection. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Las Vegas, NV, USA, 27–30 June 2016; pp. 779–788. [Google Scholar]
  7. Liu, W.; Anguelov, D.; Erhan, D.; Szegedy, C.; Reed, S.; Fu, C.Y.; Berg, A.C. SSD: Single shot multibox detector. In European Conference on Computer Vision; Springer: Cham, Switzerland, 2016; pp. 21–37. [Google Scholar]
  8. Girshick, R.; Donahue, J.; Darrell, T.; Malik, J. Rich feature hierarchies for accurate object detection and semantic segmentation. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Columbus, OH, USA, 23–28 June 2014; pp. 580–587. [Google Scholar]
  9. Girshick, R. Fast r-cnn. In Proceedings of the IEEE International Conference on Computer Vision, Santiago, Chile, 7–13 December 2015; pp. 1440–1448. [Google Scholar]
  10. Girshick, R.; Donahue, J.; Darrell, T.; Malik, J. Region-based convolutional networks for accurate object detection and segmentation. IEEE Trans. Pattern Anal. Mach. Intell. 2015, 38, 142–158. [Google Scholar] [CrossRef] [PubMed]
  11. Ren, S.; He, K.; Girshick, R.; Sun, J. Faster R-CNN: Towards Real-Time Object Detection with Region Proposal Networks. IEEE Trans. Pattern Anal. Mach. Intell. 2015, 39, 91–99. [Google Scholar] [CrossRef] [Green Version]
  12. He, K.; Gkioxari, G.; Dollár, P.; Girshick, R. Mask r-cnn. In Proceedings of the IEEE International Conference on Computer Vision, Venice, Italy, 22–29 October 2017; pp. 2961–2969. [Google Scholar]
  13. Simonyan, K.; Zisserman, A. Very deep convolutional networks for large-scale image recognition. arXiv 2014, arXiv:1409.1556. [Google Scholar]
  14. Rother, C.; Kolmogorov, V.; Blake, A. “GrabCut” interactive foreground extraction using iterated graph cuts. ACM Trans. Graph. 2004, 23, 309–314. [Google Scholar] [CrossRef]
  15. Wu, H.; Gao, W.; Xu, X. Solder Joint Recognition Using Mask R-CNN Method. IEEE Trans. Compon. Packag. Manuf. Technol. 2020, 10, 525–530. [Google Scholar] [CrossRef]
  16. Boykov, Y.Y.; Jolly, M.P. Interactive graph cuts for optimal boundary & region segmentation of objects in ND images. In Proceedings of the Eighth IEEE International Conference on Computer Vision (ICCV), Vancouver, BC, Canada, 7–14 July 2001; Volume 1, pp. 105–112. [Google Scholar]
  17. Lin, T.Y.; Maire, M.; Belongie, S.; Bourdev, L.; Girshick, R.; Hays, J.; Perona, P.; Zitnick, C.L.; Dollár, P. Microsoft coco: Common objects in context. In European Conference on Computer Vision; Springer: Cham, Switzerland, 2014; pp. 740–755. [Google Scholar]
  18. Singh, A.; Sha, J.; Narayan, K.S.; Achim, T.; Abbeel, P. Bigbird: A large-scale 3d database of object instances. In Proceedings of the 2014 IEEE International Conference on Robotics and Automation (ICRA), Hong Kong, China, 31 May–7 June 2014; pp. 509–516. [Google Scholar]
  19. Otsu, N. A threshold selection method from gray-level histograms. IEEE Trans. Syst. Man Cybern. 1979, 9, 62–66. [Google Scholar] [CrossRef]
Figure 2. Automated method for generating the image mask.
Figure 2. Automated method for generating the image mask.
Micromachines 13 02095 g002
Figure 3. Operation for GrabCut base component segmentation methods.
Figure 3. Operation for GrabCut base component segmentation methods.
Micromachines 13 02095 g003
Figure 4. Dataset for experiment [18]: (a) ikea_table_leg_blue; (b) ikea_table_red_cup; (c) 3 m_high_tack_spray_adhesive.
Figure 4. Dataset for experiment [18]: (a) ikea_table_leg_blue; (b) ikea_table_red_cup; (c) 3 m_high_tack_spray_adhesive.
Micromachines 13 02095 g004
Figure 5. (a) Original image with 4272 × 2848 pixel; (b) image after resizing to 224 × 224 pixel; (c) segmentation results based on GrabCut; (d) binarization results of the mask.
Figure 5. (a) Original image with 4272 × 2848 pixel; (b) image after resizing to 224 × 224 pixel; (c) segmentation results based on GrabCut; (d) binarization results of the mask.
Micromachines 13 02095 g005
Figure 6. Object detection results using the Mask R-CNN method.
Figure 6. Object detection results using the Mask R-CNN method.
Micromachines 13 02095 g006
Figure 7. GrabCut-based segmentation experiment results for ikea_table_leg_blue object: (a) input image after resizing; (b) GrabCut method segmentation results; (c) Otsu method segmentation results.
Figure 7. GrabCut-based segmentation experiment results for ikea_table_leg_blue object: (a) input image after resizing; (b) GrabCut method segmentation results; (c) Otsu method segmentation results.
Micromachines 13 02095 g007
Figure 8. GrabCut-based segmentation experiment results for ikea_table_red_cup object: (a) original input image; (b) image after resizing; (c) GrabCut method segmentation results.
Figure 8. GrabCut-based segmentation experiment results for ikea_table_red_cup object: (a) original input image; (b) image after resizing; (c) GrabCut method segmentation results.
Micromachines 13 02095 g008
Figure 9. GrabCut-based segmentation experiment results for 3 m_high_tack_spray_adhesive object: (a) original input image; (b) image after resizing; (c) GrabCut method segmentation results.
Figure 9. GrabCut-based segmentation experiment results for 3 m_high_tack_spray_adhesive object: (a) original input image; (b) image after resizing; (c) GrabCut method segmentation results.
Micromachines 13 02095 g009
Figure 10. GrabCut-based segmentation experiment results for person objects in COCO dataset: (a) original input image; (b) image after resizing; (c) GrabCut method segmentation results.
Figure 10. GrabCut-based segmentation experiment results for person objects in COCO dataset: (a) original input image; (b) image after resizing; (c) GrabCut method segmentation results.
Micromachines 13 02095 g010
Figure 11. GrabCut-based segmentation experiment results for pizza objects in COCO dataset: (a) original input image; (b) image after resizing; (c) GrabCut method segmentation results.
Figure 11. GrabCut-based segmentation experiment results for pizza objects in COCO dataset: (a) original input image; (b) image after resizing; (c) GrabCut method segmentation results.
Micromachines 13 02095 g011
Figure 12. Results for ikea_table_leg_blue data using the Mask R-CNN-based object detection method. The column on the left contains the input images. The column on the right shows the positioning and segmentation results.
Figure 12. Results for ikea_table_leg_blue data using the Mask R-CNN-based object detection method. The column on the left contains the input images. The column on the right shows the positioning and segmentation results.
Micromachines 13 02095 g012
Figure 13. Results for ikea_table_red_cup data using the Mask R-CNN-based object detection method. The column on the left contains the input images. The column on the right shows the positioning and segmentation results.
Figure 13. Results for ikea_table_red_cup data using the Mask R-CNN-based object detection method. The column on the left contains the input images. The column on the right shows the positioning and segmentation results.
Micromachines 13 02095 g013
Figure 14. Results for 3 m_high_tack_spray_adhesive data using the Mask R-CNN-based object detection method. The column on the left contains the input images. The column on the right shows the positioning and segmentation results.
Figure 14. Results for 3 m_high_tack_spray_adhesive data using the Mask R-CNN-based object detection method. The column on the left contains the input images. The column on the right shows the positioning and segmentation results.
Micromachines 13 02095 g014
Figure 15. Results for COCO dataset using the Mask R-CNN-based object detection method.
Figure 15. Results for COCO dataset using the Mask R-CNN-based object detection method.
Micromachines 13 02095 g015
Figure 16. (a) Segmentation results with directly selected target area; (b) segmentation results with additional marking operation.
Figure 16. (a) Segmentation results with directly selected target area; (b) segmentation results with additional marking operation.
Micromachines 13 02095 g016aMicromachines 13 02095 g016b
Table 1. Results of recognition accuracy with different datasets.
Table 1. Results of recognition accuracy with different datasets.
DatasetmAPbbox
ikea_table_leg_blue;99.99%
ikea_table_red_cup 98.26%
3 m_high_tack_spray_adhesive98.16%
Person objects in COCO dataset99.8%
Pizza objects in COCO dataset99.3%
Table 2. Comparison of recognition accuracy and target detection results of different methods.
Table 2. Comparison of recognition accuracy and target detection results of different methods.
MethodAccuracymAP
Principal component analysis96.43%--
Support vector machine96.43%--
Ensemble learning89.29%--
Mask R-CNN with manual label 100%97.4%
Our proposed method100%98.5%
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Share and Cite

MDPI and ACS Style

Wu, H.; Liu, Y.; Xu, X.; Gao, Y. Object Detection Based on the GrabCut Method for Automatic Mask Generation. Micromachines 2022, 13, 2095. https://doi.org/10.3390/mi13122095

AMA Style

Wu H, Liu Y, Xu X, Gao Y. Object Detection Based on the GrabCut Method for Automatic Mask Generation. Micromachines. 2022; 13(12):2095. https://doi.org/10.3390/mi13122095

Chicago/Turabian Style

Wu, Hao, Yulong Liu, Xiangrong Xu, and Yukun Gao. 2022. "Object Detection Based on the GrabCut Method for Automatic Mask Generation" Micromachines 13, no. 12: 2095. https://doi.org/10.3390/mi13122095

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

Article Metrics

Back to TopTop