PM-VIS+: High-Performance Video Instance Segmentation without Video Annotation

Zhang**g Yang, Dun Liu Nan**g Audit University
Nan**g, China
[email protected], [email protected]
      Xin Wang University at Albany, SUNY
NY, United States
[email protected]
   Zhe Li, Barathwaj Anandan, Yi Wu Lucid Motors
Newark, CA, United States
{lizoezhe, barathwajanandan, ywu.china}@gmail.com
Abstract

Video instance segmentation requires detecting, segmenting, and tracking objects in videos, typically relying on costly video annotations. This paper introduces a method that eliminates video annotations by utilizing image datasets. The PM-VIS algorithm is adapted to handle both bounding box and instance-level pixel annotations dynamically. We introduce ImageNet-bbox to supplement missing categories in video datasets and propose the PM-VIS+ algorithm to adjust supervision based on annotation types. To enhance accuracy, we use pseudo masks and semi-supervised optimization techniques on unannotated video data. This method achieves high video instance segmentation performance without manual video annotations, offering a cost-effective solution and new perspectives for video instance segmentation applications. The code will be available in https://github.com/ldknight/PM-VIS-plus

I Introduction

Video instance segmentation (VIS) aims to detect, segment, and track objects in videos. Since its introduction in 2019 [1], it has presented significant challenges and wide applications in video understanding, video editing, autonomous driving, and augmented reality. Advanced models rely on extensive video annotations for training [2, 3]. However, annotating video data, especially with object masks, is costly and time-consuming, making it difficult to scale existing methods [4]. This paper reevaluates the need for semi-supervised VIS without relying on any video annotations.

Current instance segmentation models based on box annotations [5, 6] are designed for images and do not leverage temporal cues in videos, leading to lower accuracy when applied to video data. Videos contain rich contextual information and adhere to temporal consistency, where the same object across frames should have consistent labeling. This work leverages this constraint for mask learning in VIS.

Inspired by the PM-VIS algorithm [7], we propose achieving high-precision VIS using only image datasets, addressing three key challenges:

  • Training on Image Datasets: We adapt PM-VIS to train on image datasets by using single images as keyframes and generating reference frames through random crop**, thus simulating video training conditions.

  • Category Matching: We supplement VIS categories by introducing the ImageNet-bbox dataset, which includes all categories from existing video datasets or their parent categories.

  • Dynamic Algorithm Adjustment: We introduce the PM-VIS+ algorithm, which adjusts supervision loss based on the type of annotation, effectively utilizing both instance bounding box and pixel-level contour annotations.

Despite achieving VIS using image datasets, the model’s recognition accuracy lags behind fully supervised methods due to dataset content differences, limited feature information in bounding box annotations, and the lack of temporal information richness.

To improve recognition rates, we propose a data optimization and model fine-tuning mechanism. First, we use the PM-VIS+ model to generate pseudo-labeled video data. Next, we optimize these pseudo-labels using the semi-supervised video object segmentation model DeAOT [8] and a filtering mechanism. Finally, we train on the optimized video data with the PM-VIS+ algorithm.

The contributions of this work are as follows:

  • Proposing a method to achieve VIS using only image dataset annotations, leveraging ImageNet-bbox and COCO datasets.

  • Introducing a pseudo-label filtering mechanism to remove noise from pseudo-labels.

  • Develo** the PM-VIS+ algorithm, which dynamically adjusts supervision based on the type of data annotation, using weakly supervised and fully supervised losses for instance bounding boxes and pixel-level contours.

II Related work

II-A Video instance segmentation

VIS methods are divided into offline and online types. Offline methods [9, 10] analyze videos with future frames during inference, suitable for tasks like video editing. Early methods [11, 12] used mask propagation for tracking. With DETR [13], query-based VIS methods [9, 10] became popular. Online methods [2, 1] handle segmentation and tracking by embedding similarity and optimizing results, used in surveillance and autonomous driving. Mask-Track R-CNN [1] extends Mask R-CNN for tracking. IDOL [2] uses contrastive learning on instance queries, surpassing offline models. MinVIS [14] and GenVIS [15] improve performance with Mask2Former [16]. Our semi-supervised VIS algorithm will use IDOL as the baseline.

