Skip to content

XuYunqiu/scribbleRGB-DSOD

Folders and files

NameName
Last commit message
Last commit date

Latest commit

 

History

11 Commits
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 

Repository files navigation

Scribble RGB-D SOD

This repository includes datasets, code and results for our paper:

Weakly Supervised RGB-D Salient Object Detection with Prediction Consistency Training and Active Scribble Boosting, IEEE TIP 2022

Abstract: RGB-D salient object detection (SOD) has attracted increasingly more attention as it shows more robust results in complex scenes compared with RGB SOD. However, state-of-the-art RGB-D SOD approaches heavily rely on a large amount of pixel-wise annotated data for training. Such densely labeled annotations are often labor-intensive and costly. To reduce the annotation burden, we investigate RGB-D SOD from a weakly supervised perspective. More specifically, we use annotator-friendly scribble annotations as supervision signals for model training. Since scribble annotations are much sparser compared to ground-truth masks, some critical object structure information might be neglected. To preserve such structure information, we explicitly exploit the complementary edge information from two modalities ( i.e. , RGB and depth). Specifically, we leverage the dual-modal edge guidance and introduce a new network architecture with a dual-edge detection module and a modality-aware feature fusion module. In order to use the useful information of unlabeled pixels, we introduce a prediction consistency training scheme by comparing the predictions of two networks optimized by different strategies. Moreover, we develop an active scribble boosting strategy to provide extra supervision signals with negligible annotation cost, leading to significant SOD performance improvement. Extensive experiments on seven benchmarks validate the superiority of our proposed method. Remarkably, the proposed method with scribble annotations achieves competitive performance in comparison to fully supervised state-of-the-art methods.

alt text

Installation

Requirements

  • Linux with Python ≥ 3.6
  • CUDA == 9.2
  • PyTorch == 1.4 and torchvision that matches the PyTorch installation
  • cv2, tqdm, scikit-learn

Note, other PyTorch and CUDA versions may bring performance degradation.

Data Preparation

Scribble RGB-D SOD Datasets (NJU2K-S & NLPR-S)

  • We manually re-label two widely used publicly available RGB-D SOD benchmarks (i.e., NJU2K and NLPR) with scribble annotattions, and use them as the training datasets. Please find the scribble datasets from Google Drive | Baidu Pan.

  • We use seven commonly used RGB-D SOD benchmarks (i.e., DES, LFSD, NJU2K_Test, NLPR_Test, SIP, SSD, STERE) as the testing datasets. Please find the testing datasets from Google Drive | Baidu Pan.

Download and unzip the training and testing datasets. The dataset directory needs to have the following directory structure:

dataset
├── train_data/
|   └── {depth,gray,gt,gt_mask,img,mask}/
└── test_data/
    └── {depth,gt,img}/
        └── {DES,LFSD,NJU2K_Test,NLPR_Test,SIP,SSD,STERE}/

The gt, mask and gt_mask in train_data contain foreground scribbles, foreground+background scribbles and ground-truth masks respectively. The gray contains grayscale images converted using this code.

We also provide the coarse scribbles labeled by annotator2 in Google Drive | Baidu Pan.

Getting Started

Training & Inference in Command Line

  1. To train a warm-up stage model, run
python train.py --output_dir /path/to/checkpoint_dir --warmup_stage
  1. To generate saliency maps using a trained warm-up stage model, run
python test.py --model_path /path/to/checkpoint_file --warmup_stage
  1. To train a mutual learning stage model, run
python train.py --output_dir /path/to/checkpoint_dir --warmup_model /path/to/checkpoint_file
  1. To generate saliency maps using a trained mutual learning stage model, run
python test.py --model_path /path/to/checkpoint_file

Evaluation

  • Python evaluation for MAE metric, run mae_eval.py

  • MATLAB evaluation for all metrics, run ./matlab_measure/rgbd_metric.m

Results with Pre-trained Models

Our pre-trained models and predicted saliency maps are available. All models are trained on a single NVIDIA V100-32G GPU. Average results over seven RGB-D SOD benchmarks are reported.

Name $S_{\alpha}$ $F_{\beta}^\text{mean}$ $E_{\xi}^\text{mean}$ MAE download (Google Drive) download (Baidu Pan)
SSAL-D .8399 .8243 .8959 .0612 saliency maps saliency maps
SCWC-D .8415 .8280 .9008 .0604 saliency maps saliency maps
BBSNet-W .8469 .8072 .9030 .0593 saliency maps saliency maps
ours w/o pct .8529 .8359 .9041 .0566 model | saliency maps model | saliency maps
ours .8633 .8398 .9096 .0549 model | saliency maps model | saliency maps
ours (anno2) .8550 .8245 .9036 .0596 model | saliency maps model | saliency maps
ours+ .8619 .8401 .9094 .0543 model | saliency maps model | saliency maps
ours+10%ABS .8677 .8456 .9115 .0529 model | saliency maps model | saliency maps
  • SSAL-D, SCWC-D and BBSNet-W are our implemented scribble-based RGB-D SOD variants.

  • ours w/o pct is the warm-up stage model. To obtain saliency maps using the pre-trained models run

python test.py --model_path /path/to/checkpoint_file --warmup_stage
  • ours and ours(anno2) are the mutual learning stage models trained with scribbles labeled by annotator1 (default) and annotator2 respectively. To obtain saliency maps using the pre-trained models run
python test.py --model_path /path/to/checkpoint_file 
  • ours+ and ours+10%ABS are the second-round models, where ours+ is self-training model without extra scribbles and ours+10%ABS is trained with 10% extra scribbles selected by ABS. To obtain saliency maps using the pre-trained models run
python test.py --model_path /path/to/checkpoint_file --second_round

Citation

If you find this project useful for your research, please use the following BibTeX entry.

@article{xu2022weakly,
  title={Weakly Supervised RGB-D Salient Object Detection with Prediction Consistency Training and Active Scribble Boosting},
  author={Xu, Yunqiu and Yu, Xin and Zhang, Jing and Zhu, Linchao and Wang, Dadong},
  journal={IEEE Transactions on Image Processing},
  year={2022},
  volume={31},
  pages={2148-2161},
  doi={10.1109/TIP.2022.3151999}
}

License

This project is released under the MIT license.

Acknowledgement

We build the project based on Scribble_Saliency. Thanks for their contribution.

Contact

If you have any questions, please drop me an email: imyunqiuxu@gmail.com

About

[TIP 2022] official repo of "Weakly Supervised RGB-D Salient Object Detection with Prediction Consistency Training and Active Scribble Boosting"

Topics

Resources

License

Stars

Watchers

Forks

Releases

No releases published

Packages

No packages published