Paper-Notes icon indicating copy to clipboard operation
Paper-Notes copied to clipboard

Paper notes in deep learning/machine learning and computer vision

CV-DL Papers Reading List(Irregular updating)

Recommanded resources in Computer Vision and Deep Learning including advanced paper and issue-solutions in experiments. Mark read status as :heavy_check_mark:

Contents

  • CV-DL Papers Reading List(Irregular updating)
    • Contents
    • Image Recognition
      • Backbone Network
      • Light Weight Network
    • Image Segmentation
      • Semantic Segmentation
        • Real Time Segmentation
      • Instance Segmentaion
      • Panoptic Segmentation
      • Losses
    • Object Detection
      • Anchor Free
    • Image Restoration
      • Super Resolution
    • Image Caption
    • Generative Adversarial Networks
    • Attention Mechanism
    • Natural Language Processing Related
    • Medical Image Analysis
    • Other Applications
    • Pose Estimation
    • Training Tricks
      • Data Augmentation
      • Normalization
      • Initialization
    • AutoML
    • Dataset and Contest
      • Dataset
      • Contest

Image Recognition

Backbone Network

  • [x] [AlexNet] ImageNet classification with deep convolutional neural networks(2012 NeurIPS 2012) [Paper] [PyTorch]
  • [x] [ZFNet] Visualizing and Understanding Convolutional Networks (2013.11 ECCV 2014) [Paper] [TensorFlow]
  • [x] [NIN] Network In Network (2013.12 ICLR 2014) [Paper] [TensorFlow(TFLearn)]
  • [x] [SPPNet] Spatial Pyramid Pooling in Deep Convolutional Networks for Visual Recognition (2014.6 ECCV 2014) [Paper]
  • [x] [VGG] Very Deep Convolutional Networks for Large-Scale Image Recognition (2014.09)[Paper][Slide] [PyTorch]
  • [x] [Inception V1] Going Deeper with Convolutions (2014.09) [Paper] [PyTorch]
  • [x] [Inception V2] Batch Normalization: Accelerating Deep Network Training by Reducing Internal Covariate Shift (2015.02) [Paper]
  • [x] [Inception V3] Rethinking the Inception Architecture for Computer Vision (2015.12 CVPR 2016) [Paper] [PyTorch]
  • [x] [ResNet] Deep Residual Learning for Image Recognition (2015.12 CVPR 2016) [Paper] [PyTorch]
  • [x] [ResNet V2] Identity Mappings in Deep Residual Networks (2016.03 ECCV 2016) [Paper] [Torch] [MXNet]
  • [x] [Inception v4] Inception-v4, Inception-ResNet and the Impact of Residual Connections on Learning (2016.02) [Paper] [TensorFlow] [PyTorch]
  • [x] [Wide ResNet] Wide Residual Networks (2016.05) [Paper] [PyTorch]
  • [x] [DenseNet] Densely Connected Convolutional Networks (2016.08 CVPR 2017) [Paper] [PyTorch]
  • [x] [Xception] Xception: Deep Learning with Depthwise Separable Convolutions (2016.10) [Paper] [PyTorch]
  • [x] [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]
  • [x] [DRN] Dilated Residual Networks (2017.05 CVPR 2017) [Paper] [PyTorch]
  • [x] [DPN] Dual Path Networks (2017.07) [Paper] [PyTorch] [MXNet]
  • [x] [NASNet] Learning Transferable Architectures for Scalable Image Recognition (2017.07) [Paper] [TensorFlow]
  • [x] [SENet] Squeeze-and-Excitation Networks (2017.09) [Paper] [Caffe] [PyTorch]
  • [x] [Capsules] Dynamic Routing Between Capsules (2017.10) [Paper] [PyTorch]
  • [x] [Non-Local] Non-local Neural Networks (2017.11) [Paper] [PyTorch]
  • [ ] [PNASNet] Progressive Neural Architecture Search (2017.12) [Paper] [PyTorch [TensorFlow]

Light Weight Network

  • [x] [Squeeze Net] SqueezeNet: AlexNet-level accuracy with 50x fewer parameters and <0.5MB model size (2016.02) [Paper] [PyTorch]
  • [x] [MobileNets] MobileNets: Efficient Convolutional Neural Networks for Mobile Vision Applications (2017.04) [Paper] [TensorFlow] [PyTorch]
  • [x] [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]
  • [x] [ENAS] Efficient Neural Architecture Search via Parameter Sharing (2018.02 ICML 2018) [Paper] [TensorFlow] [PyTorch]
  • [x] [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]
  • [x] [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]

Image Segmentation

Image Segmentation

Semantic Segmentation

  • [x] [FCN1] Fully Convolutional Networks for Semantic Segmentation (2014.11,CVPR 2015) [Paper1] [Paper1] [PyTorch]
  • [x] [DeepLab V1] Semantic Image Segmentation with Deep Convolutional Nets and Fully Connected CRFs (2014.12, ICLR 2015) [Paper] [Caffe]
  • [x] [CRF-RNN] Conditional Random Fields as Recurrent Neural Networks (2015.02, ICCV 2015) [Paper] [[PyTorch]](https://github.com/torrvision/crfasrnn
  • [x] [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]
  • [x] [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]
  • [x] [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]
  • [x] [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]
  • [x] [Tiramisu] The One Hundred Layers Tiramisu: Fully Convolutional DenseNets for Semantic Segmentation (2016.11 CVPRW 2017) [Paper] [Theano] [PyTorch]
  • [x] [PSPNet] Pyramid Scene Parsing Network (2016.12 CVPR 2017) [Paper] [Caffe] [PyTorch1] [PyTorch2]](https://github.com/Lextal/pspnet-pytorch)
  • [x] [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]
  • [x] [GCN] Large Kernel Matters -- Improve Semantic Segmentation by Global Convolutional Network (2017.03 ) [Paper] [PyTorch1] [PyTorch2]
  • [ ] [PixelTCN] Pixel Deconvolutional Networks (2017.05) [Paper] [TensorFlow]
  • [x] [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]
  • [x] [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]
  • [x] [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 ]
  • [x] [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]
  • [x] [FPANet] Pyramid Attention Network for Semantic Segmentation(2018.05) [Paper] [PyTorch]
  • [x] [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]
  • [x] [OCNet] OCNet: Object Context Network for Scene Parsing (2018.09 ) [Paper] [PyTorch]
  • [x] [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] [PyTorch]
  • [x] [DenseASPP] for Semantic Segmentation in Street Scenes (CVPR 2018) [Paper]
  • [x] [DRN] Dense Relation Network: Learning Consistent and Context-Aware Representation for Semantic Image Segmentation (2018 ICIP 2018) [Paper] [MXNet1] [MXNet2]
  • [ ] [PSANet] PSANet: Point-wise Spatial Attention Network for Scene Parsing (2018 ECCV 2018) [Paper] [Project] [Caffe]
  • [x] [DUpsampling] Decoders Matter for Semantic Segmentation: Data-Dependent Decoding Enables Flexible Feature Aggregation (2019.03 CVPR 2019) [Paper] [PyTorch]

Real Time Segmentation

  • [x] [ENet] ENet: A Deep Neural Network Architecture for Real-Time Semantic Segmentation (2016.06 ) [Paper] [Caffe]
  • [x] [ICNet] ICNet for Real-Time Semantic Segmentation on High-Resolution Images (2017.04 ECCV 2018) [Paper] [Caffe] [PyTorch]
  • [x] [ESPNet] ESPNet: Efficient Spatial Pyramid of Dilated Convolutions for Semantic Segmentation (2018.03 ECCV 2018) [Paper] [PyTorch]
  • [x] [LW-RefineNet] Light-Weight RefineNet for Real-Time Semantic Segmentation (2018.10 BMVC 2018) [Paper] [PyTorch] [PyTorch]

Instance Segmentaion

  • [x] [MaskLab] MaskLab: Instance Segmentation by Refining Object Detection with Semantic and Direction Features (2017.12 CVPR 2018) [Paper] [Project]
  • [x] [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]
  • [ ] [TensorMask] TensorMask: A Foundation for Dense Object Segmentation (2019.03) [Paper]

Panoptic Segmentation

  • [x] [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]
  • [x] Interactive Full Image Segmentation (2018.12) [Paper]
  • [x] [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]

Losses

  • [ ] [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]
  • [ ] [Max-Pooling Loss] Loss Max-Pooling for Semantic Image Segmentation (2017.04 CVPR 2017) [Paper] [PyTorch]
  • [x] [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]
  • [ ] [NeuroIoU] NeuroIoU: Learning a Surrogate Loss for Semantic Segmentation (2018 BMVC 2018) [Paper]
  • [ ] [Regularized Losses] On Regularized Losses for Weakly-supervised CNN Segmentation (2018.03 ECCV 2018) [Paper] [Pytorch Caffe]

Object Detection

Object-Detection

  • [x] [RCNN] Rich feature hierarchies for accurate object detection and semantic segmentation(2013.11 CVPR 2014) [Paper] [Matlab]
  • [x] [Fast R-CNN] Fast R-CNN (2015.04 ICCV 2015) [Paper] [Caffe]
  • [x] [YOLO] You Only Look Once: Unified, Real-Time Object Detection (2015.06 CVPR 2016) [Paper] [Project] [DarkNet] [PyTorch]
  • [x] [SSD] SSD: Single Shot MultiBox Detector (2015.12 ECCV 2016) [Paper] [Caffe] [PyTorch]
  • [x] [OHEM] Training Region-based Object Detectors with Online Hard Example Mining (2016.01 CVPR 2016) [Paper] [Caffe]
  • [x] [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]
  • [x] [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]
  • [x] [RFBNet] Receptive Field Block Net for Accurate and FastObject Detection (2017.11 ECCV 2018) [Paper] [PyTorch]
  • [ ] [Cascade R-CNN] Cascade R-CNN: Delving into High Quality Object Detection (2017.12 CVPR 2018) [Paper] [Caffe] [Note_Zhihu]
  • [x] [Survey] Deep Learning for Generic Object Detection: A Survey (2018.09 IJCV 2018) [Paper]
  • [ ] [Training From Scratch] Rethinking ImageNet Pre-training (2018.11) [Paper]
  • [x] [GHM_Detection] Gradient Harmonized Single-stage Detector (2018.11 AAAI 2019) [Paper] [PyTorch]
  • [ ] [BoF] Bag of Freebies for Training Object Detection Neural Networks (2019.02) [Paper] [MxNet]
  • [ ] [Generalized IoU] Generalized Intersection over Union: A Metric and A Loss for Bounding Box Regression (2019.02, CVPR 2019) [Paper]

Anchor Free

  • [x] [DenseBox] DenseBox: Unifying Landmark Localization with End to End Object Detection (2015.09) [Paper] [Caffe] [PyTorch]
  • [x] [CornerNet] CornerNet: Detecting Objects as Paired Keypoints (2018.08 ECCV 2018) [Paper] [PyTorch]
  • [ ] [ExtremeNet] Bottom-up Object Detection by Grouping Extreme and Center Points(2019.01 CVPR 2018) [Paper] [PyTorch]
  • [x] [CenterNet] Object as Points (2019.04) [Paper] [PyTorch]
  • [x] [CenterNet] CenterNet: Keypoint Triplets for Object Detection(2019.04 CVPR2019)[Paper] [PyTorch]

Image Restoration

Super Resolution

  • [x] Deep Learning for Image Super-resolution: A Survey [Paper]
  • [x] [EDSR] Enhanced Deep Residual Networks for Single Image Super-Resolution (2017.7 CVPR 2017) [Paper] [PyTorch]
  • [ ] Residual Dense Network for Image Super-Resolution (2018.02 CVPR 2018) [Paper] [Torch]
  • [x] Wide Activation for Efficient and Accurate Image Super-Resolution (2018.08) [Paper] [PyTorch]

Image Caption

  • [x] [Show, Attend and Tell] Show, Attend and Tell: Neural Image Caption Generation with Visual Attention(2015) [Paper] [TensorFlow] [PyTorch]
  • [x] Image Captioning with Semantic Attention(2016) [Paper] [Torch]
  • [x] Bottom-Up and Top-Down Attention for Image Captioning and Visual Question Answering(2017) [Paper] [Caffe]
  • [x] Convolutional Image Captioning(2017) [Paper] [PyTorch]
  • [ ] CNN+CNN: Convolutional Decoders for Image Captioning (2018) [Paper]

Generative Adversarial Networks

  • [x] [DCGAN] Unsupervised Representation Learning with Deep Convolutional Generative Adversarial Networks (2015.11 ICLR 2016) [Paper] [PyTorch] [TensorFlow] [Torch]
  • [ ] [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)
  • [x] [VID2VID] Video-to-Video Synthesis(2018.08) [Paper] [PyTorch]
  • [x] [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]

Attention Mechanism

  • [x] Show, Attend and Tell: Neural Image Caption Generation with Visual Attention(2015.02) [Paper] [TensorFlow] [PyTorch]
  • [x] Image Captioning with Semantic Attention(2016.03) [Paper] [Torch]
  • [x] Attention Is All You Need(2017.06) [Paper] [PyTorch] [TensorFlow]
  • [x] Bottom-Up and Top-Down Attention for Image Captioning and Visual Question Answering(2017.07) [Paper] [Caffe]
  • [x] Attention U-Net:Learning Where to Look for the Pancreas(2018.04) [Paper] [PyTorch]
  • [x] 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]

Natural Language Processing Related

  • [x] [Pervasive Attention] Pervasive Attention: 2D Convolutional Neural Networks for Sequence-to-Sequence Prediction(2018.08 CoNLL 2018) [Paper] [PyTorch]

Medical Image Analysis

  • [x] [Rician Normalization] Normalization of T2W-MRI Prostate Images using Rician a priori (Medical Imaging 2016: Computer-Aided Diagnosis) [Paper]
  • [x] [U-Net] U-Net: Convolutional Networks for Biomedical Image Segmentation (2015.05) [Paper] [PyTorch] [PyTorch(Hsu)]
  • [x] [V-Net] V-Net: Fully Convolutional Neural Networks for Volumetric Medical Image Segmentation (2016.06) [Paper] [PyTorch] [PyTorch(Hsu)]
  • [x] [XmasNet] Prostate Cancer Diagnosis using Deep Learning with 3D Multiparametric MRI (2017.03 Medical Imaging: Computer-Aided Diagnosis 2017) [Paper]
  • [x] [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]
  • [x] [AnatomyNet] AnatomyNet: Deep Learning for Fast and Fully Automated Whole-volume Segmentation of Head and Neck Anatomy (2018.08) [Paper]
  • [x] Improving Data Augmentation for Medical Image Segmentation (2018.12 MIDL 2018) [Paper]
  • [x] 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]
  • [ ] [MultiResUNet] MultiResUNet : Rethinking the U-Net Architecture for Multimodal Biomedical Image Segmentation (2019.02 CVPR 2019) [Paper] [TensorFlow]
  • [ ] Data augmentation using learned transforms for one-shot medical image segmentation (2019.02 CVPR 2019) [Paper] [TensorFlow]

