Introduction to Artificial Intelligence 人工智慧概論

Taipei Tech 人工智慧概論       Playlist

Topic Learning Objectives Slides Code Video
Course Requirements
  • Quizzes (20%)
  • Midterm & Final exam (50%)
  • Final project (30%)
pdf
Textbooks & Reference
0 Past, Present, and Future of AI
人工智慧的前世今生與未來
  • 釋放你的想像力!
  • Free your imagination to unleash your potential
1 What is AI?
人工智慧是什麼?
  • What is AI?
  • Machine Learning
  • Deep Learning
  • Latest AI Applications
pdf
2 Machine Learning
機器怎麼學習?
  • Supervised Learning vs. Unsupervised Learning
  • Discrete Data vs. Continous Data
  • Classification and Regression
  • Training & Testing
  • Avoid Overfitting
  • Confusion Matrix
pdf classifiers
3 Applied Math
機器學習中的數學
  • Linear Algebra
  • Probability
  • Calculus
  • Optimization
pdf
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
Simple Python Tutorial on Colab
無痛Python程式教學
pdf
4 Supervised Learning
監督式學習
  • Linear Classification
  • Support Vector Machine (SVM)
  • Linear Regression
  • Logistic Regression
pdf classifiers regressors
5 Unsupervised Learning
非監督式學習
  • Clustering
  • Dimensionality Reduction
  • k-means
  • Principle Component Analysis (PCA)
  • Auto-encoder
pdf
演講: 陳昇瑋
人工智慧在臺灣:產業轉型的契機與挑戰
slide
AI Cloud Service
雲端AI訓練服務
6 Free AI Training Tools
免費的AI訓練工具 &
  • Google Colab & Kaggle
  • Keras & TensorFlow
  • Loss functions
  • Optimizer
  • Batch & Epoch
pdf IMDB_review
financial_news
house_pricing
7 Convolutional Neural Networks (CNN) and Image Recognition
捲積神經網路與影像辨識
  • Image Classification
  • Convolution Operation
  • Max pooling
  • AlexNet, ResNet, Inception, EfficientNet
pdf
Mock Exam
期中考模擬考題
pdf
8 Natural Language Processing (NLP)
自然語言處理
  • word2vec (Word Embedding)
  • N-gram & Skip-gram Model
  • GloVe
pdf
9 RNN & LSTM
遞迴式神經網路
  • Recurrent Neural Network (RNN)
  • Long Short-Term Memory (LSTM)
  • Attention is All You Need
pdf
9-1 Stock Prediction using LSTM pdf
10 Attention & Transformer
  • Attention is All You Need
  • Self-attention
  • Transformer
  • BERT
  • GPT-3
pdf
11 Generative Adversarial Networks (GAN)
AI藝術大師 - 生成對抗網路
  • Neural Style Transfer
  • Adversarial Attack
  • DCGAN
  • Pix2Pix
  • CycleGAN
  • Variational Autoencoder
pdf
12 Object Detection
物件偵測
  • Object detection
  • Objectness, Selective Search and Region Proposal
  • R-CNN, Fast, R-CNN, Faster R-CNN
  • You Only Look Once (YOLO)
  • Single Shot Multi-box Detection (SSD)
pdf
13 Deep Reinforcement Learning (DRL)
擊敗棋王 - 深度強化學習
  • Agent, State, Reward, Environment
  • Markov Decision Process (MDP)
  • Deep Q Learning
  • Alpha Zero
pdf
14 AlphaGo Documentary (2017)
AlphaGo世紀對決紀錄片
15 Deep Learning in Medical Imaging
醫療影像辨識
  • CT and MRI imaging
  • Recognizing COVID-19 patients using Lung CT images
pdf