All Projects → chenxi116 → Deeplabv3.pytorch

chenxi116 / Deeplabv3.pytorch

Licence: other
PyTorch implementation of DeepLabv3

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Deeplabv3.pytorch

Cct
[CVPR 2020] Semi-Supervised Semantic Segmentation with Cross-Consistency Training.
Stars: ✭ 171 (-18.96%)
Mutual labels:  semantic-segmentation
Pixelnet
The repository contains source code and models to use PixelNet architecture used for various pixel-level tasks. More details can be accessed at <http://www.cs.cmu.edu/~aayushb/pixelNet/>.
Stars: ✭ 194 (-8.06%)
Mutual labels:  semantic-segmentation
Dsrg
Weakly-Supervised Semantic Segmentation Network with Deep Seeded Region Growing (CVPR 2018).
Stars: ✭ 206 (-2.37%)
Mutual labels:  semantic-segmentation
Imgclsmob
Sandbox for training deep learning networks
Stars: ✭ 2,405 (+1039.81%)
Mutual labels:  semantic-segmentation
Cgnet
CGNet: A Light-weight Context Guided Network for Semantic Segmentation [IEEE Transactions on Image Processing 2020]
Stars: ✭ 186 (-11.85%)
Mutual labels:  semantic-segmentation
Fastseg
📸 PyTorch implementation of MobileNetV3 for real-time semantic segmentation, with pretrained weights & state-of-the-art performance
Stars: ✭ 202 (-4.27%)
Mutual labels:  semantic-segmentation
Mseg Api
An Official Repo of CVPR '20 "MSeg: A Composite Dataset for Multi-Domain Segmentation"
Stars: ✭ 158 (-25.12%)
Mutual labels:  semantic-segmentation
Intrada
Unsupervised Intra-domain Adaptation for Semantic Segmentation through Self-Supervision (CVPR 2020 Oral)
Stars: ✭ 211 (+0%)
Mutual labels:  semantic-segmentation
Sarosperceptionkitti
ROS package for the Perception (Sensor Processing, Detection, Tracking and Evaluation) of the KITTI Vision Benchmark Suite
Stars: ✭ 193 (-8.53%)
Mutual labels:  semantic-segmentation
Semantic Segmentation Suite
Semantic Segmentation Suite in TensorFlow. Implement, train, and test new Semantic Segmentation models easily!
Stars: ✭ 2,395 (+1035.07%)
Mutual labels:  semantic-segmentation
Torchdistill
PyTorch-based modular, configuration-driven framework for knowledge distillation. 🏆18 methods including SOTA are implemented so far. 🎁 Trained models, training logs and configurations are available for ensuring the reproducibiliy.
Stars: ✭ 177 (-16.11%)
Mutual labels:  semantic-segmentation
Eye In The Sky
Satellite Image Classification using semantic segmentation methods in deep learning
Stars: ✭ 185 (-12.32%)
Mutual labels:  semantic-segmentation
Seg Uncertainty
IJCAI2020 & IJCV 2020 🌇 Unsupervised Scene Adaptation with Memory Regularization in vivo
Stars: ✭ 202 (-4.27%)
Mutual labels:  semantic-segmentation
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 (-18.01%)
Mutual labels:  semantic-segmentation
Cagnet Zero Shot Semantic Segmentation
Code for our ACMMM2020 paper "Context-aware Feature Generation for Zero-shot Semantic Segmentation".
Stars: ✭ 208 (-1.42%)
Mutual labels:  semantic-segmentation
Kili Playground
Simplest and fastest image and text annotation tool.
Stars: ✭ 166 (-21.33%)
Mutual labels:  semantic-segmentation
Keras Unet
Helper package with multiple U-Net implementations in Keras as well as useful utility tools helpful when working with image semantic segmentation tasks. This library and underlying tools come from multiple projects I performed working on semantic segmentation tasks
Stars: ✭ 196 (-7.11%)
Mutual labels:  semantic-segmentation
Fcn
Chainer Implementation of Fully Convolutional Networks. (Training code to reproduce the original result is available.)
Stars: ✭ 211 (+0%)
Mutual labels:  semantic-segmentation
Computervisiondatasets
Stars: ✭ 207 (-1.9%)
Mutual labels:  semantic-segmentation
Fast Semantic Segmentation
ICNet and PSPNet-50 in Tensorflow for real-time semantic segmentation
Stars: ✭ 203 (-3.79%)
Mutual labels:  semantic-segmentation

DeepLabv3.pytorch

This is a PyTorch implementation of DeepLabv3 that aims to reuse the resnet implementation in torchvision as much as possible. This means we use the PyTorch model checkpoint when finetuning from ImageNet, instead of the one provided in TensorFlow.

We try to match every detail in DeepLabv3, except that Multi-Grid other than (1, 1, 1) is not yet supported. On PASCAL VOC 2012 validation set, using the same hyperparameters, we reproduce the performance reported in the paper (GPU with 16GB memory is required). We also support the combination of Group Normalization + Weight Standardization:

Implementation Normalization Multi-Grid ASPP Image Pooling mIOU
Paper BN (1, 2, 4) (6, 12, 18) Yes 77.21
Ours BN (1, 1, 1) (6, 12, 18) Yes 76.49
Ours GN+WS (1, 1, 1) (6, 12, 18) Yes 77.20

To run the BN experiment, after preparing the dataset as follows, simply run:

python main.py --train --exp bn_lr7e-3 --epochs 50 --base_lr 0.007

To test the trained model, use the same command except delete --train. To use our trained model (76.49):

wget https://cs.jhu.edu/~cxliu/data/deeplab_resnet101_pascal_v3_bn_lr7e-3_epoch50.pth -P data/

To run the GN+WS experiment, begin by downloading the GN+WS ResNet101 trained on ImageNet:

wget https://cs.jhu.edu/~syqiao/WeightStandardization/R-101-GN-WS.pth.tar -P data/
python main.py --train --exp gn_ws_lr7e-3 --epochs 50 --base_lr 0.007 --groups 32 --weight_std

Again, to test the trained model, use the same command except delete --train. To use our trained model (77.20):

wget https://cs.jhu.edu/~cxliu/data/deeplab_resnet101_pascal_v3_gn_ws_lr7e-3_epoch50.pth -P data/

Prepare PASCAL VOC 2012 Dataset

mkdir data
cd data
wget http://host.robots.ox.ac.uk/pascal/VOC/voc2012/VOCtrainval_11-May-2012.tar
tar -xf VOCtrainval_11-May-2012.tar
cd VOCdevkit/VOC2012/
wget http://cs.jhu.edu/~cxliu/data/SegmentationClassAug.zip
wget http://cs.jhu.edu/~cxliu/data/SegmentationClassAug_Visualization.zip
wget http://cs.jhu.edu/~cxliu/data/list.zip
unzip SegmentationClassAug.zip
unzip SegmentationClassAug_Visualization.zip
unzip list.zip

Prepare Cityscapes Dataset

unzip leftImg8bit_trainvaltest.zip
unzip gtFine_trainvaltest.zip
git clone https://github.com/mcordts/cityscapesScripts.git
mv cityscapesScripts/cityscapesscripts ./
rm -rf cityscapesScripts
python cityscapesscripts/preparation/createTrainIdLabelImgs.py
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].