institute of informatics institute of neuroinformatics deep...

60
Deep Learning Antonio Loquercio Institute of Informatics – Institute of Neuroinformatics

Upload: others

Post on 29-Jul-2020

0 views

Category:

Documents


0 download

TRANSCRIPT

Page 1: Institute of Informatics Institute of Neuroinformatics Deep Learningrpg.ifi.uzh.ch/docs/teaching/2018/Deep_tutorial.pdf · 2018-12-06 · Generative Models •We’ve only seen discriminative

Deep Learning

Antonio Loquercio

Institute of Informatics – Institute of Neuroinformatics

Page 2: Institute of Informatics Institute of Neuroinformatics Deep Learningrpg.ifi.uzh.ch/docs/teaching/2018/Deep_tutorial.pdf · 2018-12-06 · Generative Models •We’ve only seen discriminative

Outline

• Introduction• Motivation and history

• Supervised Learning• The image classification problem• Artificial Neural Networks

• Applications to Computer Vision• General problems• Generative models• Applications to visual odometry• Unsupervised Learning

• Applications to Robotics

• Conclusions

Page 3: Institute of Informatics Institute of Neuroinformatics Deep Learningrpg.ifi.uzh.ch/docs/teaching/2018/Deep_tutorial.pdf · 2018-12-06 · Generative Models •We’ve only seen discriminative

The Deep Learning Revolution

Medicine Media & Entertainment

Autonomous DrivingSurveillance & Security

Page 4: Institute of Informatics Institute of Neuroinformatics Deep Learningrpg.ifi.uzh.ch/docs/teaching/2018/Deep_tutorial.pdf · 2018-12-06 · Generative Models •We’ve only seen discriminative

Some History

1958 1974

Perceptron

Critics

1969

Back-Propagation

AI Winter

1995

SVM

1998

Convolutional Neural Networs for Handwritten Digits

Recognition

2006

Restricted BoltzmanMachines

2012

AlexNet

Page 5: Institute of Informatics Institute of Neuroinformatics Deep Learningrpg.ifi.uzh.ch/docs/teaching/2018/Deep_tutorial.pdf · 2018-12-06 · Generative Models •We’ve only seen discriminative

What changed?

• Hardware Improvements

• Big Data Available

• Algorithmic Progress

Page 6: Institute of Informatics Institute of Neuroinformatics Deep Learningrpg.ifi.uzh.ch/docs/teaching/2018/Deep_tutorial.pdf · 2018-12-06 · Generative Models •We’ve only seen discriminative

Image ClassificationTask of assigning an input image a label from a fixed set of categories.

Slide adapted from CNNs for Visual Recognition (Stanford)

Page 7: Institute of Informatics Institute of Neuroinformatics Deep Learningrpg.ifi.uzh.ch/docs/teaching/2018/Deep_tutorial.pdf · 2018-12-06 · Generative Models •We’ve only seen discriminative

The semantic gap• What computers see against what we see

Page 8: Institute of Informatics Institute of Neuroinformatics Deep Learningrpg.ifi.uzh.ch/docs/teaching/2018/Deep_tutorial.pdf · 2018-12-06 · Generative Models •We’ve only seen discriminative

Classification Challenges

Slide adapted from CNNs for Visual Recognition (Stanford)

Directly specifying how a category looks like is impossible.

We need use a Data Driven Approach

Page 9: Institute of Informatics Institute of Neuroinformatics Deep Learningrpg.ifi.uzh.ch/docs/teaching/2018/Deep_tutorial.pdf · 2018-12-06 · Generative Models •We’ve only seen discriminative

Supervised Learning

𝑓(𝑥, 𝜃)

Function parametersor weights

N numbers representingclass scores

0.10.7…0.0

1.00.0…0.0

Predicted Ground truth, 𝑦𝑖

𝐿𝑜𝑠𝑠(𝑓 𝑥𝑖 , 𝜃 , 𝑦𝑖)Update

Find function 𝑓 𝑥, 𝜃 that imitates a ground truth signal

Page 10: Institute of Informatics Institute of Neuroinformatics Deep Learningrpg.ifi.uzh.ch/docs/teaching/2018/Deep_tutorial.pdf · 2018-12-06 · Generative Models •We’ve only seen discriminative

Machine Learning Keywords

• Loss: Quantify how good 𝜃 are

•Optimization: The process of finding 𝜃that minimize the loss

