All Projects → songqi-github → AttaNet

songqi-github / AttaNet

Licence: other
AttaNet for real-time semantic segmentation.

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to AttaNet

Icnet Tensorflow
TensorFlow-based implementation of "ICNet for Real-Time Semantic Segmentation on High-Resolution Images".
Stars: ✭ 396 (+970.27%)
Mutual labels:  real-time, semantic-segmentation, cityscapes
Dabnet
Depth-wise Asymmetric Bottleneck for Real-time Semantic Segmentation (BMVC2019)
Stars: ✭ 109 (+194.59%)
Mutual labels:  real-time, semantic-segmentation, cityscapes
Nas Segm Pytorch
Code for Fast Neural Architecture Search of Compact Semantic Segmentation Models via Auxiliary Cells, CVPR '19
Stars: ✭ 126 (+240.54%)
Mutual labels:  real-time, semantic-segmentation, cityscapes
Enet
ENet: A Deep Neural Network Architecture for Real-Time Semantic Segmentation
Stars: ✭ 530 (+1332.43%)
Mutual labels:  real-time, semantic-segmentation
SegFormer
Official PyTorch implementation of SegFormer
Stars: ✭ 1,264 (+3316.22%)
Mutual labels:  semantic-segmentation, cityscapes
Espnet
ESPNet: Efficient Spatial Pyramid of Dilated Convolutions for Semantic Segmentation
Stars: ✭ 473 (+1178.38%)
Mutual labels:  real-time, semantic-segmentation
Lightweight Segmentation
Lightweight models for real-time semantic segmentation(include mobilenetv1-v3, shufflenetv1-v2, igcv3, efficientnet).
Stars: ✭ 261 (+605.41%)
Mutual labels:  real-time, semantic-segmentation
Esnet
ESNet: An Efficient Symmetric Network for Real-time Semantic Segmentation
Stars: ✭ 88 (+137.84%)
Mutual labels:  real-time, semantic-segmentation
Espnetv2 Coreml
Semantic segmentation on iPhone using ESPNetv2
Stars: ✭ 66 (+78.38%)
Mutual labels:  real-time, semantic-segmentation
Real Time Semantic Segmentation
lightweight and efficient cnn for semantic segmentation, my blog address:
Stars: ✭ 118 (+218.92%)
Mutual labels:  real-time, semantic-segmentation
multiclass-semantic-segmentation
Experiments with UNET/FPN models and cityscapes/kitti datasets [Pytorch]
Stars: ✭ 96 (+159.46%)
Mutual labels:  semantic-segmentation, cityscapes
Lednet
LEDNet: A Lightweight Encoder-Decoder Network for Real-time Semantic Segmentation
Stars: ✭ 450 (+1116.22%)
Mutual labels:  real-time, semantic-segmentation
Multi Task Refinenet
Multi-Task (Joint Segmentation / Depth / Surface Normas) Real-Time Light-Weight RefineNet
Stars: ✭ 139 (+275.68%)
Mutual labels:  real-time, semantic-segmentation
IAST-ECCV2020
IAST: Instance Adaptive Self-training for Unsupervised Domain Adaptation (ECCV 2020) https://teacher.bupt.edu.cn/zhuchuang/en/index.htm
Stars: ✭ 84 (+127.03%)
Mutual labels:  semantic-segmentation, cityscapes
semantic-segmentation
SOTA Semantic Segmentation Models in PyTorch
Stars: ✭ 464 (+1154.05%)
Mutual labels:  semantic-segmentation, cityscapes
Kimera Semantics
Real-Time 3D Semantic Reconstruction from 2D data
Stars: ✭ 368 (+894.59%)
Mutual labels:  real-time, semantic-segmentation
Lightnetplusplus
LightNet++: Boosted Light-weighted Networks for Real-time Semantic Segmentation
Stars: ✭ 218 (+489.19%)
Mutual labels:  semantic-segmentation, cityscapes
Decouplesegnets
Implementation of Our ECCV2020-work: Improving Semantic Segmentation via Decoupled Body and Edge Supervision
Stars: ✭ 232 (+527.03%)
Mutual labels:  semantic-segmentation, cityscapes
hyperseg
HyperSeg - Official PyTorch Implementation
Stars: ✭ 174 (+370.27%)
Mutual labels:  real-time, semantic-segmentation
EDANet
Implementation details for EDANet
Stars: ✭ 34 (-8.11%)
Mutual labels:  semantic-segmentation, cityscapes

AttaNet: Attention-Augmented Network for Fast and Accurate Scene Parsing(AAAI21)

Introduction

In this paper, we propose a new model, called Attention-Augmented Network (AttaNet), to capture both global context and multi-level semantics while keeping the efficiency high. Not only did our network achieve the leading performance on Cityscapes and ADE20K, SAM and AFM can also be combined with different backbone networks to achieve different levels of speed/accuracy trade-offs. Specifically, our approach obtains 79.9%, 78.5%, and 70.1% mIoU scores on the Cityscapes test set while keeping a real-time speed of 71 FPS, 130 FPS, and 180 FPS respectively on GTX 1080Ti. results Please refer to our paper for more details: paper, arxiv version

Segmentation Models:

Please download the trained model, the mIoU is evaluate on Cityscape validation dataset.

Model Train Set Test Set mIoU (%) Link
AttaNet_light Train Val 70.6 BaiduYun(Access Code:zmb3)
AttaNet_ResNet18 Train Val 78.8 BaiduYun(Access Code:66tx)

Quick start

Download pretrained models for resnet series.

model_urls = {
    'resnet18': 'https://download.pytorch.org/models/resnet18-5c106cde.pth',
    'resnet34': 'https://download.pytorch.org/models/resnet34-333f7ec4.pth',
    'resnet50': 'https://download.pytorch.org/models/resnet50-19c8e357.pth',
    'resnet101': 'https://download.pytorch.org/models/resnet101-5d3b4d8f.pth',
    'resnet152': 'https://download.pytorch.org/models/resnet152-b121ed2d.pth',
}

Training

The training settings require GPU with at least 11GB memory.

python -m torch.distributed.launch --nproc_per_node=2 train.py

Evaluating

Evaluating AttaNet on the Cityscape validation dataset.

python evaluate.py  # for accuracy testing of heavy models
python realtime_evaluate.py  # for accuracy testing of real-time models

Citation

If you find this repo is useful for your research, Please consider citing our paper:

@inproceedings{song2021attanet,
  title={AttaNet: Attention-Augmented Network for Fast and Accurate Scene Parsing},
  author={Song, Qi and Mei, Kangfu and Huang, Rui},
  booktitle={Proceedings of the AAAI Conference on Artificial Intelligence},
  volume={35},
  number={3},
  pages={2567--2575},
  year={2021}
}

@article{Song2021AttaNetAN,
  title={AttaNet: Attention-Augmented Network for Fast and Accurate Scene Parsing},
  author={Qi Song and Kangfu Mei and Rui Huang},
  journal={ArXiv},
  year={2021},
  volume={abs/2103.05930}
}
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].