• Stars
    star
    415
  • Rank 100,470 (Top 3 %)
  • Language
  • License
    MIT License
  • Created over 7 years ago
  • Updated almost 7 years ago

Reviews

There are no reviews yet. Be the first to send feedback to the community and the maintainers!

Repository Details

Deep Learning Tutorials for 10 Weeks

Deep Learning Tutorial

45 Papers + TF implementations

Topics (papers)

Modern CNNs

  • Alex Krizhevsky, et al. "ImageNet Classification with Deep Convolutional Neural Networks", NIPS, 2012
  • Christian Szegedy, et al. "Going Deeper with Convolutions", CVPR, 2015
  • Christian Szegedy, et al. "Inception-v4, Inception-ResNet and the Impact of Residual Connections on Learning", ArXiv, 2016
  • Kaiming He, et al. "Deep Residual Learning for Image Recognition", CVPR, 2016
  • Andreas Veit, et al. "Residual Networks are Exponential Ensembles of Relatively Shallow Networks", ArXiv, 2016
  • Sergey Zagoruyko and Nikos Komodakis "Wide Residual Networks", ArXiv, 2016

Regularization

  • Nitish Srivastava, et al. "Dropout- A Simple Way to Prevent Neural Networks from Overfitting", JMLR, 2014
  • Sergey Ioffe and Christian Szegedy "Batch Normalization- Accelerating Deep Network Training by Reducing Internal Covariate Shift, ArXiv, 2015

Algorithms behind AlphaGo

  • David Silver et al. "Mastering the game of Go with deep neural networks and tree search", Nature, 2016

Optimization Methods

  • Momentum, NAG, AdaGrad, AdaDelta, RMSprop, ADAM
  • Diederik Kingma and Jimmy Bam "ADAM: A Method For Stochastic Optimization", ICLR, 2015

Restricted Boltzmann Machine

  • Geoffrey Hinton, "A Practical Guide to Training Restricted Boltzmann Machines", 2010

Semantic Segmentation

  • Jonathan Long et al. "Fully Convolutional Networks for Semantic Segmentation", CVPR, 2015
  • Liang-Chieh Chen et al. "Semantic Image Segmentation with Deep Convolutional Nets and Fully Connected CRFs", CVPR, 2015
  • Hyeonwoo Noh et al. "Learning Deconvolution Network for Semantic Segmentation", ICCV, 2015
  • Liang-Chieh Chen et al. "DeepLab: Semantic Image Segmentation with Deep Convolutional Nets, Atrous Convolution, and Fully Connected CRFs", ArXiv, 2016

Weakly Supervised Localization

  • Maxime Oquab et al. "Is object localization for free? – Weakly-supervised learning with convolutional neural networks", CVPR, 2015
  • Bolei Zhou et al. "Learning Deep Features for Discriminative Localization", CVPR, 2016

Image detection methods

  • Ross Girshick et al. "Rich feature hierarchies for accurate object detection and semantic segmentation", CVPR, 2014
  • Kaiming He et al. "Spatial Pyramid Pooling in Deep Convolutional Networks for Visual Recognition", CVPR, 2015
  • Ross Girshick, "Fast R-CNN", ICCV, 2015
  • Shaoqing Ren et al. "Faster R-CNN: Towards Real-Time Object Detection with Region Proposal Networks", NIPS, 2015
  • Joseph Redmon et al. "You Only Look Once: Unified, Real-Time Object Detection", CVPR, 2016
  • Donggeun Yoo et al. "AttentionNet: Aggregating Weak Directions for Accurate Object Detection", ICCV, 2015
  • Wei Liu et al. "SSD: Single Shot MultiBox Detector", ECCV, 2016
  • Joseph Redmon, Ali Farhadi, "YOLO9000: Better, Faster, Stronger", ArXiv, 2017

Visual Q&A

  • Hyeonwoo Noh et al. "Image Question Answering using Convolutional Neural Network with Dynamic Parameter Prediction", CVPR, 2015
  • Akira Fukui et al. "Multimodal Compact Bilinear Pooling for VQA", CVPR, 2016

Deep reinforcement learning

  • Volodymyr Mnih et al. "Playing Atari with Deep Reinforcement Learning", NIPS, 2013
  • Hado van Hasselt et al. "Deep Reinforcement Learning with Double Q-learning", AAAI, 2016

Recurrent Neural Networks

  • Alex Graves, "Generating Sequences With Recurrent Neural Networks", ArXiv, 2013

Word embedding

  • Tomas Mikolov et al. "Distributed Representations of Words and Phrases and their Compositionality", NIPS, 2013

Image captioning

  • Oriol Vinyals et al. "Show and Tell: A Neural Image Caption Generator", CVPR, 2015
  • Kelvin Xu et al. "Show, Attend and Tell: Neural Image Caption Generation with Visual Attention", ICML, 2015
  • Justin Johnson et al. "DenseCap: Fully Convolutional Localization Networks for Dense Captioning", CVPR, 2016

Neural Styles

  • Leon A. Gatys et al. "Texture Synthesis Using Convolutional Neural Networks", NIPS, 2015
  • Aravindh Mahendran and Andrea Vedaldi, "Understanding Deep Image Representations by Inverting Them", CVPR, 2015
  • Leon A. Gatys et al. "A Neural Algorithm of Artistic Style", ArXiv, 2015

Generative adversarial networks

  • Ian J. Goodfellow et al. "Generative Adversarial Networks", NIPS, 2015
  • Alec Radford et al. "Unsupervised Representation Learning with Deep Convolutional Generative Adversarial Networks", ICLR, 2016
  • Scott Reed et al. "Generative Adversarial Text to Image Synthesis", ICML, 2016
  • Donggeun Yoo et al. "Pixel Level Domain Transfer", ECCV, 2016
  • Phillip Isola et al, "Image-to-Image Translation with Conditional Adversarial Networks", ArXiv, 2016
  • Anh Nguyen et al. "Plug & Play Generative Networks: Conditional Iterative Generation of Images in Latent Space", ArXiv, 2016
  • Scott Reed et al. "Learning What and Where to Draw", NIPS, 2016

and implementations (which can be found in TF-101)

  • Basic Python usage (numpy, matplotlib, ..)
  • Handling MNIST
  • Logistic regression
  • Multilayer Perceptron
  • Convolutional Neural Network
  • Denoising Autoencoders (+Convolutional)
  • Class Activation Map
  • Semantic Segmentation
  • Using Custom Dataset
  • Recurrent Neural Network
  • Char-RNN
  • Word2Vec
  • Neural Style

More Repositories

1

Tensorflow-101

TensorFlow Tutorials
Jupyter Notebook
2,592
star
2

dl_tutorials

Deep learning tutorials (2nd ed.)
1,517
star
3

bayes-nn

Lecture notes on Bayesian deep learning
469
star
4

advanced-tensorflow

Little More Advanced TensorFlow Implementations
Jupyter Notebook
367
star
5

Deep-Learning-101

Deep Learning Tutorials
259
star
6

2022-1-deep-learning-applications

182
star
7

choicenet

Implementation of ChoiceNet
Jupyter Notebook
128
star
8

irl_rocks

Cool Inverse Reinforcement Learning Papers
119
star
9

dl_tutorials_3rd

Deep learning tutorials (third edition)
97
star
10

rl_tutorial

Yet Another Reinforcement Learning Tutorial
Jupyter Notebook
71
star
11

upstage-basic-deeplearning

PyTorch Tutorial for Boostcamp AI Tech
Jupyter Notebook
43
star
12

yet-another-gpt-tutorial

Jupyter Notebook
36
star
13

RecurrentFlowNet

Recurrent Flow Network for Occupancy Flow
C
28
star
14

density_network

Density Network Implementations using TensorFlow
Jupyter Notebook
26
star
15

deep-uncertainty

Modeling uncertainty information in deep learning
Jupyter Notebook
22
star
16

TrackDrive

Track driving simulator in MATLAB.
MATLAB
22
star
17

2022-1-intelligent-robotics

MATLAB
22
star
18

gaussian-process

A gentle introduction to Gaussian processes
Jupyter Notebook
20
star
19

face_recognition

Face Recognition with Custom Dataset
Jupyter Notebook
19
star
20

yart-minimal

Tutorial of YART (Yet Another Robotics Tutorial)
MATLAB
17
star
21

dl-workshop

Deep learning workshop @ SNU
16
star
22

yet-another-mujoco-tutorial

Yet Another MuJoCo Tutorial
Jupyter Notebook
15
star
23

simple-mujoco-usage-v2

Jupyter Notebook
15
star
24

tf_practice

TensorFlow 1.x Practice
Jupyter Notebook
15
star
25

img_dataset

Image Classification Dataset
15
star
26

bbopt

Black Box Optimization Methods
Jupyter Notebook
13
star
27

yet-another-pytorch-tutorial

Yet Another PyTorch Tutorial
Jupyter Notebook
11
star
28

deep-autoencoders

Implementations of autoencoders (VAE, AAE, and others)
Jupyter Notebook
11
star
29

intro-to-linear-algebra

Jupyter Notebook
11
star
30

GP

Jupyter Notebook
8
star
31

tf_bbb

Tensorflow Implementation of Bayes by Backprop
Jupyter Notebook
8
star
32

yart

Yet Another Robotics Toolbox
MATLAB
7
star
33

pyconkr17

How Far Can You Trust Your Deep Neural Networks (Feat. TensorFlow)
6
star
34

little-complex-mujoco-usage

A little more complex MuJoCo usage
Jupyter Notebook
6
star
35

media-pipe-usage

How to use Google MediaPipe
Jupyter Notebook
5
star
36

deep-robust-nlp

Simple implementation of sentiment analysis
Jupyter Notebook
5
star
37

Mobile-robot-simulator

Mobile robot simulator in MATLAB
HTML
5
star
38

rlwray

Reinforcement Learning with RAY
Jupyter Notebook
4
star
39

simple-mujoco-usage

MuJoCo
Jupyter Notebook
4
star
40

linear_algebra

Linear Algebra
Jupyter Notebook
4
star
41

dlvm

Deep Latent Variable Methods
Jupyter Notebook
3
star
42

gentle-dpp

A gentle introduction to determinantal point processes
Jupyter Notebook
3
star
43

deep-robust-regression

Deep Robust Regression Methods
Jupyter Notebook
3
star
44

deeplearning-at-Gacheon

Deep Learning Tutorial at Gacheon University
3
star
45

yet-another-diffusion-models

Jupyter Notebook
3
star
46

rospy_examples

ROS examples
Jupyter Notebook
2
star
47

matlab-urdf-parser

Matlab implementation parsing URDF
MATLAB
2
star
48

yet-another-mujoco-tutorial-v3

Jupyter Notebook
2
star
49

child_bm

Behavior Modeling of Children
Jupyter Notebook
1
star
50

yet-another-gpt-tutorial-v2

1
star
51

mhformer-for-rmr

Human pose estimation with MHFormer for Robust Motion Retargeting
Python
1
star
52

sjchoi86.github.io

HTML
1
star
53

kalman-filter

Jupyter Notebook
1
star
54

simple-fsm

Simple Finite State Machine
1
star
55

deep-robust-vision

Deep robust vision methods
Jupyter Notebook
1
star
56

gaussian-random-path

Jupyter Notebook
1
star
57

eclipse_img_processing

Jupyter Notebook
1
star
58

ai_curation

Jupyter Notebook
1
star
59

gqvae

Gumbel Quantized VAE
Jupyter Notebook
1
star