SlideShare a Scribd company logo
Jason Tsai (蔡志順) 2019.10.24
Deep01(愛因斯坦人工智慧)
Convolutional Neural Networks (CNN)
卷積神經網路的前世今生
*Picture adopted from https://bit.ly/2o1OKct
Copyright Notice:
All figures in this presentation are taken from
miscellaneous sources and their copyrights
belong to the original authors. This
presentation itself adopts Creative Commons
license.
大綱 (Outlines)
• 生物神經元及其模型
• 視覺的研究發現和啟發
• 卷積神經網路原理
• 如何訓練神經網路
• 經典卷積神經網路模型
• 卷積神經網路應用實例
生物神經元及其模型
神經元 (neuron) 示意圖
神經元間的溝通之處
突觸 (synapse)
動作電位 (action potential)
海柏學習法則
(Hebb’s learning rule)
 突觸前神經元向突觸後神經元持續重複的刺激,使得神
經元之間的突觸強度增加。
第一代人工神經元模型
第二代人工神經元模型
第三代人工神經元模型
Spiking Neural Networks (脈衝神經網路)
SDTP (spike-timing-dependent plasticity)
視覺的研究發現和啟發
視覺皮質傳導路徑
空間位置 (where pathway)
物體識別 (what pathway)
皮質柱 (cortical column)
感受野 (receptive field)
Simple 和 Complex 細胞
Hubel & Wiesel (1962)
階層稀疏分散表徵 (Hierarchical Sparse
Distributed Representations)
Neocognitron 模型
福島邦彥 (1980)
卷積神經網路原理
全連接網路 (Fully connected
networks)
卷積神經網路 (Convolutional neural
networks)
此圖例為二元分類器
基本原則 (General principle)
局部連接(locally connected)
[區域感受野]
權重共享(weight sharing)
[共用學習參數]
基本組件 (Building block)
(經過學習的) filters (kernels)
階層特徵 (Hierarchy of features)
卷積 (Convolution)
特稱圖(feature map)
輸入(此處為5x5)
此處卷積核(convolution filter)大小為3x3
卷積層 (Convolutional layer)
 Depth (D): filter (或稱 kernel) 數目
 Stride (s): 每一次 kernel 移動的間隔
 Zero padding (p): 每一輸入邊緣填0的寬度
若以 i 表示輸入寬度大小,k 表示 kernel
寬度大小, 卷積運算後 feature map 的寬
度大小 (o) 公式為:
o = D 個 [(i - k + 2p) / s] + 1
以輸入為28x28,5x5卷積核,stride為1,padding為2為
例,輸出大小仍為 28x28 feature map。
卷積運算
非線性變換
激活函數 (Activation function)
正規化 (Normalization)
池化層 (Pooling layer)
平均池化
Average pooling
最大池化
Maximal pooling
區域感受野 (Local receptive field)
稀疏連結 (Sparse connectivity)
全連接網路
Fully connection networks
卷積神經網路
Convolutional neural networks
(輸入)
權重共享 (Weight sharing)
 此處 w1=w4=w7, w2=w5=w8, w3=w6=w9
 具有 translational invariance 的特性
反卷積網路
反卷積 (Deconvolution)
stride (步長) = 1 stride (步長) = 2
公式: o = s (i – 1) + k - 2p
上池化 (Unpooling)
上採樣 (Unsampling)
ConvNet-to-DeconvNet
擴張卷積 (Dilated convolution)
可變形卷積
(Deformable convolution)
典型卷積與可變形卷積
如何訓練神經網路
損失函數 (Loss function) / 目標函數
(Objective function)
P(x)為目標機率,Q(x)為
實際機率。
最小化損失函數 L
θ* = arg min L(θ)
 Mean square error (最小均方差)
 Cross entropy (交叉熵)
