Artificial Intelligence 人工智慧

Taipei Tech EE AI   112 Videos   半小時學AI   111影片

Topic Learning Objectives Slides Code Video
Course Requirements
  • Kaggle homework (45%)
  • Midterm (20%)
  • Final project (20%)
  • Quizzes (10%)
  • Attendance & Bonus (5%)
pdf
Textbooks & References
1 Past, Present, and Future of AI
人工智慧的前世今生與未來
  • Brief history of AI and ChatGPT
  • Free your imagination to unleash your potential
pdf
2 Fundamentals of Machine Learning
機器學習之基本原理
  • Supervised Learning vs. Unsupervised Learning
  • Discrete Data vs. Continous Data
  • Classification and Regression
  • Training & Testing
  • Overfitting and Underfitting
pdf classifiers
3 Model Evaluation
評估模型的好壞
  • Confusion Matrix
  • False Positive and False Negative
  • Accuracy vs. Precision
  • ROC Curve vs. PR curve
TensorFlow & Keras
深度學習開發框架簡介
  • Keras & TensorFlow
  • Google Colab
  • Loss functions
  • Optimizer
  • Batch & Epoch
pdf IMDB_review
financial_news
house_pricing
4 Applied Math
機器學習中的應用數學
Linear Algebra
  • Scalar, vector, matrix, tensor
  • Matrix multiplication
  • Dot product and outer product
  • Lp norm
pdf
Probability
  • Mutually exclusive & independence
  • Conditional Probability & Bayes Theorem
  • Naive Bayes classifier
pdf
Calculus & Optimization
  • Derivative (Change Rate)
  • Chain Rule
  • Gradient-based Optimization
pdf
5 Unsupervised Learning
非監督式學習
  • k-means
  • Gaussian Mixtures
  • Self Organizing Map
  • PCA, LDA
  • Word Embedding, Autoencoder
pdf
Self-supervised Learning
自我監督式學習
6 Decision Trees
決策樹
  • Classification and Regression Tree (CART)
  • ID3, C4.5, C5.0
  • AdaBoost
  • Random Forest, XGBoost
pdf
7 Data Mining
資料探勘
  • Association Rule Mining
  • Apriori Algorithm
  • Freqency Pattern Tree
8 Computer Vision & Convolutional Neural Networks (CNNs)
電腦視覺與捲積神經網路
  • Corner detector, SIFT, HOG, Optical Flow
  • AdaBoost and Face detection
  • Convolution Operation
  • Max pooling
  • AlexNet, ResNet, Swin Transformer
pdf
Mock Exam
期中考模擬考題
pdf
9 Object Detection and Image Segmentation
  • Region Proposal & RCNN
  • YOLO v1 - v8
  • SSD, FPN, Retina Net, EfficientDet
  • U-Net, Mask RCNN
pdf Run YOLOv4
10 Natural Language Processing (NLP)
自然語言處理
  • word2vec (Word Embedding)
  • N-gram & Skip-gram Model
  • GloVe
pdf
11 Attention & Transformer
  • Attention is All You Need
  • Self-attention
  • Transformer
pdf
Modern NLP Models
  • Bidirectional Encoder Representations from Transformers (BERT)
  • Generative Pre-trained Transformers (GPT)
  • Embeddings from Language Models (ELMo)
pdf
12 RNN & LSTM
遞迴式神經網路
  • Recurrent Neural Network (RNN)
  • Long Short-Term Memory (LSTM)
  • Gated Recurrent Unit (GRU)
  • 1-D CNN
pdf
Stock Prediction
  • Trading System: Entry, Exit, Stop
  • Max Draw Down (MDD)
pdf
13 Generative Deep Learning (生成式深度學習)
  • Generating Text using LSTM
  • Neural Style Transfer
  • Variational Auto Encoder (VAE)
pdf
Generative Adversarial Networks (GANs)
AI藝術大師 - 生成對抗網路
  • Generative Adversarial Networks
  • Conditional GAN
  • CycleGAN
  • GauGAN, Adversarial Attack
pdf
14 Stable Diffusion
  • Midjourney, DALL-E, Stable Diffusion
  • ControlNet
15 Deep Reinforcement Learning (DRL)
擊敗棋王 - 深度強化學習
  • Agent, State, Reward, Environment
  • Markov Decision Process (MDP)
  • Deep Q Learning
  • Alpha Zero
pdf
16 Deep Learning on Graphs
深度學習與圖論
  • Graphs and Networks
  • Vertices, Edges, Degree
  • Deep Random Walk
  • Graph Convolutions
pdf
AI Cloud Service
雲端AI訓練服務