All Projects → hellochick → semantic-segmentation-tensorflow

hellochick / semantic-segmentation-tensorflow

Licence: other
Semantic segmentation task for ADE20k & cityscapse dataset, based on several models.

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to semantic-segmentation-tensorflow

semantic-segmentation
SOTA Semantic Segmentation Models in PyTorch
Stars: ✭ 464 (+452.38%)
Mutual labels:  semantic-segmentation, cityscapes, ade20k
SegFormer
Official PyTorch implementation of SegFormer
Stars: ✭ 1,264 (+1404.76%)
Mutual labels:  semantic-segmentation, cityscapes, ade20k
panoptic-forecasting
[CVPR 2021] Forecasting the panoptic segmentation of future video frames
Stars: ✭ 44 (-47.62%)
Mutual labels:  semantic-segmentation, cityscapes
image-segmentation
Mask R-CNN, FPN, LinkNet, PSPNet and UNet with multiple backbone architectures support readily available
Stars: ✭ 62 (-26.19%)
Mutual labels:  semantic-segmentation, pspnet
PSPNet-Pytorch
Implemetation of Pyramid Scene Parsing Network in Pytorch
Stars: ✭ 26 (-69.05%)
Mutual labels:  semantic-segmentation, pspnet
Lightnetplusplus
LightNet++: Boosted Light-weighted Networks for Real-time Semantic Segmentation
Stars: ✭ 218 (+159.52%)
Mutual labels:  semantic-segmentation, cityscapes
Decouplesegnets
Implementation of Our ECCV2020-work: Improving Semantic Segmentation via Decoupled Body and Edge Supervision
Stars: ✭ 232 (+176.19%)
Mutual labels:  semantic-segmentation, cityscapes
etos-deepcut
Deep Extreme Cut http://www.vision.ee.ethz.ch/~cvlsegmentation/dextr . a tool to do automatically object segmentation from extreme points.
Stars: ✭ 24 (-71.43%)
Mutual labels:  semantic-segmentation, pspnet
Hrnet Semantic Segmentation
The OCR approach is rephrased as Segmentation Transformer: https://arxiv.org/abs/1909.11065. This is an official implementation of semantic segmentation for HRNet. https://arxiv.org/abs/1908.07919
Stars: ✭ 2,369 (+2720.24%)
Mutual labels:  semantic-segmentation, cityscapes
EDANet
Implementation details for EDANet
Stars: ✭ 34 (-59.52%)
Mutual labels:  semantic-segmentation, cityscapes
Seg Uncertainty
IJCAI2020 & IJCV 2020 🌇 Unsupervised Scene Adaptation with Memory Regularization in vivo
Stars: ✭ 202 (+140.48%)
Mutual labels:  semantic-segmentation, cityscapes
AttaNet
AttaNet for real-time semantic segmentation.
Stars: ✭ 37 (-55.95%)
Mutual labels:  semantic-segmentation, cityscapes
Fastseg
📸 PyTorch implementation of MobileNetV3 for real-time semantic segmentation, with pretrained weights & state-of-the-art performance
Stars: ✭ 202 (+140.48%)
Mutual labels:  semantic-segmentation, cityscapes
Pytorch-ENet-Nice
Pytorch to train ENet of Cityscapes datasets and CamVid datasets nicely
Stars: ✭ 30 (-64.29%)
Mutual labels:  enet, cityscapes
Cgnet
CGNet: A Light-weight Context Guided Network for Semantic Segmentation [IEEE Transactions on Image Processing 2020]
Stars: ✭ 186 (+121.43%)
Mutual labels:  semantic-segmentation, cityscapes
multiclass-semantic-segmentation
Experiments with UNET/FPN models and cityscapes/kitti datasets [Pytorch]
Stars: ✭ 96 (+14.29%)
Mutual labels:  semantic-segmentation, cityscapes
Bisenetv2 Tensorflow
Unofficial tensorflow implementation of real-time scene image segmentation model "BiSeNet V2: Bilateral Network with Guided Aggregation for Real-time Semantic Segmentation"
Stars: ✭ 139 (+65.48%)
Mutual labels:  semantic-segmentation, cityscapes
Fchardnet
Fully Convolutional HarDNet for Segmentation in Pytorch
Stars: ✭ 150 (+78.57%)
Mutual labels:  semantic-segmentation, cityscapes
IAST-ECCV2020
IAST: Instance Adaptive Self-training for Unsupervised Domain Adaptation (ECCV 2020) https://teacher.bupt.edu.cn/zhuchuang/en/index.htm
Stars: ✭ 84 (+0%)
Mutual labels:  semantic-segmentation, cityscapes
Swin-Transformer-Semantic-Segmentation
This is an official implementation for "Swin Transformer: Hierarchical Vision Transformer using Shifted Windows" on Semantic Segmentation.
Stars: ✭ 856 (+919.05%)
Mutual labels:  semantic-segmentation, ade20k

