• Stars
    star
    182
  • Rank 203,677 (Top 5 %)
  • Language
  • Created about 2 years ago
  • Updated almost 2 years ago

Reviews

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

Repository Details

2022-1 Deep Learning and Applications

In this lecture, we will be learning about two different topics in deep learning: self-supervised learning (SSL) and generative models.

Syllabus

  1. Historical Review (AlexNet, DQN, Attention, Adam, GAN, ResNet, Transformer, Pretrained Model, SSL)
  2. Good Old Fashioned SSL (Jigsaw, BiGAN, RotNet, Auto-Encoding Transform, DeepCluster, Single Image SSL)
  3. Convnet-based SSL (DrLIM, Contrastive Predictive Coding, SimCLR, MoCo, BYOL, SimCLRv2, SwAV, Barlow Twins)
  4. Transformer-based SSL (Transformer, ViT, Swin Transformer, DINO, EsViT)
  5. Language-domain SSL (GPT, GPT-2, BERT, RoBERTa, ALBERT, GPT-3)
  6. Generative Model 1 (NADE,PixelRNN,PixelCNN)
  7. Generative Model 2 (VAE, WAE, GAN, PlanarFlow)
  8. Generative Model 3 (DDPM)
  9. Generative Model 4 (DDIM)
  10. Generative Model 5 (InfoGAN, VQ-VAE, VQ-VAE2)
  11. Generative Model 6 (ADM, CFG, GLIDE, DALL-E2)

Paper Lists

  • Jigsaw: "Unsupervised Learning of Visual Representations by Solving Jigsaw Puzzles," 2017
  • BiGAN: "ADVERSARIAL FEATURE LEARNING," 2017
  • RotNet: "UNSUPERVISED REPRESENTATION LEARNING BY PREDICTING IMAGE ROTATIONS," 2018
  • Auto-Encoding Transform: "AET vs. AED: Unsupervised Representation Learning by Auto-Encoding Transformations rather than Data," 2019
  • DeepCluster: "Deep Clustering for Unsupervised Learning of Visual Features," 2019
  • Single Image SSL: "A CRITICAL ANALYSIS OF SELF-SUPERVISION, WHAT WE CAN LEARN FROM A SINGLE IMAGE," 2020
  • DrLIM: "Dimensionality Reduction by Learning an Invariant Mapping," 2006
  • Contrastive Predictive Coding: "Representation Learning with Contrastive Predictive Coding," 2019
  • SimCLR: "A Simple Framework for Contrastive Learning of Visual Representations," 2020
  • MoCo: "Momentum Contrast for Unsupervised Visual Representation Learning," 2020
  • BYOL: "Bootstrap Your Own Latent A New Approach to Self-Supervised Learning," 2020
  • SimCLRv2: "Big Self-Supervised Models are Strong Semi-Supervised Learners," 2020
  • SwAV: "Unsupervised Learning of Visual Features by Contrasting Cluster Assignments," 2021
  • Barlow Twins: "Barlow Twins: Self-Supervised Learning via Redundancy Reduction," 2021
  • Transformer: "Attention is All You Need," 2017
  • ViT: "AN IMAGE IS WORTH 16 X 16 WORDS :TRANSFORMERS FOR IMAGE RECOGNITION AT SCALE," 2021
  • Swin Transformer: "Swin Transformer: Hierarchical Vision Transformer using Shifted Windows," 2021
  • DINO: "Emerging Properties in Self-Supervised Vision Transformers," 2021
  • EsViT: "Efficient Self-supervised Vision Transformers for Representation Learning," 2021
  • GPT: "Improving Language Understanding by Generative Pre-Training," 2018
  • GPT-2: "Language Models are Unsupervised Multitask Learners," 2018
  • BERT: "BERT: Pre-training of Deep Bidirectional Transformers for Language Understanding," 2019
  • RoBERTa: "RoBERTa: A Robustly Optimized BERT Pretraining Approach," 2019
  • ALBERT: "ALBERT: A LITE BERT FOR SELF-SUPERVISED LEARNING OF LANGUAGE REPRESENTATIONS," 2020
  • GPT-3: "Language Models are Few-Shot Learners," 2020
  • NADE: "Neural Autoregressive Distribution Estimation." 2016
  • PixelRNN: "Pixel Recurrent Neural Networks," 2016
  • PixelCNN: "Conditional Image Generation with PixelCNN Decoders," 2016
  • VAE: "Auto-Encoding Variational Bayes," 2013
  • WAE: "Wasserstein Auto-Encoders," 2017
  • GAN: "Generative Adversarial Networks," 2014
  • PlanarFlow: "Variational Inference with Normalizing Flows," 2016
  • DDPM: "Denoising Diffusion Probabilistic Models," 2020
  • InfoGAN: "InfoGAN: Interpretable Representation Learning by Information Maximizing Generative Adversarial Nets," 2016
  • VQ-VAE: "Neural Discrete Representation Learning," 2018
  • VQ-VAE2: "Generating Diverse High-Fidelity Images with VQ-VAE-2," 2019
  • DDIM: "DENOISING DIFFUSION IMPLICIT MODELS," 2020
  • IDDPM: "Improved Denoising Diffusion Probabilistic Models," 2021
  • ADM: "Diffusion Models Beat GANs on Image Synthesis," 2021
  • CFG: "Classifier-Free Diffusion Guidance," 2021
  • BART: "ImageBART: Bidirectional Context with Multinomial Diffusion for Autoregressive Image Synthesis," 2021
  • DiffusionGAN: "TACKLING THE GENERATIVE LEARNING TRILEMMA WITH DENOISING DIFFUSION GANS," 2021
  • GLIDE: "GLIDE: Towards Photorealistic Image Generation and Editing with Text-Guided Diffusion Models," 2022
  • DALL-E2: "Hierarchical Text-Conditional Image Generation with CLIP Latents," 2022
This syllabus is subject to further change or revision, as needed, to best realize the educational goals of the course.

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

dl_tutorials_10weeks

Deep Learning Tutorials for 10 Weeks
415
star
5

advanced-tensorflow

Little More Advanced TensorFlow Implementations
Jupyter Notebook
367
star
6

Deep-Learning-101

Deep Learning Tutorials
259
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