Other Applications

Pose Estimation

  • [ ] [DeepPose] DeepPose: Human Pose Estimation via Deep Neural Networks (2013.11 CVPR 2014) [Paper] [Chainer]
  • [x] [Hourglass] Stacked Hourglass Networks for Human Pose Estimation (2016.03 ECCV 2016) [Paper] [Torch]
  • [ ] [Simple Baselines] Simple Baselines for Human Pose Estimation and Tracking (2018.04 ECCV 2018) [Paper] [PyTorch]
  • [x] [MSPN] Rethinking on Multi-Stage Networks for Human Pose Estimation (2019.01) [Paper]

Training Tricks

  • [x] [Bag of Tricks] Bag of Tricks for Image Classification with Convolutional Neural Networks (2018.12) [Paper]

Data Augmentation

  • [x] [Pairing Samples] Data Augmentation by Pairing Samples for Images Classification (2018.01) [Paper]
  • [ ] [AutoAugment] AutoAugment: Learning Augmentation Policies from Data (2018.05) [Paper]
  • [x] [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]
  • [ ] Data augmentation using learned transforms for one-shot medical image segmentation (2019.02 CVPR 2019) [Paper] [TensorFlow]

Normalization

  • [x] [Batch Normalization] Batch Normalization: Accelerating Deep Network Training by Reducing Internal Covariate Shift (2015.02) [Paper]
  • [x] [Layer Normalization] Layer Normalization(2016.07) [Paper]
  • [x] [Instance Normalization] Instance Normalization: The Missing Ingredient for Fast Stylization (2016.07) [Paper]
  • [x] [Group Normalization] Group Normalization (2018.03) [Paper] [TensorFlow]
  • [x] How Does Batch Normalization Help Optimization? (2018.05 NeurIPS 2018) [Paper]
  • [ ] [Switchable Normalization] Differentiable Learning-to-Normalize via Switchable Normalization (2018.06) [Paper] [PyTorch]
  • [x] Synchronized-BatchNorm [PyTorch] [MXNet]

Initialization

  • [x] Delving Deep into Rectifiers: Surpassing Human-Level Performance on ImageNet Classification (2015.02) [Paper]
  • [x] Understanding the difficulty of training deep feedforward neural networks [Paper]
  • [x] Training Techniques--An overview of gradient descent optimization algorithms [url]
  • [x] [ZeroInit] Residual Learning Without Normalization via Better Initialization (2018.09 ICLR2019) [Paper]

AutoML

  • [ ] 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 ]
  • [x] [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]
  • [x] [ENAS] Efficient Neural Architecture Search via Parameter Sharing (2018.02 ICML 2018) [Paper] [TensorFlow] [PyTorch]

Dataset and Contest

Dataset


Contest