Coder Social home page Coder Social logo

dreadlord1984 / semantic-segmentation-pytorch Goto Github PK

View Code? Open in Web Editor NEW

This project forked from csailvision/semantic-segmentation-pytorch

0.0 1.0 0.0 3.86 MB

Pytorch implementation for Semantic Segmentation/Scene Parsing on MIT ADE20K dataset

Home Page: http://sceneparsing.csail.mit.edu/

License: BSD 3-Clause "New" or "Revised" License

Python 99.28% Shell 0.72%

semantic-segmentation-pytorch's Introduction

Semantic Segmentation on MIT ADE20K dataset in PyTorch

This is a PyTorch implementation of semantic segmentation models on MIT ADE20K scene parsing dataset.

ADE20K is the largest open source dataset for semantic segmentation and scene parsing, released by MIT Computer Vision team. Follow the link below to find the repository for our dataset and implementations on Caffe and Torch7: https://github.com/CSAILVision/sceneparsing

All pretrained models can be found at: http://sceneparsing.csail.mit.edu/model/pytorch

[From left to right: Test Image, Ground Truth, Predicted Result]

Color encoding of semantic categories can be found here: https://docs.google.com/spreadsheets/d/1se8YEtb2detS7OuPE86fXGyD269pMycAWe2mtKUj2W8/edit?usp=sharing

Highlights

Syncronized Batch Normalization on PyTorch

This module computes the mean and standard-deviation across all devices during training. We empirically find that a reasonable large batch size is important for segmentation. We thank Jiayuan Mao for his kind contributions, please refer to Synchronized-BatchNorm-PyTorch for details.

The implementation is easy to use as:

  • It is pure-python, no C++ extra extension libs.
  • It is completely compatible with PyTorch's implementation. Specifically, it uses unbiased variance to update the moving average, and use sqrt(max(var, eps)) instead of sqrt(var + eps).
  • It is efficient, only 20% to 30% slower than UnsyncBN.

Dynamic scales of input for training with multiple GPUs

For the task of semantic segmentation, it is good to keep aspect ratio of images during training. So we re-implement the DataParallel module, and make it support distributing data to multiple GPUs in python dict, so that each gpu can process images of different sizes. At the same time, the dataloader also operates differently.

Now the batch size of a dataloader always equals to the number of GPUs, each element will be sent to a GPU. It is also compatible with multi-processing. Note that the file index for the multi-processing dataloader is stored on the master process, which is in contradict to our goal that each worker maintains its own file list. So we use a trick that although the master process still gives dataloader an index for __getitem__ function, we just ignore such request and send a random batch dict. Also, the multiple workers forked by the dataloader all have the same seed, you will find that multiple workers will yield exactly the same data, if we use the above-mentioned trick directly. Therefore, we add one line of code which sets the defaut seed for numpy.random before activating multiple worker in dataloader.

An Efficient and Effective Framework: UPerNet

UPerNet is a model based on Feature Pyramid Network (FPN) and Pyramid Pooling Module (PPM). It doesn't need dilated convolution, an operator that is time-and-memory consuming. Without bells and whistles, it is comparable or even better compared with PSPNet, while requiring much shorter training time and less GPU memory (e.g., you cannot train a PSPNet-101 on TITAN Xp GPUs with only 12GB memory, while you can train a UPerNet-101 on such GPUs). Thanks to the efficient network design, we will soon open source stronger models of UPerNet based on ResNeXt that is able to run on normal GPUs. Please refer to UperNet for details.

Supported models

We split our models into encoder and decoder, where encoders are usually modified directly from classification networks, and decoders consist of final convolutions and upsampling.

Encoder:

  • MobileNetV2dilated
  • ResNet18dilated
  • ResNet50dilated
  • ResNet101dilated

Coming soon:

  • ResNeXt101dilated

Decoder:

  • C1 (1 convolution module)
  • C1_deepsup (C1 + deep supervision trick)
  • PPM (Pyramid Pooling Module, see PSPNet paper for details.)
  • PPM_deepsup (PPM + deep supervision trick)
  • UPerNet (Pyramid Pooling + FPN head, see UperNet for details.)