MaskFreeVIS [17] uses bounding box supervision for VIS, incorporating a model [6] and achieving competitive performance with temporal or spatial losses. FlowIRN [18] uses classification labels and optical flow but has limited performance. Previous weakly supervised methods [17, 18] face challenges due to insufficient data optimization.

Refer to caption
Figure 1: Method flow diagram.

III methodology

III-A Method flow

Fig. 1 illustrates the workflow of PM-VIS+ without using any video annotation data, where PM-VIS+(Image) and PM-VIS+(Video) respectively denote the PM-VIS+ models trained on image data and pseudo-labeled video data.

The method consists of three steps: generating pseudo-labeled data, optimizing pseudo-labeled data, and training the model using pseudo-labeled data. Specifically:

  1. 1.

    Generating Pseudo-labeled Data: The VIS model PM-VIS+(Image), trained on image datasets, infers the video data to obtain pseudo-labeled video data. Although each video data obtains pseudo-labels after model prediction, the quality of these pseudo-labels varies. Excessive misleading data can significantly hinder model learning, and even if reused for subsequent model training, recognition accuracy may not improve.

  2. 2.

    Optimizing Pseudo-labeled Data: The obtained pseudo-labeled data undergoes optimization using the semi-supervised video object segmentation algorithm DeAOT [34], along with filtering based on prediction scores. While optimization through tracking methods improves the overall quality of the data by addressing issues such as missing, erroneous, or inaccurate instance pseudo-masks, it still cannot be directly used as training data for the next stage. The main reason is that while the overall quality of the data has improved, the true class of instances cannot be determined. Therefore, this paper filters the data based on the number of instances in the video and the average prediction score to mitigate the impact of erroneous data to a certain extent.

  3. 3.

    Training the Model Using Pseudo-labeled Data: The optimized pseudo-labeled data is used to train the PM-VIS+(Video) model. After the first two steps, data with fewer errors and higher overall quality is obtained. Hence, this paper proposes training the PM-VIS+ model on pseudo-labeled video data to learn potential information within the video data.

Through these three steps, this paper achieves a certain recognition rate of VIS models without using any manually annotated video data. Compared to conventional methods that directly use manually annotated video datasets for algorithm training, this paper introduces pseudo-labeled data generation and optimization steps, along with the use of the ImageNet-bbox dataset containing instance bounding box annotations.

III-B Model training process

Refer to caption
Figure 2: Model training process.

Fig. 2 illustrates the training process of the proposed PM-VIS+ model, which involves training the model on two types of data under different supervision conditions. In this process, image data is used as auxiliary data to train the VIS model corresponding to the target dataset categories. Notably, in addition to using COCO data with pixel-level annotations, the model also utilizes ImageNet-bbox data, which only contains bounding box annotations. To address the categories not covered by COCO but present in video data such as the 40 categories in YTVIS2019[1], the model incorporates additional data from ImageNet-bbox.

The proposed PM-VIS+ model dynamically adjusts the supervision signal based on the type of annotation information available in the training data. Specifically, leveraging the characteristics of IDOL, the COCO dataset with instance-level pixel annotations is directly used for training. In contrast, the ImageNet-bbox dataset, which lacks pixel-level annotations and only provides bounding boxes, cannot supervise the mask prediction head during training. Therefore, the model trains the mask prediction head only on the COCO dataset while retaining instance-level bounding box supervision on the ImageNet-bbox dataset, as shown in the first row of Fig. 2.

It is important to note that although the model trained on the image datasets can perform VIS, its recognition accuracy is relatively weak. Therefore, the model is used to generate pseudo-labels for the video data, which are then optimized to further enhance the model. For video data with pseudo-labels, despite having pixel-level instance annotations, the quality of these annotations varies. Relying solely on pixel-level supervision is insufficient to improve the algorithm significantly. Hence, the PM-VIS+ algorithm employed for training the video data with pseudo-labels retains both the BoxInstLoss[6] for bounding box supervision and the MaskLoss[19, 20] for pixel-level instance segmentation supervision.

III-C Video pseudo-label data optimization strategy

Refer to caption
Figure 3: PM-VIS+(Image) visualization of missed detection data relative to real data.
Refer to caption
Figure 4: PM-VIS+(Image) visualization of reasoning results.

