List of awesome things around semantic segmentation 🎉

Overview

Awesome Semantic Segmentation

Awesome

List of awesome things around semantic segmentation 🎉

Semantic segmentation is a computer vision task in which we label specific regions of an image according to what's being shown. Semantic segmentation awswers for the question: "What's in this image, and where in the image is it located?".

Semantic segmentation is a critical module in robotics related applications, especially autonomous driving, remote sensing. Most of the research on semantic segmentation is focused on improving the accuracy with less attention paid to computationally efficient solutions.

Seft-driving-car

The recent appoarch in semantic segmentation is using deep neural network, specifically Fully Convolutional Network (a.k.a FCN). We can follow the trend of semantic segmenation approach at: paper-with-code.

Evaluate metrics: mIOU, accuracy, speed,...

State-Of-The-Art (SOTA) methods of Semantic Segmentation

Paper Benchmark on PASALVOC12 Release Implement
EfficientNet-L2+NAS-FPN Rethinking Pre-training and Self-training 90.5% NeurIPS 2020 TF
DeepLab V3+ Encoder-Decoder with Atrous Separable Convolution for Semantic Image Segmentation 89% ECCV 2018 TF, Keras, Pytorch, Demo
DeepLab V3 Rethinking Atrous Convolution for Semantic Image Segmentation 86.9% 17 Jun 2017 TF, TF
Smooth Network with Channel Attention Block Learning a Discriminative Feature Network for Semantic Segmentation 86.2% CVPR 2018 Pytorch
PSPNet Pyramid Scene Parsing Network 85.4% CVPR 2017 Keras, Pytorch, Pytorch
ResNet-38 MS COCO Wider or Deeper: Revisiting the ResNet Model for Visual Recognition 84.9% 30 Nov 2016 MXNet
RefineNet RefineNet: Multi-Path Refinement Networks for High-Resolution Semantic Segmentation 84.2% CVPR 2017 Matlab, Keras
GCN Large Kernel Matters -- Improve Semantic Segmentation by Global Convolutional Network 83.6% CVPR 2017 TF
CRF-RNN Conditional Random Fields as Recurrent Neural Networks 74.7% ICCV 2015 Matlab, TF
ParseNet ParseNet: Looking Wider to See Better 69.8% 15 Jun 2015 Caffe
Dilated Convolutions Multi-Scale Context Aggregation by Dilated Convolutions 67.6% 23 Nov 2015 Caffe
FCN Fully Convolutional Networks for Semantic Segmentation 67.2% CVPR 2015 Caffe

