All Projects → iduta → pyconvsegnet

iduta / pyconvsegnet

Licence: MIT License
Semantic Segmentation PyTorch code for our paper: Pyramidal Convolution: Rethinking Convolutional Neural Networks for Visual Recognition (https://arxiv.org/pdf/2006.11538.pdf)

Programming Languages

python
139335 projects - #7 most used programming language
Cuda
1817 projects
C++
36643 projects - #6 most used programming language
shell
77523 projects

Projects that are alternatives of or similar to pyconvsegnet

Semantic Segmentation Pytorch
Pytorch implementation for Semantic Segmentation/Scene Parsing on MIT ADE20K dataset
Stars: ✭ 4,151 (+12871.88%)
Mutual labels:  semantic-segmentation, scene-recognition, ade20k
ObjectNet
PyTorch implementation of "Pyramid Scene Parsing Network".
Stars: ✭ 15 (-53.12%)
Mutual labels:  semantic-segmentation, ade20k, scene-parsing
AttaNet
AttaNet for real-time semantic segmentation.
Stars: ✭ 37 (+15.63%)
Mutual labels:  semantic-segmentation, scene-parsing
wasr network
WaSR Segmentation Network for Unmanned Surface Vehicles v0.5
Stars: ✭ 32 (+0%)
Mutual labels:  segmentation, semantic-segmentation
semantic-segmentation-tensorflow
Semantic segmentation task for ADE20k & cityscapse dataset, based on several models.
Stars: ✭ 84 (+162.5%)
Mutual labels:  semantic-segmentation, ade20k
CAP augmentation
Cut and paste augmentation for object detection and instance segmentation
Stars: ✭ 93 (+190.63%)
Mutual labels:  segmentation, semantic-segmentation
Swin-Transformer-Semantic-Segmentation
This is an official implementation for "Swin Transformer: Hierarchical Vision Transformer using Shifted Windows" on Semantic Segmentation.
Stars: ✭ 856 (+2575%)
Mutual labels:  semantic-segmentation, ade20k
ML IDCard Segmentation-TF-Keras
Machine Learning Project to identify an ID Card on an image
Stars: ✭ 38 (+18.75%)
Mutual labels:  segmentation, semantic-segmentation
Semantic-Aware-Scene-Recognition
Pytorch Implementation of Semantic-Aware Scene Recognition Paper
Stars: ✭ 82 (+156.25%)
Mutual labels:  pattern-recognition, scene-recognition
mobilenet segmentation
Binary semantic segmentation with UNet based on MobileNetV2 encoder
Stars: ✭ 18 (-43.75%)
Mutual labels:  segmentation, semantic-segmentation
LightNet
LightNet: Light-weight Networks for Semantic Image Segmentation (Cityscapes and Mapillary Vistas Dataset)
Stars: ✭ 710 (+2118.75%)
Mutual labels:  segmentation, semantic-segmentation
FCN-Segmentation-TensorFlow
FCN for Semantic Image Segmentation achieving 68.5 mIoU on PASCAL VOC
Stars: ✭ 34 (+6.25%)
Mutual labels:  segmentation, semantic-segmentation
SegFormer
Official PyTorch implementation of SegFormer
Stars: ✭ 1,264 (+3850%)
Mutual labels:  semantic-segmentation, ade20k
semantic-segmentation
SOTA Semantic Segmentation Models in PyTorch
Stars: ✭ 464 (+1350%)
Mutual labels:  semantic-segmentation, ade20k
hyperseg
HyperSeg - Official PyTorch Implementation
Stars: ✭ 174 (+443.75%)
Mutual labels:  segmentation, semantic-segmentation
DocuNet
Code and dataset for the IJCAI 2021 paper "Document-level Relation Extraction as Semantic Segmentation".
Stars: ✭ 84 (+162.5%)
Mutual labels:  segmentation, semantic-segmentation
Fast-SCNN pytorch
A PyTorch Implementation of Fast-SCNN: Fast Semantic Segmentation Network(PyTorch >= 1.4)
Stars: ✭ 30 (-6.25%)
Mutual labels:  segmentation, semantic-segmentation
Segmentation-Series-Chaos
Summary and experiment includes basic segmentation, human segmentation, human or portrait matting for both image and video.
Stars: ✭ 75 (+134.38%)
Mutual labels:  segmentation, semantic-segmentation
Semantic Segmentation Suite
Semantic Segmentation Suite in TensorFlow. Implement, train, and test new Semantic Segmentation models easily!
Stars: ✭ 2,395 (+7384.38%)
Mutual labels:  segmentation, semantic-segmentation
Fcn
Chainer Implementation of Fully Convolutional Networks. (Training code to reproduce the original result is available.)
Stars: ✭ 211 (+559.38%)
Mutual labels:  segmentation, semantic-segmentation

Pyramidal Convolution on semantic segmentation

This is the PyTorch implementation of our paper "Pyramidal Convolution: Rethinking Convolutional Neural Networks for Visual Recognition". (Note that this is the code for semantic image segmentation/parsing. For image recognition on ImageNet see this repository: https://github.com/iduta/pyconv)

Pyramidal Convolution Segmentation Network: PyConvSegNet

The models trained on ADE20K dataset can be found here.

The results on the ADE20K validation set of our PyConvSegNet (using multi-scale inference):

Backbone mean IoU pixel Acc.
ResNet-50 42.88% 80.97% (model)
PyConvResNet-50 43.31% 81.18% (model)
ResNet-101 44.39% 81.60% (model)
PyConvResNet-101 44.58% 81.77% (model)
ResNet-152 45.28% 81.89% (model)
PyConvResNet-152 45.64% 82.36% (model)

Our single model top result (mIoU=39.13, pAcc=73.91, score=56.52) on the testing set is obtained with PyConvResNet-152 as backbone and performing the training on train+val sets over 120 epochs (model).

Requirements

Install PyTorch pip install -r requirements.txt

A fast alternative (without the need to install PyTorch and other deep learning libraries) is to use NVIDIA-Docker, we used this container image.

Download the ImageNet pretrained models and add the corresponding path to the config .yaml file.

Download the ADE20K dataset. (note that this code uses label id starting from 0, while the original ids start from 1, thus, you need to preprocess the original labels by subtracting 1)

Training and Inference

To train a model on ADE20K dataset, for instance, using PyConvResNet with 50 layers as backbone (note that you need to update the config file, for instance, config/ade20k/pyconvresnet50_pyconvsegnet.yaml):

./tool/train.sh ade20k pyconvresnet50_pyconvsegnet

Run the inference on the validation set (also update the config/ade20k/pyconvresnet50_pyconvsegnet.yaml file for the TEST part):

./tool/test.sh ade20k pyconvresnet50_pyconvsegnet

Citation

If you find our work useful, please consider citing:

@article{duta2020pyramidal,
  author  = {Ionut Cosmin Duta and Li Liu and Fan Zhu and Ling Shao},
  title   = {Pyramidal Convolution: Rethinking Convolutional Neural Networks for Visual Recognition},
  journal = {arXiv preprint arXiv:2006.11538},
  year    = {2020},
}

Acknowledgements

This code is based on this repository. We thank the authors for open-sourcing their code.

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