All Projects → GuoleiSun → MCIS_wsss

GuoleiSun / MCIS_wsss

Licence: other
Code for ECCV 2020 paper (oral): Mining Cross-Image Semantics for Weakly Supervised Semantic Segmentation

Programming Languages

C++
36643 projects - #6 most used programming language
python
139335 projects - #7 most used programming language
Cuda
1817 projects
CMake
9771 projects
matlab
3953 projects
Makefile
30231 projects
shell
77523 projects

Projects that are alternatives of or similar to MCIS wsss

SPML
Universal Weakly Supervised Segmentation by Pixel-to-Segment Contrastive Learning
Stars: ✭ 81 (-46.36%)
Mutual labels:  semantic-segmentation, weakly-supervised-learning
IAST-ECCV2020
IAST: Instance Adaptive Self-training for Unsupervised Domain Adaptation (ECCV 2020) https://teacher.bupt.edu.cn/zhuchuang/en/index.htm
Stars: ✭ 84 (-44.37%)
Mutual labels:  semantic-segmentation, eccv2020
WS3D
Official version of 'Weakly Supervised 3D object detection from Lidar Point Cloud'(ECCV2020)
Stars: ✭ 104 (-31.13%)
Mutual labels:  weakly-supervised-learning, eccv2020
Simple-does-it-weakly-supervised-instance-and-semantic-segmentation
Weakly Supervised Segmentation by Tensorflow. Implements semantic segmentation in Simple Does It: Weakly Supervised Instance and Semantic Segmentation, by Khoreva et al. (CVPR 2017).
Stars: ✭ 46 (-69.54%)
Mutual labels:  semantic-segmentation, weakly-supervised-learning
Segmentation
TensorFlow implementation of ENet, trained on the Cityscapes dataset.
Stars: ✭ 243 (+60.93%)
Mutual labels:  semantic-segmentation
Nncf
PyTorch*-based Neural Network Compression Framework for enhanced OpenVINO™ inference
Stars: ✭ 218 (+44.37%)
Mutual labels:  semantic-segmentation
Tensorflow Deeplab Lfov
DeepLab-LargeFOV implemented in tensorflow
Stars: ✭ 218 (+44.37%)
Mutual labels:  semantic-segmentation
Deeplabv3.pytorch
PyTorch implementation of DeepLabv3
Stars: ✭ 211 (+39.74%)
Mutual labels:  semantic-segmentation
nobrainer
A framework for developing neural network models for 3D image processing.
Stars: ✭ 123 (-18.54%)
Mutual labels:  semantic-segmentation
image-segmentation
Mask R-CNN, FPN, LinkNet, PSPNet and UNet with multiple backbone architectures support readily available
Stars: ✭ 62 (-58.94%)
Mutual labels:  semantic-segmentation
Fast Scnn Pytorch
A PyTorch Implementation of Fast-SCNN: Fast Semantic Segmentation Network
Stars: ✭ 239 (+58.28%)
Mutual labels:  semantic-segmentation
Cylinder3d
Rank 1st in the leaderboard of SemanticKITTI semantic segmentation (both single-scan and multi-scan) (Nov. 2020) (CVPR2021 Oral)
Stars: ✭ 221 (+46.36%)
Mutual labels:  semantic-segmentation
Cocostuff10k
The official homepage of the (outdated) COCO-Stuff 10K dataset.
Stars: ✭ 248 (+64.24%)
Mutual labels:  semantic-segmentation
Smoothly Blend Image Patches
Using a U-Net for image segmentation, blending predicted patches smoothly is a must to please the human eye.
Stars: ✭ 218 (+44.37%)
Mutual labels:  semantic-segmentation
ResUNetPlusPlus-with-CRF-and-TTA
ResUNet++, CRF, and TTA for segmentation of medical images (IEEE JBIHI)
Stars: ✭ 98 (-35.1%)
Mutual labels:  semantic-segmentation
Lightnetplusplus
LightNet++: Boosted Light-weighted Networks for Real-time Semantic Segmentation
Stars: ✭ 218 (+44.37%)
Mutual labels:  semantic-segmentation
Decouplesegnets
Implementation of Our ECCV2020-work: Improving Semantic Segmentation via Decoupled Body and Edge Supervision
Stars: ✭ 232 (+53.64%)
Mutual labels:  semantic-segmentation
VT-UNet
[MICCAI2022] This is an official PyTorch implementation for A Robust Volumetric Transformer for Accurate 3D Tumor Segmentation
Stars: ✭ 151 (+0%)
Mutual labels:  semantic-segmentation
Unet Pytorch
U-Net implementation for PyTorch based on https://arxiv.org/abs/1505.04597
Stars: ✭ 229 (+51.66%)
Mutual labels:  semantic-segmentation
Asis
Associatively Segmenting Instances and Semantics in Point Clouds, CVPR 2019
Stars: ✭ 228 (+50.99%)
Mutual labels:  semantic-segmentation

MCIS_wsss

Code for Mining Cross-Image Semantics for Weakly Supervised Semantic Segmentation ECCV 2020 paper (oral)

CVPR 2020 Learning from Imperfect Data (LID) workshop Best Paper Award and winner solution in WSSS Track of CVPR2020 LID challenge

===========================================================================

Authors: Guolei Sun, Wenguan Wang, Jifeng Dai, Luc Van Gool.

===========================================================================

block images

Quick Start

Test

  1. Install Caffe: install prerequisites, then go to segmentation folder and run "make all -j4 && make pycaffe" to compile. To continue, make sure Caffe is installed correctly by referring to Caffe.

  2. Download the PASCAL VOC 2012 and pretrained segmentation model. Put the segmentation model in folder segmentation/examples/seg/exp2/model/

  3. Go to segmentation/examples/seg, change the dataset path when necessary, and run "python eval_res.py gpu_id exp2 model", where "gpu_id" is the gpu to perform experiment. You will get mIoU score of 66.2 on PASCAL VOC12 val set.

Training

The training process contains following steps:

  1. Train a co-attention classifier. The implementation of co-attention can be found here. Go to "Classifier" folder and run "./train.sh". After the training is done, to generate localization maps, run "./test.sh". Make sure that you modify the data path in both scripts accordingly.

  2. Generate pseudo ground-truth. Adjust paths in "gen_gt.py" and then run "python gen_gt.py". Next, run "python convert.py" to convert pseudo mask into grey scale for training a fully supervised segmentation model. Saliency maps can be downloaded here.

  3. Train a fully supervised semantic segmentation model. Go to "segmentation/examples/seg/" folder and run "./train_res.sh exp2 gpu_id", where "gpu_id" is the gpu to conduct training. Note that you need to adjust training list in "exp2/train_ins.txt", where you should include the path of pseudo ground-truth masks.

Citation

If you find the code and dataset useful in your research, please consider citing:

@InProceedings{sun2020mining,

title={Mining Cross-Image Semantics for Weakly Supervised Semantic Segmentation},

author={Sun, Guolei and Wang, Wenguan and Dai, Jifeng and Van Gool, Luc},

booktitle={ECCV},

year={2020} }

Acknowledgements

This repository is largely based on OAA and thanks for their excellent work. We follow the same steps as OAA to conduct WSSS. Hence, you may find answers to your questions from OAA.

For other questions, please contact [email protected]

Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].