All Projects → sauradip → night_image_semantic_segmentation

sauradip / night_image_semantic_segmentation

Licence: other
[ICIP 2019] : This is the official github repository for the paper "What's There in The Dark" accepted in IEEE International Conference in Image Processing 2019 (ICIP19) , Taipei, Taiwan.

Programming Languages

python
139335 projects - #7 most used programming language
shell
77523 projects

Projects that are alternatives of or similar to night image semantic segmentation

Convcrf
This repository contains the reference implementation for our proposed Convolutional CRFs.
Stars: ✭ 514 (+1956%)
Mutual labels:  deeplearning, semantic-segmentation
Tools To Design Or Visualize Architecture Of Neural Network
Tools to Design or Visualize Architecture of Neural Network
Stars: ✭ 1,143 (+4472%)
Mutual labels:  deeplearning, semantic-segmentation
Awesome Semantic Segmentation
🤘 awesome-semantic-segmentation
Stars: ✭ 8,831 (+35224%)
Mutual labels:  deeplearning, semantic-segmentation
Segmentation models.pytorch
Segmentation models with pretrained backbones. PyTorch.
Stars: ✭ 4,584 (+18236%)
Mutual labels:  semantic-segmentation, deeplabv3
TF SemanticSegmentation
Semantic image segmentation network with pyramid atrous convolution and boundary-aware loss for Tensorflow.
Stars: ✭ 26 (+4%)
Mutual labels:  semantic-segmentation, deeplabv3
Pixellib
Visit PixelLib's official documentation https://pixellib.readthedocs.io/en/latest/
Stars: ✭ 327 (+1208%)
Mutual labels:  deeplearning, semantic-segmentation
Usss iccv19
Code for Universal Semi-Supervised Semantic Segmentation models paper accepted in ICCV 2019
Stars: ✭ 57 (+128%)
Mutual labels:  deeplearning, semantic-segmentation
Mmsegmentation
OpenMMLab Semantic Segmentation Toolbox and Benchmark.
Stars: ✭ 2,875 (+11400%)
Mutual labels:  semantic-segmentation, deeplabv3
Deep Learning In Production
Develop production ready deep learning code, deploy it and scale it
Stars: ✭ 216 (+764%)
Mutual labels:  deeplearning, semantic-segmentation
Keras Unet
Helper package with multiple U-Net implementations in Keras as well as useful utility tools helpful when working with image semantic segmentation tasks. This library and underlying tools come from multiple projects I performed working on semantic segmentation tasks
Stars: ✭ 196 (+684%)
Mutual labels:  deeplearning, semantic-segmentation
LightNet
LightNet: Light-weight Networks for Semantic Image Segmentation (Cityscapes and Mapillary Vistas Dataset)
Stars: ✭ 710 (+2740%)
Mutual labels:  semantic-segmentation, deeplabv3
Automated-objects-removal-inpainter
Automated object remover Inpainter is a project that combines Semantic segmentation and EdgeConnect architectures with minor changes in order to remove specified object/s from list of 20 objects from all the input photos
Stars: ✭ 88 (+252%)
Mutual labels:  semantic-segmentation, deeplabv3
Jacinto Ai Devkit
Training & Quantization of embedded friendly Deep Learning / Machine Learning / Computer Vision models
Stars: ✭ 49 (+96%)
Mutual labels:  deeplearning, semantic-segmentation
Wb color augmenter
WB color augmenter improves the accuracy of image classification and image semantic segmentation methods by emulating different WB effects (ICCV 2019) [Python & Matlab].
Stars: ✭ 89 (+256%)
Mutual labels:  deeplearning, semantic-segmentation
multiclass-semantic-segmentation
Experiments with UNET/FPN models and cityscapes/kitti datasets [Pytorch]
Stars: ✭ 96 (+284%)
Mutual labels:  semantic-segmentation, cityscapes-dataset
BMW-IntelOpenVINO-Segmentation-Inference-API
This is a repository for a semantic segmentation inference API using the OpenVINO toolkit
Stars: ✭ 31 (+24%)
Mutual labels:  deeplearning, semantic-segmentation
StereoNet
A customized implementation of the paper "StereoNet: guided hierarchical refinement for real-time edge-aware depth prediction"
Stars: ✭ 107 (+328%)
Mutual labels:  semantic-segmentation
label-studio-frontend
Data labeling react app that is backend agnostic and can be embedded into your applications — distributed as an NPM package
Stars: ✭ 230 (+820%)
Mutual labels:  semantic-segmentation
MPNet
Motion Planning Networks
Stars: ✭ 139 (+456%)
Mutual labels:  deeplearning
ML IDCard Segmentation-TF-Keras
Machine Learning Project to identify an ID Card on an image
Stars: ✭ 38 (+52%)
Mutual labels:  semantic-segmentation