• Function: Problem modelling -> Deep networks are highly non-linear 𝑓(𝑥, 𝜃)

Slide adapted from CNNs for Visual Recognition (Stanford)

Page 11: Institute of Informatics Institute of Neuroinformatics Deep Learningrpg.ifi.uzh.ch/docs/teaching/2018/Deep_tutorial.pdf · 2018-12-06 · Generative Models •We’ve only seen discriminative

Classifiers: K-Nearest neighbor

𝑓(𝒙, 𝜃) = label of the K training examples nearest to 𝒙

• How fast is training? How fast is testing?• O(1), O(n)

• What is a good distance metric ? What K should be used?

Test example

Training examples

from class 1

Training examples

from class 2

Features are represented in the descriptor space

Page 12: Institute of Informatics Institute of Neuroinformatics Deep Learningrpg.ifi.uzh.ch/docs/teaching/2018/Deep_tutorial.pdf · 2018-12-06 · Generative Models •We’ve only seen discriminative

Classifiers: Linear

• Find a linear function to separate the classes:

𝑓 𝒙, 𝜃 = 𝑠𝑔𝑛 𝒘 𝒙 + 𝑏

• What is now 𝜃? What is the dimensionality of images?

Page 13: Institute of Informatics Institute of Neuroinformatics Deep Learningrpg.ifi.uzh.ch/docs/teaching/2018/Deep_tutorial.pdf · 2018-12-06 · Generative Models •We’ve only seen discriminative

Classifiers: non-linear

Bad classifier (over fitting)Good classifier

• What is 𝑓(𝒙, 𝜃) ?

Page 14: Institute of Informatics Institute of Neuroinformatics Deep Learningrpg.ifi.uzh.ch/docs/teaching/2018/Deep_tutorial.pdf · 2018-12-06 · Generative Models •We’ve only seen discriminative

Biological Inspiration

Axon

Terminal Branches

of AxonDendrites

S

x1

x2

w1

w2

wn

xn

x3 w3

f 𝑥, 𝜃 = 𝐹(𝑊𝑥), F is a non-linear activation function (Step, ReLU, Sigmoid)

The Perceptron: A Probabilistic Model for Information Storage and Organization in the Brain, Frank Rosenblatt (1958)

Page 15: Institute of Informatics Institute of Neuroinformatics Deep Learningrpg.ifi.uzh.ch/docs/teaching/2018/Deep_tutorial.pdf · 2018-12-06 · Generative Models •We’ve only seen discriminative

Multi Layer Perceptron

𝒇 (𝒙, 𝜽)

Non-linear Activation functions (ReLU, sigmoid, etc.)

Neural Networks and Deep Learning, Chapter 2– Michael Nielsen

Page 16: Institute of Informatics Institute of Neuroinformatics Deep Learningrpg.ifi.uzh.ch/docs/teaching/2018/Deep_tutorial.pdf · 2018-12-06 · Generative Models •We’ve only seen discriminative

Forward propagation

Forward Pass

𝐿𝑜𝑠𝑠(𝑓 𝑥𝑖 , 𝜃 , 𝑦𝑖)

Neural Networks and Deep Learning, Chapter 2– Michael Nielsen

Page 17: Institute of Informatics Institute of Neuroinformatics Deep Learningrpg.ifi.uzh.ch/docs/teaching/2018/Deep_tutorial.pdf · 2018-12-06 · Generative Models •We’ve only seen discriminative

Optimization: Back-propagation

Backward PassCompute gradients with respect to all parameters

and perform gradient descent

𝜃𝑛𝑒𝑤 = 𝜃𝑜𝑙𝑑 − 𝜇𝛻𝐿𝑜𝑠𝑠

𝐿𝑜𝑠𝑠(𝑓 𝑥𝑖 , 𝜃 , 𝑦𝑖)

Artificial Neural Networks, Back Propagation and the Kelley-Bryson Gradient Procedure – Stuart E .Dreyfus

Page 18: Institute of Informatics Institute of Neuroinformatics Deep Learningrpg.ifi.uzh.ch/docs/teaching/2018/Deep_tutorial.pdf · 2018-12-06 · Generative Models •We’ve only seen discriminative

Problems of fully connected network

• Too many parameters -> possible overfit

• We are not using the fact that inputs are images!

Page 19: Institute of Informatics Institute of Neuroinformatics Deep Learningrpg.ifi.uzh.ch/docs/teaching/2018/Deep_tutorial.pdf · 2018-12-06 · Generative Models •We’ve only seen discriminative

Convolutional Neural Networks

Gradient-based learning applied to document recognition, Y. LeCun et al. (1998)

Page 20: Institute of Informatics Institute of Neuroinformatics Deep Learningrpg.ifi.uzh.ch/docs/teaching/2018/Deep_tutorial.pdf · 2018-12-06 · Generative Models •We’ve only seen discriminative

Going Deep

10.2%

11.5%

15.6%

62.7%

Flower

Cup

Dog

Car

Page 21: Institute of Informatics Institute of Neuroinformatics Deep Learningrpg.ifi.uzh.ch/docs/teaching/2018/Deep_tutorial.pdf · 2018-12-06 · Generative Models •We’ve only seen discriminative

• Inspired by the human visual system• Learn multiple layers of transformations of input• Extract progressively more sophisticated representations

Why Deep?

Page 22: Institute of Informatics Institute of Neuroinformatics Deep Learningrpg.ifi.uzh.ch/docs/teaching/2018/Deep_tutorial.pdf · 2018-12-06 · Generative Models •We’ve only seen discriminative

General Applications of Deep Learning to Computer Vision

•Supervised Learning

•Generative Models: GANs

Page 23: Institute of Informatics Institute of Neuroinformatics Deep Learningrpg.ifi.uzh.ch/docs/teaching/2018/Deep_tutorial.pdf · 2018-12-06 · Generative Models •We’ve only seen discriminative

Supervised LearningImage Segmentation

Fully Convolutional Networks for Semantic Segmentation – J. Long, E. Shelhamer, 2015

Page 24: Institute of Informatics Institute of Neuroinformatics Deep Learningrpg.ifi.uzh.ch/docs/teaching/2018/Deep_tutorial.pdf · 2018-12-06 · Generative Models •We’ve only seen discriminative

Supervised LearningImage Captioning

Deep Visual-Semantic Alignments for Generating Image Descriptions – Karpathy et al., 2015

Page 25: Institute of Informatics Institute of Neuroinformatics Deep Learningrpg.ifi.uzh.ch/docs/teaching/2018/Deep_tutorial.pdf · 2018-12-06 · Generative Models •We’ve only seen discriminative

Supervised LearningImage Localization

PlaNet - Photo Geolocation with Convolutional Neural Networks - Weyand et al. 2016

Page 26: Institute of Informatics Institute of Neuroinformatics Deep Learningrpg.ifi.uzh.ch/docs/teaching/2018/Deep_tutorial.pdf · 2018-12-06 · Generative Models •We’ve only seen discriminative

Supervised LearningImage Colorization

Image Colorization with Deep Convolutional Neural Networks – Hwang et al. 2016

Page 27: Institute of Informatics Institute of Neuroinformatics Deep Learningrpg.ifi.uzh.ch/docs/teaching/2018/Deep_tutorial.pdf · 2018-12-06 · Generative Models •We’ve only seen discriminative

Generative Models

• We’ve only seen discriminative models so far• Given an image X, predict a label Y• Estimates P(Y|X)

• What if we want to generate new images?• Needs P(X), i.e. the probability of observing a certain image• Discriminative model can’t provide it

• Generative models can do it!• They can learn P(X), and generate new images.• They can also learn P(X|Z), i.e. the probability of observing a

certain image conditioned on some state Z (e.g., a label, a feature, etc.)

Page 28: Institute of Informatics Institute of Neuroinformatics Deep Learningrpg.ifi.uzh.ch/docs/teaching/2018/Deep_tutorial.pdf · 2018-12-06 · Generative Models •We’ve only seen discriminative

Generative Models: GANs

• Generative Adversarial Networks (GANs) formulate the learning process as a min-max game.

Late

nt

Var

iab

le ZP(X|Z)

𝑿

𝑿

Slide adapted from GAN Tutorial by Binglin et al.

Page 29: Institute of Informatics Institute of Neuroinformatics Deep Learningrpg.ifi.uzh.ch/docs/teaching/2018/Deep_tutorial.pdf · 2018-12-06 · Generative Models •We’ve only seen discriminative

Generative Models: GANsImage Sketching

Generative Visual Manipulation on the Natural Image Manifold– Jun-Yan Zhu

et al., 2016

Page 30: Institute of Informatics Institute of Neuroinformatics Deep Learningrpg.ifi.uzh.ch/docs/teaching/2018/Deep_tutorial.pdf · 2018-12-06 · Generative Models •We’ve only seen discriminative

Generative Models: GANsText-to-Image Synthesis

Generative Adversarial Text to Image Synthesis– Reed S., et al., 2016

Page 31: Institute of Informatics Institute of Neuroinformatics Deep Learningrpg.ifi.uzh.ch/docs/teaching/2018/Deep_tutorial.pdf · 2018-12-06 · Generative Models •We’ve only seen discriminative

Generative Models: GANsImage Transformation

Unpaired Image-to-Image Translation using Cycle-Consistent Adversarial Networks– Jun-Yan Zhu et al., 2017

Page 32: Institute of Informatics Institute of Neuroinformatics Deep Learningrpg.ifi.uzh.ch/docs/teaching/2018/Deep_tutorial.pdf · 2018-12-06 · Generative Models •We’ve only seen discriminative

Generative Models: GANsInterpolation in image space

Coupled Generative Adversarial Networks– Liu et al., 2016

Page 33: Institute of Informatics Institute of Neuroinformatics Deep Learningrpg.ifi.uzh.ch/docs/teaching/2018/Deep_tutorial.pdf · 2018-12-06 · Generative Models •We’ve only seen discriminative

Applications of Deep Learning to Visual Odometry

•Supervised Learning

•Unsupervised Learning

Page 34: Institute of Informatics Institute of Neuroinformatics Deep Learningrpg.ifi.uzh.ch/docs/teaching/2018/Deep_tutorial.pdf · 2018-12-06 · Generative Models •We’ve only seen discriminative

Deep Descriptors: LIFT

LIFT Pipeline consists of 3 neural networks:

• A keypoint detector

• An orientation detector

• A descriptor generator

LIFT: Learned Invariant Feature Transform, Kwang Moo Yi et al., 2016

Page 35: Institute of Informatics Institute of Neuroinformatics Deep Learningrpg.ifi.uzh.ch/docs/teaching/2018/Deep_tutorial.pdf · 2018-12-06 · Generative Models •We’ve only seen discriminative

LIFT Loss

LIFT Loss has 3 components:

• Distance between descriptors of correponding patches, 𝑑1 𝑑2, that should be small

• Distance between descriptors of different patches,𝑑1 𝑑3, that should be large

• Keypoints should not be located in homogeneous regions: P4 should not be detected as a keypoint

Page 36: Institute of Informatics Institute of Neuroinformatics Deep Learningrpg.ifi.uzh.ch/docs/teaching/2018/Deep_tutorial.pdf · 2018-12-06 · Generative Models •We’ve only seen discriminative

LIFT Results

• Works better than SIFT! (well, in some datasets)

Page 37: Institute of Informatics Institute of Neuroinformatics Deep Learningrpg.ifi.uzh.ch/docs/teaching/2018/Deep_tutorial.pdf · 2018-12-06 · Generative Models •We’ve only seen discriminative

Image representation space

Place Recognition

f( )

f( )

f( )f( )

f( )f( )

f( )Query

Design an “image

representation” extractor 𝑓(𝐼, 𝜃)

Geotagged image database

Page 38: Institute of Informatics Institute of Neuroinformatics Deep Learningrpg.ifi.uzh.ch/docs/teaching/2018/Deep_tutorial.pdf · 2018-12-06 · Generative Models •We’ve only seen discriminative

Place RecognitionThe classical approach

1. Extract local descriptors from an image2. Combine the extracted descriptors with Bag Of Words

(BoW), VLAD or Fischer Vector(FV).3. Produce a descriptor for the whole image.

Extract local features (SIFT)

200101…

f(I)

+

Aggregate (BoW, VLAD, FV)

Image I

Slide adapted from NetVLAD presentation, CVPR 2017

Page 39: Institute of Informatics Institute of Neuroinformatics Deep Learningrpg.ifi.uzh.ch/docs/teaching/2018/Deep_tutorial.pdf · 2018-12-06 · Generative Models •We’ve only seen discriminative

NetVladMimic the classical pipeline with deep learning

Convolutional layers fromAlexNet or VGGNet

Trainable pooling layer

Extract local features (SIFT)

200101…

f(I)

+

Aggregate (BoW, VLAD, FV)

Image I

Slide adapted from NetVLAD presentation, CVPR 2017