As shown in Fig. 3 and Fig. 4, the PM-VIS+ VIS model trained only on image data demonstrates poor recognition capabilities, resulting in numerous errors and missed detections compared to using actual annotated data. The visualization issues can be categorized into three types: missed instances, false positives, and inaccurate instance detections. This study attributes these problems primarily to the different data sources. However, retraining the PM-VIS+ model with diverse, accurately segmented, and correctly categorized data can significantly improve the accuracy of VIS.

To achieve this, the study employs the semi-supervised video object segmentation model DeAOT for data optimization. The optimization process consists of two steps:

  1. 1.

    Initialization: The pseudo-labels predicted by PM-VIS+ (Image) are used to initialize the DeAOT model, which then tracks the instance masks throughout the video. Unlike conventional semi-supervised video object segmentation, which initializes using the first frame’s instance mask, this study determines the initialization frame based on the highest prediction score of the instance in the current video. This initialization frame is referred to as the keyframe.

  2. 2.

    Tracking: Starting from the keyframe, DeAOT tracks the instances to both ends of the video (i.e., towards the first and last frames), and the results are merged to obtain the complete pseudo-mask for the instance across the video.

This tracking optimization addresses issues of missed instances and inaccurate instance segmentation. However, it does not fully resolve the problem of false positives. Therefore, the optimized data cannot be directly used for model training.

To address this, the study proposes two pseudo-label data filtering strategies: TopK and PScore. Specifically:

  1. 1.

    TopK Filtering: Based on the average score of the instance in the video predicted by the PM-VIS+ (Image) model, the TopK method selects the top K highest-scoring instance pseudo-masks, ignoring the rest.

  2. 2.

    PScore Filtering: Using the average score of the instance in the video predicted by the PM-VIS+ (Image) model, the PScore method applies a score threshold τ𝜏\tauitalic_τ to filter the pseudo-label data. Only instances with an average score above the threshold are retained, while the rest are discarded.

Through these data optimization strategies, the improved pseudo-label data shows enhancements in instance segmentation quantity, segmentation quality, and instance category prediction accuracy.

IV Experiment

IV-A Datasets

The proposed semi-supervised VIS method, PM-VIS+, requires not only the COCO dataset, which contains instance-level pixel-wise contour annotations, but also the ImageNet-bbox dataset[21], which provides bounding box annotations for objects, as auxiliary data. In order to further improve the algorithm’s recognition rate, this chapter also utilizes the video datasets YTVIS2019[1], YTVIS2021[22], and OVIS[23], without the need for manual annotation.

TABLE I: Statistics on the category proportions of image data sets and video data sets
Name YTVIS2019 (40) YTVIS2021 (40) OVIS (25)
COCO Class 21 / 19 23 / 21 17 / 15
Images 86646 88462 86116
Anno 420670 434158 405865
ImageNet -bbox Class 21 / 21 19 / 19 12 / 10
Images 7178 6768 5814
Anno 8101 7651 6783

Table I shows the distribution of categories in both image and video datasets. The numbers in parentheses after each dataset indicate the current number of categories in that dataset. For instance, “YTVIS2019(40)” indicates that the YTVIS2019 dataset comprises 40 categories. It can be observed that among the video datasets YTVIS2019, YTVIS2021, and OVIS, there are 21, 19, and 15 categories respectively that overlap with the COCO dataset. The remaining categories are supplemented from ImageNet-bbox. However, it was found in practical operation that for video datasets, there may exist cases where one category corresponds to multiple categories in COCO. For example, the entry “21 / 19” in the table indicates that 21 categories from the COCO dataset match with the 19 categories in YTVIS19. For instance, the “snowboard” category in YTVIS19 corresponds to both “skis” and ”snowboard” categories in COCO.

In addition to the COCO dataset, this paper also utilizes the ImageNet-bbox dataset, which contains annotations for 3000 categories, including bounding boxes for objects, to supplement categories that cannot be filled in with COCO. As shown in Table I, the 21 categories from YTVIS2019, 19 categories from YTVIS2021, and 21 categories from OVIS will be supplemented using ImageNet-bbox.

