All Projects → jfzhang95 → Pytorch Deeplab Xception

jfzhang95 / Pytorch Deeplab Xception

Licence: mit
DeepLab v3+ model in PyTorch. Support different backbones.

Programming Languages

python
139335 projects - #7 most used programming language
shell
77523 projects

Projects that are alternatives of or similar to Pytorch Deeplab Xception

Tensorrtx
Implementation of popular deep learning networks with TensorRT network definition API
Stars: ✭ 3,456 (+40.15%)
Mutual labels:  resnet, mobilenetv2
SAN
[ECCV 2020] Scale Adaptive Network: Learning to Learn Parameterized Classification Networks for Scalable Input Images
Stars: ✭ 41 (-98.34%)
Mutual labels:  resnet, mobilenetv2
mobilenetv2 deeplabv3 pytorch
Try to implement deeplab v3+ on pytorch according to offical demo.
Stars: ✭ 42 (-98.3%)
Mutual labels:  mobilenetv2, deeplab-v3-plus
pyro-vision
Computer vision library for wildfire detection
Stars: ✭ 33 (-98.66%)
Mutual labels:  resnet, mobilenetv2
Deeplabv3plus Pytorch
DeepLabv3, DeepLabv3+ and pretrained weights on VOC & Cityscapes
Stars: ✭ 337 (-86.33%)
Mutual labels:  resnet, mobilenetv2
RMNet
RM Operation can equivalently convert ResNet to VGG, which is better for pruning; and can help RepVGG perform better when the depth is large.
Stars: ✭ 129 (-94.77%)
Mutual labels:  resnet, mobilenetv2
TensorMONK
A collection of deep learning models (PyTorch implemtation)
Stars: ✭ 21 (-99.15%)
Mutual labels:  resnet, mobilenetv2
Tensornets
High level network definitions with pre-trained weights in TensorFlow
Stars: ✭ 982 (-60.18%)
Mutual labels:  resnet, mobilenetv2
Pytorch Cifar100
Practice on cifar100(ResNet, DenseNet, VGG, GoogleNet, InceptionV3, InceptionV4, Inception-ResNetv2, Xception, Resnet In Resnet, ResNext,ShuffleNet, ShuffleNetv2, MobileNet, MobileNetv2, SqueezeNet, NasNet, Residual Attention Network, SENet, WideResNet)
Stars: ✭ 2,423 (-1.74%)
Mutual labels:  resnet, xception
Hypernsfw
基于深度学习图片鉴黄 Caffe implementation of Not Suitable for Work (NSFW)
Stars: ✭ 143 (-94.2%)
Mutual labels:  mobilenetv2
Iresnet
Improved Residual Networks (https://arxiv.org/pdf/2004.04989.pdf)
Stars: ✭ 163 (-93.39%)
Mutual labels:  resnet
Nsfw Resnet
🔥🔥NSFW implement in pytorch(色情图&性感图识别,本程序经过了线上大数据集测试,性能优异效果良好)🔥🔥
Stars: ✭ 142 (-94.24%)
Mutual labels:  resnet
Captcha trainer pytorch
基于MobileNetV2/EfficientNet-b0/... + LSTM + CTC的不定长图像识别训练pytorch框架
Stars: ✭ 145 (-94.12%)
Mutual labels:  mobilenetv2
Tensorflow Cnn Finetune
Finetuning AlexNet, VGGNet and ResNet with TensorFlow
Stars: ✭ 166 (-93.27%)
Mutual labels:  resnet
Yolov3
yolov3 by pytorch
Stars: ✭ 142 (-94.24%)
Mutual labels:  mobilenetv2
Machine Learning Is All You Need
🔥🌟《Machine Learning 格物志》: ML + DL + RL basic codes and notes by sklearn, PyTorch, TensorFlow, Keras & the most important, from scratch!💪 This repository is ALL You Need!
Stars: ✭ 173 (-92.98%)
Mutual labels:  resnet
Paddlex
PaddlePaddle End-to-End Development Toolkit(『飞桨』深度学习全流程开发工具)
Stars: ✭ 3,399 (+37.83%)
Mutual labels:  resnet
Mobilenetv2
Stars: ✭ 138 (-94.4%)
Mutual labels:  mobilenetv2
Retinaface Tf2
RetinaFace (Single-stage Dense Face Localisation in the Wild, 2019) implemented (ResNet50, MobileNetV2 trained on single GPU) in Tensorflow 2.0+. This is an unofficial implementation. With Colab.
Stars: ✭ 178 (-92.78%)
Mutual labels:  mobilenetv2
Senet Caffe
A Caffe Re-Implementation of SENet
Stars: ✭ 169 (-93.15%)
Mutual labels:  resnet

pytorch-deeplab-xception

Update on 2018/12/06. Provide model trained on VOC and SBD datasets.

Update on 2018/11/24. Release newest version code, which fix some previous issues and also add support for new backbones and multi-gpu training. For previous code, please see in previous branch

TODO

  • Support different backbones
  • Support VOC, SBD, Cityscapes and COCO datasets
  • Multi-GPU training
Backbone train/eval os mIoU in val Pretrained Model
ResNet 16/16 78.43% google drive
MobileNet 16/16 70.81% google drive
DRN 16/16 78.87% google drive

Introduction

This is a PyTorch(0.4.1) implementation of DeepLab-V3-Plus. It can use Modified Aligned Xception and ResNet as backbone. Currently, we train DeepLab V3 Plus using Pascal VOC 2012, SBD and Cityscapes datasets.

Results

Installation

The code was tested with Anaconda and Python 3.6. After installing the Anaconda environment:

  1. Clone the repo:

    git clone https://github.com/jfzhang95/pytorch-deeplab-xception.git
    cd pytorch-deeplab-xception
  2. Install dependencies:

    For PyTorch dependency, see pytorch.org for more details.

    For custom dependencies:

    pip install matplotlib pillow tensorboardX tqdm

Training

Follow steps below to train your model:

  1. Configure your dataset path in mypath.py.

  2. Input arguments: (see full input arguments via python train.py --help):

    usage: train.py [-h] [--backbone {resnet,xception,drn,mobilenet}]
                [--out-stride OUT_STRIDE] [--dataset {pascal,coco,cityscapes}]
                [--use-sbd] [--workers N] [--base-size BASE_SIZE]
                [--crop-size CROP_SIZE] [--sync-bn SYNC_BN]
                [--freeze-bn FREEZE_BN] [--loss-type {ce,focal}] [--epochs N]
                [--start_epoch N] [--batch-size N] [--test-batch-size N]
                [--use-balanced-weights] [--lr LR]
                [--lr-scheduler {poly,step,cos}] [--momentum M]
                [--weight-decay M] [--nesterov] [--no-cuda]
                [--gpu-ids GPU_IDS] [--seed S] [--resume RESUME]
                [--checkname CHECKNAME] [--ft] [--eval-interval EVAL_INTERVAL]
                [--no-val]
    
  3. To train deeplabv3+ using Pascal VOC dataset and ResNet as backbone:

    bash train_voc.sh
  4. To train deeplabv3+ using COCO dataset and ResNet as backbone:

    bash train_coco.sh

Acknowledgement

PyTorch-Encoding

Synchronized-BatchNorm-PyTorch

drn

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