All Projects → ericsujw → Instcolorization

ericsujw / Instcolorization

Licence: mit

Projects that are alternatives of or similar to Instcolorization

Chromagan
Official Implementation of ChromaGAN: An Adversarial Approach for Picture Colorization
Stars: ✭ 117 (-74.62%)
Mutual labels:  jupyter-notebook, colorization
Coloring Greyscale Images
Coloring black and white images with deep learning.
Stars: ✭ 767 (+66.38%)
Mutual labels:  jupyter-notebook, colorization
Practical Nlp
Official Repository for 'Practical Natural Language Processing' by O'Reilly Media
Stars: ✭ 452 (-1.95%)
Mutual labels:  jupyter-notebook
Memeproject
Dank Learning codebase, generate a meme from any image using AI. Uses a modified version of the Show and Tell image captioning network
Stars: ✭ 459 (-0.43%)
Mutual labels:  jupyter-notebook
N2
TOROS N2 - lightweight approximate Nearest Neighbor library which runs fast even with large datasets
Stars: ✭ 457 (-0.87%)
Mutual labels:  jupyter-notebook
Pytorch Ntm
Neural Turing Machines (NTM) - PyTorch Implementation
Stars: ✭ 453 (-1.74%)
Mutual labels:  jupyter-notebook
Urban Sound Classification
Urban sound classification using Deep Learning
Stars: ✭ 456 (-1.08%)
Mutual labels:  jupyter-notebook
Algorithms in ipython notebooks
A repository with IPython notebooks of algorithms implemented in Python.
Stars: ✭ 450 (-2.39%)
Mutual labels:  jupyter-notebook
Gantts
PyTorch implementation of GAN-based text-to-speech synthesis and voice conversion (VC)
Stars: ✭ 460 (-0.22%)
Mutual labels:  jupyter-notebook
Covidify
Covidify - corona virus report and dataset generator for python 📈
Stars: ✭ 456 (-1.08%)
Mutual labels:  jupyter-notebook
Fastquant
fastquant — Backtest and optimize your trading strategies with only 3 lines of code!
Stars: ✭ 457 (-0.87%)
Mutual labels:  jupyter-notebook
Jupyter Dash
Develop Dash apps in the Jupyter Notebook and JupyterLab
Stars: ✭ 453 (-1.74%)
Mutual labels:  jupyter-notebook
Cryptocurrencyprediction
Predict Cryptocurrency Price with Deep Learning
Stars: ✭ 453 (-1.74%)
Mutual labels:  jupyter-notebook
Hyperparameter Optimization
Implementation of Bayesian Hyperparameter Optimization of Machine Learning Algorithms
Stars: ✭ 457 (-0.87%)
Mutual labels:  jupyter-notebook
Python Causality Handbook
Causal Inference for the Brave and True. A light-hearted yet rigorous approach to learning about impact estimation and sensitivity analysis.
Stars: ✭ 449 (-2.6%)
Mutual labels:  jupyter-notebook
Pba
Efficient Learning of Augmentation Policy Schedules
Stars: ✭ 461 (+0%)
Mutual labels:  jupyter-notebook
Tensor House
A collection of reference machine learning and optimization models for enterprise operations: marketing, pricing, supply chain
Stars: ✭ 449 (-2.6%)
Mutual labels:  jupyter-notebook
Courses
Quiz & Assignment of Coursera
Stars: ✭ 454 (-1.52%)
Mutual labels:  jupyter-notebook
Deep Learning Traffic Lights
Code and files of the deep learning model used to win the Nexar Traffic Light Recognition challenge
Stars: ✭ 457 (-0.87%)
Mutual labels:  jupyter-notebook
Generative Adversarial Network Tutorial
Tutorial on creating your own GAN in Tensorflow
Stars: ✭ 461 (+0%)
Mutual labels:  jupyter-notebook

[CVPR 2020] Instance-aware Image Colorization

Open In Colab

[Paper] [Project Website] [Google Colab]

Image colorization is inherently an ill-posed problem with multi-modal uncertainty. Previous methods leverage the deep neural network to map input grayscale images to plausible color outputs directly. Although these learning-based methods have shown impressive performance, they usually fail on the input images that contain multiple objects. The leading cause is that existing models perform learning and colorization on the entire image. In the absence of a clear figure-ground separation, these models cannot effectively locate and learn meaningful object-level semantics. In this paper, we propose a method for achieving instance-aware colorization. Our network architecture leverages an off-the-shelf object detector to obtain cropped object images and uses an instance colorization network to extract object-level features. We use a similar network to extract the full-image features and apply a fusion module to full object-level and image-level features to predict the final colors. Both colorization networks and fusion modules are learned from a large-scale dataset. Experimental results show that our work outperforms existing methods on different quality metrics and achieves state-of-the-art performance on image colorization.

Instance-aware Image Colorization
Jheng-Wei Su, Hung-Kuo Chu, and Jia-Bin Huang
In IEEE Conference on Computer Vision and Pattern Recognition (CVPR), 2020.

Prerequisites

  • CUDA 10.1
  • Python3
  • Pytorch >= 1.5
  • Detectron2
  • OpenCV-Python
  • Pillow/scikit-image
  • Please refer to the env.yml for detail dependencies.

Getting Started

  1. Clone this repo:
git clone https://github.com/ericsujw/InstColorization
cd InstColorization
  1. Install conda.
  2. Install all the dependencies
conda env create --file env.yml
  1. Switch to the conda environment
conda activate instacolorization
  1. Install other dependencies
sh scripts/install.sh

Pretrained Model

  1. Download it from google drive.
sh scripts/download_model.sh
  1. Now the pretrained models would place in checkpoints.

Instance Prediction

Please follow the command below to predict all the bounding boxes fo the images in example folder.

python inference_bbox.py --test_img_dir example

All the prediction results would save in example_bbox folder.

Colorize Images

Please follow the command below to colorize all the images in example foler.

python test_fusion.py --name test_fusion --sample_p 1.0 --model fusion --fineSize 256 --test_img_dir example --results_img_dir results

All the colorized results would save in results folder.

Training the Model

Please follow this tutorial to train the colorization model.

License

This work is licensed under MIT License. See LICENSE for details.

Citation

If you find our code/models useful, please consider citing our paper:

@inproceedings{Su-CVPR-2020,
  author = {Su, Jheng-Wei and Chu, Hung-Kuo and Huang, Jia-Bin},
  title = {Instance-aware Image Colorization},
  booktitle = {IEEE Conference on Computer Vision and Pattern Recognition (CVPR)},
  year = {2020}
}

Acknowledgments

Our code borrows heavily from the amazing colorization-pytorch repository.

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].