From the table, it is evident that in terms of data volume, the quantity from ImageNet-bbox is noticeably less than that from COCO. Additionally, in terms of data standardization, relative to the COCO instance segmentation dataset, the standardization of ImageNet-bbox data is poorer, primarily reflected in the mismatch between annotated data quantity and the actual downloaded image data. Taking the example of the image data corresponding to the YTVIS2019 dataset, there are 41 images that are not found in the downloaded image set and need to be supplemented by searching from the ImageNet-22K image set. Furthermore, there are 11 images for which corresponding image sources cannot be found, leading to their exclusion from the experiment, resulting in a final set of 7178 images across 21 categories. Consequently, there may be issues in experimental results where the category data trained from ImageNet-bbox do not predict accurately, leading to lower model recognition rates.

IV-B Experimental setup

For VIS algorithms, unless otherwise specified, this paper employs the same hyperparameters as IDOL and continues to use Detectron2[24] for related experiments. All VIS models in this paper are pretrained on the COCO dataset.

IV-C ablation experiment

This chapter will conduct ablation experiments on the proposed algorithm to validate the roles of the components proposed in this paper. The ablation experiments here will be evaluated on the validation set of YTVIS2019, using ResNet-50 as the backbone network.

IV-C1 Training different experimental configurations of the PM-VIS+ (Image) model on the image dataset

TABLE II: Experimental plan for training PM-VIS+ model on image data
MaskLoss BoxInstLoss AP AP50 AP75 AR1 AR10
\checkmark ×\times× 41.9 64.9 45.6 40.1 50.0
\checkmark \checkmark 40.4 61.7 43.2 40.9 50.1
\checkmark ImageNet-bbox 40.3 63.1 41.4 40.2 49.6
Freezing Mask Head ×\times× 40.5 62.2 43.2 39.8 50.2
×\times× \checkmark 37.3 59.7 39.6 36.6 45.3

Table II presents the performance of the proposed PM-VIS+ (Image) algorithm trained with different experimental configurations on the image dataset. It can be observed that the BoxInstLoss does not effectively supervise the model on the image dataset. When using this loss for supervision, the model accuracy is 40.4%, while without using this loss, the accuracy increases by 1.5% to reach 41.9%.

Furthermore, this paper also compares the impact of BoxInstLoss on two different image datasets. It is found that solely using BoxInstLoss on the ImageNet-bbox dataset results in a model accuracy of 40.3%, which is a decrease of 0.1% compared to using it on both image datasets, which achieved 40.4%. Thus, BoxInstLoss may have a slight promoting effect on the training of the COCO dataset but is relatively minimal.

It is evident that even when the mask prediction head of the model is frozen during training, the model still possesses certain instance segmentation capabilities, with an accuracy of 40.5%. This is mainly attributed to the pretrained model trained on the COCO dataset. When the instance mask prediction head of the model is unfrozen, the model’s average precision (AP) increases by 1.4% to reach 41.9%. Therefore, the ImageNet-bbox image dataset not only supplements the categories but also enhances the model’s recognition capabilities.

However, if only the ImageNet-bbox image dataset is used for training, the model’s recognition capability decreases to 37.3%. This indicates the crucial importance of pixel-level annotation information present in COCO, while the facilitating effect of ImageNet-bbox is limited.

IV-C2 The impact of the hyperparameter K of the TopK filtering method for pseudo-labeled video data on the recognition rate of PM-VIS+ (Video)

TABLE III: The impact of the hyperparameter K of the video pseudo-label data filtering method TopK on the model recognition rate
K AP AP50 AP75 AR1 AR10
0 41.2 61.3 44.4 41.9 53.3
1 36.9 55.1 39.4 37.8 46.7
2 44.7 67.4 46.5 43.0 54.7
3 44.6 67.1 48.3 43.9 55.2
4 44.7 67.5 47.4 43.8 56.1
5 43.1 65.1 46.9 43.9 56.0

Table III illustrates the impact of the hyperparameter K of the TopK filtering method on the recognition rate of PM-VIS+(Video). Here, the hyperparameter τ𝜏\tauitalic_τ of PScore is set to 0.2 by default. It is worth noting that these pseudo-labeled data are derived from the inference results of the PM-VIS+ (Image) model trained on the ImageNet-bbox and COCO datasets on the YTVIS2019 training set, followed by refinement using the DeAOT model.

