Recommanded resources in Computer Vision and Deep Learning including advanced paper and issue-solutions in experiments.
- CV-DL Papers Reading List(Irregular updating)
- [AlexNet] ImageNet classification with deep convolutional neural networks(2012 NeurIPS 2012) [Paper] [PyTorch]
- [ZFNet] Visualizing and Understanding Convolutional Networks (2013.11 ECCV 2014) [Paper] [TensorFlow]
- [NIN] Network In Network (2013.12 ICLR 2014) [Paper] [TensorFlow(TFLearn)]
- [SPPNet] Spatial Pyramid Pooling in Deep Convolutional Networks for Visual Recognition (2014.6 ECCV 2014) [Paper]
- [VGG] Very Deep Convolutional Networks for Large-Scale Image Recognition (2014.09)[Paper][Slide] [PyTorch]
- [Inception V1] Going Deeper with Convolutions (2014.09) [Paper] [PyTorch]
- [Inception V2] Batch Normalization: Accelerating Deep Network Training by Reducing Internal Covariate Shift (2015.02) [Paper]
- [Inception V3] Rethinking the Inception Architecture for Computer Vision (2015.12 CVPR 2016) [Paper] [PyTorch]
- [ResNet] Deep Residual Learning for Image Recognition (2015.12 CVPR 2016) [Paper] [PyTorch]
- [ResNet V2] Identity Mappings in Deep Residual Networks (2016.03 ECCV 2016) [Paper] [Torch] [MXNet]
- [Inception v4] Inception-v4, Inception-ResNet and the Impact of Residual Connections on Learning (2016.02) [Paper] [TensorFlow] [PyTorch]
- [Wide ResNet] Wide Residual Networks (2016.05) [Paper] [PyTorch]
- [DenseNet] Densely Connected Convolutional Networks (2016.08 CVPR 2017) [Paper] [PyTorch]
- [Xception] Xception: Deep Learning with Depthwise Separable Convolutions (2016.10) [Paper] [PyTorch]
- [ResNeXt] Aggregated Residual Transformations for Deep Neural Networks (2016.11) [Paper] [PyTorch]
- [PolyNet] PolyNet: A Pursuit of Structural Diversity in Very Deep Networks (2016.11) [Paper] [PyTorch]
- [DRN] Dilated Residual Networks (2017.05 CVPR 2017) [Paper] [PyTorch]
- [DPN] Dual Path Networks (2017.07) [Paper] [PyTorch] [MXNet]
- [NASNet] Learning Transferable Architectures for Scalable Image Recognition (2017.07) [Paper] [TensorFlow]
- [SENet] Squeeze-and-Excitation Networks (2017.09) [Paper] [Caffe] [PyTorch]
- [Capsules] Dynamic Routing Between Capsules (2017.10) [Paper] [PyTorch]
- [Non-Local] Non-local Neural Networks (2017.11) [Paper] [PyTorch]
- [PNASNet] Progressive Neural Architecture Search (2017.12) [Paper] [PyTorch [TensorFlow]
- [Squeeze Net] SqueezeNet: AlexNet-level accuracy with 50x fewer parameters and <0.5MB model size (2016.02) [Paper] [PyTorch]
- [MobileNets] MobileNets: Efficient Convolutional Neural Networks for Mobile Vision Applications (2017.04) [Paper] [TensorFlow] [PyTorch]
- [ShuffleNet V1] ShuffleNet: An Extremely Efficient Convolutional Neural Network for Mobile Devices (2017.07) [Paper] [PyTorch]
- [IGCV1] Interleaved Group Convolutions for Deep Neural Networks (20017.07 ICCV 2017) [Paper] [MXNet]
- [MobileNet V2] MobileNetV2: Inverted Residuals and Linear Bottlenecks (2018.01 CVPR 2018) [Paper] [PyTorch]
- [ENAS] Efficient Neural Architecture Search via Parameter Sharing (2018.02 ICML 2018) [Paper] [TensorFlow] [PyTorch]
- [SqueezeNext] SqueezeNext: Hardware-Aware Neural Network Design (2018.03 CVPR 2018) [Paper] [Caffe] [PyTorch]
- [IGCV2] IGCV2: Interleaved Structured Sparse Convolutional Neural Networks (2018.04 CVPR 2018) [Paper] [MXNet]
- [IGCV3] IGCV3: Interleaved Low-Rank Group Convolutions for Efficient Deep Neural Networks (2018.06 BMVC 2018) [Paper] [MXNet]
- [ShuffleNet V2] ShuffleNet V2: Practical Guidelines for Efficient CNN Architecture Design (2018.07 CVPR 2018) [Paper] [PyTorch] [PyTorch]
- [ESPNetv2] ESPNetv2: A Light-weight, Power Efficient, and General Purpose Convolutional Neural Network (2018.11 ) [Paper] [PyTorch]
- [FCN1] Fully Convolutional Networks for Semantic Segmentation (2014.11,CVPR 2015) [Paper1] [Paper1] [PyTorch]
- [DeepLab V1] Semantic Image Segmentation with Deep Convolutional Nets and Fully Connected CRFs (2014.12, ICLR 2015) [Paper] [Caffe]
- [CRF-RNN] Conditional Random Fields as Recurrent Neural Networks (2015.02, ICCV 2015) [Paper] [[PyTorch]](https://github.com/torrvision/crfasrnn
- [U-Net] U-Net: Convolutional Networks for Biomedical Image Segmentation (2015.05, MICCAI 2015) [Paper] [PyTorch] [PyTorch_Hsu]
- [ParseNet] ParseNet: Looking Wider to See Better (2015.06, ICLR 2016) [Paper] [Caffe]
- [DAG] DAG-Recurrent Neural Networks For Scene Labeling (2015.09, CVPR 2016) [Paper] [PyTorch]
- [DPN] Semantic Image Segmentation via Deep Parsing Network (2015.09 ICCV 2015) [Paper] [Project]
- [SegNet] SegNet: A Deep Convolutional Encoder-Decoder Architecture for Image Segmentation (2015.11, PAMI 2016) [Paper] [Caffe] [TensoFlow] [PyTorch]
- [Attention to Scale] Attention to Scale: Scale-aware Semantic Image Segmentation Liang-Chieh (2015.11 CVPR 2016) [Paper] [Caffe] [Project]
- [Dilated Conv] Multi-Scale Context Aggregation by Dilated Convolutions (2015.11 ICLR 2016) [Paper] [Caffe]
- [SEC] Seed, Expand and Constrain: Three Principles for Weakly-Supervised Image Segmentation (2016.03 ECCV 2016) [Paper] [Caffe]
- [LRR] Laplacian Pyramid Reconstruction and Refinement for Semantic Segmentation (2016.05 ECCV 2016) [Paper] [Matlab]
- [DeepLab V2] DeepLab: Semantic Image Segmentation with Deep Convolutional Nets, Atrous Convolution, and Fully Connected CRFs (2016.06 TPAMI 2018) [Paper] [Caffe]
- [DPN-MRF] Deep Learning Markov Random Field for Semantic Segmentation (2016.06 TPAMI 2017) [Paper2]
- [RefineNet] RefineNet: Multi-Path Refinement Networks for High-Resolution Semantic Segmentation (2016.11 CVPR 2017) [Paper] [MatConvNet] [PyTorch]
- [IFCN] Improving Fully Convolution Network for Semantic Segmentation (2016.11) [Paper]
- [FRRN] Full-Resolution Residual Networks for Semantic Segmentation in Street Scenes (2016.11 CVPR 2017) [Paper] [Theano]
- [Tiramisu] The One Hundred Layers Tiramisu: Fully Convolutional DenseNets for Semantic Segmentation (2016.11 CVPRW 2017) [Paper] [Theano] [PyTorch]
- [PSPNet] Pyramid Scene Parsing Network (2016.12 CVPR 2017) [Paper] [Caffe] [PyTorch1] [PyTorch2]](https://github.com/Lextal/pspnet-pytorch)
- [DUC] Understanding Convolution for Semantic Segmentation (2017.02 WACV 2018) [Paper] [mxnet]
- [PixelNet] PixelNet: Representation of the pixels, by the pixels, and for the pixels (2017.02 ) [Paper] [Caffe] [Project]
- [GCN] Large Kernel Matters -- Improve Semantic Segmentation by Global Convolutional Network (2017.03 ) [Paper] [PyTorch1] [PyTorch2]
- [PixelTCN] Pixel Deconvolutional Networks (2017.05) [Paper] [TensorFlow]
- [LovaszSoftmax] The Lovász-Softmax loss: A tractable surrogate for the optimization of the intersection-over-union measure in neural networks (2017.05 CVPR 2018) [Paper] [PyTorch&TensorFlow]
- [DRN] Dilated Residual Networks (2017.05 CVPR 2017) [Paper] [PyTorch]
- [G-FRNet] Gated feedback refinement network for dense image labeling (CVPR 2017) [Paper] [Caffe]
- [Tversky loss] Tversky loss function for image segmentation using 3D fully convolutional deep networks (2017.06) [Paper]
- [Generalised Dice] Generalised Dice overlap as a deep learning loss function for highly unbalanced segmentations (2017.07 ) [Paper]
- [Segmentation-aware] Segmentation-Aware Convolutional Networks Using Local Attention Masks (2017.08 ICCV 2017) [Paper] [Caffe]
- [SDN] Stacked Deconvolutional Network for Semantic Segmentation (2017.08 ) [Paper]
- [Seg Everything] Learning to Segment Every Thing (2017.11 CVPR 2018) [Paper] [Caffe2]
- [DeepLab V3+] Encoder-Decoder with Atrous Separable Convolution for Semantic Image Segmentation (2018.02) [Paper] [TensorFlow] [TensorFlow(official)] [PyTorch]
- [R2U-Net] Recurrent Residual Convolutional Neural Network based on U-Net (R2U-Net) for Medical Image Segmentation (2018.02) [Paper] [PyTorch]
- [AdaptSegNet] Learning to Adapt Structured Output Space for Semantic Segmentation (2018.02 CVPR 2018) [Paper] [PyTorch ]
- [Attention U-Net] Attention U-Net: Learning Where to Look for the Pancreas (2018.04 ) [Paper] [PyTorch]
- [Vortex Pooling] Vortex Pooling: Improving Context Representation in Semantic Segmentation(2018.04) [Paper]
- [DFN] Learning a Discriminative Feature Network for Semantic Segmentation (2018.04 CVPR 2018) [Paper] [TensorFlow]
- [PAG] Pixel-wise Attentional Gating for Parsimonious Pixel Labeling (2018.05 WACV 2019) [Paper]
- [FPANet] Pyramid Attention Network for Semantic Segmentation(2018.05) [Paper]
- [Probabilistic U-Net] A Probabilistic U-Net for Segmentation of Ambiguous Images (2018.06 NeurIPS 2018) [TensorFlow]
- [G-FRNet] Gated Feedback Refinement Network for Coarse-to-Fine Dense Semantic Image Labeling (2018.06) [Paper]
- [OCNet] OCNet: Object Context Network for Scene Parsing (2018.09 ) [Paper] [PyTorch]
- [DANet] Dual Attention Network for Scene Segmentation (2018.09 AAAI 2019) [Paper] [PyTorch]
- [DPC] Searching for Efficient Multi-Scale Architectures for Dense Image Prediction (2018.09) [Paper] [TensorFlow]
- [LadderNet] LadderNet: Multi-path networks based on U-Net for medical image segmentation [Paper] [PyTorch]
- [Pixel Augmentation] Pixel Level Data Augmentation for Semantic Image Segmentation using Generative Adversarial Networks (2018.11) [Paper]
- [ESPNetv2] ESPNetv2: A Light-weight, Power Efficient, and General Purpose Convolutional Neural Network (2018.11 ) [Paper] [PyTorch]
- [CCNet] CCNet: Criss-Cross Attention for Semantic Segmentation (2018.11) [Paper]](https://arxiv.org/abs/1811.11721) [PyTorch]
- [DenseASPP] for Semantic Segmentation in Street Scenes (CVPR 2018) [Paper]
- [DRN] Dense Relation Network: Learning Consistent and Context-Aware Representation for Semantic Image Segmentation (2018 ICIP 2018) [Paper] [MXNet1] [MXNet2]](https://github.com/tonysy/DRN-MXNet)
- [PSANet] PSANet: Point-wise Spatial Attention Network for Scene Parsing (2018 ECCV 2018) [Paper] [Project] [Caffe]
- [ENet] ENet: A Deep Neural Network Architecture for Real-Time Semantic Segmentation (2016.06 ) [Paper] [Caffe]
- [ICNet] ICNet for Real-Time Semantic Segmentation on High-Resolution Images (2017.04 ECCV 2018) [Paper] [Caffe] [PyTorch]
- [ESPNet] ESPNet: Efficient Spatial Pyramid of Dilated Convolutions for Semantic Segmentation (2018.03 ECCV 2018) [Paper] [PyTorch]
- [LW-RefineNet] Light-Weight RefineNet for Real-Time Semantic Segmentation (2018.10 BMVC 2018) [Paper] [PyTorch] [PyTorch]
- [MaskLab] MaskLab: Instance Segmentation by Refining Object Detection with Semantic and Direction Features (2017.12 CVPR 2018) [Paper] [Project]
- [PANet] Path Aggregation Network for Instance Segmentation (2018.03 CVPR 2018) [Paper] [PyTorch]
- [PRMs] Weakly Supervised Instance Segmentation Using Class Peak Response (2018.04 CVPR 2018) [Paper] [PyTorch]
- [PS] Panoptic Segmentation (2018.01 ) [Paper]
- [Semi-Supervised PS] Weakly- and Semi-Supervised Panoptic Segmentation (2018.08 ECCV 2018 ) [Paper] [Matlab]
- [JSIS-Net] Panoptic Segmentation with a Joint Semantic and Instance Segmentation Network (2018.09) [Paper]
- [TASCNet] Learning to Fuse Things and Stuff (2018.12) [Paper]
- Interactive Full Image Segmentation (2018.12) [Paper]
- [AUNet] Attention-guided Unified Network for Panoptic Segmentation (2018.12 ) [Paper]
- [PS FPN] Panoptic Feature Pyramid Networks (2019.01) [Paper]
- [UPSNet] UPSNet: A Unified Panoptic Segmentation Network (2019.01) [Paper]
- [RCNN] Rich feature hierarchies for accurate object detection and semantic segmentation(2013.11 CVPR 2014) [Paper] [Matlab]
- [Fast R-CNN] Fast R-CNN (2015.04 ICCV 2015) [Paper] [Caffe]
- [YOLO] You Only Look Once: Unified, Real-Time Object Detection (2015.06 CVPR 2016) [Paper] [Project] [DarkNet] [PyTorch]
- [SSD] SSD: Single Shot MultiBox Detector (2015.12 ECCV 2016) [Paper] [Caffe] [PyTorch]
- [OHEM] Training Region-based Object Detectors with Online Hard Example Mining (2016.01 CVPR 2016) [Paper] [Caffe]
- [R-FCN] R-FCN: Object Detection via Region-based Fully Convolutional Networks (2016.05 NeurIPS 2016) [Paper] [Caffe]
- [DAG] Adversarial Examples for Semantic Segmentation and Object Detection (2017.03 ICCV 2017) [Paper] [Caffe]
- [Focal Loss] Focal Loss for Dense Object Detection (2017.07) [Paper]
- [DSOD] DSOD: Learning Deeply Supervised Object Detectors from Scratch (2017.07 ICCV 2017) [Paper] [Caffe with SSD] [PyTorch] [MXNet]
- [Cascade R-CNN] Cascade R-CNN: Delving into High Quality Object Detection (2017.12 CVPR 2018) [Paper] [Caffe] [Note_Zhihu]
- [CornerNet] CornerNet: Detecting Objects as Paired Keypoints (2018.08 ECCV 2018) [Paper] [PyTorch]
- [Survey] Deep Learning for Generic Object Detection: A Survey (2018.09 IJCV 2018) [Paper]
- [Training From Scratch] Rethinking ImageNet Pre-training (2018.11) [Paper]
- [GHM_Detection] Gradient Harmonized Single-stage Detector (2018.11 AAAI 2019) [Paper] [PyTorch]
- [Show, Attend and Tell] Show, Attend and Tell: Neural Image Caption Generation with Visual Attention(2015) [Paper] [TensorFlow] [PyTorch]
- Image Captioning with Semantic Attention(2016) [Paper] [Torch]
- Bottom-Up and Top-Down Attention for Image Captioning and Visual Question Answering(2017) [Paper] [Caffe]
- Convolutional Image Captioning(2017) [Paper] [PyTorch]
- CNN+CNN: Convolutional Decoders for Image Captioning (2018) [Paper]
- [MUNIT] Multimodal Unsupervised Image-to-Image Translation (2018.04 ECCV 2018) [Paper] [PyTorch]
- [SAGAN] Self-Attention Generative Adversarial Networks(2018.05) [Paper] [PyTorch]
- [DIRT] Diverse Image-to-Image Translation via Disentangled Representations(2018.08) [Paper] [PyTorch] (Notes: maybe suitable for unpaired MR-CT synthesis for human body)
- [VID2VID] Video-to-Video Synthesis(2018.08) [Paper] [PyTorch]
- [BigGAN] Large Scale GAN Training for High Fidelity Natural Image Synthesis (2018.09) [Paper] [PyTorch]
- [styleGAN] A Style-Based Generator Architecture for Generative Adversarial Networks (2018.12) [Paper]
- Show, Attend and Tell: Neural Image Caption Generation with Visual Attention(2015.02) [Paper] [TensorFlow] [PyTorch]
- Image Captioning with Semantic Attention(2016.03) [Paper] [Torch]
- Attention Is All You Need(2017.06) [Paper] [PyTorch] [TensorFlow]
- Bottom-Up and Top-Down Attention for Image Captioning and Visual Question Answering(2017.07) [Paper] [Caffe]
- Attention U-Net:Learning Where to Look for the Pancreas(2018.04) [Paper] [PyTorch]
- Self-Attention Generative Adversarial Networks(2018.05) [Paper] [PyTorch] (Notes: 将自我注意机制引入到GAN的生成模型中,对于图像的纹理和几何上的联系提供全局的注意使得生成的图像更加的合理)
- Learning Visual Question Answering by Bootstrapping Hard Attention (2018.08) [Paper] [PyTorch] (Note: Hard-Attention)
- Pervasive Attention: 2D Convolutional Neural Networks for Sequence-to-Sequence Prediction(2018.08) [Paper] [PyTorch]
- [Pervasive Attention] Pervasive Attention: 2D Convolutional Neural Networks for Sequence-to-Sequence Prediction(2018.08 CoNLL 2018) [Paper] [PyTorch]
- [Rician Normalization] Normalization of T2W-MRI Prostate Images using Rician a priori (Medical Imaging 2016: Computer-Aided Diagnosis) [Paper]
- [U-Net] U-Net: Convolutional Networks for Biomedical Image Segmentation (2015.05) [Paper] [PyTorch] [PyTorch(Hsu)]
- [V-Net] V-Net: Fully Convolutional Neural Networks for Volumetric Medical Image Segmentation (2016.06) [Paper] [PyTorch] [PyTorch(Hsu)]
- [XmasNet] Prostate Cancer Diagnosis using Deep Learning with 3D Multiparametric MRI (2017.03 Medical Imaging: Computer-Aided Diagnosis 2017) [Paper]
- [Tversky loss] Tversky loss function for image segmentation using 3D fully convolutional deep networks (2017.06) [Paper]
- [TDN] Automated Detection of Clinically Significant Prostate Cancer in mp-MRI Images based on an End-to-End Deep Neural Network (2018.07 TMI 2018) [Paper]
- [AnatomyNet] AnatomyNet: Deep Learning for Fast and Fully Automated Whole-volume Segmentation of Head and Neck Anatomy (2018.08) [Paper]
- Improving Data Augmentation for Medical Image Segmentation (2018.12 MIDL 2018) [Paper]
- Computer-aided diagnosis of prostate cancer using a deep convolutional neural network from multiparametric MRI (JMRI 2018) [Paper]
- [Ensemble] A New Ensemble Learning Framework for 3D Biomedical Image Segmentation (2018.12 AAAI 2019) [Paper] [code]
- Enhanced Deep Residual Networks for Single Image Super-Resolution (2017.7 CVPR 2017) [Paper] [PyTorch]
- [Pairing Samples] Data Augmentation by Pairing Samples for Images Classification (2018.01) [Paper]
- [AutoAugment] AutoAugment: Learning Augmentation Policies from Data (2018.05) [Paper]
- [Albumentations] Albumentations: fast and flexible image augmentations (2018.09) [Paper]
- [Pixel Augmentation] Pixel Level Data Augmentation for Semantic Image Segmentation using Generative Adversarial Networks (2018.11) [Paper]
- [Batch Normalization] Batch Normalization: Accelerating Deep Network Training by Reducing Internal Covariate Shift (2015.02) [Paper]
- [Layer Normalization] Layer Normalization(2016.07) [Paper]
- [Instance Normalization] Instance Normalization: The Missing Ingredient for Fast Stylization (2016.07) [Paper]
- [Group Normalization] Group Normalization (2018.03) [Paper] [TensorFlow]
- How Does Batch Normalization Help Optimization? (2018.05 NeurIPS 2018) [Paper]
- [Switchable Normalization] Differentiable Learning-to-Normalize via Switchable Normalization (2018.06) [Paper] [PyTorch]
- Synchronized-BatchNorm [PyTorch] [MXNet]
- Delving Deep into Rectifiers: Surpassing Human-Level Performance on ImageNet Classification (2015.02) [Paper]
- Understanding the difficulty of training deep feedforward neural networks [Paper]
- Training Techniques--An overview of gradient descent optimization algorithms [url]
- [ZeroInit] Residual Learning Without Normalization via Better Initialization (2018.09 ICLR2019) [Paper]
- Learning to Optimize(2016.06) [Paper]
- Neural Architecture Search with Reinforcement Learning (2016.11) [Paper]
- [MetaQNN] Designing Neural Network Architectures using Reinforcement Learning (2016.11 ICLR 2017) [Paper]
- [Large-Scale Evolution] Large-Scale Evolution of Image Classifiers (2017.03 ICML 2017) [Paper]
- [Genetic CNN] Genetic CNN [Paper]
- [EAS] Efficient Architecture Search by Network Transformation(2017.07 AAAI 2018) [Paper] [TensorFlow ]
- [NASNet] Learning Transferable Architectures for Scalable Image Recognition (2017.07) [Paper] [TensorFlow]
- Hierarchical Representations for Efficient Architecture Search (2017.11 ICLR 2018) [Paper]
- [AmoebaNet-A] Regularized Evolution for Image Classifier Architecture Search (2018.02) [Paper]
- [ENAS] Efficient Neural Architecture Search via Parameter Sharing (2018.02 ICML 2018) [Paper] [TensorFlow] [PyTorch]
- PASCAL VOC 2012
- Cityscapes
- NYUv2
- PASCAL-Context
- SUNRGBD
- ADE20k
- Grand Challenges in Biomedical Image Analysis: