course-deep-learning

DEEP LEARNING: Northwestern University CS 396/496 Spring 2024

Top Calendar Links Readings

Class Day/Time

Tuesdays and Thursdays, 9:30am - 10:50am Central Time

Loctation

Tech Lecture Room 5

Instructor

Bryan Pardo Office hours 3pm - 4:30pm Monday Mudd 3115

TA

Hugo Flores Garcia: office hours in Mudd 3532 Tuesday 1pm-2pm, Thursday 1pm - 2pm

Weijan Li: office hours on zoom Monday 3pm - 5pm

Peer Mentors

Conor Kotwasinski: office hours in Mudd 3532 Monday 5-6pm

Cameron Churchwell: office hours on zoom Tuesday 1pm - 2pm, in Mudd 3532 Wednesday 9am - 10am

Nathan Pruyne: office hours in Mudd 3532 Thursday 6pm - 8pm

Course Description

This is a first course in Deep Learning. We will study deep learning architectures: perceptrons, multi-layer perceptrons, convolutional networks, recurrent neural networks (LSTMs, GRUs), attention networks, transformers, autoencoders, and the combination of reinforcement learning with deep learning. Other covered topics include regularization, loss functions and gradient descent.

Learning will be in the practical context of implementing networks using these architectures in a modern programming environment: Pytorch. Homework consists of a mixture of programming assignments, review of research papers, running experiments with deep learning architectures, and theoretical questions about deep learning.

Students completing this course should be able to reason about deep network architectures, build a deep network from scratch in Python, modify existing deep networks, train networks, and evaluate their performance. Students completing the course should also be able to understand current research in deep networks.

Course Prerequisites

This course presumes prior knowledge of machine learning equivalent to having taken CS 349 Machine Learning.

Course textbook

The primary text is the Deep Learning book. This reading will be supplemented by reading key papers in the field.

Course Policies

Questions outside of class

Please use CampusWire for class-related questions.

Submitting assignments

Assignments must be submitted on the due date by the time specified on Canvas. If you are worried you can’t finish on time, upload a safety submission an hour early with what you have. I will grade the most recent item submitted before the deadline. Late submissions will not be graded.

Grading Policy

You will be graded on a 100 point scale (e.g. 93 to 100 = A, 90-92 = A-, 87-89 = B+, 83-86 = B, 80-82 = B-…and so on).

Homework and reading assignments are solo assignments and must be original work.

Extra Credit

You can earn up to 8 points of extra credit in the final reading example

Course Calendar

Back to top

Week Day and Date Topic (tentative) Due today Points
1 Tue Mar 26 No class: Northwestern runs Monday classes on Tuesday    
1 Thu Mar 28 Perceptrons    
1 - Notebook 1: perceptrons    
2 Tue Apr 02 Gradient descent Reading 1 8
2 Thu Apr 04 Backpropagation of error    
2 - Notebook 2: MLP in Pytorch    
3 Tue Apr 9 Multi-layer perceptrons Homework 1 15
3 Thu Apr 11 Convolutional nets    
3 - Notebook 3: Image Classification    
4 Tue Apr 16 regularization Reading 2 8
4 Thu Apr 18 Data augmentation & generalization    
4 - Notebook 4: CNNs & Logging    
5 Tue Apr 23 Visual adversarial examples Homework 2 15
5 Thu Apr 25 Auditory adversarial examples    
5 - Notebook 5: adversarial examples    
6 Tue Apr 30 Generative adversarial networks (GANS) Reading 3 8
6 Thu May 02 More GANS    
6 - Notebook 6: GANs    
7 Tue May 07 Unsupervised methods    
7 Thu May 09 recurrent nets Homework 3 15
7 - Notebook 7: autoencoders    
8 Tue May 14 LSTMs    
8 Thu May 16 Attention networks Reading 4 8
8 - Notebook 8: RNNs    
9 Tue May 21 Transformers    
9 Thu May 23 Reinforcement learning (RL) Reading 5 8
9 - Deep RL    
10 Tue May 28 Current research in DL Homework 4 15
10 Thu May 30 Current research in DL    
10 -      
11 Tue Jun 04 No final exam, just extra credit reading Extra Credit Reading 6 8

Back to top

Helpful Programming Packages

Anaconda is the most popular python distro for machine learning.

Pytorch Facebook’s popular deep learning package. My lab uses this. Tensorboard is what my lab uses to visualize how experiments are going.

Tensorflow is Google’s most popular python DNN package

Keras A nice programming API that works with Tensorflow