It can be observed that the model’s recognition capability, when not using this filtering mechanism, decreases by 0.7% relative to PM-VIS+(Image), reaching 41.2%. This indicates the presence of considerable noisy data within the video data containing pseudo-labels, which, if directly used for training, can mislead the model. When the TopK strategy with K set to 4, the model can effectively learn information from the pseudo-labeled video data, resulting in a relative improvement of 3.5% in model AP compared to not using this filtering method, achieving the optimal performance of 44.7%.

IV-C3 The impact of the hyperparameter τ𝜏\tauitalic_τ of the PScore filtering method on the recognition rate of PM-VIS+ (Video)

TABLE IV: The impact of different supervision signals on the pseudo-label model PM-VIS+(Video)
MaskLoss BoxInstLoss AP AP50 AP75 AR1 AR10
44.7 67.4 46.5 43.0 54.7
×\times× 43.3 66.8 44.8 43.2 54.8
×\times× 40.2 65.4 42.4 40.6 52.2
×\times× ×\times× 38.4 62.6 39.1 39.8 49.4

Table LABEL:table:PScore presents the impact of the PScore filtering method with different τ𝜏\tauitalic_τ values on the recognition rate of the PM-VIS+ (Video) model trained on filtered pseudo-labeled video data. Here, the K value of the TopK filtering method is set to 4 by default. Similar to the TopK filtering method, the pseudo-labeled data used here are derived from the inference results of the PM-VIS+ (Image) model on videos, followed by refinement using the DeAOT model.

It can be observed that when using the PScore filtering method, the model accuracy increases by 1.9% relative to not using this method, reaching 42.8%. It is evident that there is a significant amount of erroneous information in the predicted pseudo-labels, and solely using the TopK filtering method cannot effectively filter out the noise data. For the PScore filtering method, setting τ𝜏\tauitalic_τ to 0.2, the model accuracy reaches 44.7% when trained on the filtered pseudo-labeled data. Therefore, using PScore effectively removes noise data from the pseudo-labeled data, improves the overall quality of the data, and enhances the model’s recognition capability.

IV-C4 The impact of different supervision signals on the pseudo-labeled model PM-VIS+ (Video)

TABLE V: The impact of different supervision signals on the pseudo-label model PM-VIS+(Video)
MaskLoss BoxInstLoss AP AP50 AP75 AR1 AR10
44.7 67.4 46.5 43.0 54.7
×\times× 43.3 66.8 44.8 43.2 54.8
×\times× 40.2 65.4 42.4 40.6 52.2
×\times× ×\times× 38.4 62.6 39.1 39.8 49.4

Table V displays the results of training different architectures of the PM-VIS+ (Video) algorithm on pseudo-labeled video data. The pseudo-labeled data used here have been filtered using both the TopK and PScore methods. It can be observed that both MaskLoss and BoxInstLoss contribute to the model’s learning of information from pseudo-labeled data. When using only MaskLoss or BoxInstLoss, the model’s recognition capability decreases by 1.4% and 4.5%, respectively, compared to when both are used. The magnitude of the decrease indicates that the effect of MaskLoss is significantly stronger than the benefits brought by BoxInstLoss. When both MaskLoss and BoxInstLoss are used as supervision signals simultaneously, the model’s recognition capability reaches its optimal performance, achieving an AP of 44.7%.

When using only MaskLoss without supervision from BoxInstLoss, there is a significant decrease in the algorithm’s recognition capability. This is mainly because the confidence of the instance pseudo-masks in the pseudo-labeled data is relatively low, indicating varying qualities of instance pixel-level contours. Simply trusting the pseudo-labeled pixel-level segmentation results cannot enhance the algorithm’s performance.

IV-C5 The impact of the quality of data in earlier stages on the final accuracy of the VIS model

TABLE VI: The impact of PM-VIS+(Image) model recognition ability on the accuracy of the final VIS model
Method AP Method AP
PM-VIS+(Image)+BoxInstLoss 40.4 PM-VIS+(Video) 44.0
PM-VIS+(Image) 41.9 44.7

Table VI illustrates the impact of pseudo-masks generated in the previous stage on the recognition capability of the final VIS model. It is noticeable that there is a 1.5% difference in accuracy between the two PM-VIS+(Image) models on the validation set. Based on this difference, even until the final model trained using pseudo-labeled video masks, there remains a 0.7% AP gap in recognition capability. Therefore, it can be concluded that the recognition capability of the PM-VIS+(Image) model will significantly affect the quality of subsequent video data pseudo-labels, consequently influencing the recognition rate of the PM-VIS+(Video) model.

