cityscapes

There are 152 repositories under cityscapes topic.

  • HRNet/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

    Language:Python3.1k56265682
  • NVlabs/SegFormer

    Official PyTorch implementation of SegFormer

    Language:Python2.3k31142329
  • VainF/DeepLabV3Plus-Pytorch

    Pretrained DeepLabv3 and DeepLabv3+ for Pascal VOC & Cityscapes

    Language:Python1.8k18124416
  • CoinCheung/BiSeNet

    Add bisenetv2. My implementation of BiSeNet

    Language:Python1.4k17304303
  • SHI-Labs/OneFormer

    OneFormer: One Transformer to Rule Universal Image Segmentation, arxiv 2022 / CVPR 2023

    Language:Jupyter Notebook1.4k20104124
  • xiaoyufenfei/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.)

    Language:Python8702124162
  • voldemortX/pytorch-auto-drive

    PytorchAutoDrive: Segmentation models (ERFNet, ENet, DeepLab, FCN...) and Lane detection models (SCNN, RESA, LSTR, LaneATT, BézierLaneNet...) based on PyTorch with fast training, visualization, benchmarking & deployment help

    Language:Python79910123137
  • sithu31296/semantic-segmentation

    SOTA Semantic Segmentation Models in PyTorch

    Language:Python7691558141
  • linksense/LightNet

    LightNet: Light-weight Networks for Semantic Image Segmentation (Cityscapes and Mapillary Vistas Dataset)

    Language:Python7152926175
  • LikeLy-Journey/SegmenTron

    Support PointRend, Fast_SCNN, HRNet, Deeplabv3_plus(xception, resnet, mobilenet), ContextNet, FPENet, DABNet, EdaNet, ENet, Espnetv2, RefineNet, UNet, DANet, HRNet, DFANet, HardNet, LedNet, OCNet, EncNet, DuNet, CGNet, CCNet, BiSeNet, PSPNet, ICNet, FCN, deeplab)

    Language:Python6891565161
  • tfzhou/ContrastiveSeg

    ICCV2021 (Oral) - Exploring Cross-Image Pixel Contrast for Semantic Segmentation

    Language:Python633206984
  • TuSimple/TuSimple-DUC

    Understanding Convolution for Semantic Segmentation

    Language:Python5992537118
  • manydepth

    nianticlabs/manydepth

    [CVPR 2021] Self-supervised depth estimation from short sequences

    Language:Python598187083
  • panoptic-deeplab

    bowenc0221/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)

    Language:Python5832091118
  • VITA-Group/FasterSeg

    [ICLR 2020] "FasterSeg: Searching for Faster Real-time Semantic Segmentation" by Wuyang Chen, Xinyu Gong, Xianming Liu, Qian Zhang, Yuan Li, Zhangyang Wang

    Language:Python5242765105
  • wutianyiRosun/Segmentation.X

    Papers and Benchmarks about semantic segmentation, instance segmentation, panoptic segmentation and video segmentation

    Language:Python47532094
  • NVlabs/FAN

    Official PyTorch implementation of Fully Attentional Networks

    Language:Python462212528
  • Eromera/erfnet_pytorch

    Pytorch code for semantic segmentation using ERFNet

    Language:Python4241561126
  • Haochen-Wang409/U2PL

    [CVPR'22] Semi-Supervised Semantic Segmentation Using Unreliable Pseudo-Labels

    Language:Python413516558
  • sacmehta/EdgeNets

    This repository contains the source code of our work on designing efficient CNNs for computer vision

    Language:Python409203781
  • hellochick/ICNet-tensorflow

    TensorFlow-based implementation of "ICNet for Real-Time Semantic Segmentation on High-Resolution Images".

    Language:Jupyter Notebook40524123153
  • Seg-Uncertainty

    layumi/Seg-Uncertainty

    IJCAI2020 & IJCV2021 :city_sunrise: Unsupervised Scene Adaptation with Memory Regularization in vivo

    Language:Python381132353
  • lxtGH/DecoupleSegNets

    [ECCV-2020]: Improving Semantic Segmentation via Decoupled Body and Edge Supervision

    Language:Python367134136
  • itijyou/ademxapp

    Code for https://arxiv.org/abs/1611.10080

    Language:Python337245198
  • SamsungLabs/adaptis

    [ICCV19] AdaptIS: Adaptive Instance Selection Network, https://arxiv.org/abs/1909.07829

    Language:Jupyter Notebook33524032
  • fastseg

    ekzhang/fastseg

    📸 PyTorch implementation of MobileNetV3 for real-time semantic segmentation, with pretrained weights & state-of-the-art performance

    Language:Python327171032
  • hellochick/PSPNet-tensorflow

    TensorFlow-based implementation of "Pyramid Scene Parsing Network".

    Language:Python3261868123
  • prismformore/Multi-Task-Transformer

    Code of ICLR2023 paper "TaskPrompter: Spatial-Channel Multi-Task Prompting for Dense Scene Understanding" and ECCV2022 paper "Inverted Pyramid Multi-task Transformer for Dense Scene Understanding"

    Language:Python27782821
  • wutianyiRosun/CGNet

    CGNet: A Light-weight Context Guided Network for Semantic Segmentation [IEEE Transactions on Image Processing 2020]

    Language:Python24992751
  • Picsart-AI-Research/SeMask-Segmentation

    [NIVT Workshop @ ICCV 2023] SeMask: Semantically Masked Transformers for Semantic Segmentation

    Language:Python24593536
  • linksense/LightNetPlusPlus

    LightNet++: Boosted Light-weighted Networks for Real-time Semantic Segmentation

    Language:Python23915854
  • MaybeShewill-CV/bisenetv2-tensorflow

    Unofficial tensorflow implementation of real-time scene image segmentation model "BiSeNet V2: Bilateral Network with Guided Aggregation for Real-time Semantic Segmentation"

    Language:Python222114759
  • PingoLH/FCHarDNet

    Fully Convolutional HarDNet for Segmentation in Pytorch

    Language:Python19666152
  • cemsaz/city-scapes-script

    Download City Scapes Dataset using this script

    Language:Shell1872324
  • Serge-weihao/CCNet-Pure-Pytorch

    Criss-Cross Attention (2d&3d) for Semantic Segmentation in pure Pytorch with a faster and more precise implementation.

    Language:Python18132120
  • bethgelab/robust-detection-benchmark

    Code, data and benchmark from the paper "Benchmarking Robustness in Object Detection: Autonomous Driving when Winter is Coming" (NeurIPS 2019 ML4AD)

    Language:Jupyter Notebook18081024