Building Deep Learning Applications

  NTUT Deep Learning FB Group Playlist   112 Videos

Week Topic Learning Objectives Slides Code Video
Course Requirements
  • Kaggle homework (45%)
  • Midterm (20%)
  • Final project (20%)
  • Quizzes (10%)
  • Attendance & Bonus (5%)
pdf
Text Book François Chollet, Deep Learning with Python, 2nd Edition, Manning, 2021 GitHub
Reference Ian Goodfellow and Yoshua Bengio and Aaron Courville, Deep Learning, MIT Press, 2016 slides
1 Introduction to Deep Learning
  • What is Machine Learning?
  • Neural Networks, Gradient Descent and Backpropagation
  • State-of-the-arts of deep learning
pdf
2 Applied Math - Linear Algebra
  • Scalar, vector, matrix, tensor
  • Matrix multiplication
  • Dot product and outer product
  • Lp norm
pdf
TensorFlow (Keras)
  • Write TensorFlow code on Google Colab
  • Create a simple Dense Neural Networks
  • Use DNN to solve classification and regression problems
  • Batch, Epoch and Learning rate
pdf IMDB_review
financial_news
house_pricing
3 Applied Math - Probability
  • Mutually exclusive & independence
  • Conditional Probability & Bayes Theorem
  • Naive Bayes classifier
pdf
Machine Learning Basics
  • Five tribes of Machine Learning
  • Classification & Regression
  • Model Capacity, Overfitting & Underfitting
  • Regularization, Cross-validation, Dropout
  • Confusion Matrix, Accuracy, Precision, Recall
pdf classifiers regressors
4 Convolutional Neural Networks (CNNs)
  • Convolution Filters
  • Using pre-trained models
  • AlexNet, Inception, ResNet, Xception
  • NAS & EfficientNet
pdf
Object Detection
  • Region Proposal & RCNN
  • YOLO v1 - v11
  • SSD, FPN, RetinaNet, EfficientDet, CenterNet
pdf Run YOLOv4
Image Segmentation
  • Instance, Semantic, and Panoptic Segmentation
  • U-Net, Mask RCNN
  • Segment Anything Model (SAM)
5 Natural Language Processing (NLP)
  • Natural Language Processing
  • Word Embedding
  • N-gram & Skip-gram Model
  • Word2vec
  • GloVe
pdf
RNN & LSTM
  • Recurrent Neural Networks
  • LSTM
  • Temporal CNN
pdf
6 Advanced Keras API
  • Functional API
  • Multi-input and Multi-output model
  • Depthwise Separable Convolution
pdf
Applied Math - Calculus & Optimization
  • Derivative (Change Rate)
  • Chain Rule
  • Gradient-based Optimization
  • Momentum, AdaGrad, RMSProp & ADAM
pdf
7 Attention & Transformer
  • Attention is All You Need
  • Self-attention
  • Transformer
pdf
Large Language Models (LLMs)
  • BERT, GPT, LLama, DeepSeek
  • OpenAI, Gemini, Claude
  • Build your own ChatBot using OpenAI API
pdf
8 LangChain & LLM Tools
  • Chat Model, PromptTemplate
  • LangChain Expression Language (LCEL)
  • Memory, Function Call, Web Search
  • Retrieval-Augmented Generation (RAG)
  • Create your own AI Agents
LangChain Cookbook 1
9 Other CV Applications
Modern CV Models
  • Vision Transformer
  • Swin Transformer
  • ConvNext
Object Tracking
  • OpenCV
  • CSRT
  • DeepSORT, ByteTrack
Action Recognition & Pose Estimation
  • Optical Flow
  • Two-stream Model
  • C3D, TSN, and other SOTA Models
pdf
10 Generative Deep Learning
  • Generating Text using LSTM
  • Neural Style Transfer
  • Variational Auto Encoder
pdf
Generative Adversarial Networks (GANs)
  • Generative Adversarial Networks
  • Conditional GAN
  • CycleGAN
  • GauGAN, Adversarial Attack
pdf
11 Stable Diffusion
  • Diffusion is All You Need!
  • Midjourney, DALL-E
  • Stable Diffusion
12 Deep Reinforcement Learning
  • What is Reinforcement Learning?
  • State, Action, Reward and Policy
  • Value-based vs. Policy-based Learning
  • On-policy vs. Off-policy
pdf
13 Deep Learning on Graphs
  • Graphs and Networks
  • Vertices, Edges, Degree
  • Deep Random Walk
  • Graph Convolutions
pdf
14 Network Pruning and Quantization
  • TensorFlow Lite
  • Hi! I am AIoT Lab assistant👋. How can I help you today?

send