Therefore, the quality of data at each stage, from auxiliary image data to the quality of pseudo-labels, will impact the method’s final recognition accuracy. Optimal selection of initialization image data, designing appropriate optimization and filtering mechanisms, and utilizing superior PM-VIS+ (Image) models will be crucial for experimental results.

IV-D Comparison of data set effects

In this section, we conduct experiments on the YTVIS2019, YTVIS2021, and OVIS datasets using both ResNet-50[25] and Swin-L[26] backbone networks for the proposed method PM-VIS+, comparing its recognition accuracy with other methods.

IV-D1 ResNet-50 backbone network

TABLE VII: Comparison of algorithm effects using ResNet-50 backbone network on YTVIS2019
Method Type Sup. AP AP50 AP75 AR1 AR10
MaskFreeVIS Video Box 46.6 72.5 49.7 44.9 55.7
IDOL-BoxInst Video Box 43.9 71.0 47.8 42.9 52.7
PM-VIS Video Box 48.7 73.4 52.4 45.2 55.3
PM-VIS+ Image Pixel/Box 41.9 64.9 45.6 40.1 50.0
PM-VIS+ Video - 44.7 67.5 47.4 43.8 56.1
TABLE VIII: Comparison of algorithm effects using ResNet-50 backbone network on YTVIS2021
Method Type Sup. AP AP50 AP75 AR1 AR10
MaskFreeVIS Video Box 40.9 65.8 43.3 37.1 50.5
IDOL-BoxInst Video Box 41.8 67.4 43.5 36.5 50.3
PM-VIS Video Box 44.6 69.5 49.0 38.9 52.1
PM-VIS+ Image Pixel/Box 37.6 59.9 39.1 35.6 47.7
PM-VIS+ Video - 39.7 61.1 41.6 37.3 52.8
TABLE IX: Comparison of algorithm effects using ResNet-50 backbone network on OVIS
Method Type Sup. AP AP50 AP75 AR1 AR10
MaskFreeVIS Video Box 15.7 35.1 13.1 10.1 20.4
IDOL-BoxInst Video Box 25.4 47.4 23.7 12.9 32.7
PM-VIS Video Box 27.8 48.5 27.4 13.6 36.0
PM-VIS+ Image Pixel/Box 12.5 25.8 11.2 8.8 20.2
PM-VIS+ Video - 15.1 31.3 13.4 10.4 22.5

Table VII ,Table VIII and Table IX respectively present the performance of the proposed semi-supervised VIS method PM-VIS+ based on image data on the YTVIS2019, YTVIS2021, and OVIS datasets. It can be observed that on all three datasets, the recognition accuracy of the PM-VIS+ (Image) model trained solely on image data achieves satisfactory results. However, when using PM-VIS+ (Video) trained on the optimized YTVIS2019, YTVIS2021, and OVIS datasets, the model’s recognition capability relative to PM-VIS+ (Image) improves by 2.8%, 2.1%, and 2.6%, reaching 44.7%, 39.7%, and 15.1% respectively. Therefore, it can be concluded that the proposed method not only achieves a certain level of recognition effectiveness on weaker backbone networks but also significantly improves through optimization. In certain scenarios, the effectiveness of the proposed method exceeds that of methods based on instance bounding boxes.

IV-D2 Swin-L backbone network

