CSCI-5931: Deep Learning

Graduate course, NORTH-3205 (Tue only) + Online async, 2023

Deep Learning is a subfield of machine learning mostly concerned with concepts and techniques built on top of the artificial neural network which in turn was inspired by the structure and functionality of human brains. This branch of machine learning is increasingly gaining popularity as deep learning systems are taking over all artificial intelligent tasks, ranging from image classification, language modeling, machine translation, playing games, autonomous vehicle driving, speech recognition, cancer detection and numerous other applications and is behind many recent advances in Artificial Intelligence (AI). In this course you will gain both theoretical and practical knowledge of deep learning concepts and techniques. So, welcome aboard!

Course objectives

By the end of the course you are expected to gain the following skills:

  1. Understand fundamentals of artificial neural network, and deep neural networks.
  2. Develop an understanding on how to train a neural network.
  3. Determine how a deep neural network can be designed, and implemented to solve real world problems.
  4. Demonstrate an in-depth understanding of one/more concepts introduced in the deep learning course through a final project.
  5. Understand and apply the principles of responsible AI system design: fairness, inclusiveness, transparency, reliability and safety, privacy and security, accountability, limits of capabilities.

Prerequisites

  1. The graduate standing.

Recommended Textbooks

  1. Goodfellow, Ian, Yoshua Bengio, Aaron Courville, and Yoshua Bengio (2016). Deep learning. [official-web] MIT press Cambridge.
  2. Zhang, Aston, Zachary C. Lipton, Mu Li, and Alexander J. Smola (2020). Dive into Deep Learning. [official-web]

Topics planned to be covered

  1. Introduction, stories of Deep Learning
  2. Backgrounds in understanding the artificial neural networks
  3. Nuts and Bolts of AI
  4. Responsible AI
  5. Feed forward neural nets and training maths
  6. Introduction to compute framekworks
    1. Tensorflow 2.0: an introduction
    2. Introduction to tensors
    3. Backpropagation with tensorflow
    4. Batch normalization
    5. Dropouts
    6. Regularization
  7. Bias-variance trade-offs
  8. Convolution neural networks
    1. Convolution operation
    2. 1x1 conv layer
    3. CNN implementation aspects
    4. Pooling layers
    5. Flatten and Fully connected (FC) layers
    6. CNN examples
    7. Epilog with CNN weight sharing concept
    8. Tensorboard
    9. CNN architectures
  9. ImageNet – what is it, and where is it going?
  10. What are ResNets?
  11. Introduction to PyTorch
    1. Neural nets with PyTorch
    2. CNNs with PyTorch
    3. Visualizing CNN components
  12. Transfer learning
  13. Introduction to Recurrent Neural nets
  14. Transformers
  15. Unsupervised Deep Learning
    1. Autoencoders
    2. Segmentation
  16. Generative Adversarial Nets (GANs)
  17. Deep Reinforcement Learning
    1. DRL applications
    2. Building a self-driving car

Schedule

Week 1 [1/17/2023]

Total watch hour: x hours y minutes and z seconds

  1. Introduction to Machine learning en route to Deep Learning [ PDF ] [ Video-Recording, 19:46]
  2. I am wondering you want to become a data scientists [ PDF ] [Video-Recording, 17:00]
  3. Challenges with Machine learning system design [ PDF ] [Video-Recording, 26:09]
  4. Stories of Machine Learning [ PDF ][ Video-Recording, 58:06]
  5. Nuts and Bolts of Machine Learning (part 1): The types of learning [ PDF ][ Video-Recording, 34:31]
  6. Nuts and Bolts of Machine Learning (part 2): The task and the datasets [ PDF ] [ Video-Recording, 32:37 ]
  7. Nuts and Bolts of Machine Learning (part 3): How to tell the machine learning model is good? [ PDF ] [ Video-Recording, 52:21 ]
  8. Evaluating Regression models [ PDF, slide 50 ] [ Video-Recording, 13:05 ]
  9. Another look at evaluating linear regression models [Slide PDF] [ Video-Recording, 28:41]
  10. Bias-variance tradeoffs, Overfitting, Underfitting [Slide PDF] [ Video-Recording, 26:50 ] [ Another supporting slide]
  11. Dataset splits: training, testing, validation, cross-validation [Slide PDF] [ Video-Recording, 16:23 ]
  12. Label encoding, One-hot encoding [Slide PDF] [Video_Recording, 10:57]
  13. Nuts and Bolts of Machine Learning (part 4): Exploratory Data analysis – a case study: House price prediction [ zip ] [ Video-Recording, 23:02 ]

Week 2 [1/24/2023]

Total watch hour: x hours y minutes and z seconds

  1. Now, let’s begin: Introduction to Artificial neural networks (ANN) and deep learning [ PDF ] [Video Recording, 24:19]
  2. Artificial Neural Networks – the basics [ PDF ], [ Jupyter notebook ]

Week 3 [1/31/2023]

Total watch hour: x hours y minutes and z seconds

  1. Compute framework for Artificial Neural Network + Deep Learning [ PDF ] [Video Recording, 01:00:03]
  2. Tensorflow 2.0 [ PDF ] [Video Recording, 32:56]
  3. Introduction to Tensors [Jupyter Notebook] [Video Recording, 01:02:38]
  4. Backpropagation with Tensorflow 2.0 [Jupyter Notebook] [Video Recording, 01:08:55]
  5. Batch normalization [Slides] [Video Recording, 16:05]
  6. Dropouts [Slides] [Video Recording, 17:15 ]
  7. Regularization [Slides+Codes] [Video Recording, 14:54]

Week 4 [02/07/2023]

Total watch hour: x hours y minutes and z seconds

  1. Introduction to Convolution Neural Network [ Notebooks ][Video Recording, 30:52]
  2. Convolution Operation, 1x1 conv, implementation aspects [Notebooks] [Video Recording, 01:27:10]
  3. The pooling layer [Notebook] [Video Recording, 11:11]
  4. Flattened layer and fully connected layer [Notebooks] [Video Recording, 14:08]
  5. Few examples [Notebooks] [Video Recording, 14:16]
  6. Epilog + comment on weight sharing property [Notebooks] [Video Recording, 09:02]

Week 5 [02/14/2023]

Total watch hour: x hours y minutes and z seconds

  1. Introduction to Recurrent Neural Networks [Notebooks] [Video Recording, 38:20]
  2. Basic language modeling with Recurrent Neural Networks [Notebooks] [Video Recording, 29:15]
  3. Vanilla architecture of RNN [Notebooks] [Video Recording, 58:49]
  4. Long short term memory (LSTM) architecture of RNN [Notebooks] [Video Recording, 44:17]
  5. Gated Recurrent Unit (GRU) – to be posted.

Week 6 [02/21/2023]

Total watch hour: x hours y minutes and z seconds

  • Review of posted contents.

Week 7 [02/28/2023]

Total watch hour: x hours y minutes and z seconds

  • Review for midterm

Week 8 [03/07/2023]

  1. Reserved for midterm
  2. Tensorflow 2.0 with Tensorboard [ Getting started guide ] [ Deep Dive Into Tensorboard ] [ Talk ]
  3. CNN architectures – [ Lecture slide ] [ Video Lecture]
  4. ImageNet – what is it, and where is it going? [Lecture slides] [Video Lecture by Dr. Fei Fei Li]
  5. What are ResNets? This is a 2 -part lecture: First a talk by Kaiming He, the inventor of ResNet , Second, my lecture to recap ResNet
  6. Introduction to PyTorch [This is a 2 part video lecture:]
  7. Transfer learning [Lecture slides] [Lecture notebook] [Video Lecture]
  8. Let’s summarize CNN (once and for all!) [Lecture slides] [Video Lecture]

Week 9 [03/14/2023]

Total watch hour: x hours y minutes and z seconds

  • Contents from week 8

Week 10 [03/21/2023]

  • SPRING BREAK!!! No classes scheduled.

Week 11 [03/28/2023]

Total watch hour: x hours y minutes and z seconds

  1. Transformers [ link to required study materials]
  2. Unsupervised Deep Learning [Slides/supporting materials] [Video lecture]
  3. Autoencoders [Slides/supporting materials] [Video lecture]
  4. Image Segmentation [Slides/supporting materials] [Video lecture]
  5. Generative Adversarial Nets (GANs) [Slides, supporting materials] [Video lecture p1] [Video lecture p2]

Week 12 [04/04/2023]

Total watch hour: x hours y minutes and z seconds

  1. Deep Reinforcement Learning

Week 13 [04/11/2023]

Total watch hour: x hours y minutes and z seconds

  1. Quiz-5

Week 14 [04/18/2023]

Total watch hour: x hours y minutes and z seconds

  1. Natural Language Processing

Week 15 [04/25/2023]

  1. Federated Learning & Data-blind Machine learning [Slides]
  2. Final thoughts [Slides]

Week 16

  1. Reserved for final exam