Page 40: Institute of Informatics Institute of Neuroinformatics Deep Learningrpg.ifi.uzh.ch/docs/teaching/2018/Deep_tutorial.pdf · 2018-12-06 · Generative Models •We’ve only seen discriminative

𝐷𝑝= ||𝐹𝜃( )- 𝐹𝜃( )||2• Triplet loss formulation

𝐷𝑛= ||𝐹𝜃( )- 𝐹𝜃( )||2

NetVlad Loss

𝐿𝜃 =

𝑠𝑎𝑚𝑝𝑙𝑒𝑠

max(𝐷𝑝 𝜃 +𝑚 − 𝐷𝑛 𝜃 , 0)

margin

Disclaimer: The actual NetVlad loss is a slightly more complicated version of the one above

Matching samples

Non matching samples

Page 41: Institute of Informatics Institute of Neuroinformatics Deep Learningrpg.ifi.uzh.ch/docs/teaching/2018/Deep_tutorial.pdf · 2018-12-06 · Generative Models •We’ve only seen discriminative

NetVlad Results• Code, dataset and trained network online: give it a try!

• http://www.di.ens.fr/willow/research/netvlad/ the link is in the

Query Top result

Green: CorrectRed: Incorrect

Slide adapted from NetVLAD presentation, CVPR 2017

Page 42: Institute of Informatics Institute of Neuroinformatics Deep Learningrpg.ifi.uzh.ch/docs/teaching/2018/Deep_tutorial.pdf · 2018-12-06 · Generative Models •We’ve only seen discriminative

Deep Learning for Pose estimation: PoseNet

ConvolutionalNetwork

Predict camera position 𝒙 and orientation 𝒒

Page 43: Institute of Informatics Institute of Neuroinformatics Deep Learningrpg.ifi.uzh.ch/docs/teaching/2018/Deep_tutorial.pdf · 2018-12-06 · Generative Models •We’ve only seen discriminative

PoseNet Loss

• Weighted mean square error loss:

• 𝐼, 𝑥, 𝑞 represent the image, the ground truth position and orientation (in quaternions).

• ෝ𝑥 , ෝ𝑞 are network pose and orientation prediction, respectively.

Page 44: Institute of Informatics Institute of Neuroinformatics Deep Learningrpg.ifi.uzh.ch/docs/teaching/2018/Deep_tutorial.pdf · 2018-12-06 · Generative Models •We’ve only seen discriminative

PoseNet ResultsMotion Blur

Dynamic scenes Uncalibrated camera

Page 45: Institute of Informatics Institute of Neuroinformatics Deep Learningrpg.ifi.uzh.ch/docs/teaching/2018/Deep_tutorial.pdf · 2018-12-06 · Generative Models •We’ve only seen discriminative

Monocular Depth Estimation

Wasn’t it impossible to geometrically derive depth from a single image?Networks learn a prior of objects sizes:beds, chairs, people, etc...

Depth Map Prediction from a Single Image using a Multi-Scale Deep Network, Eigen et al. 2015

Page 46: Institute of Informatics Institute of Neuroinformatics Deep Learningrpg.ifi.uzh.ch/docs/teaching/2018/Deep_tutorial.pdf · 2018-12-06 · Generative Models •We’ve only seen discriminative

Do we really need geometry?

YES!• Faster / Better Learning

• Can constrain the optimization space

• Unsupervised Learning• Can learn P(Y|X) without access to the ground-truth signal

Page 47: Institute of Informatics Institute of Neuroinformatics Deep Learningrpg.ifi.uzh.ch/docs/teaching/2018/Deep_tutorial.pdf · 2018-12-06 · Generative Models •We’ve only seen discriminative

Unsupervised LearningMonocular Depth Estimation

Unsupervised Monocular Depth Estimation with Left-Right Consistency,Godard et al. 2017

Page 48: Institute of Informatics Institute of Neuroinformatics Deep Learningrpg.ifi.uzh.ch/docs/teaching/2018/Deep_tutorial.pdf · 2018-12-06 · Generative Models •We’ve only seen discriminative

Unsupervised LearningStructure from Motion

Unsupervised Learning of Depth and Ego-Motion from Video, Zhou et al. 2017

Page 49: Institute of Informatics Institute of Neuroinformatics Deep Learningrpg.ifi.uzh.ch/docs/teaching/2018/Deep_tutorial.pdf · 2018-12-06 · Generative Models •We’ve only seen discriminative

Unsupervised LearningDense Optical Flow