Video tutorial: https://youtu.be/ErfnhcEV1O8
隨機梯度下降
(Stochastic gradient descent, SGD)
隨機梯度下降 (SGD)
minibatch
梯度下降圖例
倒傳遞演算法 (Back-propagation)
經典卷積神經網路模型
LeNet-5 (1998)
Paper: http://yann.lecun.com/exdb/publis/pdf/lecun-01a.pdf
在 MNIST 手寫數字資料集中圖片大小為 28x28,實作
上常常左右邊緣各補 (padding) 二個 pixels 變成 32x32。
此模型的卷積核 (convolution kernel) 大小為 5x5
使用 PyTorch 實現 LeNet-5 模型
import torch.nn as nn
Import torch.nn.functional as F
class LeNet5(nn.Module):
def __init__(self):
super().__init__()
self.conv1 = nn.Conv2d(in_channels=1, out_channels=6, kernel_size=5)
self.conv2 = nn.Conv2d(in_channels=6, out_channels=16, kernel_size=5)
self.mxpol = nn.MaxPool2d(kernel_size=2, stride=2)
self.fc1 = nn.Linear(16*5*5, 120)
self.fc2 = nn.Linear(120, 84)
self.fc3 = nn.Linear(84, 10)
def forward(self, x):
x = F.relu(self.conv1(x))
x = self.mxpol(x)
x = F.relu(self.conv2(x))
x = self.mxpol(x)
x = x.view(x.size(0), -1)
x = F.relu(self.fc1(x))
x = F.relu(self.fc2(x))
return self.fc3(x)
net = LeNet5()
此處激活函數改用現在普遍被
採用的 ReLU
AlexNet (2012)
Paper: https://www.cs.toronto.edu/~fritz/absps/imagenet.pdf
VGGNet (2015)
Paper: https://arxiv.org/abs/1409.1556
Inception (2015)
Paper: https://www.cs.unc.edu/~wliu/papers/GoogLeNet.pdf
Residual block: y = F(x)+x
Paper: https://arxiv.org/abs/1512.03385
Deep residual networks
ResNet (2015)
ResNet-34
ResNet 的循環形式 (recurrent
form)
DenseNet (2016)
Paper: https://arxiv.org/abs/1608.06993
U-Net (2015)
Paper: https://arxiv.org/abs/1505.04597
卷積神經網路應用實例
這是什麼?
分類 (Classification)
瑕疵/病徵檢測 (Defect / Symptom
inspection )
目標識別 (Object detection)
圖像分割 (Segmentation)
語義分割 實例分割
自駕車圖像分割應用
腫瘤圖像分割應用
姿態追蹤 (Skeleton / pose tracking)
風格遷移 (Style transfer)
漫畫風
生成對抗網路
(Generative adversarial networks,
GAN)
Video tutorial: https://youtu.be/dCKbRCUyop8
GAN 生成的擬真照片
超解析度 (Super-resolution)
低解析度→高解析度
照片修整
黑白→彩色
推薦系統 (Recommender system)
看圖說故事 (Image captioning)
人臉辨識 (Face recognition)
人臉辨識典型範疇
估計數量 (Count / Estimate)
異常偵測 (Anomaly detection)
推薦書單
 科普
 進階
 入門
 高階
Q & A

More Related Content

What's hot

Overcoming Catastrophic Forgetting in Neural Networks読んだ
Overcoming Catastrophic Forgetting in Neural Networks読んだOvercoming Catastrophic Forgetting in Neural Networks読んだ
Overcoming Catastrophic Forgetting in Neural Networks読んだ
Yusuke Uchida
 
CTF超入門 (for 第12回セキュリティさくら)
CTF超入門 (for 第12回セキュリティさくら)CTF超入門 (for 第12回セキュリティさくら)
CTF超入門 (for 第12回セキュリティさくら)
kikuchan98
 
因果チェーンを用いたリードラグ効果の実証分析
因果チェーンを用いたリードラグ効果の実証分析因果チェーンを用いたリードラグ効果の実証分析
因果チェーンを用いたリードラグ効果の実証分析
Kei Nakagawa
 
