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

Owner
Jonathan Choi
Researching Computer Vision @ Korea University. To The Infinity, And Beyond!
Jonathan Choi
[CVPR 2022] Deep Equilibrium Optical Flow Estimation

Deep Equilibrium Optical Flow Estimation This is the official repo for the paper Deep Equilibrium Optical Flow Estimation (CVPR 2022), by Shaojie Bai*

CMU Locus Lab 136 Dec 18, 2022
MWPToolkit is a PyTorch-based toolkit for Math Word Problem (MWP) solving.

MWPToolkit is a PyTorch-based toolkit for Math Word Problem (MWP) solving. It is a comprehensive framework for research purpose that integrates popular MWP benchmark datasets and typical deep learnin

119 Jan 04, 2023
Cooperative Driving Dataset: a dataset for multi-agent driving scenarios

Cooperative Driving Dataset (CODD) The Cooperative Driving dataset is a synthetic dataset generated using CARLA that contains lidar data from multiple

Eduardo Henrique Arnold 124 Dec 28, 2022
Code for the paper "Location-aware Single Image Reflection Removal"

Location-aware Single Image Reflection Removal The shown images are provided by the datasets from IBCLN, ERRNet, SIR2 and the Internet images. The cod

72 Dec 08, 2022
FastFCN: Rethinking Dilated Convolution in the Backbone for Semantic Segmentation.

FastFCN: Rethinking Dilated Convolution in the Backbone for Semantic Segmentation [Project] [Paper] [arXiv] [Home] Official implementation of FastFCN:

Wu Huikai 815 Dec 29, 2022
Single object tracking and segmentation.

Single/Multiple Object Tracking and Segmentation Codes and comparison of recent single/multiple object tracking and segmentation. News 💥 AutoMatch is

ZP ZHANG 385 Jan 02, 2023
PyTorch reimplementation of minimal-hand (CVPR2020)

Minimal Hand Pytorch Unofficial PyTorch reimplementation of minimal-hand (CVPR2020). you can also find in youtube or bilibili bare hand youtube or bil

Hao Meng 228 Dec 29, 2022
PantheonRL is a package for training and testing multi-agent reinforcement learning environments.

PantheonRL is a package for training and testing multi-agent reinforcement learning environments. PantheonRL supports cross-play, fine-tuning, ad-hoc coordination, and more.

Stanford Intelligent and Interactive Autonomous Systems Group 57 Dec 28, 2022
Source code for our paper "Do Not Trust Prediction Scores for Membership Inference Attacks"

Do Not Trust Prediction Scores for Membership Inference Attacks Abstract: Membership inference attacks (MIAs) aim to determine whether a specific samp

<a href=[email protected]"> 3 Oct 25, 2022
Minimal PyTorch implementation of YOLOv3

A minimal PyTorch implementation of YOLOv3, with support for training, inference and evaluation.

Erik Linder-Norén 6.9k Dec 29, 2022
MAT: Mask-Aware Transformer for Large Hole Image Inpainting

MAT: Mask-Aware Transformer for Large Hole Image Inpainting (CVPR2022, Oral) Wenbo Li, Zhe Lin, Kun Zhou, Lu Qi, Yi Wang, Jiaya Jia [Paper] News This

254 Dec 29, 2022
Haze Removal can remove slight to extreme cases of haze affecting an image

Haze Removal can remove slight to extreme cases of haze affecting an image. Its most typical use is for landscape photography where the haze causes low contrast and low saturation, but it can also be

Grace Ugochi Nneji 3 Feb 15, 2022
PyGAD, a Python 3 library for building the genetic algorithm and training machine learning algorithms (Keras & PyTorch).

PyGAD: Genetic Algorithm in Python PyGAD is an open-source easy-to-use Python 3 library for building the genetic algorithm and optimizing machine lear

Ahmed Gad 1.1k Dec 26, 2022
Learning Representations that Support Robust Transfer of Predictors

Transfer Risk Minimization (TRM) Code for Learning Representations that Support Robust Transfer of Predictors Prepare the Datasets Preprocess the Scen

Yilun Xu 15 Dec 07, 2022
Neural Ensemble Search for Performant and Calibrated Predictions

Neural Ensemble Search Introduction This repo contains the code accompanying the paper: Neural Ensemble Search for Performant and Calibrated Predictio

AutoML-Freiburg-Hannover 26 Dec 12, 2022
Unsupervised Semantic Segmentation by Contrasting Object Mask Proposals.

Unsupervised Semantic Segmentation by Contrasting Object Mask Proposals This repo contains the Pytorch implementation of our paper: Unsupervised Seman

Wouter Van Gansbeke 335 Dec 28, 2022
source code for 'Finding Valid Adjustments under Non-ignorability with Minimal DAG Knowledge' by A. Shah, K. Shanmugam, K. Ahuja

Source code for "Finding Valid Adjustments under Non-ignorability with Minimal DAG Knowledge" Reference: Abhin Shah, Karthikeyan Shanmugam, Kartik Ahu

Abhin Shah 1 Jun 03, 2022
Implementation of Advantage-Weighted Regression: Simple and Scalable Off-Policy Reinforcement Learning

advantage-weighted-regression Implementation of Advantage-Weighted Regression: Simple and Scalable Off-Policy Reinforcement Learning, by Peng et al. (

Omar D. Domingues 1 Dec 02, 2021
A modification of Daniel Russell's notebook merged with Katherine Crowson's hq-skip-net changes

Edits made to this repo by Katherine Crowson I have added several features to this repository for use in creating higher quality generative art (featu

Paul Fishwick 10 May 07, 2022
Mesh Graphormer is a new transformer-based method for human pose and mesh reconsruction from an input image

MeshGraphormer ✨ ✨ This is our research code of Mesh Graphormer. Mesh Graphormer is a new transformer-based method for human pose and mesh reconsructi

Microsoft 251 Jan 08, 2023