All Projects → speedinghzl → Pytorch Deeplab

speedinghzl / Pytorch Deeplab

Licence: mit
DeepLab-ResNet rebuilt in Pytorch

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Pytorch Deeplab

Pytorch Deeplab Resnet
DeepLab resnet v2 model in pytorch
Stars: ✭ 584 (+129.92%)
Mutual labels:  semantic-segmentation, pascal-voc
Fcn Googlenet
GoogLeNet implementation of Fully Convolutional Networks for Semantic Segmentation in TensorFlow
Stars: ✭ 45 (-82.28%)
Mutual labels:  semantic-segmentation, pascal-voc
Edgenets
This repository contains the source code of our work on designing efficient CNNs for computer vision
Stars: ✭ 331 (+30.31%)
Mutual labels:  semantic-segmentation, pascal-voc
Tensorflow Deeplab V3
DeepLabv3 built in TensorFlow
Stars: ✭ 278 (+9.45%)
Mutual labels:  semantic-segmentation, pascal-voc
Dsrg
Weakly-Supervised Semantic Segmentation Network with Deep Seeded Region Growing (CVPR 2018).
Stars: ✭ 206 (-18.9%)
Mutual labels:  semantic-segmentation, pascal-voc
Tensorflow Deeplab Resnet
DeepLab-ResNet rebuilt in TensorFlow
Stars: ✭ 1,198 (+371.65%)
Mutual labels:  semantic-segmentation, pascal-voc
Pytorch Auto Drive
Segmentation models (ERFNet, ENet, DeepLab, FCN...) and Lane detection models (SCNN, SAD, PRNet, RESA, LSTR...) based on PyTorch 1.6 with mixed precision training
Stars: ✭ 32 (-87.4%)
Mutual labels:  semantic-segmentation, pascal-voc
DST-CBC
Implementation of our paper "DMT: Dynamic Mutual Training for Semi-Supervised Learning"
Stars: ✭ 98 (-61.42%)
Mutual labels:  semantic-segmentation, pascal-voc
Deeplab V2 Resnet 101 Tensorflow
An (re-)implementation of DeepLab v2 (ResNet-101) in TensorFlow for semantic image segmentation on the PASCAL VOC 2012 dataset.
Stars: ✭ 173 (-31.89%)
Mutual labels:  semantic-segmentation, pascal-voc
Chainer Pspnet
PSPNet in Chainer
Stars: ✭ 76 (-70.08%)
Mutual labels:  semantic-segmentation, pascal-voc
Tensorflow Deeplab Lfov
DeepLab-LargeFOV implemented in tensorflow
Stars: ✭ 218 (-14.17%)
Mutual labels:  semantic-segmentation, pascal-voc
FCN-Segmentation-TensorFlow
FCN for Semantic Image Segmentation achieving 68.5 mIoU on PASCAL VOC
Stars: ✭ 34 (-86.61%)
Mutual labels:  semantic-segmentation, pascal-voc
Grapy-ML
(AAAI2020)Grapy-ML: Graph Pyramid Mutual Learning for Cross-dataset Human Parsing
Stars: ✭ 50 (-80.31%)
Mutual labels:  semantic-segmentation
label-fusion
Volumetric Fusion of Multiple Semantic Labels and Masks
Stars: ✭ 18 (-92.91%)
Mutual labels:  semantic-segmentation
HoHoNet
"HoHoNet: 360 Indoor Holistic Understanding with Latent Horizontal Features" official pytorch implementation.
Stars: ✭ 65 (-74.41%)
Mutual labels:  semantic-segmentation
building-footprint-segmentation
Building footprint segmentation from satellite and aerial imagery
Stars: ✭ 26 (-89.76%)
Mutual labels:  semantic-segmentation
wsss-analysis
A Comprehensive Analysis of Weakly-Supervised Semantic Segmentation in Different Image Domains (IJCV submission)
Stars: ✭ 44 (-82.68%)
Mutual labels:  semantic-segmentation
SlideSeg
A Python module that produces image patches and annotation masks from whole slide images for deep learning in digital pathology.
Stars: ✭ 71 (-72.05%)
Mutual labels:  semantic-segmentation
pyconvsegnet
Semantic Segmentation PyTorch code for our paper: Pyramidal Convolution: Rethinking Convolutional Neural Networks for Visual Recognition (https://arxiv.org/pdf/2006.11538.pdf)
Stars: ✭ 32 (-87.4%)
Mutual labels:  semantic-segmentation
DLCV2018SPRING
Deep Learning for Computer Vision (CommE 5052) in NTU
Stars: ✭ 38 (-85.04%)
Mutual labels:  semantic-segmentation

DeepLab-ResNet-Pytorch

New! We have released Pytorch-Segmentation-Toolbox which contains PyTorch Implementations for DeeplabV3 and PSPNet with Better Reproduced Performance on cityscapes.

This is an (re-)implementation of DeepLab-ResNet in Pytorch for semantic image segmentation on the PASCAL VOC dataset.

Updates

9 July, 2017:

  • The training script train.py has been re-written following the original optimisation setup: SGD with momentum, weight decay, learning rate with polynomial decay, different learning rates for different layers, ignoring the 'void' label (255).
  • The training script with multi-scale inputs train_msc.py has been added: the input is resized to 0.5 and 0.75 of the original resolution, and 4 losses are aggregated: loss on the original resolution, on the 0.75 resolution, on the 0.5 resolution, and loss on the all fused outputs.
  • Evaluation of a single-scale model on the PASCAL VOC validation dataset (using 'SegmentationClassAug') leads to 74.0% mIoU 'VOC12_scenes_20000.pth' without CRF as post-processing step. The evaluation of multi-scale model is in progress.

Model Description

The DeepLab-ResNet is built on a fully convolutional variant of ResNet-101 with atrous (dilated) convolutions, atrous spatial pyramid pooling, and multi-scale inputs (not implemented here).

The model is trained on a mini-batch of images and corresponding ground truth masks with the softmax classifier at the top. During training, the masks are downsampled to match the size of the output from the network; during inference, to acquire the output of the same size as the input, bilinear upsampling is applied. The final segmentation mask is computed using argmax over the logits. Optionally, a fully-connected probabilistic graphical model, namely, CRF, can be applied to refine the final predictions. On the test set of PASCAL VOC, the model achieves 79.7% with CRFs and 76.4% without CRFs of mean intersection-over-union.

For more details on the underlying model please refer to the following paper:

@article{CP2016Deeplab,
  title={DeepLab: Semantic Image Segmentation with Deep Convolutional Nets, Atrous Convolution, and Fully Connected CRFs},
  author={Liang-Chieh Chen and George Papandreou and Iasonas Kokkinos and Kevin Murphy and Alan L Yuille},
  journal={arXiv:1606.00915},
  year={2016}
}

Dataset and Training

To train the network, one can use the augmented PASCAL VOC 2012 dataset with 10582 images for training and 1449 images for validation. Pytorch >= 0.4.0.

You can download converted init.caffemodel with extension name .pth here. Besides that, one can also exploit random scaling and mirroring of the inputs during training as a means for data augmentation. For example, to train the model from scratch with random scale and mirroring turned on, simply run:

python train.py --random-mirror --random-scale --gpu 0

Evaluation

The single-scale model shows 74.0% mIoU on the Pascal VOC 2012 validation dataset ('SegmentationClassAug'). No post-processing step with CRF is applied.

The following command provides the description of each of the evaluation settings:

python evaluate.py --help

Acknowledgment

This code is heavily borrowed from pytorch-deeplab-resnet.

Other implementations

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].