Computer Vision Paper Reviews with Key Summary of paper, End to End Code Practice and Jupyter Notebook converted papers

Overview

Computer-Vision-Paper-Reviews

Computer Vision Paper Reviews with Key Summary along Papers & Codes.

Jonathan Choi 2021

The repository provides 100+ Papers across Computer Vision fields converted as Jupyter Notebook, with the Key Summary and End to End Code Practice.


Contents

The goal of the repository is providing an end to end study scripts of most read and important papers.

The prefered readers are not limited for researchers, but also for students and engieeners from rookies to the professions in computer vision fields .

To provide the perfect and rich understanding, each paper contains following three main contents.

Key Summary

Providing key summaries and terminologies of the paper so that even rookies can study as perfectly and easily as possible.

Code Practice

Providing an end to end study script of codes for the paper so that even rookies can study as easily and perfectly as possible.

Jupyter Notebook edited Original Paper

Providing the Original Paper converted into Jupyter notbook for easy and fast modification and understanding.


Category/Paper/

Paper_Review_Practice.ipynb includes

Key Summary according to the flow of Original Paper (Jupyter Notebook Edited) with the End to End Code Practice

Paper.ipynb includes

Original Paper (Jupyter Notebook Edited)

Review.ipynb includes

Key Summary

Practice.ipynb includes

End to End Code Practice


Index


Working Papers

If you want to see Road Map and the process, please visit here.


Implicit Neural Representation

Batch Normalization: Accelerating Deep Network Training by Reducing Internal Covariate Shift

Instance Normalization: The Missing Ingredient for Fast Stylization

Arbitrary Style Transfer in Real-time with Adaptive Instance Normalization

Semantic Image Synthesis with Spatially-Adaptive Normalization

Universal Style Transfer via Feature Transforms

A Neural Algorithm of Artistic Style

Convolutional neural network architecture for geometric matching

Perceptual Losses for Real-Time Style Transfer and Super-Resolution

Geometric Style Transfer


Image to Image Translation

Image-to-Image Translation with Conditional Adversarial Networks (CVPR 2017)

Bi-level Feature Alignment for Versatile Image Translation and Manipulation


Transformer

[DETR] End-to-End Object Detection with Transformers

[Vision Transformer] An Image Is Worth 16x16 Words: Transformers For Image Recognition at Scale

Swin Transformer: Hierarchical Vision Transformer using Shifted Windows

[Transformer] Attention Is All You Need

Vision Transformers for Dense Prediction


Object Detection

Feature Pyramid Networks for Object Detection

Selective Search for Object Recognition

R-CNN

Fast R-CNN

Faster R-CNN

Sparse R-CNN

YOLOv4: Optimal Speed and Accuracy of Object Detection**


Segmentation

Panoptic Feature Pyramid Networks

Mask R-CNN

PointRend: Image Segmentation as Rendering

Cost Aggregation Is All You Need for Few-Shot Segmentation


Convolutional Neural Network

Deep Residual Learning for Image Recognition

EfficientNet: Rethinking Model Scaling for Convolutional Neural Networks


Representation Learning

Unsupervised Feature Learning via Non-Parametric Instance Discrimination

Momentum Contrast for Unsupervised Visual Representation Learning.

A Simple Framework for Contrastive Learning of Visual Representations

Bootstrap Your Own Latent- A New Approach to Self-supervised Learning

Exploring Simple Siamese Representation Learning


Image Generation

Generative Adversarial Networks

A Style-Based Generator Architecture for Generative Adversarial Networks

GAN Dissection: Visualizing and Understanding Generative Adversarial Networks

Semantic Image Synthesis with Spatially-Adaptive Normalization

Unpaired Image-to-Image Translation using Cycle-Consistent Adversarial Networks


Vision and Language


Depth Estimation


Correspondence


Implicit Field

You might also like...
An unofficial styleguide and best practices summary for PyTorch

A PyTorch Tools, best practices & Styleguide This is not an official style guide for PyTorch. This document summarizes best practices from more than a

Cross-platform CLI tool to generate your Github profile's stats and summary.

ghs Cross-platform CLI tool to generate your Github profile's stats and summary. Preview Hop on to examples for other usecases. Jump to: Installation

This is the code repository for the paper A hierarchical semantic segmentation framework for computer-vision-based bridge column damage detection

Bridge-damage-segmentation This is the code repository for the paper A hierarchical semantic segmentation framework for computer-vision-based bridge c

All the essential resources and template code needed to understand and practice data structures and algorithms in python with few small projects to demonstrate their practical application.

Data Structures and Algorithms Python INDEX 1. Resources - Books Data Structures - Reema Thareja competitiveCoding Big-O Cheat Sheet DAA Syllabus Inte

Summary Explorer is a tool to visually explore the state-of-the-art in text summarization.
Summary Explorer is a tool to visually explore the state-of-the-art in text summarization.