DOI PWC PWC

What's There in the Dark, ICIP19 (ICIP "Spotlight Paper")

This is the official github repository for the paper "What's There in The Dark" accepted in IEEE International Conference in Image Processing 2019 (ICIP19) , Taipei, Taiwan. [ Paper][Supplementary] Papers with code ] [Poster]

Using this you can do semantic segmentation on night images.

Abstract

Scene Parsing is an important cog for modern autonomous driving systems. Most of the works in semantic segmentation pertains to day-time scenes with favourable weather and illumination conditions. In this paper, we propose a novel deep architecture, NiSeNet, that performs semantic segmentation of night scenes using a domain mapping approach of synthetic to real data. It is a dual-channel network, where we designed a Real channel using DeepLabV3+ coupled with an MSE loss to preserve the spatial information. In addition, we used an Adaptive channel reducing the domain gap between synthetic and real night images, which also complements the failures of Real channel output. Apart from the dual channel, we introduced a novel fusion scheme to fuse the outputs of two channels. In addition to that, we compiled a new dataset Urban Night Driving Dataset (UNDD); it consists of 7125 unlabelled day and night images; additionally, it has 75 night images with pixel-level annotations having classes equivalent to Cityscapes dataset. We evaluated our approach on the Berkley Deep Drive dataset, the challenging Mapillary dataset and UNDD dataset to exhibit that the proposed method outperforms the state-of-the-art techniques in terms of accuracy and visual quality

Demo

Model Architecture :

Model Architecture

Since we are submitting in journal, we currently cannot make the code public, however, we are making the data preparation code public. Infact we are the first one to make the model for day to night image conversion public. However, we have made the multi-scale architecture code public. Interested users can download adaptsegnet and deeplabv3+ and plug this code in as the last module and train.

Day to Night Conversion using CycleGANS ( CycleGANS )

Preprocessing Steps :
  • Go to the CycleGANS github link and clone the code.
  • Download the pretrained model from the following link [ Pretrained_Model ].
  • Place the folder contents (latest_net_G_A.pth, latest_net_G_B.pth, latest_net_D_A.pth, latest_net_D_B.pth) into the checkpoint/any_name folder.
  • Run the testing code as mentioned in CycleGANS website.

Training and Testing NiSeNet for Night Scene Segmentation

Steps to Run Code :
  • Step 1 : Cloning and Environment Setup :
    python3 -m venv icip
    source activate icip
    git clone https://github.com/sauradip/night_image_semantic_segmentation.git
    cd night_image_semantic_segmentation
    pip3 install -r icip_requirements.txt
    Place the "checkpoints" dir from Real Channel Link in "real/DeepLabV3Plus-Pytorch"
    Place the files in Adaptive CHannel Link in "adapt/AdaptSegNet/model"
  • Step 3 : Prepare Data ( A sample has been given in "data_" directory )
    Place the preprocessed data mentioned in preprocessing step in "data_" folder , i.e preprocessed Night Images in "leftImg8bit" folder and GT In "gtFine" folder
  • Step 4 : Set Paths and other hyperparameters in file "config/cityscapes_config.py"

IMPORTANT

If you want to run this code for other datasets, train the real channel and adaptive channel with their respective training codes given in "real/DeepLabV3Plus-Pytorch" and "adapt/AdaptSegNet" folder and follow Step 2 and Step 3. I have provided checkpoints for Cityscapes only

  • Step 5 : Training
    python main_model.py 

The checkpoints will be stored in "real_checkpoint" directory ( Since we will use only real channel weights during inference

  • Step 6 : Testing
   sh test_v2.sh

Some sample results and data format samples have been provided in this link

Urban Night Driving Dataset (UNDD)

The following link contains our proposed Urban Night Driving Dataset. We have provided only the testing split for now

Result on Berkley Deep Drive Dataset

Result on Cityscapes Dataset

Result on Mapillary Dataset

Results

The results were generated using NiSeNet on the following dataset BDD, Mapillary, UNDD(proposed) :

Update : 24 June, 2020

Updated codes and models are uploaded in the following link Code Will add in the main repository once free.

References

If you find this code useful in your research, please consider citing:

    @inproceedings{nag2019s,
    title={What’s There in the Dark},
    author={Nag, Sauradip and Adak, Saptakatha and Das, Sukhendu},
    booktitle={2019 IEEE International Conference on Image Processing (ICIP)},
    pages={2996--3000},
    year={2019},
    organization={IEEE}
  }
  
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].