Variants

  • FCN with VGG(Resnet, Densenet) backbone: pytorch
  • The easiest implementation of fully convolutional networks (FCN8s VGG): pytorch
  • TernausNet (UNet model with VGG11 encoder pre-trained on Kaggle Carvana dataset paper: pytorch
  • TernausNetV2: Fully Convolutional Network for Instance Segmentation: pytorch

Review list of Semantic Segmentation

  • Evolution of Image Segmentation using Deep Convolutional Neural Network: A Survey 2020 (University of Gour Banga,India)
  • A peek of Semantic Segmentation 2018 (mc.ai)
  • Semantic Segmentation guide 2018 (towardds)
  • An overview of semantic image segmentation (jeremyjordan.me)
  • Recent progress in semantic image segmentation 2018 (arxiv, towardsdatascience)
  • A 2017 Guide to Semantic Segmentation Deep Learning Review (blog.qure.ai)
  • Review popular network architecture (medium-towardds)
  • Lecture 11 - Detection and Segmentation - CS231n (slide, vid):
  • A Survey of Semantic Segmentation 2016 (arxiv)

Case studies

  • Dstl Satellite Imagery Competition, 3rd Place Winners' Interview: Vladimir & Sergey: Blog, Code
  • Carvana Image Masking Challenge–1st Place Winner's Interview: Blog, Code
  • Data Science Bowl 2017, Predicting Lung Cancer: Solution Write-up, Team Deep Breath: Blog
  • MICCAI 2017 Robotic Instrument Segmentation: Code and explain
  • 2018 Data Science Bowl Find the nuclei in divergent images to advance medical discovery: 1st place, 2nd, 3rd, 4th, 5th, 10th
  • Airbus Ship Detection Challenge: 4th place, 6th

Most used loss functions

  • Pixel-wise cross entropy loss:
  • Dice loss: which is pretty nice for balancing dataset
  • Focal loss:
  • Lovasz-Softmax loss:

Datasets

Frameworks for segmentation

Related techniques

Feel free to show your ❤️ by giving a star

🎁 Check Out the List of Contributors - Feel free to add your details here!

Owner
Dam Minh Tien
Tech enthusiast
Dam Minh Tien
Pmapper is a super-resolution and deconvolution toolkit for python 3.6+

pmapper pmapper is a super-resolution and deconvolution toolkit for python 3.6+. PMAP stands for Poisson Maximum A-Posteriori, a highly flexible and a

NASA Jet Propulsion Laboratory 8 Nov 06, 2022
AAAI 2022 paper - Unifying Model Explainability and Robustness for Joint Text Classification and Rationale Extraction

AT-BMC Unifying Model Explainability and Robustness for Joint Text Classification and Rationale Extraction (AAAI 2022) Paper Prerequisites Install pac

16 Nov 26, 2022
[AAAI 2021] EMLight: Lighting Estimation via Spherical Distribution Approximation and [ICCV 2021] Sparse Needlets for Lighting Estimation with Spherical Transport Loss

EMLight: Lighting Estimation via Spherical Distribution Approximation (AAAI 2021) Update 12/2021: We release our Virtual Object Relighting (VOR) Datas

Fangneng Zhan 144 Jan 06, 2023
Official PyTorch implementation of "RMGN: A Regional Mask Guided Network for Parser-free Virtual Try-on" (IJCAI-ECAI 2022)

RMGN-VITON RMGN: A Regional Mask Guided Network for Parser-free Virtual Try-on In IJCAI-ECAI 2022(short oral). [Paper] [Supplementary Material] Abstra

27 Dec 01, 2022
Meta-learning for NLP

Self-Supervised Meta-Learning for Few-Shot Natural Language Classification Tasks Code for training the meta-learning models and fine-tuning on downstr

IESL 43 Nov 08, 2022
NeurIPS workshop paper 'Counter-Strike Deathmatch with Large-Scale Behavioural Cloning'

Counter-Strike Deathmatch with Large-Scale Behavioural Cloning Tim Pearce, Jun Zhu Offline RL workshop, NeurIPS 2021 Paper: https://arxiv.org/abs/2104

Tim Pearce 169 Dec 26, 2022
Multi-Stage Spatial-Temporal Convolutional Neural Network (MS-GCN)

Multi-Stage Spatial-Temporal Convolutional Neural Network (MS-GCN) This code implements the skeleton-based action segmentation MS-GCN model from Autom

Benjamin Filtjens 8 Nov 29, 2022
When in Doubt: Improving Classification Performance with Alternating Normalization

When in Doubt: Improving Classification Performance with Alternating Normalization Findings of EMNLP 2021 Menglin Jia, Austin Reiter, Ser-Nam Lim, Yoa

Menglin Jia 13 Nov 06, 2022
Pytorch and Torch testing code of CartoonGAN

CartoonGAN-Test-Pytorch-Torch Pytorch and Torch testing code of CartoonGAN [Chen et al., CVPR18]. With the released pretrained models by the authors,

Yijun Li 642 Dec 27, 2022
Working demo of the Multi-class and Anomaly classification model using the CLIP feature space

👁️ Hindsight AI: Crime Classification With Clip About For Educational Purposes Only This is a recursive neural net trained to classify specific crime

Miles Tweed 2 Jun 05, 2022
Learning Efficient Online 3D Bin Packing on Packing Configuration Trees

Learning Efficient Online 3D Bin Packing on Packing Configuration Trees This repository is being continuously updated, please stay tuned! Any code con

86 Dec 28, 2022
Code for the ICCV 2021 paper "Pixel Difference Networks for Efficient Edge Detection" (Oral).

Microsoft365_devicePhish Abusing Microsoft 365 OAuth Authorization Flow for Phishing Attack This is a simple proof-of-concept script that allows an at

Alex 236 Dec 21, 2022
Applying CLIP to Point Cloud Recognition.

PointCLIP: Point Cloud Understanding by CLIP This repository is an official implementation of the paper 'PointCLIP: Point Cloud Understanding by CLIP'

Renrui Zhang 175 Dec 24, 2022
CO-PILOT: COllaborative Planning and reInforcement Learning On sub-Task curriculum

CO-PILOT CO-PILOT: COllaborative Planning and reInforcement Learning On sub-Task curriculum, NeurIPS 2021, Shuang Ao, Tianyi Zhou, Guodong Long, Qingh

Shuang Ao 1 Feb 18, 2022
PyTorch Implementation of Realtime Multi-Person Pose Estimation project.

PyTorch Realtime Multi-Person Pose Estimation This is a pytorch version of Realtime_Multi-Person_Pose_Estimation, origin code is here Realtime_Multi-P

Dave Fang 157 Nov 12, 2022
Training Very Deep Neural Networks Without Skip-Connections

DiracNets v2 update (January 2018): The code was updated for DiracNets-v2 in which we removed NCReLU by adding per-channel a and b multipliers without

Sergey Zagoruyko 585 Oct 12, 2022
Reproduce partial features of DeePMD-kit using PyTorch.

DeePMD-kit on PyTorch For better understand DeePMD-kit, we implement its partial features using PyTorch and expose interface consuing descriptors. Tec

Shaochen Shi 8 Dec 17, 2022
Bonnet: An Open-Source Training and Deployment Framework for Semantic Segmentation in Robotics.

Bonnet: An Open-Source Training and Deployment Framework for Semantic Segmentation in Robotics. By Andres Milioto @ University of Bonn. (for the new P

Photogrammetry & Robotics Bonn 314 Dec 30, 2022
ElegantRL is featured with lightweight, efficient and stable, for researchers and practitioners.

Lightweight, efficient and stable implementations of deep reinforcement learning algorithms using PyTorch. 🔥

AI4Finance 2.5k Jan 08, 2023
The codes and related files to reproduce the results for Image Similarity Challenge Track 1.

ISC-Track1-Submission The codes and related files to reproduce the results for Image Similarity Challenge Track 1. Required dependencies To begin with

Wenhao Wang 115 Jan 02, 2023