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
Change Detection in SAR Images Based on Multiscale Capsule Network

SAR_CD_MS_CapsNet Code for the paper "Change Detection in SAR Images Based on Multiscale Capsule Network" , IEEE Geoscience and Remote Sensing Letters

Feng Gao 21 Nov 29, 2022
Experiments on Flood Segmentation on Sentinel-1 SAR Imagery with Cyclical Pseudo Labeling and Noisy Student Training

Flood Detection Challenge This repository contains code for our submission to the ETCI 2021 Competition on Flood Detection (Winning Solution #2). Acco

Siddha Ganju 108 Dec 28, 2022
Jingju baseline - A baseline model of our project of Beijing opera script generation

Jingju Baseline It is a baseline of our project about Beijing opera script gener

midon 1 Jan 14, 2022
A python library for highly configurable transformers - easing model architecture search and experimentation.

A python library for highly configurable transformers - easing model architecture search and experimentation.

Anthony Fuller 51 Nov 20, 2022
AdelaiDepth is an open source toolbox for monocular depth prediction.

AdelaiDepth is an open source toolbox for monocular depth prediction.

Adelaide Intelligent Machines (AIM) Group 743 Jan 01, 2023
NeuralWOZ: Learning to Collect Task-Oriented Dialogue via Model-based Simulation (ACL-IJCNLP 2021)

NeuralWOZ This code is official implementation of "NeuralWOZ: Learning to Collect Task-Oriented Dialogue via Model-based Simulation". Sungdong Kim, Mi

NAVER AI 31 Oct 25, 2022
Monocular Depth Estimation Using Laplacian Pyramid-Based Depth Residuals

LapDepth-release This repository is a Pytorch implementation of the paper "Monocular Depth Estimation Using Laplacian Pyramid-Based Depth Residuals" M

Minsoo Song 205 Dec 30, 2022
Pytorch Implementation of "Contrastive Representation Learning for Exemplar-Guided Paraphrase Generation"

CRL_EGPG Pytorch Implementation of Contrastive Representation Learning for Exemplar-Guided Paraphrase Generation We use contrastive loss implemented b

YHR 25 Nov 14, 2022
Implementation of Uniformer, a simple attention and 3d convolutional net that achieved SOTA in a number of video classification tasks

Uniformer - Pytorch Implementation of Uniformer, a simple attention and 3d convolutional net that achieved SOTA in a number of video classification ta

Phil Wang 90 Nov 24, 2022
CROSS-LINGUAL ABILITY OF MULTILINGUAL BERT: AN EMPIRICAL STUDY

M-BERT-Study CROSS-LINGUAL ABILITY OF MULTILINGUAL BERT: AN EMPIRICAL STUDY Motivation Multilingual BERT (M-BERT) has shown surprising cross lingual a

CogComp 1 Feb 28, 2022
A memory-efficient implementation of DenseNets

efficient_densenet_pytorch A PyTorch =1.0 implementation of DenseNets, optimized to save GPU memory. Recent updates Now works on PyTorch 1.0! It uses

Geoff Pleiss 1.4k Dec 25, 2022
SuRE Evaluation: A Supplementary Material

SuRE Evaluation: A Supplementary Material This repository contains supplementary material regarding the evaluations presented in the paper Visual Expl

NYU Visualization Lab 0 Dec 14, 2021
Prompt Tuning with Rules

PTR Code and datasets for our paper "PTR: Prompt Tuning with Rules for Text Classification" If you use the code, please cite the following paper: @art

THUNLP 118 Dec 30, 2022
The official github repository for Towards Continual Knowledge Learning of Language Models

Towards Continual Knowledge Learning of Language Models This is the official github repository for Towards Continual Knowledge Learning of Language Mo

Joel Jang | μž₯μš”μ—˜ 65 Jan 07, 2023
BuildingNet: Learning to Label 3D Buildings

BuildingNet This is the implementation of the BuildingNet architecture described in this paper: Paper: BuildingNet: Learning to Label 3D Buildings Arx

16 Nov 07, 2022
Assginment for UofT CSC420: Intro to Image Understanding

Run the code Open edge_detection.ipynb in google colab. Upload image1.jpg,image2.jpg and my_image.jpg to '/content/drive/My Drive'. chooose 'Run all'

Ziyi-Zhou 1 Feb 24, 2022
My implementation of Image Inpainting - A deep learning Inpainting model

Image Inpainting What is Image Inpainting Image inpainting is a restorative process that allows for the fixing or removal of unwanted parts within ima

Joshua V Evans 1 Dec 12, 2021
Pytorch implement of 'Unmixing based PAN guided fusion network for hyperspectral imagery'

Pgnet There's a improved version compared with the publication in Tgrs with the modification in the deduction of the PDIN block: https://arxiv.org/abs

5 Jul 01, 2022
Network Compression via Central Filter

Network Compression via Central Filter Environments The code has been tested in the following environments: Python 3.8 PyTorch 1.8.1 cuda 10.2 torchsu

2 May 12, 2022
xitorch: differentiable scientific computing library

xitorch is a PyTorch-based library of differentiable functions and functionals that can be widely used in scientific computing applications as well as deep learning.

24 Apr 15, 2021