semantic-segmentation-tensorflow

This is a Tensorflow implementation of semantic segmentation models on MIT ADE20K scene parsing dataset and Cityscapes dataset   We re-produce the inference phase of several models, including PSPNet, FCN, and ICNet by transforming the released pre-trained weights into tensorflow format, and apply on handcraft models. Also, we refer to ENet from freg856 github. Still working on task integrated.

Models

  1. PSPNet
  2. FCN
  3. ENet
  4. ICNet

...to be continue

Install

Get corresponding transformed pre-trained weights, and put into model directory:

FCN PSPNet ICNet
Google drive Google drive Google drive

Inference

Run following command:

python inference.py --img-path /Path/To/Image --dataset Model_Type

Arg list

--model - choose from "icnet"/"pspnet"/"fcn"/"enet"  

Import module in your code:

from model import FCN8s, PSPNet50, ICNet, ENet

model = PSPNet50() # or another model

model.read_input(img_path)  # read image data from path

sess = tf.Session(config=config)
init = tf.global_variables_initializer()
sess.run(init)

model.load(model_path, sess)  # load pretrained model
preds = model.forward(sess) # Get prediction 

Results

ade20k

Input Image PSPNet FCN

cityscapes

Input Image ICNet ENet

Citation

@inproceedings{zhao2017pspnet,
  author = {Hengshuang Zhao and
            Jianping Shi and
            Xiaojuan Qi and
            Xiaogang Wang and
            Jiaya Jia},
  title = {Pyramid Scene Parsing Network},
  booktitle = {Proceedings of IEEE Conference on Computer Vision and Pattern Recognition (CVPR)},
  year = {2017}
}

Scene Parsing through ADE20K Dataset. B. Zhou, H. Zhao, X. Puig, S. Fidler, A. Barriuso and A. Torralba. Computer Vision and Pattern Recognition (CVPR), 2017. (http://people.csail.mit.edu/bzhou/publication/scene-parse-camera-ready.pdf)

@inproceedings{zhou2017scene,
    title={Scene Parsing through ADE20K Dataset},
    author={Zhou, Bolei and Zhao, Hang and Puig, Xavier and Fidler, Sanja and Barriuso, Adela and Torralba, Antonio},
    booktitle={Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition},
    year={2017}
}

Semantic Understanding of Scenes through ADE20K Dataset. B. Zhou, H. Zhao, X. Puig, S. Fidler, A. Barriuso and A. Torralba. arXiv:1608.05442. (https://arxiv.org/pdf/1608.05442.pdf)

@article{zhou2016semantic,
  title={Semantic understanding of scenes through the ade20k dataset},
  author={Zhou, Bolei and Zhao, Hang and Puig, Xavier and Fidler, Sanja and Barriuso, Adela and Torralba, Antonio},
  journal={arXiv preprint arXiv:1608.05442},
  year={2016}
}
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].