All Projects → voldemortX → Pytorch Auto Drive

voldemortX / Pytorch Auto Drive

Licence: bsd-3-clause
Segmentation models (ERFNet, ENet, DeepLab, FCN...) and Lane detection models (SCNN, SAD, PRNet, RESA, LSTR...) based on PyTorch 1.6 with mixed precision training

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Pytorch Auto Drive

DST-CBC
Implementation of our paper "DMT: Dynamic Mutual Training for Semi-Supervised Learning"
Stars: ✭ 98 (+206.25%)
Mutual labels:  tensorboard, semantic-segmentation, pascal-voc, cityscapes
Fcn Googlenet
GoogLeNet implementation of Fully Convolutional Networks for Semantic Segmentation in TensorFlow
Stars: ✭ 45 (+40.63%)
Mutual labels:  semantic-segmentation, pascal-voc, fcn
Edgenets
This repository contains the source code of our work on designing efficient CNNs for computer vision
Stars: ✭ 331 (+934.38%)
Mutual labels:  semantic-segmentation, cityscapes, pascal-voc
Lightnetplusplus
LightNet++: Boosted Light-weighted Networks for Real-time Semantic Segmentation
Stars: ✭ 218 (+581.25%)
Mutual labels:  apex, semantic-segmentation, cityscapes
Chainer Pspnet
PSPNet in Chainer
Stars: ✭ 76 (+137.5%)
Mutual labels:  semantic-segmentation, cityscapes, pascal-voc
FCN-Segmentation-TensorFlow
FCN for Semantic Image Segmentation achieving 68.5 mIoU on PASCAL VOC
Stars: ✭ 34 (+6.25%)
Mutual labels:  fcn, semantic-segmentation, pascal-voc
Pspnet Tensorflow
TensorFlow-based implementation of "Pyramid Scene Parsing Network".
Stars: ✭ 313 (+878.13%)
Mutual labels:  semantic-segmentation, cityscapes
Ademxapp
Code for https://arxiv.org/abs/1611.10080
Stars: ✭ 333 (+940.63%)
Mutual labels:  semantic-segmentation, cityscapes
Deeplabv3plus Pytorch
DeepLabv3, DeepLabv3+ and pretrained weights on VOC & Cityscapes
Stars: ✭ 337 (+953.13%)
Mutual labels:  cityscapes, pascal-voc
Pytorch Unet
PyTorch implementation of the U-Net for image semantic segmentation with high quality images
Stars: ✭ 4,770 (+14806.25%)
Mutual labels:  semantic-segmentation, tensorboard
TensorFlow-Advanced-Segmentation-Models
A Python Library for High-Level Semantic Segmentation Models based on TensorFlow and Keras with pretrained backbones.
Stars: ✭ 64 (+100%)
Mutual labels:  fcn, semantic-segmentation
Panoptic Deeplab
This is Pytorch re-implementation of our CVPR 2020 paper "Panoptic-DeepLab: A Simple, Strong, and Fast Baseline for Bottom-Up Panoptic Segmentation" (https://arxiv.org/abs/1911.10194)
Stars: ✭ 355 (+1009.38%)
Mutual labels:  semantic-segmentation, cityscapes
Icnet Tensorflow
TensorFlow-based implementation of "ICNet for Real-Time Semantic Segmentation on High-Resolution Images".
Stars: ✭ 396 (+1137.5%)
Mutual labels:  semantic-segmentation, cityscapes
Erfnet pytorch
Pytorch code for semantic segmentation using ERFNet
Stars: ✭ 304 (+850%)
Mutual labels:  semantic-segmentation, cityscapes
Tensorflow Deeplab V3
DeepLabv3 built in TensorFlow
Stars: ✭ 278 (+768.75%)
Mutual labels:  semantic-segmentation, pascal-voc
Pytorch Deeplab
DeepLab-ResNet rebuilt in Pytorch
Stars: ✭ 254 (+693.75%)
Mutual labels:  semantic-segmentation, pascal-voc
Piwise
Pixel-wise segmentation on VOC2012 dataset using pytorch.
Stars: ✭ 365 (+1040.63%)
Mutual labels:  semantic-segmentation, fcn
Efficient Segmentation Networks
Lightweight models for real-time semantic segmentationon PyTorch (include SQNet, LinkNet, SegNet, UNet, ENet, ERFNet, EDANet, ESPNet, ESPNetv2, LEDNet, ESNet, FSSNet, CGNet, DABNet, Fast-SCNN, ContextNet, FPENet, etc.)
Stars: ✭ 579 (+1709.38%)
Mutual labels:  semantic-segmentation, cityscapes
Tusimple Duc
Understanding Convolution for Semantic Segmentation
Stars: ✭ 567 (+1671.88%)
Mutual labels:  semantic-segmentation, cityscapes
Pytorch Deeplab Resnet
DeepLab resnet v2 model in pytorch
Stars: ✭ 584 (+1725%)
Mutual labels:  semantic-segmentation, pascal-voc

Codebase for deep autonomous driving perception tasks

pytorch-auto-drive is a pure Python codebase includes semantic segmentation models, lane detection models, based on PyTorch with mixed precision training. For example, you do not need matlab to test on CULane.

This repository is under active development, results with models uploaded are stable.

Highlights

Various methods tested on a wide range of backbones, modulated and easily understood codes, image/keypoint loading, transformations and visualizations, mixed precision training and tensorboard logging.

Models from this repo are faster to train (single card trainable) and often have better performance than other implementations, see wiki for reasons and technical specification of models.

Supported datasets:

Task Dataset
semantic segmentation PASCAL VOC 2012
semantic segmentation Cityscapes
semantic segmentation GTAV*
semantic segmentation SYNTHIA*
lane detection CULane
lane detection TuSimple
lane detection BDD100K (In progress)
lane detection LLAMAS (In progress)

* The UDA baseline setup, with Cityscapes val set as validation.

Supported models:

Task Backbone Model/Method
semantic segmentation ResNet-101 FCN
semantic segmentation ResNet-101 DeeplabV2
semantic segmentation ResNet-101 DeeplabV3
semantic segmentation - ENet
semantic segmentation - ERFNet
lane detection ENet, ERFNet, VGG16, ResNets (18, 34, 50, 101) Baseline
lane detection ERFNet, VGG16, ResNets (18, 34, 50, 101) SCNN
lane detection VGG16, ResNets (18, 34, 50, 101) RESA (In progress)
lane detection ERFNet, ENet SAD (In progress)
lane detection ERFNet PRNet (In progress)
lane detection ERFNet, ResNet18-reduced LSTR (In progress)

The VGG16 backbone corresponds to DeepLab-LargeFOV in SCNN.

The ResNet backbone corresponds to DeepLabV2 (w.o. ASPP) with output channels reduced to 128 as in RESA.

We keep calling it VGG16/ResNet for consistency with common practices.

Model Zoo

We provide solid results (average/best/detailed), training time, shell scripts and trained models available for download in MODEL_ZOO.md.

Installation

Please prepare the environment and code with INSTALL.md. Then follow the instructions in DATASET.md to set up datasets.

Getting Started

Get started with LANEDETECTION.md for lane detection.

Get started with SEGMENTATION.md for semantic segmentation.

Visualization Tools

Refer to VISUALIZATION.md for a visualization tutorial.

Contributing

We welcome Pull Requests to fix bugs, update docs or implement new features etc. We also welcome Issues to report problems and needs, or ask questions (since your question might be more common and helpful to the community than you presume). Interested folks should checkout our roadmap.

This repository implements (or plan to implement) the following interesting papers in a unified PyTorch codebase:

Fully Convolutional Networks for Semantic Segmentation CVPR 2015

DeepLab: Semantic Image Segmentation with Deep Convolutional Nets, Atrous Convolution, and Fully Connected CRFs TPAMI 2017

Rethinking Atrous Convolution for Semantic Image Segmentation ArXiv preprint 2017

ENet: A Deep Neural Network Architecture for Real-Time Semantic Segmentation ArXiv preprint 2016

ERFNet: Efficient Residual Factorized ConvNet for Real-Time Semantic Segmentation ITS 2017

Spatial As Deep: Spatial CNN for Traffic Scene Understanding AAAI 2018

RESA: Recurrent Feature-Shift Aggregator for Lane Detection AAAI 2021

Learning Lightweight Lane Detection CNNs by Self Attention Distillation ICCV 2019

Polynomial Regression Network for Variable-Number Lane Detection ECCV 2020

End-to-end Lane Shape Prediction with Transformers WACV 2021

You are also welcomed to make additions on this paper list, or open-source your related works here.

Notes:

  1. Cityscapes dataset is down-sampled by 2 when training at 256 x 512, to specify different sizes, modify them in configs.yaml; similar changes can be done with other experiments.

  2. Training times are measured on a single RTX 2080Ti, including online validation time for segmentation, test time for lane detection.

  3. All segmentation results reported are from single model without CRF and without multi-scale testing.

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