- [2010]
Xavier
- Understanding the difficulty of training deep feedforward neural networks [AISTATS] - [2015]
PReLU,Kaiming
- Delving Deep into Rectifiers: Surpassing Human-Level Performance on ImageNet Classification [ICCV]
- [UFLDL Tutorial] PCA Whitening
- [1997] Edges are the 'independent components' of natural scenes
- [2015] Batch Normalization: Accelerating Deep Network Training by Reducing Internal Covariate Shift [arXiv]
- [2018] Smoothness of the Optimization Landscape - How Does Batch Normalization Help Optimization? [NeurIPS]
- [2019] Rethinking the Usage of Batch Normalization and Dropout in the Training of Deep Neural Networks [arXiv]
- [1998]
LeNet
- GradientBased Learning Applied to Document Recognition - [2012]
AlexNet
- ImageNet Classification with Deep Convolutional Neural Networks - [2013]
NIN, Global Average Pooling, 1 x 1 convolution
- Network In Network [arXiv] - [2014]
VGGNet
- Very Deep Convolutional Networks for Large-Scale Image Recognition [arXiv] - [2021]
RepVGG
: Making VGG-style ConvNets Great Again [CVPR]
- [2014]
Inception V1, GooLeNet
- Going deeper with convolutions [CVPR] - [2015]
Inception V2, Inception V3
- Rethinking the Inception Architecture for Computer Vision [CVPR] - [2016]
Inception-v4
,Inception-ResNet
and the Impact of Residual Connections on Learning [arXiv]
- [2015]
ResNet
- Deep Residual Learning for Image Recognition [CVPR] - [2016] Identity Mappings in Deep Residual Networks. [CVPR]
- [2017] The Shattered Gradients Problem: If resnets are the answer, then what is the question? [arXiv]
- [2017]
DenseNet
- Densely Connected Convolutional Networks [CVPR]
- [2013] Visualizing and Understanding Convolutional Networks
- [2013] Deep Inside Convolutional Networks: Visualising Image Classification Models and Saliency Maps
- [2015] Understanding Neural Networks Through Deep Visualization
- [2015]
DeepDream
- Inceptionism: Going Deeper into Neural Networks
- [2017]
Transformer
- Attention is all you need [NeurIPS] - [2018] Non-local Neural Networks [CVPR]
- [2018]
SENet
- Squeeze-and-Excitation Networks [CVPR] - [2018]
CBAM
- Convolutional Block Attention Module [CVPR] - [2019]
DANet
- Dual Attention Network for Scene Segmentation [CVPR]
- [2013]
R-CNN
- Rich feature hierarchies for accurate object detection and semantic segmentation [CVPR] - [2014]
SPPNet
- Spatial Pyramid Pooling in Deep Convolutional Networks for Visual Recognition [TPAMI] - [2014]
FCN
- Fully Convolutional Networks for Semantic Segmentation [CVPR] - [2015]
Fast R-CNN
[ICCV] - [2015]
Faster R-CNN
: Towards Real-Time Object Detection with Region Proposal Networks [NeurIPS] - [2015]
YOLOv1
- You Only Look Once: Unified, Real-Time Object Detection [CVPR] - [2015]
SSD
: Single Shot MultiBox Detector [ECCV] - [2016]
YOLOv2
- YOLO9000: Better, Faster, Stronger [CVPR] - [2017]
FPN
- Feature Pyramid Networks for Object Detection [CVPR] - [2017]
Mask R-CNN
[ICCV] - [2018]
YOLOv3
: An Incremental Improvement [CVPR] - [2019]
Mask Scoring R-CNN
[CVPR] - [2019]
CenterMask
: Real-Time Anchor-Free Instance Segmentation [CVPR] - [2019]
EfficientDet
: Scalable and Efficient Object Detection [CVPR] - [2019]
SOLO
: Segmenting Objects by Locations [arXiv] - [2019]
PointRend
: Image Segmentation as Rendering [CVPR] - [2020]
SOLOv2
: Dynamic and Fast Instance Segmentation [NeurIPS] - [2020]
BlendMask
: Top-Down Meets Bottom-Up for Instance Segmentation [CVPR]
- [2015]
U-Net
: Convolutional Networks for Biomedical Image Segmentation - [2016]
V-Net
: Fully Convolutional Neural Networks for Volumetric Medical Image Segmentation - [2018]
UNet++
: A Nested U-Net Architecture for Medical Image Segmentation - [2020]
UNet 3+
: A Full-Scale Connected UNet for Medical Image Segmentation
- [2018] Neural Style Transfer: A Review
- [2015] A Neural Algorithm of Artistic Style
- [2016] Image Style Transfer Using Convolutional Neural Networks [CVPR]
- [2016] Perceptual Losses for Real-Time Style Transfer and Super-Resolution
- [2016] Texture Networks: Feed-forward Synthesis of Textures and Stylized Images
- [2016] Instance Normalization: The Missing Ingredient for Fast Stylization
- [2017] StyleBank: An Explicit Representation for Neural Image Style Transfer
- [2017] A Learned Representation For Artistic Style
- [2017] Exploring the structure of a real-time, arbitrary neural artistic stylization network
- [2017] Arbitrary Style Transfer in Real-time with Adaptive Instance Normalization
- [2016]
PixelRNN
- Pixel Recurrent Neural Networks [arXiv] - [2016]
PixelCNN
- Conditional Image Generation with PixelCNN Decoders [NeurIPS]
- [2013]
VAE
- Auto-Encoding Variational Bayes - [2014] Stochastic Backpropagation and Approximate Inference in Deep Generative Models
- [2015]
CVAE
- Learning Structured Output Representation using Deep Conditional Generative Models [NeurIPS] - [2016] Deep Unsupervised Clustering with Gaussian Mixture Variational Autoencoders [arXiv]
- [2016] Tutorial on Variational Autoencoders
- [2018]
VI
- Variational Inference: A Review for Statisticians
- [2019] The Six Fronts of the Generative Adversarial Networks
- [2019] How Generative Adversarial Networks and Their Variants Work: An Overview
- [2014]
GAN
- Generative Adversarial Nets [NeurIPS] - [2014]
CGAN
- Conditional Generative Adversarial Nets [arXiv] - [2014]
LAPGAN
- Deep Generative Image Models using a Laplacian Pyramid of Adversarial Networks [NeurIPS] - [2015]
DCGAN
- Unsupervised Representation Learning with Deep Convolutional Generative Adversarial Networks [ICCV] - [2016] Pixel-Level Domain Transfer [ECCV]
- [2016] Generative Adversarial Text to Image Synthesis [arXiv]
- [2016]
InfoGAN
: Interpretable Representation Learning by Information Maximizing Generative Adversarial Nets [NeurIPS] - [2016]
IS
- Improved Techniques for Training GANs [NeurIPS] - [2016]
f-GAN
: Training Generative Neural Samplers using Variational Divergence Minimization [NeurIPS] - [2016] Semi-Supervised Learning with Generative Adversarial Networks [arXiv]
- [2016] EBGAN - Energy-based Generative Adversarial Network [arXiv]
- [2016]
GAWWN
- Learning What and Where to Draw - [2016]
Pix2Pix
- Image-to-Image Translation with Conditional Adversarial Networks [CVPR] - [2016]
ACGAN
- Conditional Image Synthesis with Auxiliary Classifier GANs [ICML] - [2016]
StackGAN
: Text to Photo-realistic Image Synthesis with Stacked Generative Adversarial Networks [ICCV] - [2016]
ALI
- Adversarially Learned Inference [arXiv] /BiGANs
- Adversarial Feature Learning [arXiv] - [2017] Towards Principled Methods for Training Generative Adversarial Networks [arXiv]
- [2017]
WGAN
- Wasserstein GAN [arXiv] - [2017]
LSGAN
- Least Squares Generative Adversarial Networks [ICCV] - [2017]
CycleGAN
- Unpaired Image-to-Image Translation using Cycle-Consistent Adversarial Networks [ICCV] - [2017]
TripleGAN
- Triple Generative Adversarial Nets [NeurIPS] - [2017]
WGAN-GP
- Improved Training of Wasserstein GANs [NeurIPS] - [2017]
FID
- GANs Trained by a Two Time-Scale Update Rule Converge to a Local Nash Equilibrium [NeurIPS] - [2017]
ProGAN
- Progressive Growing of GANs for Improved Quality, Stability, and Variation [arXiv] - [2018]
BSGAN
- Boundary-Seeking Generative Adversarial Networks [arXiv] - [2018]
SNGAN
- Spectral Normalization for Generative Adversarial Networks [arXiv] - [2018]
WGAN-div
- Wasserstein Divergence for GANs [ECCV] - [2018]
SAGAN
- Self-Attention Generative Adversarial Networks [ICML] - [2018] cGANs with Projection Discriminator [arXiv]
- [2018] How good is my GAN? [ECCV]
- [2018]
MUNIT
- Multimodal Unsupervised Image-to-Image Translation [ECCV] - [2018]
Pix2PixHD
- High-Resolution Image Synthesis and Semantic Manipulation with Conditional GANs [CVPR] - [2018]
BigGAN
- Large Scale GAN Training for High Fidelity Natural Image Synthesis [arXiv] - [2018]
StarGAN
: Unified Generative Adversarial Networks for Multi-Domain Image-to-Image Translation [CVPR] - [2018]
PacGAN
: The power of two samples in generative adversarial networks [NeurIPS] - [2018]
StyleGAN
- A Style-Based Generator Architecture for Generative Adversarial Networks [CVPR] - [2019]
FUNIT
- Few-Shot Unsupervised Image-to-Image Translation [ICCV] - [2019]
SPAGAN
- Semantic Image Synthesis with Spatially-Adaptive Normalization [CVPR] - [2019]
StyleGAN2
- Analyzing and Improving the Image Quality of StyleGAN [CVPR]