Performance:

IMPORTANT: We use our self-trained base model on ImageNet. The model takes the input in BGR form (consistent with opencv) instead of RGB form as used by default implementation of PyTorch. The base model will be automatically downloaded when needed.

Architecture MultiScale Testing Mean IoU Pixel Accuracy(%) Overall Score Inference Speed(fps) Training Time(hours)
MobileNetV2dilated + C1_deepsup No32.3975.7554.07 17.2 0.8 * 20 = 16
Yes33.7576.7555.25 10.3
MobileNetV2dilated + PPM_deepsup No35.7677.7756.27 14.9 0.9 * 20 = 18.0
Yes36.2878.2657.27 6.7
ResNet18dilated + C1_deepsup No33.8276.0554.94 13.9 0.42 * 20 = 8.4
Yes35.3477.4156.38 5.8
ResNet18dilated + PPM_deepsup No38.0078.6458.32 11.7 1.1 * 20 = 22.0
Yes38.8179.2959.05 4.2
ResNet50dilated + PPM_deepsup No41.2679.7360.50 8.3 1.67 * 20 = 33.4
Yes42.0480.2361.14 2.6
ResNet101dilated + PPM_deepsup No42.1980.5961.39 6.8 3.82 * 25 = 95.5
Yes42.5380.9161.72 2.0
UperNet50 No40.4479.8060.12 8.4 1.75 * 20 = 35.0
Yes41.5580.2360.89 2.9
UperNet101 No42.0080.7961.40 7.8 2.5 * 25 = 62.5
Yes42.6681.0161.84 2.3
UPerNet-ResNext101 (coming soon!) ---- - -

The training is benchmarked on a server with 8 NVIDIA Pascal Titan Xp GPUs (12GB GPU memory), except for ResNet101dilated, which is benchmarked on a server with 8 NVIDIA Tesla P40 GPUS (22GB GPU memory), because of the insufficient memory issue when using dilated conv on a very deep network. The inference speed is benchmarked a single NVIDIA Pascal Titan Xp GPU, without visualization.

Environment

The code is developed under the following configurations.

  • Hardware: 1-8 GPUs (with at least 12G GPU memories) (change [--gpus GPUS] accordingly)
  • Software: Ubuntu 16.04.3 LTS, CUDA>=8.0, Python>=3.5, PyTorch>=0.4.0

Quick start: Test on an image using our trained model

  1. Here is a simple demo to do inference on a single image:
chmod +x demo_test.sh
./demo_test.sh

This script downloads a trained model (ResNet50dilated + PPM_deepsup) and a test image, runs the test script, and saves predicted segmentation (.png) to the working directory.

  1. To test on multiple images or a folder of images, you can simply do something as the following ($PATH_IMG1, $PATH_IMG2, $PATH_IMG3are your image paths):
python3 -u test.py \
  --model_path $MODEL_PATH \
  --test_imgs $PATH_IMG1 $PATH_IMG2 $PATH_IMG3 \
  --arch_encoder resnet50dilated \
  --arch_decoder ppm_deepsup
  1. See full input arguments via python3 test.py -h.

Training

  1. Download the ADE20K scene parsing dataset:
chmod +x download_ADE20K.sh
./download_ADE20K.sh
  1. Train a model (default: ResNet50dilated + PPM_deepsup). During training, checkpoints will be saved in folder ckpt.
python3 train.py --gpus GPUS
  • To choose which gpus to use, you can either do --gpus 0-7, or --gpus 0,2,4,6.

For example:

  • Train MobileNetV2dilated + C1_deepsup
python3 train.py --gpus GPUS \
    --arch_encoder mobilenetv2dilated --arch_decoder c1_deepsup \
    --fc_dim 320
  • Train ResNet18dilated + PPM_deepsup
python3 train.py --gpus GPUS \
    --arch_encoder resnet18dilated --arch_decoder ppm_deepsup \
    --fc_dim 512
  • Train UPerNet101
python3 train.py --gpus GPUS \
    --arch_encoder resnet101 --arch_decoder upernet \
    --segm_downsampling_rate 4 --padding_constant 32
  1. See full input arguments via python3 train.py -h .