TABLE X: Comparison of algorithm effects using Swin-L backbone network on YTVIS2019
Method Type Sup. AP AP50 AP75 AR1 AR10
MaskFreeVIS Video Box 55.3 82.5 60.8 55.3 82.5
IDOL-BoxInst Video Box 56.5 83.3 64.1 56.5 83.3
PM-VIS Video Box 59.7 84.8 67.7 59.7 84.8
PM-VIS+ Image Pixel/Box 54.5 77.7 60.6 48.9 60.6
PM-VIS+ Video - 57.2 78.7 63.9 50.4 63.4
TABLE XI: Comparison of algorithm effects using Swin-L backbone network on YTVIS2021
Method Type Sup. AP AP50 AP75 AR1 AR10
IDOL-BoxInst Video Box 53.2 79.7 59.6 43.0 58.1
PM-VIS Video Box 55.8 80.6 61.8 44.4 60.2
PM-VIS+ Image Pixel/Box 50.0 72.2 55.5 42.5 56.3
PM-VIS+ Video - 52.9 78.5 56.6 43.7 59.9
TABLE XII: Comparison of algorithm effects using Swin-L backbone network on OVIS
Method Type Sup. AP AP50 AP75 AR1 AR10
IDOL-BoxInst Video Box 32.2 55.7 31.9 15.8 38.5
PM-VIS Video Box 37.5 62.6 37.5 16.8 43.9
PM-VIS+ Image Pixel/Box 19.3 39.3 17.4 11.9 28.7
PM-VIS+ Video - 22.1 43.2 20.2 12.7 30.4

As shown in Table X ,Table XI and Table XII , we also conducted experiments using the Swin-L backbone network on the YTVIS2019, YTVIS2021, and OVIS datasets. It is evident that compared to using a weaker backbone network (ResNet50), the proposed model achieves a significant improvement in recognition capability. When training the model using video data containing pseudo-masks, the model’s recognition capability improves by 2.7%, 2.9%, and 2.8% relative to using only image datasets, reaching 57.2%, 52.9%, and 22.1%, respectively. Therefore, based on the experimental results, it is evident that the PM-VIS+ method achieves high recognition levels on three different datasets using backbone networks with different feature extraction capabilities (ResNet-50, Swin-L). This to some extent demonstrates the effectiveness of the proposed method.

V Conclusion

To address the issue of VIS algorithms overly relying on costly annotated video data, this paper proposes a method using dynamic mask loss. It utilizes both image data with only bounding boxes and image data with instance-level pixel annotations to train the VIS model PM-VIS+. Furthermore, to fully utilize existing video data resources, PM-VIS+(Image) is used to infer and optimize unannotated video data, obtaining pseudo-labels with a certain level of credibility. Subsequently, these pseudo-labeled data are used to train the PM-VIS+ model, resulting in the VIS model PM-VIS+(Video) with high recognition capability. It is evident that the proposed method achieves high VIS recognition rates without using any manually annotated video data. This approach provides a new perspective for the application research of VIS and reduces the cost of applying VIS methods.