Summary Explorer Summary Explorer is a tool to visually inspect the summaries from several state-of-the-art neural summarization models across multipl

Monk is a low code Deep Learning tool and a unified wrapper for Computer Vision.
Monk is a low code Deep Learning tool and a unified wrapper for Computer Vision.

Monk - A computer vision toolkit for everyone Why use Monk Issue: Want to begin learning computer vision Solution: Start with Monk's hands-on study ro

Research code for CVPR 2021 paper
Research code for CVPR 2021 paper "End-to-End Human Pose and Mesh Reconstruction with Transformers"

MeshTransformer ✨ This is our research code of End-to-End Human Pose and Mesh Reconstruction with Transformers. MEsh TRansfOrmer is a simple yet effec

Amazon Forest Computer Vision: Satellite Image tagging code using PyTorch / Keras with lots of PyTorch tricks
Amazon Forest Computer Vision: Satellite Image tagging code using PyTorch / Keras with lots of PyTorch tricks

Amazon Forest Computer Vision Satellite Image tagging code using PyTorch / Keras Here is a sample of images we had to work with Source: https://www.ka

Amazon Forest Computer Vision: Satellite Image tagging code using PyTorch / Keras with lots of PyTorch tricks
Amazon Forest Computer Vision: Satellite Image tagging code using PyTorch / Keras with lots of PyTorch tricks

Amazon Forest Computer Vision Satellite Image tagging code using PyTorch / Keras Here is a sample of images we had to work with Source: https://www.ka

Owner
Jonathan Choi
Researching Computer Vision @ Korea University. To The Infinity, And Beyond!
Jonathan Choi
MATLAB codes of the book "Digital Image Processing Fourth Edition" converted to Python

Digital Image Processing Python MATLAB codes of the book "Digital Image Processing Fourth Edition" converted to Python TO-DO: Refactor scripts, curren

Merve Noyan 24 Oct 16, 2022
arxiv-sanity, but very lite, simply providing the core value proposition of the ability to tag arxiv papers of interest and have the program recommend similar papers.

arxiv-sanity, but very lite, simply providing the core value proposition of the ability to tag arxiv papers of interest and have the program recommend similar papers.

Andrej 671 Dec 31, 2022
A Jupyter notebook to play with NVIDIA's StyleGAN3 and OpenAI's CLIP for a text-based guided image generation.

A Jupyter notebook to play with NVIDIA's StyleGAN3 and OpenAI's CLIP for a text-based guided image generation.

Eugenio Herrera 175 Dec 29, 2022
The tl;dr on a few notable transformer/language model papers + other papers (alignment, memorization, etc).

The tl;dr on a few notable transformer/language model papers + other papers (alignment, memorization, etc).

Will Thompson 166 Jan 4, 2023
Repository of Jupyter notebook tutorials for teaching the Deep Learning Course at the University of Amsterdam (MSc AI), Fall 2020

Repository of Jupyter notebook tutorials for teaching the Deep Learning Course at the University of Amsterdam (MSc AI), Fall 2020

Phillip Lippe 1.1k Jan 7, 2023
This Jupyter notebook shows one way to implement a simple first-order low-pass filter on sampled data in discrete time.

How to Implement a First-Order Low-Pass Filter in Discrete Time We often teach or learn about filters in continuous time, but then need to implement t

Joshua Marshall 4 Aug 24, 2022
Semi Supervised Learning for Medical Image Segmentation, a collection of literature reviews and code implementations.

Semi-supervised-learning-for-medical-image-segmentation. Recently, semi-supervised image segmentation has become a hot topic in medical image computin

Healthcare Intelligence Laboratory 1.3k Jan 3, 2023
[CVPR'21 Oral] Seeing Out of tHe bOx: End-to-End Pre-training for Vision-Language Representation Learning

Seeing Out of tHe bOx: End-to-End Pre-training for Vision-Language Representation Learning [CVPR'21, Oral] By Zhicheng Huang*, Zhaoyang Zeng*, Yupan H

Multimedia Research 196 Dec 13, 2022
[Preprint] "Chasing Sparsity in Vision Transformers: An End-to-End Exploration" by Tianlong Chen, Yu Cheng, Zhe Gan, Lu Yuan, Lei Zhang, Zhangyang Wang

Chasing Sparsity in Vision Transformers: An End-to-End Exploration Codes for [Preprint] Chasing Sparsity in Vision Transformers: An End-to-End Explora

VITA 64 Dec 8, 2022
Codebase for the Summary Loop paper at ACL2020

Summary Loop This repository contains the code for ACL2020 paper: The Summary Loop: Learning to Write Abstractive Summaries Without Examples. Training

Canny Lab @ The University of California, Berkeley 44 Nov 4, 2022