Characteristic of the learned flow:• Robustness against light changes (Census Transform)• Occlusion handling (Bi-directional Flow)• Smooth flow

UnFlow: Unsupervised Learning of Optical Flow with a Bidirectional Census Loss, Meister et al, 2018

Page 50: Institute of Informatics Institute of Neuroinformatics Deep Learningrpg.ifi.uzh.ch/docs/teaching/2018/Deep_tutorial.pdf · 2018-12-06 · Generative Models •We’ve only seen discriminative

Applications of Deep Learning to Robotics

Page 51: Institute of Informatics Institute of Neuroinformatics Deep Learningrpg.ifi.uzh.ch/docs/teaching/2018/Deep_tutorial.pdf · 2018-12-06 · Generative Models •We’ve only seen discriminative

Learning to Act

Collective Robot Reinforcement Learning with Distributed Asynchronous Guided Policy Search – Yahya et al., 2016

Page 52: Institute of Informatics Institute of Neuroinformatics Deep Learningrpg.ifi.uzh.ch/docs/teaching/2018/Deep_tutorial.pdf · 2018-12-06 · Generative Models •We’ve only seen discriminative

Learning to fly in cities

DroNet: Learning to Fly by Driving – Loquercio et al., 2018

Page 53: Institute of Informatics Institute of Neuroinformatics Deep Learningrpg.ifi.uzh.ch/docs/teaching/2018/Deep_tutorial.pdf · 2018-12-06 · Generative Models •We’ve only seen discriminative

Depth Learning: Simulation to real-world transfer

Mancini M, Scaramuzza D., et al., Towards Domain Independence for Learning-Based Monocular Depth Estimation, IEEE Robotics and Automation Letters, 2017

Page 54: Institute of Informatics Institute of Neuroinformatics Deep Learningrpg.ifi.uzh.ch/docs/teaching/2018/Deep_tutorial.pdf · 2018-12-06 · Generative Models •We’ve only seen discriminative

Deep Drone Racing: Learning Agile Flight in Dynamic Environments, Kaufmann & Loquercio, 2018.

Deep Drone Racing: Part I

Page 55: Institute of Informatics Institute of Neuroinformatics Deep Learningrpg.ifi.uzh.ch/docs/teaching/2018/Deep_tutorial.pdf · 2018-12-06 · Generative Models •We’ve only seen discriminative

Deep Drone Racing: Part II

Beauty and the Beast: Optimal Methods meet Learning for Drone Racing, Kaufmann et al., 2018.

Page 56: Institute of Informatics Institute of Neuroinformatics Deep Learningrpg.ifi.uzh.ch/docs/teaching/2018/Deep_tutorial.pdf · 2018-12-06 · Generative Models •We’ve only seen discriminative

And much much more...

Page 57: Institute of Informatics Institute of Neuroinformatics Deep Learningrpg.ifi.uzh.ch/docs/teaching/2018/Deep_tutorial.pdf · 2018-12-06 · Generative Models •We’ve only seen discriminative

Deep Learning Limitations

• Require lots of data to learn

• Difficult debugging and finetuning

• Poor generalization across similar tasks

Neural NetworksPractitioners

Page 58: Institute of Informatics Institute of Neuroinformatics Deep Learningrpg.ifi.uzh.ch/docs/teaching/2018/Deep_tutorial.pdf · 2018-12-06 · Generative Models •We’ve only seen discriminative

Things to remember

• Deep Learning is able to extract meaningful patterns from data.

• It can be applied to a wide range of tasks.

• Artificial Intelligence ≠ Deep Learning

Page 59: Institute of Informatics Institute of Neuroinformatics Deep Learningrpg.ifi.uzh.ch/docs/teaching/2018/Deep_tutorial.pdf · 2018-12-06 · Generative Models •We’ve only seen discriminative

Come over for projects in DL!

http://rpg.ifi.uzh.ch/student_projects.php

Visit our webpage for projects!

Page 60: Institute of Informatics Institute of Neuroinformatics Deep Learningrpg.ifi.uzh.ch/docs/teaching/2018/Deep_tutorial.pdf · 2018-12-06 · Generative Models •We’ve only seen discriminative

Additional Readings

• Neural Networks and Deep Learning, by Michael Nielsen [Chapter 2]

• Practical Recommendations for Gradient-Based Training of Deep Architectures, Y. Bengio

• Deep Learning, I. Goodfellow, Y. Bengio, A. Courville

• All the references above!