JAX Is an alpha package from Gogle that allows differentiation of numpy and also an optimizing compiler for working on tensor processing units

Trax Is Google Brain’s DNN package. It focuses on transformers and is implemented on top of JAX

MXNET is Apache’s open source DL package.

Helpful Books on Deep Learning

Deep Learning is THE book on Deep Learning. One of the authors won the Turing prize due to his work on deep learning.

Dive Into Deep Learning provides example code and instruction for how to write DL models in Pytorch, Tensorflow and MXNet.

Computing Resources

Google’s Colab offers free GPU time and a nice environment for running Jupyter notebook-style projects. For $10 per month, you also get priority access to GPUs and TPUs.

Amazon’s SageMaker offers hundres of free hours for newbies.

The CS Department Wilkinson Lab just got 22 new machines that each have a graphics card suitable for deep learning, and should be remote-accessable and running Linux with all the python packages needed for deep learning.

Course Reading

Back to top

The History

  1. The Organization of Behavior: Hebb’s 1949 book that provides a general framework for relating behavior to synaptic organization through the dynamics of neural networks.

  2. The Perceptron: This is the 1st neural networks paper, published in 1958. The algorithm won’t be obvious, but the thinking is interesting and the conclusions are worth reading.

  3. The Perceptron: A perceiving and recognizing automoton: This one is an earlier paper by Rosenblatt that is, perhaps, even more historical than the 1958 paper and a bit easer for an engineer to follow, I think.

The basics (1st reading topic)

  1. * Chapter 4 of Machine Learning : This is Tom Mitchell’s book. Historical overview + explanation of backprop of error. It’s a good starting point for actually understanding deep nets. START HERE. IT’S WORTH 2 READINGS. WHAT THAT MEANS IS…GIVE ME 2 PAGES OF REACTIONS FOR THIS READING AND GET CREDIT FOR 2 READINGS

  2. Chapter 6 of Deep Learning: Modern intro on deep nets. To me, this is harder to follow than Chapter 4 of Machine Learning, though. Certainly, it’s longer.

Optimization (2nd reading topic)

  1. This reading is NOT worth points, but……if you don’t know what a gradient, Jacobian or Hessian is, you should read this before you read Chapter 4 of the Deep Learning book.

  2. Chapter 4 of the Deep Learning Book: This covers basics of gradient-based optimization. Start here for optimization

  3. Chapter 8 of the Deep Learning Book: This covers optimization. This should come 2nd in your optimization reading

  4. Why Momentum Really Works: Reading this will help you understand the popular ADAM optimizer better.

  5. On the Difficulties of Training Recurrent Networks: A 2013 paper that explains vanishing and exploding gradients

  6. Batch Normalization: Accelerating Deep Network Training by Reducing Internal Covariate Shift. This is the most common approaches to normalization.

  7. AutoClip: Adaptive Gradient Clipping for Source Separation Networks is a recent paper out of Pardo’s lab that helps deal with unruly gradients. There’s also a video for this one.

Convolutional Networks (3rd reading topic)

  1. Generalization and Network Design Strategies: The original 1989 paper where LeCun describes Convolutional networks. Start here.

  2. Chapter 9 of Deep Learning: Convolutional Networks.

Regularization and overfitting (4th reading topic)

  1. Chapter 7 of the Deep Learning Book: Covers regularization.

  2. Dropout: A Simple Way to Prevent Neural Networks from Overfitting: Explains a widely-used regularizer

  3. Understanding deep learning requires rethinking generalization: Thinks about the question “why aren’t deep nets overfitting even more than they seem to be”?

  4. The Implicit Bias of Gradient Descent on Separable Data : A study of bias that is actually based on the algorithm, rather than the dataset.

Experimental Design

  1. The Extent and Consequences of P-Hacking in Science

Visualizing and understanding network representations

  1. Visualizing and Understanding Convolutional Networks: How do you see what the net is thinking? Here’s one way.

  2. Local Interpretable Model-Agnostic Explanations (LIME): An Introduction A technique to explain the predictions of any machine learning classifier.

If you already understand what convolutional networks are, then here are some populare architectures you can find out about.

  1. Deep Residual Learning for Image Recognition: The 2016 paper that introduces the popular ResNet architecture that can get 100 layers deep

  2. Very Deep Convolutional Networks for Large-Scale Image Recognition: The 2015 paper introducing the popular VGG architecture

  3. Going Deeper with Convolutions:The 2015 paper describing the Inception network architecture.