AI活用人材になれ!(CDLE福岡勉強会#6).pdf
AI活用人材になれ!(CDLE福岡勉強会#6).pdfAI活用人材になれ!(CDLE福岡勉強会#6).pdf
AI活用人材になれ!(CDLE福岡勉強会#6).pdf
ssuser6ca4eb
 
[DL輪読会]Flow-based Deep Generative Models
[DL輪読会]Flow-based Deep Generative Models[DL輪読会]Flow-based Deep Generative Models
[DL輪読会]Flow-based Deep Generative Models
Deep Learning JP
 
TensorRT survey
TensorRT surveyTensorRT survey
TensorRT survey
Yi-Hsiu Hsu
 
LSTM (Long short-term memory) 概要
LSTM (Long short-term memory) 概要LSTM (Long short-term memory) 概要
LSTM (Long short-term memory) 概要
Kenji Urai
 
Geotag Data Mining (メタサーベイ )
Geotag Data Mining (メタサーベイ )Geotag Data Mining (メタサーベイ )
Geotag Data Mining (メタサーベイ )
cvpaper. challenge
 
PythonによるCVアルゴリズム実装
PythonによるCVアルゴリズム実装PythonによるCVアルゴリズム実装
PythonによるCVアルゴリズム実装
Hirokatsu Kataoka
 
Mutualized Oblivious DNS (μODNS): Hiding a tree in the wild forest
Mutualized Oblivious DNS (μODNS): Hiding a tree in the wild forestMutualized Oblivious DNS (μODNS): Hiding a tree in the wild forest
Mutualized Oblivious DNS (μODNS): Hiding a tree in the wild forest
Jun Kurihara
 
transformer解説~Chat-GPTの源流~
transformer解説~Chat-GPTの源流~transformer解説~Chat-GPTの源流~
transformer解説~Chat-GPTの源流~
MasayoshiTsutsui
 
Optimizer入門&最新動向
Optimizer入門&最新動向Optimizer入門&最新動向
Optimizer入門&最新動向
Motokawa Tetsuya
 
暗号技術入門
暗号技術入門暗号技術入門
暗号技術入門
MITSUNARI Shigeo
 
生成對抗模式 GAN 的介紹
生成對抗模式 GAN 的介紹生成對抗模式 GAN 的介紹
生成對抗模式 GAN 的介紹
Yen-lung Tsai
 
Apache Arrow - データ処理ツールの次世代プラットフォーム
Apache Arrow - データ処理ツールの次世代プラットフォームApache Arrow - データ処理ツールの次世代プラットフォーム
Apache Arrow - データ処理ツールの次世代プラットフォーム
Kouhei Sutou
 
[DL輪読会]Learning Transferable Visual Models From Natural Language Supervision
[DL輪読会]Learning Transferable Visual Models From Natural Language Supervision[DL輪読会]Learning Transferable Visual Models From Natural Language Supervision
[DL輪読会]Learning Transferable Visual Models From Natural Language Supervision
Deep Learning JP
 
推薦アルゴリズムの今までとこれから
推薦アルゴリズムの今までとこれから推薦アルゴリズムの今までとこれから
推薦アルゴリズムの今までとこれから
cyberagent
 
SSII2020 [OS2-02] 教師あり事前学習を凌駕する「弱」教師あり事前学習
SSII2020 [OS2-02] 教師あり事前学習を凌駕する「弱」教師あり事前学習SSII2020 [OS2-02] 教師あり事前学習を凌駕する「弱」教師あり事前学習
SSII2020 [OS2-02] 教師あり事前学習を凌駕する「弱」教師あり事前学習
SSII
 
Deep Learningによる超解像の進歩
Deep Learningによる超解像の進歩Deep Learningによる超解像の進歩
Deep Learningによる超解像の進歩
Hiroto Honda
 
新卒2年目が鍛えられたコードレビュー道場
新卒2年目が鍛えられたコードレビュー道場新卒2年目が鍛えられたコードレビュー道場
新卒2年目が鍛えられたコードレビュー道場
Recruit Technologies
 

What's hot (20)

Overcoming Catastrophic Forgetting in Neural Networks読んだ
Overcoming Catastrophic Forgetting in Neural Networks読んだOvercoming Catastrophic Forgetting in Neural Networks読んだ
Overcoming Catastrophic Forgetting in Neural Networks読んだ
 
CTF超入門 (for 第12回セキュリティさくら)
CTF超入門 (for 第12回セキュリティさくら)CTF超入門 (for 第12回セキュリティさくら)
CTF超入門 (for 第12回セキュリティさくら)
 
因果チェーンを用いたリードラグ効果の実証分析
因果チェーンを用いたリードラグ効果の実証分析因果チェーンを用いたリードラグ効果の実証分析
因果チェーンを用いたリードラグ効果の実証分析
 
AI活用人材になれ!(CDLE福岡勉強会#6).pdf
AI活用人材になれ!(CDLE福岡勉強会#6).pdfAI活用人材になれ!(CDLE福岡勉強会#6).pdf
AI活用人材になれ!(CDLE福岡勉強会#6).pdf
 
[DL輪読会]Flow-based Deep Generative Models
[DL輪読会]Flow-based Deep Generative Models[DL輪読会]Flow-based Deep Generative Models
[DL輪読会]Flow-based Deep Generative Models
 
TensorRT survey
TensorRT surveyTensorRT survey
TensorRT survey
 
LSTM (Long short-term memory) 概要
LSTM (Long short-term memory) 概要LSTM (Long short-term memory) 概要
LSTM (Long short-term memory) 概要
 
Geotag Data Mining (メタサーベイ )
Geotag Data Mining (メタサーベイ )Geotag Data Mining (メタサーベイ )
Geotag Data Mining (メタサーベイ )
 
PythonによるCVアルゴリズム実装
PythonによるCVアルゴリズム実装PythonによるCVアルゴリズム実装
PythonによるCVアルゴリズム実装
 
Mutualized Oblivious DNS (μODNS): Hiding a tree in the wild forest
Mutualized Oblivious DNS (μODNS): Hiding a tree in the wild forestMutualized Oblivious DNS (μODNS): Hiding a tree in the wild forest
Mutualized Oblivious DNS (μODNS): Hiding a tree in the wild forest
 
transformer解説~Chat-GPTの源流~
transformer解説~Chat-GPTの源流~transformer解説~Chat-GPTの源流~
transformer解説~Chat-GPTの源流~
 
Optimizer入門&最新動向
Optimizer入門&最新動向Optimizer入門&最新動向
Optimizer入門&最新動向
 
暗号技術入門
暗号技術入門暗号技術入門
暗号技術入門
 
生成對抗模式 GAN 的介紹
生成對抗模式 GAN 的介紹生成對抗模式 GAN 的介紹
生成對抗模式 GAN 的介紹
 
Apache Arrow - データ処理ツールの次世代プラットフォーム
Apache Arrow - データ処理ツールの次世代プラットフォームApache Arrow - データ処理ツールの次世代プラットフォーム
Apache Arrow - データ処理ツールの次世代プラットフォーム
 
[DL輪読会]Learning Transferable Visual Models From Natural Language Supervision
[DL輪読会]Learning Transferable Visual Models From Natural Language Supervision[DL輪読会]Learning Transferable Visual Models From Natural Language Supervision
[DL輪読会]Learning Transferable Visual Models From Natural Language Supervision
 
推薦アルゴリズムの今までとこれから
推薦アルゴリズムの今までとこれから推薦アルゴリズムの今までとこれから
推薦アルゴリズムの今までとこれから
 
SSII2020 [OS2-02] 教師あり事前学習を凌駕する「弱」教師あり事前学習
SSII2020 [OS2-02] 教師あり事前学習を凌駕する「弱」教師あり事前学習SSII2020 [OS2-02] 教師あり事前学習を凌駕する「弱」教師あり事前学習
SSII2020 [OS2-02] 教師あり事前学習を凌駕する「弱」教師あり事前学習
 
Deep Learningによる超解像の進歩
Deep Learningによる超解像の進歩Deep Learningによる超解像の進歩
Deep Learningによる超解像の進歩
 
新卒2年目が鍛えられたコードレビュー道場
新卒2年目が鍛えられたコードレビュー道場新卒2年目が鍛えられたコードレビュー道場
新卒2年目が鍛えられたコードレビュー道場
 

Similar to Convolutional Neural Networks (CNN) — 卷積神經網路的前世今生

Convolutional Neural Networks (CNN) — 卷積神經網路的前世今生
Convolutional Neural Networks (CNN) — 卷積神經網路的前世今生Convolutional Neural Networks (CNN) — 卷積神經網路的前世今生
Convolutional Neural Networks (CNN) — 卷積神經網路的前世今生
Jason Tsai
 
動態類神經網路~電機大師黃聰亮教授演講投影片
動態類神經網路~電機大師黃聰亮教授演講投影片動態類神經網路~電機大師黃聰亮教授演講投影片
動態類神經網路~電機大師黃聰亮教授演講投影片vincent8899
 
漫談人工智慧:啟發自大腦科學的深度學習網路
漫談人工智慧:啟發自大腦科學的深度學習網路漫談人工智慧:啟發自大腦科學的深度學習網路
漫談人工智慧:啟發自大腦科學的深度學習網路
Jason Tsai
 
Chapter 2 Basic Neural Network Architecture_Claire.pdf
Chapter 2 Basic Neural Network Architecture_Claire.pdfChapter 2 Basic Neural Network Architecture_Claire.pdf
Chapter 2 Basic Neural Network Architecture_Claire.pdf
learningfqz
 
Neural Network Basics
Neural Network BasicsNeural Network Basics
Neural Network Basics
Okis Chuang
 
人工智慧09_神經網路(TensorFlow+Keras)
人工智慧09_神經網路(TensorFlow+Keras)人工智慧09_神經網路(TensorFlow+Keras)
人工智慧09_神經網路(TensorFlow+Keras)
Fuzhou University
 
Tutorial of cnn 赵子健9.16
Tutorial of cnn 赵子健9.16Tutorial of cnn 赵子健9.16
Tutorial of cnn 赵子健9.16
Zijian Zhao
 
漫談人工智慧:啟發自大腦科學的深度學習網路
漫談人工智慧:啟發自大腦科學的深度學習網路漫談人工智慧:啟發自大腦科學的深度學習網路
漫談人工智慧:啟發自大腦科學的深度學習網路
Jason Tsai
 
漫談人工智慧:啟發自大腦科學的深度學習網路
漫談人工智慧:啟發自大腦科學的深度學習網路漫談人工智慧:啟發自大腦科學的深度學習網路
漫談人工智慧:啟發自大腦科學的深度學習網路
Jason Tsai
 
TensorFlow 深度學習快速上手班--深度學習
 TensorFlow 深度學習快速上手班--深度學習 TensorFlow 深度學習快速上手班--深度學習
TensorFlow 深度學習快速上手班--深度學習
Mark Chang
 
樣形識別期末報告
樣形識別期末報告樣形識別期末報告
樣形識別期末報告
Hero Jeng
 
NTC_Tensor flow 深度學習快速上手班_Part2 -深度學習
NTC_Tensor flow 深度學習快速上手班_Part2 -深度學習NTC_Tensor flow 深度學習快速上手班_Part2 -深度學習
NTC_Tensor flow 深度學習快速上手班_Part2 -深度學習
NTC.im(Notch Training Center)
 
Le net5 study_20180520
Le net5 study_20180520Le net5 study_20180520
Le net5 study_20180520
穗碧 陳
 
AI Development (Chinese Version Tutorial)
AI Development (Chinese Version Tutorial)AI Development (Chinese Version Tutorial)
AI Development (Chinese Version Tutorial)
churuihang
 
Pytorch cnn netowork introduction 20240318
Pytorch cnn netowork introduction 20240318Pytorch cnn netowork introduction 20240318
Pytorch cnn netowork introduction 20240318
FEG
 
7 第七章 学习与进化模型ann
7 第七章 学习与进化模型ann7 第七章 学习与进化模型ann
7 第七章 学习与进化模型annzhang shuren
 
Computational Poetry 電腦賦詩
Computational Poetry 電腦賦詩Computational Poetry 電腦賦詩
Computational Poetry 電腦賦詩
Mark Chang
 
Hands-on tutorial of deep learning (Keras)
Hands-on tutorial of deep learning (Keras)Hands-on tutorial of deep learning (Keras)
Hands-on tutorial of deep learning (Keras)
Chun-Min Chang
 

Similar to Convolutional Neural Networks (CNN) — 卷積神經網路的前世今生 (18)

Convolutional Neural Networks (CNN) — 卷積神經網路的前世今生
Convolutional Neural Networks (CNN) — 卷積神經網路的前世今生Convolutional Neural Networks (CNN) — 卷積神經網路的前世今生
Convolutional Neural Networks (CNN) — 卷積神經網路的前世今生
 
動態類神經網路~電機大師黃聰亮教授演講投影片
動態類神經網路~電機大師黃聰亮教授演講投影片動態類神經網路~電機大師黃聰亮教授演講投影片
動態類神經網路~電機大師黃聰亮教授演講投影片
 
漫談人工智慧:啟發自大腦科學的深度學習網路
漫談人工智慧:啟發自大腦科學的深度學習網路漫談人工智慧:啟發自大腦科學的深度學習網路
漫談人工智慧:啟發自大腦科學的深度學習網路
 
Chapter 2 Basic Neural Network Architecture_Claire.pdf
Chapter 2 Basic Neural Network Architecture_Claire.pdfChapter 2 Basic Neural Network Architecture_Claire.pdf
Chapter 2 Basic Neural Network Architecture_Claire.pdf
 
Neural Network Basics
Neural Network BasicsNeural Network Basics
Neural Network Basics
 
人工智慧09_神經網路(TensorFlow+Keras)
人工智慧09_神經網路(TensorFlow+Keras)人工智慧09_神經網路(TensorFlow+Keras)
人工智慧09_神經網路(TensorFlow+Keras)
 
Tutorial of cnn 赵子健9.16
Tutorial of cnn 赵子健9.16Tutorial of cnn 赵子健9.16
Tutorial of cnn 赵子健9.16
 
漫談人工智慧:啟發自大腦科學的深度學習網路
漫談人工智慧:啟發自大腦科學的深度學習網路漫談人工智慧:啟發自大腦科學的深度學習網路
漫談人工智慧:啟發自大腦科學的深度學習網路
 
漫談人工智慧:啟發自大腦科學的深度學習網路
漫談人工智慧:啟發自大腦科學的深度學習網路漫談人工智慧:啟發自大腦科學的深度學習網路
漫談人工智慧:啟發自大腦科學的深度學習網路
 
TensorFlow 深度學習快速上手班--深度學習
 TensorFlow 深度學習快速上手班--深度學習 TensorFlow 深度學習快速上手班--深度學習
TensorFlow 深度學習快速上手班--深度學習
 
樣形識別期末報告
樣形識別期末報告樣形識別期末報告
樣形識別期末報告
 
NTC_Tensor flow 深度學習快速上手班_Part2 -深度學習
NTC_Tensor flow 深度學習快速上手班_Part2 -深度學習NTC_Tensor flow 深度學習快速上手班_Part2 -深度學習
NTC_Tensor flow 深度學習快速上手班_Part2 -深度學習
 
Le net5 study_20180520
Le net5 study_20180520Le net5 study_20180520
Le net5 study_20180520
 
AI Development (Chinese Version Tutorial)
AI Development (Chinese Version Tutorial)AI Development (Chinese Version Tutorial)
AI Development (Chinese Version Tutorial)
 
Pytorch cnn netowork introduction 20240318
Pytorch cnn netowork introduction 20240318Pytorch cnn netowork introduction 20240318
Pytorch cnn netowork introduction 20240318
 
7 第七章 学习与进化模型ann
7 第七章 学习与进化模型ann7 第七章 学习与进化模型ann
7 第七章 学习与进化模型ann
 
Computational Poetry 電腦賦詩
Computational Poetry 電腦賦詩Computational Poetry 電腦賦詩
Computational Poetry 電腦賦詩
 
Hands-on tutorial of deep learning (Keras)
Hands-on tutorial of deep learning (Keras)Hands-on tutorial of deep learning (Keras)
Hands-on tutorial of deep learning (Keras)
 

More from Jason Tsai

基於深度學習的人臉辨識技術簡介
基於深度學習的人臉辨識技術簡介基於深度學習的人臉辨識技術簡介
基於深度學習的人臉辨識技術簡介
Jason Tsai
 
Neural Network Design: Chapter 17 Radial Basis Networks
Neural Network Design: Chapter 17 Radial Basis NetworksNeural Network Design: Chapter 17 Radial Basis Networks
Neural Network Design: Chapter 17 Radial Basis Networks
Jason Tsai
 
Neural Network Design: Chapter 18 Grossberg Network
Neural Network Design: Chapter 18 Grossberg NetworkNeural Network Design: Chapter 18 Grossberg Network
Neural Network Design: Chapter 18 Grossberg Network
Jason Tsai
 
Introduction to Spiking Neural Networks: From a Computational Neuroscience pe...
Introduction to Spiking Neural Networks: From a Computational Neuroscience pe...Introduction to Spiking Neural Networks: From a Computational Neuroscience pe...
Introduction to Spiking Neural Networks: From a Computational Neuroscience pe...
Jason Tsai
 
Introduction to Spiking Neural Networks: From a Computational Neuroscience pe...
Introduction to Spiking Neural Networks: From a Computational Neuroscience pe...Introduction to Spiking Neural Networks: From a Computational Neuroscience pe...
Introduction to Spiking Neural Networks: From a Computational Neuroscience pe...
Jason Tsai
 
Introduction to Spiking Neural Networks: From a Computational Neuroscience pe...
Introduction to Spiking Neural Networks: From a Computational Neuroscience pe...Introduction to Spiking Neural Networks: From a Computational Neuroscience pe...
Introduction to Spiking Neural Networks: From a Computational Neuroscience pe...
Jason Tsai
 
Reinforcement Learning: Chapter 15 Neuroscience
Reinforcement Learning: Chapter 15 NeuroscienceReinforcement Learning: Chapter 15 Neuroscience
Reinforcement Learning: Chapter 15 Neuroscience
Jason Tsai
 
Deep Learning: Chapter 11 Practical Methodology
Deep Learning: Chapter 11 Practical MethodologyDeep Learning: Chapter 11 Practical Methodology
Deep Learning: Chapter 11 Practical Methodology
Jason Tsai
 
Deep Learning: Introduction & Chapter 5 Machine Learning Basics
Deep Learning: Introduction & Chapter 5 Machine Learning BasicsDeep Learning: Introduction & Chapter 5 Machine Learning Basics
Deep Learning: Introduction & Chapter 5 Machine Learning Basics
Jason Tsai
 

More from Jason Tsai (9)

基於深度學習的人臉辨識技術簡介
基於深度學習的人臉辨識技術簡介基於深度學習的人臉辨識技術簡介
基於深度學習的人臉辨識技術簡介
 
Neural Network Design: Chapter 17 Radial Basis Networks
Neural Network Design: Chapter 17 Radial Basis NetworksNeural Network Design: Chapter 17 Radial Basis Networks
Neural Network Design: Chapter 17 Radial Basis Networks
 
Neural Network Design: Chapter 18 Grossberg Network
Neural Network Design: Chapter 18 Grossberg NetworkNeural Network Design: Chapter 18 Grossberg Network
Neural Network Design: Chapter 18 Grossberg Network
 
Introduction to Spiking Neural Networks: From a Computational Neuroscience pe...
Introduction to Spiking Neural Networks: From a Computational Neuroscience pe...Introduction to Spiking Neural Networks: From a Computational Neuroscience pe...
Introduction to Spiking Neural Networks: From a Computational Neuroscience pe...
 
Introduction to Spiking Neural Networks: From a Computational Neuroscience pe...
Introduction to Spiking Neural Networks: From a Computational Neuroscience pe...Introduction to Spiking Neural Networks: From a Computational Neuroscience pe...
Introduction to Spiking Neural Networks: From a Computational Neuroscience pe...
 
Introduction to Spiking Neural Networks: From a Computational Neuroscience pe...
Introduction to Spiking Neural Networks: From a Computational Neuroscience pe...Introduction to Spiking Neural Networks: From a Computational Neuroscience pe...
Introduction to Spiking Neural Networks: From a Computational Neuroscience pe...
 
Reinforcement Learning: Chapter 15 Neuroscience
Reinforcement Learning: Chapter 15 NeuroscienceReinforcement Learning: Chapter 15 Neuroscience
Reinforcement Learning: Chapter 15 Neuroscience
 
Deep Learning: Chapter 11 Practical Methodology
Deep Learning: Chapter 11 Practical MethodologyDeep Learning: Chapter 11 Practical Methodology
Deep Learning: Chapter 11 Practical Methodology
 
Deep Learning: Introduction & Chapter 5 Machine Learning Basics
Deep Learning: Introduction & Chapter 5 Machine Learning BasicsDeep Learning: Introduction & Chapter 5 Machine Learning Basics
Deep Learning: Introduction & Chapter 5 Machine Learning Basics
 

Convolutional Neural Networks (CNN) — 卷積神經網路的前世今生