References

  • [1] L. Yang, Y. Fan, and N. Xu, “Video instance segmentation,” in Proceedings of the IEEE/CVF International Conference on Computer Vision, 2019, pp. 5188–5197.
  • [2] J. Wu, Q. Liu, Y. Jiang, S. Bai, A. Yuille, and X. Bai, “In defense of online models for video instance segmentation,” in European Conference on Computer Vision.   Springer, 2022, pp. 588–605.
  • [3] T. Hannan, R. Koner, M. Bernhard, S. Shit, B. Menze, V. Tresp, M. Schubert, and T. Seidl, “Gratt-vis: Gated residual attention for auto rectifying video instance segmentation,” arXiv preprint arXiv:2305.17096, 2023.
  • [4] B. Cheng, O. Parkhi, and A. Kirillov, “Pointly-supervised instance segmentation,” in Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, 2022, pp. 2617–2626.
  • [5] S. Lan, Z. Yu, C. Choy, S. Radhakrishnan, G. Liu, Y. Zhu, L. S. Davis, and A. Anandkumar, “Discobox: Weakly supervised instance segmentation and semantic correspondence from box supervision,” in Proceedings of the IEEE/CVF International Conference on Computer Vision, 2021, pp. 3406–3416.
  • [6] Z. Tian, C. Shen, X. Wang, and H. Chen, “Boxinst: High-performance instance segmentation with box annotations,” in Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, 2021, pp. 5443–5452.
  • [7] Z. Yang, D. Liu, W. Cheng, J. Wang, and Y. Wu, “Pm-vis: High-performance box-supervised video instance segmentation,” arXiv preprint arXiv:2404.13863, 2024.
  • [8] Z. Yang and Y. Yang, “Decoupling features in hierarchical propagation for video object segmentation,” Advances in Neural Information Processing Systems, vol. 35, pp. 36 324–36 336, 2022.
  • [9] M. Heo, S. Hwang, S. W. Oh, J.-Y. Lee, and S. J. Kim, “Vita: Video instance segmentation via object token association,” Advances in Neural Information Processing Systems, vol. 35, pp. 23 109–23 120, 2022.
  • [10] J. Wu, Y. Jiang, S. Bai, W. Zhang, and X. Bai, “Seqformer: Sequential transformer for video instance segmentation,” in European Conference on Computer Vision.   Springer, 2022, pp. 553–569.
  • [11] H. Lin, R. Wu, S. Liu, J. Lu, and J. Jia, “Video instance segmentation with a propose-reduce paradigm,” in Proceedings of the IEEE/CVF International Conference on Computer Vision, 2021, pp. 1739–1748.
  • [12] G. Bertasius and L. Torresani, “Classifying, segmenting, and tracking object instances in video with mask propagation,” in Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, 2020, pp. 9739–9748.
  • [13] N. Carion, F. Massa, G. Synnaeve, N. Usunier, A. Kirillov, and S. Zagoruyko, “End-to-end object detection with transformers,” in European conference on computer vision.   Springer, 2020, pp. 213–229.
  • [14] D.-A. Huang, Z. Yu, and A. Anandkumar, “Minvis: A minimal video instance segmentation framework without video-based training,” Advances in Neural Information Processing Systems, vol. 35, pp. 31 265–31 277, 2022.
  • [15] M. Heo, S. Hwang, J. Hyun, H. Kim, S. W. Oh, J.-Y. Lee, and S. J. Kim, “A generalized framework for video instance segmentation,” in Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, 2023, pp. 14 623–14 632.
  • [16] B. Cheng, I. Misra, A. G. Schwing, A. Kirillov, and R. Girdhar, “Masked-attention mask transformer for universal image segmentation,” in Proceedings of the IEEE/CVF conference on computer vision and pattern recognition, 2022, pp. 1290–1299.
  • [17] L. Ke, M. Danelljan, H. Ding, Y.-W. Tai, C.-K. Tang, and F. Yu, “Mask-free video instance segmentation,” in Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, 2023, pp. 22 857–22 866.
  • [18] Q. Liu, V. Ramanathan, D. Mahajan, A. Yuille, and Z. Yang, “Weakly supervised instance segmentation for videos with temporal mask consistency,” in Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, 2021, pp. 13 968–13 978.
  • [19] F. Milletari, N. Navab, and S.-A. Ahmadi, “V-net: Fully convolutional neural networks for volumetric medical image segmentation,” in 2016 fourth international conference on 3D vision (3DV).   Ieee, 2016, pp. 565–571.
  • [20] T.-Y. Lin, P. Goyal, R. Girshick, K. He, and P. Dollár, “Focal loss for dense object detection,” in Proceedings of the IEEE international conference on computer vision, 2017, pp. 2980–2988.
  • [21] H. Su, J. Deng, and L. Fei-Fei, “Crowdsourcing annotations for visual object detection,” in Workshops at the twenty-sixth AAAI conference on artificial intelligence, 2012.
  • [22] L. Yang, Y. Fan, Y. Fu, and N. Xu, “The 3rd large-scale video object segmentation challenge - video instance segmentation track,” Jun. 2021.
  • [23] J. Qi, Y. Gao, Y. Hu, X. Wang, X. Liu, X. Bai, S. Belongie, A. Yuille, P. H. Torr, and S. Bai, “Occluded video instance segmentation: A benchmark,” International Journal of Computer Vision, vol. 130, no. 8, pp. 2022–2039, 2022.
  • [24] Y. Wu, A. Kirillov, F. Massa, W.-Y. Lo, and R. Girshick, “Detectron2,” https://github.com/facebookresearch/detectron2, 2019.
  • [25] K. He, X. Zhang, S. Ren, and J. Sun, “Deep residual learning for image recognition,” in Proceedings of the IEEE conference on computer vision and pattern recognition, 2016, pp. 770–778.
  • [26] Z. Liu, Y. Lin, Y. Cao, H. Hu, Y. Wei, Z. Zhang, S. Lin, and B. Guo, “Swin transformer: Hierarchical vision transformer using shifted windows,” in Proceedings of the IEEE/CVF international conference on computer vision, 2021, pp. 10 012–10 022.