Adversarial examples

  1. Explaining and Harnessing Adversarial Examples : This paper got the ball rolling by pointing out how to make images that look good but are consistently misclassified by trained deepnets.

  2. Deep Neural Networks are Easily Fooled: High Confidence Predictions for Unrecognizable Images: This paper shows just how screwy you can make an image and still have it misclsasified by a “well trained, highly accurate” image recognition deep net.

  3. Effective and Inconspicuous Over-the-air Adversarial Examples with Adaptive Filtering: Cutting edge research from our very own Patrick O.

Creating GANs

  1. Generative Adversarial Nets: The paper that introduced GANs. If you read only one GAN paper, make it this one.

  2. 2016 Tutorial on Generative Adversarial Networks by one of the creators of the GAN. This one’s long, but good.

  3. DCGAN: Unsupervised Representation Learning with Deep Convolutional Generative Adversarial Networks: This is an end-to-end model. Many papers build on this. The homework uses the discriminator approach from this paper

  4. Generative Adversarial Text to Image Synthesis This paper describes generating images conditioned on text descriptions. Pretty interesting…

Recurrent Networks

  1. Chapter 10 of Deep Learning: A decent starting point

  2. The Recurrent Neural Networks Tutorial: This is a 4-part tutorial that starts with an overview and then gets deep into coding up an RNN using Theano (not PyTorch) and has links to GitHub repositories with all the examples. If you just read this for the points, read Part 1. But go deep, if you’re interested, and read all the parts. NOTE the links to the code repositories work. Many of the other hyperlinks don’t.

  3. * Extensions of recurrent neural network language model: This covers the RNN language model discussed in class.

  4. Backpropagation through time: what it does and how to do it

  5. Long Term Short Term Memory: The original 1997 paper introducing the LSTM

  6. Understanding LSTMs: A simple (maybe too simple?) walk-through of LSTMs

  7. Empirical Evaluation of Gated Recurrent Neural Networks on Sequence Modeling: Compares a simplified LSTM (the GRU) to the original LSTM and also simple RNN units.

Attention networks (read these before looking at Transformers)

  1. Visualizing A Neural Machine Translation Model (Mechanics of Seq2seq Models With Attention) ** This is a good starting point on attention models. **

  2. Sequence to Sequence Learning with Neural Networks: This is the paper that the link above was trying to explain.

  3. * Learning Phrase Representations using RNN Encoder–Decoder for Statistical Machine Translation: This paper introduces encoder-decoder networks for translation. Attention models were first built on this framework. Covered in class.

  4. * Neural Machine Translation by Jointly Learning to Align and Translate: This paper introduces additive attention to an encoder-decoder. Covered in class.

  5. * Effective Approaches to Attention-based Neural Machine Translation: Introduced multiplicative attention. Covered in class.

  6. Massive Exploration of Neural Machine Translation Architectures: A 2017 paper that settles the questions about which architecture is best for doing translation….except that the Transformer model came out that same year and upended everything. Still, a good overview of the pre-transformer state-of-the-art.

  7. Show, Attend and Tell: Neural Image Caption Generation with Visual Attention: Attention started with text, but is now applied to images. Here’s an example.

  8. Listen, Attend and Spell: Attention is also applied to speech, as per this example.

  9. A Tutorial in TensorFlow: Ths walks through how to use Tensorflow 1.X to build a neural machine translation network with attention.

Transformer networks (Don’t read until you understand attention models)

  1. The Illustrated Transformer: A good walkthrough that helps a lot with understanding transformers ** I’d start with this one to learn about transformers.**

  2. The Annotated Transformer: An annotated walk-through of the “Attention is All You Need” paper, complete with detailed python implementation of a transformer.

  3. Attention is All You Need: The paper that introduced transformers, which are a popular and more complicated kind of attention network.

  4. BERT: Pre-training of Deep Bidirectional Transformers for Language Understanding: A widely-used language model based on Transformer encoder blocks.

  5. The Illustrated GPT-2: A good overview of GPT-2 and its relation to Transformer decoder blocks.

Reinforcement Learning

  1. Reinforcement Learning: An Introduction, Chapters 3 and 6: This gives you the basics of what reinforcement learning (RL) is about.

  2. Playing Atari with Deep Reinforcement Learning: A key paper that showed how reinforcement learning can be used with deep nets.

  3. Mastering the game of Go with deep neural networks and tree search: A famous paper that showed how RL + Deepnets = the best Go player in existence at the time.

  4. A general reinforcement learning algorithm that masters chess, shogi, and Go through self-play: This is the AlphaZero paper. AlphaZero is the best go player…and a great chess player.

Top Calendar Links Readings