Evaluation

  1. Evaluate a trained model on the validation set. --id is the folder name under ckpt directory. --suffix defines which checkpoint to use, for example _epoch_20.pth. Add --visualize option to output visualizations as shown in teaser.
python3 eval_multipro.py --gpus GPUS --id MODEL_ID --suffix SUFFIX

For example:

  • Evaluate MobileNetV2dilated + C1_deepsup
python3 eval_multipro.py --gpus GPUS \
    --id MODEL_ID --suffix SUFFIX --arch_encoder mobilenetv2dilated --arch_decoder c1_deepsup \
    --fc_dim 320
  • Evaluate ResNet18dilated + PPM_deepsup
python3 eval_multipro.py --gpus GPUS \
    --id MODEL_ID --suffix SUFFIX --arch_encoder resnet18dilated --arch_decoder ppm_deepsup \
    --fc_dim 512
  • Evaluate UPerNet101
python3 eval_multipro.py --gpus GPUS \
    --id MODEL_ID --suffix SUFFIX --arch_encoder resnet101 --arch_decoder upernet \
    --padding_constant 32
  1. See full input arguments via python3 eval_multipro.py -h .

Reference

If you find the code or pre-trained models useful, please cite the following papers:

Semantic Understanding of Scenes through ADE20K Dataset. B. Zhou, H. Zhao, X. Puig, T. Xiao, S. Fidler, A. Barriuso and A. Torralba. International Journal on Computer Vision (IJCV), 2018. (https://arxiv.org/pdf/1608.05442.pdf)

@article{zhou2018semantic,
  title={Semantic understanding of scenes through the ade20k dataset},
  author={Zhou, Bolei and Zhao, Hang and Puig, Xavier and Xiao, Tete and Fidler, Sanja and Barriuso, Adela and Torralba, Antonio},
  journal={International Journal on Computer Vision},
  year={2018}
}

Scene Parsing through ADE20K Dataset. B. Zhou, H. Zhao, X. Puig, S. Fidler, A. Barriuso and A. Torralba. Computer Vision and Pattern Recognition (CVPR), 2017. (http://people.csail.mit.edu/bzhou/publication/scene-parse-camera-ready.pdf)

@inproceedings{zhou2017scene,
    title={Scene Parsing through ADE20K Dataset},
    author={Zhou, Bolei and Zhao, Hang and Puig, Xavier and Fidler, Sanja and Barriuso, Adela and Torralba, Antonio},
    booktitle={Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition},
    year={2017}
}

semantic-segmentation-pytorch's People

Contributors

hangzhaomit avatar marcoforte avatar zhoubolei avatar

Watchers

 avatar

Recommend Projects

  • React photo React

    A declarative, efficient, and flexible JavaScript library for building user interfaces.

  • Vue.js photo Vue.js

    ๐Ÿ–– Vue.js is a progressive, incrementally-adoptable JavaScript framework for building UI on the web.

  • Typescript photo Typescript

    TypeScript is a superset of JavaScript that compiles to clean JavaScript output.

  • TensorFlow photo TensorFlow

    An Open Source Machine Learning Framework for Everyone

  • Django photo Django

    The Web framework for perfectionists with deadlines.

  • D3 photo D3

    Bring data to life with SVG, Canvas and HTML. ๐Ÿ“Š๐Ÿ“ˆ๐ŸŽ‰

Recommend Topics

  • javascript

    JavaScript (JS) is a lightweight interpreted programming language with first-class functions.

  • web

    Some thing interesting about web. New door for the world.

  • server

    A server is a program made to process requests and deliver data to clients.

  • Machine learning

    Machine learning is a way of modeling and interpreting data that allows a piece of software to respond intelligently.

  • Game

    Some thing interesting about game, make everyone happy.

Recommend Org

  • Facebook photo Facebook

    We are working to build community through open source technology. NB: members must have two-factor auth.

  • Microsoft photo Microsoft

    Open source projects and samples from Microsoft.

  • Google photo Google

    Google โค๏ธ Open Source for everyone.

  • D3 photo D3

    Data-Driven Documents codes.