All Projects → Ding-Liu → Deepdenoising

Ding-Liu / Deepdenoising

Licence: gpl-3.0

Projects that are alternatives of or similar to Deepdenoising

UniFormer
[ICLR2022] official implementation of UniFormer
Stars: ✭ 574 (+608.64%)
Mutual labels:  image-classification, semantic-segmentation
super-gradients
Easily train or fine-tune SOTA computer vision models with one open source training library
Stars: ✭ 429 (+429.63%)
Mutual labels:  image-classification, semantic-segmentation
Paper-Notes
Paper notes in deep learning/machine learning and computer vision
Stars: ✭ 37 (-54.32%)
Mutual labels:  image-classification, 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 (+9.88%)
Mutual labels:  semantic-segmentation, image-classification
Involution
[CVPR 2021] Involution: Inverting the Inherence of Convolution for Visual Recognition, a brand new neural operator
Stars: ✭ 252 (+211.11%)
Mutual labels:  semantic-segmentation, image-classification
Torchdistill
PyTorch-based modular, configuration-driven framework for knowledge distillation. 🏆18 methods including SOTA are implemented so far. 🎁 Trained models, training logs and configurations are available for ensuring the reproducibiliy.
Stars: ✭ 177 (+118.52%)
Mutual labels:  semantic-segmentation, image-classification
food-detection-yolov5
🍔🍟🍗 Food analysis baseline with Theseus. Integrate object detection, image classification and multi-class semantic segmentation. 🍞🍖🍕
Stars: ✭ 68 (-16.05%)
Mutual labels:  image-classification, semantic-segmentation
Imgclsmob
Sandbox for training deep learning networks
Stars: ✭ 2,405 (+2869.14%)
Mutual labels:  semantic-segmentation, image-classification
Awesome Computer Vision Models
A list of popular deep learning models related to classification, segmentation and detection problems
Stars: ✭ 278 (+243.21%)
Mutual labels:  semantic-segmentation, image-classification
HugsVision
HugsVision is a easy to use huggingface wrapper for state-of-the-art computer vision
Stars: ✭ 154 (+90.12%)
Mutual labels:  image-classification, semantic-segmentation
awesome-computer-vision-models
A list of popular deep learning models related to classification, segmentation and detection problems
Stars: ✭ 419 (+417.28%)
Mutual labels:  image-classification, semantic-segmentation
Cvat
Powerful and efficient Computer Vision Annotation Tool (CVAT)
Stars: ✭ 6,557 (+7995.06%)
Mutual labels:  semantic-segmentation, image-classification
Swin-Transformer
This is an official implementation for "Swin Transformer: Hierarchical Vision Transformer using Shifted Windows".
Stars: ✭ 8,046 (+9833.33%)
Mutual labels:  image-classification, semantic-segmentation
Gluon Cv
Gluon CV Toolkit
Stars: ✭ 5,001 (+6074.07%)
Mutual labels:  semantic-segmentation, image-classification
Label Studio
Label Studio is a multi-type data labeling and annotation tool with standardized output format
Stars: ✭ 7,264 (+8867.9%)
Mutual labels:  semantic-segmentation, image-classification
Multiclass Semantic Segmentation Camvid
Tensorflow 2 implementation of complete pipeline for multiclass image semantic segmentation using UNet, SegNet and FCN32 architectures on Cambridge-driving Labeled Video Database (CamVid) dataset.
Stars: ✭ 67 (-17.28%)
Mutual labels:  semantic-segmentation
Tools To Design Or Visualize Architecture Of Neural Network
Tools to Design or Visualize Architecture of Neural Network
Stars: ✭ 1,143 (+1311.11%)
Mutual labels:  semantic-segmentation
Espnetv2 Coreml
Semantic segmentation on iPhone using ESPNetv2
Stars: ✭ 66 (-18.52%)
Mutual labels:  semantic-segmentation
Id Card Segmentation
Segmentation of ID Cards using Semantic Segmentation
Stars: ✭ 65 (-19.75%)
Mutual labels:  semantic-segmentation
Elektronn3
A PyTorch-based library for working with 3D and 2D convolutional neural networks, with focus on semantic segmentation of volumetric biomedical image data
Stars: ✭ 78 (-3.7%)
Mutual labels:  semantic-segmentation

DeepDenoising

Introduction

This repository provides codes that we use to study the mutual influence between image denoising and high-level vision tasks.

(1) We present an image denoising network which achieves state-of-the-art image denoising performance.

(2) We propose a deep network solution that cascades two modules for image denoising and various high-level tasks, respectively, and demonstrate that the proposed architecture not only yields superior image denoising results preserving fine details, but also overcomes the performance degradation of different high-level vision tasks, such as image classification and semantic segmentation, due to image noise.

This code repository is built on top of DeepLab v2.

For more details, please refer to our paper.

Download models

  • cd exper/model/
  • Run get_models.sh to download models used in our work.

Training

  • cd exper
  • Run main_train_denoise.sh to train the denoising network seperately.
  • Run main_train_cls.sh to jointly train the cascade of the denoising network and the network for image classification.
  • Run main_train_seg.sh to jointly train the cascade of the denoising network and the entwork for semantic segmentation.

Testing

  • cd exper
  • Run main_test_cls.sh to test the resulting model for image classification.
  • Run main_test_seg.sh to test the resulting model for semantic segmentation.
  • Run main_test_denoise.sh to generate denoised results.

Citation

Please cite the paper in your publications if it helps your research:

@inproceedings{liu2018when,
  author = {Liu, Ding and Wen, Bihan and Liu, Xianming and Wang, Zhangyang and Huang, Thomas S.},
  title = {When Image Denoising Meets High-Level Vision Tasks: A Deep Learning Approach},
  booktitle={IJCAI},
  year = {2018}
  }
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].