SlideShare une entreprise Scribd logo
1  sur  43
Télécharger pour lire hors ligne
TensorFlow深度學習快速上⼿手班

三、電腦視覺應⽤用	
By Mark Chang
•  電腦視覺簡介	
•  模型選擇與參數調整	
•  影像識別實作
電腦視覺簡介
電腦視覺	
•  電腦視覺是⼀一⾨門研究如何使機器「看」的科學	
•  ⽤用電腦代替⼈人眼對⺫⽬目標進⾏行識別、跟蹤和測量
等機器視覺,並進⼀一步做圖像處理。	
•  https://zh.wikipedia.org/wiki/%E8%AE
%A1%E7%AE%97%E6%9C%BA
%E8%A7%86%E8%A7%89
影像識別	
http://www.cs.toronto.edu/~fritz/absps/imagenet.pdf
物件偵測	
http://papers.nips.cc/paper/5207-deep-neural-networks-for-object-detection.pdf
影像補⿑齊	
http://arxiv.org/abs/1601.06759
藝術創作	
http://arxiv.org/abs/1508.06576
卷積神經網路
影像識別	
•  同⼀一個數字可能出現在圖⽚片中的不同部分	
•  但這些圖⽚片所代表的數字相同
Local Connectivity	
每個神經元只看到圖片中的一小區塊
Parameter Sharing	
同一「種類」的神經元具有相同的weights
Parameter Sharing	
不同「種類」的神經元具有不同的weights
卷積神經網路	
•  Convolutional Layer	
depth
widthwidthdepth
weights weights
height
shared weight
卷積神經網路	
•  Stride	
 •  Padding	
Stride = 1
Stride = 2
Padding = 0
Padding = 1
視覺認知	
http://www.nature.com/neuro/journal/v8/n8/images/nn0805-975-F1.jpg
特徵擷取
卷積神經網路	
•  Pooling Layer	
1
 3
 2
 4
5
 7
 6
 8
0
 0
 4
 4
6
 6
 0
 0
4
 5
3
 2
no overlap
no padding no weights
depth = 1
7
 8
6
 4
Maximum
Pooling
Average
Pooling
卷積神經網路	
Convolutional
Layer
Convolutional
Layer Pooling
Layer
Pooling
Layer
Receptive Fields
Receptive Fields
Input
Layer
卷積神經網路	
Input Layer
Convolutional
Layer with
Receptive Fields:
Max-pooling
Layer with
Width =3, Height = 3
Filter Responses
Filter Responses
Input Image
影像識別實作
卷積神經網路實作	
https://github.com/ckmarkoh/ntc_deeplearning_tensorflow/
blob/master/sec3/convnet.ipynb
MNIST	
•  數字識別	
•  多元分類:0~9	
https://www.tensorflow.org/versions/r0.7/images/MNIST.png
Create Variables  Operators	
def weight_variable(shape):
return tf.Variable(tf.truncated_normal(shape, stddev=0.1))
def bias_variable(shape):
return tf.Variable(tf.constant(0.1, shape=shape))
def conv2d(x, W):
return tf.nn.conv2d(x, W, strides=[1, 1, 1, 1], padding='SAME')
def max_pool_2x2(x):
return tf.nn.max_pool(x, ksize=[1, 2, 2, 1],
strides=[1, 2, 2, 1], padding='SAME')
Computational Graph	
x_ = tf.placeholder(tf.float32, [None, 784], name=x_)
y_ = tf.placeholder(tf.float32, [None, 10], name=y_”)
x_image = tf.reshape(x_, [-1,28,28,1])
W_conv1 = weight_variable([5, 5, 1, 32])
b_conv1 = bias_variable([32])
h_conv1 = tf.nn.relu(conv2d(x_image, W_conv1) + b_conv1)
h_pool1 = max_pool_2x2(h_conv1)
W_conv2 = weight_variable([5, 5, 32, 64])
b_conv2 = bias_variable([64])
h_conv2 = tf.nn.relu(conv2d(h_pool1, W_conv2) + b_conv2)
h_pool2 = max_pool_2x2(h_conv2)
W_fc1 = weight_variable([7 * 7 * 64, 1024])
b_fc1 = bias_variable([1024])
h_pool2_flat = tf.reshape(h_pool2, [-1, 7*7*64])
h_fc1 = tf.nn.relu(tf.matmul(h_pool2_flat, W_fc1) + b_fc1)
keep_prob = tf.placeholder(tf.float32)
h_fc1_drop = tf.nn.dropout(h_fc1, keep_prob)
W_fc2 = weight_variable([1024, 10])
b_fc2 = bias_variable([10])
y= tf.nn.softmax(tf.matmul(h_fc1_drop, W_fc2) + b_fc2)
卷積神經網路	
nx28x28x1
nx28x28x32
nx14x14x32
nx14x14x64
nx7x7x64
nx1024
nx10
x_image
h_conv1
h_pool1
h_conv2
h_pool2
h_fc1
y
Reshape	
x_image = tf.reshape(x_, [-1,28,28,1])
x
n
784
n
28
1
Convolutional Layer	
W_conv1 = weight_variable([5, 5, 1, 32])
b_conv1 = bias_variable([32])
5
1
32
32
5x5
1
32
32
W_conv1
W_conv1
b_conv1
b_conv1
Convolutional Layer	
tf.nn.conv2d(x, W , strides=[1, 1, 1, 1], padding='SAME')+b
1
5x5 1x1
28
28
28
28
strides=1
padding='SAME'
[ batch, in_height, in_width, in_channels ]
Convolutional Layer	
tf.nn.conv2d(x, W , strides=[1, 1, 1, 1], padding='SAME')+b
nx28x28x1 nx28x28x32
28
28
28
28
ReLU	
h_conv1 = tf.nn.relu(conv2d(x_image, W_conv1) + b_conv1)
ReLU:
⇢
nin if nin  0
0 otherwise
-0.5 0.2 0.3 -0.1
0.2 -0.3 -0.4 -1.1
2.1 -2.1 0.1 1.2
0.2 3.0 -0.3 0.5
0 0.2 0.3 0
0.2 0 0 0
2.1 0 0.1 1.2
0.2 3.0 0 0.5
Pooling Layer	
tf.nn.max_pool(x, ksize=[1, 2, 2, 1],
strides=[1, 2, 2, 1], padding='SAME')
1x2x2x1
1
1
1
1
2
2x2 1x1
Pooling Layer	
tf.nn.max_pool(x, ksize=[1, 2, 2, 1],
strides=[1, 2, 2, 1], padding='SAME')
2
strides=2
padding='SAME'
28
28
14
14
Pooling Layer	
h_pool1 = max_pool_2x2(h_conv1)
nx28x28x32 nx14x14x32
28
28
14
14
Reshape	
h_pool2_
flat
n
7*7*64
7
64
n
h_pool2_flat = tf.reshape(h_pool2, [-1, 7*7*64])
GoogLeNet影像識別	
https://github.com/ckmarkoh/ntc_deeplearning_tensorflow/
blob/master/sec3/googlenet.ipynb
GoogLeNet	
http://www.cs.unc.edu/~wliu/papers/GoogLeNet.pdf
22 layers deep network
訓練資料	
•  ILSVRC 2014 Classification Challenge	
– http://www.image-net.org/challenges/
LSVRC/2014/	
•  Dataset:	
	
1000 categories	
– Training: 1,200,000	
– Validation: 50,000	
– Testing: 100,000
Inception Module
Load Computational Graph	
model_fn = 'tensorflow_inception_graph.pb'
graph = tf.Graph()
sess = tf.InteractiveSession(graph=graph)
graph_def = tf.GraphDef.FromString(open(model_fn).read())
t_input = tf.placeholder(np.float32, name='input')
imagenet_mean = 139
t_preprocessed = tf.expand_dims(t_input - imagenet_mean, 0)
tf.import_graph_def(graph_def, {'input': t_preprocessed})
t_output = graph.get_tensor_by_name(import/output2:0)
Load Label	
f = open(label.json)
labels = json.loads(.join(f.readlines()))
f.close()
1: kit fox, Vulpes macrotis,
2: English setter,
3: Siberian husky,
4: Australian terrier,
......
998: stole,
999: carbonara,
1000: dumbbell
Run Computational Graph	
def load_image(imgfile):
return np.float32(PIL.Image.open(imgfile).resize((224,224)))
def get_class(image):
return labels[str(np.argmax(sess.run([t_output], {t_input:
load_image(image)})))]
print get_class('img/img1.jpg')
leaf beetle, chrysomelid
講師資訊	
•  Email: ckmarkoh at gmail dot com	
•  Blog: http://cpmarkchang.logdown.com	
•  Github: https://github.com/ckmarkoh	
Mark Chang
•  Facebook: https://www.facebook.com/ckmarkoh.chang
•  Slideshare: http://www.slideshare.net/ckmarkohchang
•  Linkedin:
https://www.linkedin.com/pub/mark-chang/85/25b/847
43

Contenu connexe

Tendances

AlphaGo in Depth
AlphaGo in Depth AlphaGo in Depth
AlphaGo in Depth Mark Chang
 
An Introduction to Deep Learning with Apache MXNet (November 2017)
An Introduction to Deep Learning with Apache MXNet (November 2017)An Introduction to Deep Learning with Apache MXNet (November 2017)
An Introduction to Deep Learning with Apache MXNet (November 2017)Julien SIMON
 
Machine Learning Introduction
Machine Learning IntroductionMachine Learning Introduction
Machine Learning IntroductionAkira Sosa
 
NTHU AI Reading Group: Improved Training of Wasserstein GANs
NTHU AI Reading Group: Improved Training of Wasserstein GANsNTHU AI Reading Group: Improved Training of Wasserstein GANs
NTHU AI Reading Group: Improved Training of Wasserstein GANsMark Chang
 
Wrangle 2016: (Lightning Talk) FizzBuzz in TensorFlow
Wrangle 2016: (Lightning Talk) FizzBuzz in TensorFlowWrangle 2016: (Lightning Talk) FizzBuzz in TensorFlow
Wrangle 2016: (Lightning Talk) FizzBuzz in TensorFlowWrangleConf
 
DRL challenge on Montezuma's Revenge
DRL challenge on Montezuma's RevengeDRL challenge on Montezuma's Revenge
DRL challenge on Montezuma's Revenge孝好 飯塚
 
[DSC 2016] 系列活動:李宏毅 / 一天搞懂深度學習
[DSC 2016] 系列活動:李宏毅 / 一天搞懂深度學習[DSC 2016] 系列活動:李宏毅 / 一天搞懂深度學習
[DSC 2016] 系列活動:李宏毅 / 一天搞懂深度學習台灣資料科學年會
 
2018 06-19 paris cybersecurity meetup
2018 06-19 paris cybersecurity meetup2018 06-19 paris cybersecurity meetup
2018 06-19 paris cybersecurity meetupRaphaël Laffitte
 
AlphaGo Zero: Mastering the Game of Go Without Human Knowledge
AlphaGo Zero: Mastering the Game of Go Without Human KnowledgeAlphaGo Zero: Mastering the Game of Go Without Human Knowledge
AlphaGo Zero: Mastering the Game of Go Without Human KnowledgeJoonhyung Lee
 
Learning stochastic neural networks with Chainer
Learning stochastic neural networks with ChainerLearning stochastic neural networks with Chainer
Learning stochastic neural networks with ChainerSeiya Tokui
 
AlphaZero: A General Reinforcement Learning Algorithm that Masters Chess, Sho...
AlphaZero: A General Reinforcement Learning Algorithm that Masters Chess, Sho...AlphaZero: A General Reinforcement Learning Algorithm that Masters Chess, Sho...
AlphaZero: A General Reinforcement Learning Algorithm that Masters Chess, Sho...Joonhyung Lee
 
Gems of GameplayKit. UA Mobile 2017.
Gems of GameplayKit. UA Mobile 2017.Gems of GameplayKit. UA Mobile 2017.
Gems of GameplayKit. UA Mobile 2017.UA Mobile
 
Pytorch and Machine Learning for the Math Impaired
Pytorch and Machine Learning for the Math ImpairedPytorch and Machine Learning for the Math Impaired
Pytorch and Machine Learning for the Math ImpairedTyrel Denison
 
Towards typesafe deep learning in scala
Towards typesafe deep learning in scalaTowards typesafe deep learning in scala
Towards typesafe deep learning in scalaTongfei Chen
 
TensorFlow in Your Browser
TensorFlow in Your BrowserTensorFlow in Your Browser
TensorFlow in Your BrowserOswald Campesato
 

Tendances (20)

AlphaGo in Depth
AlphaGo in Depth AlphaGo in Depth
AlphaGo in Depth
 
AlphaGo and AlphaGo Zero
AlphaGo and AlphaGo ZeroAlphaGo and AlphaGo Zero
AlphaGo and AlphaGo Zero
 
An Introduction to Deep Learning with Apache MXNet (November 2017)
An Introduction to Deep Learning with Apache MXNet (November 2017)An Introduction to Deep Learning with Apache MXNet (November 2017)
An Introduction to Deep Learning with Apache MXNet (November 2017)
 
Machine Learning Introduction
Machine Learning IntroductionMachine Learning Introduction
Machine Learning Introduction
 
Real life XNA
Real life XNAReal life XNA
Real life XNA
 
NTHU AI Reading Group: Improved Training of Wasserstein GANs
NTHU AI Reading Group: Improved Training of Wasserstein GANsNTHU AI Reading Group: Improved Training of Wasserstein GANs
NTHU AI Reading Group: Improved Training of Wasserstein GANs
 
How AlphaGo Works
How AlphaGo WorksHow AlphaGo Works
How AlphaGo Works
 
Wrangle 2016: (Lightning Talk) FizzBuzz in TensorFlow
Wrangle 2016: (Lightning Talk) FizzBuzz in TensorFlowWrangle 2016: (Lightning Talk) FizzBuzz in TensorFlow
Wrangle 2016: (Lightning Talk) FizzBuzz in TensorFlow
 
DRL challenge on Montezuma's Revenge
DRL challenge on Montezuma's RevengeDRL challenge on Montezuma's Revenge
DRL challenge on Montezuma's Revenge
 
[DSC 2016] 系列活動:李宏毅 / 一天搞懂深度學習
[DSC 2016] 系列活動:李宏毅 / 一天搞懂深度學習[DSC 2016] 系列活動:李宏毅 / 一天搞懂深度學習
[DSC 2016] 系列活動:李宏毅 / 一天搞懂深度學習
 
2018 06-19 paris cybersecurity meetup
2018 06-19 paris cybersecurity meetup2018 06-19 paris cybersecurity meetup
2018 06-19 paris cybersecurity meetup
 
(Alpha) Zero to Elo (with demo)
(Alpha) Zero to Elo (with demo)(Alpha) Zero to Elo (with demo)
(Alpha) Zero to Elo (with demo)
 
AlphaGo Zero: Mastering the Game of Go Without Human Knowledge
AlphaGo Zero: Mastering the Game of Go Without Human KnowledgeAlphaGo Zero: Mastering the Game of Go Without Human Knowledge
AlphaGo Zero: Mastering the Game of Go Without Human Knowledge
 
Learning stochastic neural networks with Chainer
Learning stochastic neural networks with ChainerLearning stochastic neural networks with Chainer
Learning stochastic neural networks with Chainer
 
AlphaZero: A General Reinforcement Learning Algorithm that Masters Chess, Sho...
AlphaZero: A General Reinforcement Learning Algorithm that Masters Chess, Sho...AlphaZero: A General Reinforcement Learning Algorithm that Masters Chess, Sho...
AlphaZero: A General Reinforcement Learning Algorithm that Masters Chess, Sho...
 
Gems of GameplayKit. UA Mobile 2017.
Gems of GameplayKit. UA Mobile 2017.Gems of GameplayKit. UA Mobile 2017.
Gems of GameplayKit. UA Mobile 2017.
 
Pytorch and Machine Learning for the Math Impaired
Pytorch and Machine Learning for the Math ImpairedPytorch and Machine Learning for the Math Impaired
Pytorch and Machine Learning for the Math Impaired
 
Towards typesafe deep learning in scala
Towards typesafe deep learning in scalaTowards typesafe deep learning in scala
Towards typesafe deep learning in scala
 
Sparse autoencoder
Sparse autoencoderSparse autoencoder
Sparse autoencoder
 
TensorFlow in Your Browser
TensorFlow in Your BrowserTensorFlow in Your Browser
TensorFlow in Your Browser
 

En vedette

簡報美學課程分享的資源連結(1/21於鴻海大樓)
簡報美學課程分享的資源連結(1/21於鴻海大樓)簡報美學課程分享的資源連結(1/21於鴻海大樓)
簡報美學課程分享的資源連結(1/21於鴻海大樓)NTC.im(Notch Training Center)
 
TENSORFLOW深度學習講座講義(很硬的課程) 4/14
TENSORFLOW深度學習講座講義(很硬的課程) 4/14TENSORFLOW深度學習講座講義(很硬的課程) 4/14
TENSORFLOW深度學習講座講義(很硬的課程) 4/14NTC.im(Notch Training Center)
 
NTC_Tensor flow 深度學習快速上手班_Part2 -深度學習
NTC_Tensor flow 深度學習快速上手班_Part2 -深度學習NTC_Tensor flow 深度學習快速上手班_Part2 -深度學習
NTC_Tensor flow 深度學習快速上手班_Part2 -深度學習NTC.im(Notch Training Center)
 
從Alpha go四勝一敗。看Deep Learning 發展趨勢 - 台大電機系 于天立教授
從Alpha go四勝一敗。看Deep Learning 發展趨勢 - 台大電機系 于天立教授從Alpha go四勝一敗。看Deep Learning 發展趨勢 - 台大電機系 于天立教授
從Alpha go四勝一敗。看Deep Learning 發展趨勢 - 台大電機系 于天立教授NTC.im(Notch Training Center)
 
淺談物聯網巨量資料挑戰 - Jazz 王耀聰 (2016/3/17 於鴻海內湖) 免費講座
淺談物聯網巨量資料挑戰 - Jazz 王耀聰 (2016/3/17 於鴻海內湖) 免費講座淺談物聯網巨量資料挑戰 - Jazz 王耀聰 (2016/3/17 於鴻海內湖) 免費講座
淺談物聯網巨量資料挑戰 - Jazz 王耀聰 (2016/3/17 於鴻海內湖) 免費講座NTC.im(Notch Training Center)
 
NTC_Tensor flow 深度學習快速上手班_Part4 -自然語言
NTC_Tensor flow 深度學習快速上手班_Part4 -自然語言NTC_Tensor flow 深度學習快速上手班_Part4 -自然語言
NTC_Tensor flow 深度學習快速上手班_Part4 -自然語言NTC.im(Notch Training Center)
 
Weibo & WeChat in China
Weibo & WeChat in ChinaWeibo & WeChat in China
Weibo & WeChat in ChinaStone IP
 
#3月瘋行動 從香港到海外移動平台推廣介紹
#3月瘋行動 從香港到海外移動平台推廣介紹 #3月瘋行動 從香港到海外移動平台推廣介紹
#3月瘋行動 從香港到海外移動平台推廣介紹 AdWordsGreaterChina
 
AdWords Academy 全球移動大趨勢—如何在移動端成功營銷
AdWords Academy 全球移動大趨勢—如何在移動端成功營銷AdWords Academy 全球移動大趨勢—如何在移動端成功營銷
AdWords Academy 全球移動大趨勢—如何在移動端成功營銷AdWordsGreaterChina
 
Jordan Self Introduciton
Jordan Self IntroducitonJordan Self Introduciton
Jordan Self IntroducitonJordan Chung
 
Big 2016 concert in china
Big 2016 concert in china Big 2016 concert in china
Big 2016 concert in china weng ian lam
 
一文了解大數據領域創業的機會與方向
一文了解大數據領域創業的機會與方向一文了解大數據領域創業的機會與方向
一文了解大數據領域創業的機會與方向婉丞 廖
 

En vedette (20)

簡報美學課程分享的資源連結(1/21於鴻海大樓)
簡報美學課程分享的資源連結(1/21於鴻海大樓)簡報美學課程分享的資源連結(1/21於鴻海大樓)
簡報美學課程分享的資源連結(1/21於鴻海大樓)
 
TENSORFLOW深度學習講座講義(很硬的課程) 4/14
TENSORFLOW深度學習講座講義(很硬的課程) 4/14TENSORFLOW深度學習講座講義(很硬的課程) 4/14
TENSORFLOW深度學習講座講義(很硬的課程) 4/14
 
簡報美學(20160121 於鴻海內湖總部)
簡報美學(20160121 於鴻海內湖總部)簡報美學(20160121 於鴻海內湖總部)
簡報美學(20160121 於鴻海內湖總部)
 
一夜臺北~訂房網站的大數據分析
一夜臺北~訂房網站的大數據分析一夜臺北~訂房網站的大數據分析
一夜臺北~訂房網站的大數據分析
 
台灣房地產售價與租價分析
台灣房地產售價與租價分析台灣房地產售價與租價分析
台灣房地產售價與租價分析
 
NTC_Tensor flow 深度學習快速上手班_Part2 -深度學習
NTC_Tensor flow 深度學習快速上手班_Part2 -深度學習NTC_Tensor flow 深度學習快速上手班_Part2 -深度學習
NTC_Tensor flow 深度學習快速上手班_Part2 -深度學習
 
影領風騷 大數據電影娛樂城
影領風騷 大數據電影娛樂城影領風騷 大數據電影娛樂城
影領風騷 大數據電影娛樂城
 
從Alpha go四勝一敗。看Deep Learning 發展趨勢 - 台大電機系 于天立教授
從Alpha go四勝一敗。看Deep Learning 發展趨勢 - 台大電機系 于天立教授從Alpha go四勝一敗。看Deep Learning 發展趨勢 - 台大電機系 于天立教授
從Alpha go四勝一敗。看Deep Learning 發展趨勢 - 台大電機系 于天立教授
 
門市銷售預測大數據分析
門市銷售預測大數據分析門市銷售預測大數據分析
門市銷售預測大數據分析
 
淺談物聯網巨量資料挑戰 - Jazz 王耀聰 (2016/3/17 於鴻海內湖) 免費講座
淺談物聯網巨量資料挑戰 - Jazz 王耀聰 (2016/3/17 於鴻海內湖) 免費講座淺談物聯網巨量資料挑戰 - Jazz 王耀聰 (2016/3/17 於鴻海內湖) 免費講座
淺談物聯網巨量資料挑戰 - Jazz 王耀聰 (2016/3/17 於鴻海內湖) 免費講座
 
展店與汰店的大數據分析技術
展店與汰店的大數據分析技術展店與汰店的大數據分析技術
展店與汰店的大數據分析技術
 
TENSORFLOW深度學習講座講義(很硬的課程)
TENSORFLOW深度學習講座講義(很硬的課程)TENSORFLOW深度學習講座講義(很硬的課程)
TENSORFLOW深度學習講座講義(很硬的課程)
 
NTC_Tensor flow 深度學習快速上手班_Part4 -自然語言
NTC_Tensor flow 深度學習快速上手班_Part4 -自然語言NTC_Tensor flow 深度學習快速上手班_Part4 -自然語言
NTC_Tensor flow 深度學習快速上手班_Part4 -自然語言
 
Weibo & WeChat in China
Weibo & WeChat in ChinaWeibo & WeChat in China
Weibo & WeChat in China
 
#3月瘋行動 從香港到海外移動平台推廣介紹
#3月瘋行動 從香港到海外移動平台推廣介紹 #3月瘋行動 從香港到海外移動平台推廣介紹
#3月瘋行動 從香港到海外移動平台推廣介紹
 
AdWords Academy 全球移動大趨勢—如何在移動端成功營銷
AdWords Academy 全球移動大趨勢—如何在移動端成功營銷AdWords Academy 全球移動大趨勢—如何在移動端成功營銷
AdWords Academy 全球移動大趨勢—如何在移動端成功營銷
 
Jordan Self Introduciton
Jordan Self IntroducitonJordan Self Introduciton
Jordan Self Introduciton
 
Big 2016 concert in china
Big 2016 concert in china Big 2016 concert in china
Big 2016 concert in china
 
一文了解大數據領域創業的機會與方向
一文了解大數據領域創業的機會與方向一文了解大數據領域創業的機會與方向
一文了解大數據領域創業的機會與方向
 
Line 評估案
Line 評估案Line 評估案
Line 評估案
 

Similaire à NTC_TENSORFLOW深度學習快速上手班_Part3_電腦視覺應用

[신경망기초] 합성곱신경망
[신경망기초] 합성곱신경망[신경망기초] 합성곱신경망
[신경망기초] 합성곱신경망jaypi Ko
 
ANISH_and_DR.DANIEL_augmented_reality_presentation
ANISH_and_DR.DANIEL_augmented_reality_presentationANISH_and_DR.DANIEL_augmented_reality_presentation
ANISH_and_DR.DANIEL_augmented_reality_presentationAnish Patel
 
Gesture controlled-mouse-using-python37-open cv3
Gesture controlled-mouse-using-python37-open cv3Gesture controlled-mouse-using-python37-open cv3
Gesture controlled-mouse-using-python37-open cv3ssuserd8a01a
 
Tutorial on convolutional neural networks
Tutorial on convolutional neural networksTutorial on convolutional neural networks
Tutorial on convolutional neural networksHojin Yang
 
AIML4 CNN lab256 1hr (111-1).pdf
AIML4 CNN lab256 1hr (111-1).pdfAIML4 CNN lab256 1hr (111-1).pdf
AIML4 CNN lab256 1hr (111-1).pdfssuserb4d806
 
Sergey Shelpuk & Olha Romaniuk - “Deep learning, Tensorflow, and Fashion: how...
Sergey Shelpuk & Olha Romaniuk - “Deep learning, Tensorflow, and Fashion: how...Sergey Shelpuk & Olha Romaniuk - “Deep learning, Tensorflow, and Fashion: how...
Sergey Shelpuk & Olha Romaniuk - “Deep learning, Tensorflow, and Fashion: how...Lviv Startup Club
 
Camp IT: Making the World More Efficient Using AI & Machine Learning
Camp IT: Making the World More Efficient Using AI & Machine LearningCamp IT: Making the World More Efficient Using AI & Machine Learning
Camp IT: Making the World More Efficient Using AI & Machine LearningKrzysztof Kowalczyk
 
Build Your Own 3D Scanner: 3D Scanning with Structured Lighting
Build Your Own 3D Scanner: 3D Scanning with Structured LightingBuild Your Own 3D Scanner: 3D Scanning with Structured Lighting
Build Your Own 3D Scanner: 3D Scanning with Structured LightingDouglas Lanman
 
CS 354 Transformation, Clipping, and Culling
CS 354 Transformation, Clipping, and CullingCS 354 Transformation, Clipping, and Culling
CS 354 Transformation, Clipping, and CullingMark Kilgard
 
Introduction to Tensor Flow for Optical Character Recognition (OCR)
Introduction to Tensor Flow for Optical Character Recognition (OCR)Introduction to Tensor Flow for Optical Character Recognition (OCR)
Introduction to Tensor Flow for Optical Character Recognition (OCR)Vincenzo Santopietro
 
nlp dl 1.pdf
nlp dl 1.pdfnlp dl 1.pdf
nlp dl 1.pdfnyomans1
 
Standford 2015 week3: Objective-C Compatibility, Property List, Views
Standford 2015 week3: Objective-C Compatibility, Property List, ViewsStandford 2015 week3: Objective-C Compatibility, Property List, Views
Standford 2015 week3: Objective-C Compatibility, Property List, Views彼得潘 Pan
 
Introduction to Machine Vision
Introduction to Machine VisionIntroduction to Machine Vision
Introduction to Machine VisionNasir Jumani
 
Pytorch for tf_developers
Pytorch for tf_developersPytorch for tf_developers
Pytorch for tf_developersAbdul Muneer
 
Unsupervised Computer Vision: The Current State of the Art
Unsupervised Computer Vision: The Current State of the ArtUnsupervised Computer Vision: The Current State of the Art
Unsupervised Computer Vision: The Current State of the ArtTJ Torres
 
Analytical study of feature extraction techniques in opinion mining
Analytical study of feature extraction techniques in opinion miningAnalytical study of feature extraction techniques in opinion mining
Analytical study of feature extraction techniques in opinion miningcsandit
 
Radial Basis Function Neural Network (RBFNN), Induction Motor, Vector control...
Radial Basis Function Neural Network (RBFNN), Induction Motor, Vector control...Radial Basis Function Neural Network (RBFNN), Induction Motor, Vector control...
Radial Basis Function Neural Network (RBFNN), Induction Motor, Vector control...cscpconf
 
ANALYTICAL STUDY OF FEATURE EXTRACTION TECHNIQUES IN OPINION MINING
ANALYTICAL STUDY OF FEATURE EXTRACTION TECHNIQUES IN OPINION MININGANALYTICAL STUDY OF FEATURE EXTRACTION TECHNIQUES IN OPINION MINING
ANALYTICAL STUDY OF FEATURE EXTRACTION TECHNIQUES IN OPINION MININGcsandit
 

Similaire à NTC_TENSORFLOW深度學習快速上手班_Part3_電腦視覺應用 (20)

[신경망기초] 합성곱신경망
[신경망기초] 합성곱신경망[신경망기초] 합성곱신경망
[신경망기초] 합성곱신경망
 
ANISH_and_DR.DANIEL_augmented_reality_presentation
ANISH_and_DR.DANIEL_augmented_reality_presentationANISH_and_DR.DANIEL_augmented_reality_presentation
ANISH_and_DR.DANIEL_augmented_reality_presentation
 
Gesture controlled-mouse-using-python37-open cv3
Gesture controlled-mouse-using-python37-open cv3Gesture controlled-mouse-using-python37-open cv3
Gesture controlled-mouse-using-python37-open cv3
 
Log polar coordinates
Log polar coordinatesLog polar coordinates
Log polar coordinates
 
Tutorial on convolutional neural networks
Tutorial on convolutional neural networksTutorial on convolutional neural networks
Tutorial on convolutional neural networks
 
AIML4 CNN lab256 1hr (111-1).pdf
AIML4 CNN lab256 1hr (111-1).pdfAIML4 CNN lab256 1hr (111-1).pdf
AIML4 CNN lab256 1hr (111-1).pdf
 
Sergey Shelpuk & Olha Romaniuk - “Deep learning, Tensorflow, and Fashion: how...
Sergey Shelpuk & Olha Romaniuk - “Deep learning, Tensorflow, and Fashion: how...Sergey Shelpuk & Olha Romaniuk - “Deep learning, Tensorflow, and Fashion: how...
Sergey Shelpuk & Olha Romaniuk - “Deep learning, Tensorflow, and Fashion: how...
 
Camp IT: Making the World More Efficient Using AI & Machine Learning
Camp IT: Making the World More Efficient Using AI & Machine LearningCamp IT: Making the World More Efficient Using AI & Machine Learning
Camp IT: Making the World More Efficient Using AI & Machine Learning
 
VoxelNet
VoxelNetVoxelNet
VoxelNet
 
Build Your Own 3D Scanner: 3D Scanning with Structured Lighting
Build Your Own 3D Scanner: 3D Scanning with Structured LightingBuild Your Own 3D Scanner: 3D Scanning with Structured Lighting
Build Your Own 3D Scanner: 3D Scanning with Structured Lighting
 
CS 354 Transformation, Clipping, and Culling
CS 354 Transformation, Clipping, and CullingCS 354 Transformation, Clipping, and Culling
CS 354 Transformation, Clipping, and Culling
 
Introduction to Tensor Flow for Optical Character Recognition (OCR)
Introduction to Tensor Flow for Optical Character Recognition (OCR)Introduction to Tensor Flow for Optical Character Recognition (OCR)
Introduction to Tensor Flow for Optical Character Recognition (OCR)
 
nlp dl 1.pdf
nlp dl 1.pdfnlp dl 1.pdf
nlp dl 1.pdf
 
Standford 2015 week3: Objective-C Compatibility, Property List, Views
Standford 2015 week3: Objective-C Compatibility, Property List, ViewsStandford 2015 week3: Objective-C Compatibility, Property List, Views
Standford 2015 week3: Objective-C Compatibility, Property List, Views
 
Introduction to Machine Vision
Introduction to Machine VisionIntroduction to Machine Vision
Introduction to Machine Vision
 
Pytorch for tf_developers
Pytorch for tf_developersPytorch for tf_developers
Pytorch for tf_developers
 
Unsupervised Computer Vision: The Current State of the Art
Unsupervised Computer Vision: The Current State of the ArtUnsupervised Computer Vision: The Current State of the Art
Unsupervised Computer Vision: The Current State of the Art
 
Analytical study of feature extraction techniques in opinion mining
Analytical study of feature extraction techniques in opinion miningAnalytical study of feature extraction techniques in opinion mining
Analytical study of feature extraction techniques in opinion mining
 
Radial Basis Function Neural Network (RBFNN), Induction Motor, Vector control...
Radial Basis Function Neural Network (RBFNN), Induction Motor, Vector control...Radial Basis Function Neural Network (RBFNN), Induction Motor, Vector control...
Radial Basis Function Neural Network (RBFNN), Induction Motor, Vector control...
 
ANALYTICAL STUDY OF FEATURE EXTRACTION TECHNIQUES IN OPINION MINING
ANALYTICAL STUDY OF FEATURE EXTRACTION TECHNIQUES IN OPINION MININGANALYTICAL STUDY OF FEATURE EXTRACTION TECHNIQUES IN OPINION MINING
ANALYTICAL STUDY OF FEATURE EXTRACTION TECHNIQUES IN OPINION MINING
 

Plus de NTC.im(Notch Training Center) (7)

A io t_ganalfhuang_day3_2022q1
A io t_ganalfhuang_day3_2022q1A io t_ganalfhuang_day3_2022q1
A io t_ganalfhuang_day3_2022q1
 
A io t_ganalfhuang_day2_2022q1
A io t_ganalfhuang_day2_2022q1A io t_ganalfhuang_day2_2022q1
A io t_ganalfhuang_day2_2022q1
 
A io t_ganalfhuang_day1_2022q1
A io t_ganalfhuang_day1_2022q1A io t_ganalfhuang_day1_2022q1
A io t_ganalfhuang_day1_2022q1
 
粉絲團大數據分析
粉絲團大數據分析粉絲團大數據分析
粉絲團大數據分析
 
小心走 交通大數據
小心走 交通大數據小心走 交通大數據
小心走 交通大數據
 
評品理 影像識別應用
評品理  影像識別應用評品理  影像識別應用
評品理 影像識別應用
 
Make2win 線上課程分析
Make2win 線上課程分析Make2win 線上課程分析
Make2win 線上課程分析
 

Dernier

activity_diagram_combine_v4_20190827.pdfactivity_diagram_combine_v4_20190827.pdf
activity_diagram_combine_v4_20190827.pdfactivity_diagram_combine_v4_20190827.pdfactivity_diagram_combine_v4_20190827.pdfactivity_diagram_combine_v4_20190827.pdf
activity_diagram_combine_v4_20190827.pdfactivity_diagram_combine_v4_20190827.pdfJamie (Taka) Wang
 
ADOPTING WEB 3 FOR YOUR BUSINESS: A STEP-BY-STEP GUIDE
ADOPTING WEB 3 FOR YOUR BUSINESS: A STEP-BY-STEP GUIDEADOPTING WEB 3 FOR YOUR BUSINESS: A STEP-BY-STEP GUIDE
ADOPTING WEB 3 FOR YOUR BUSINESS: A STEP-BY-STEP GUIDELiveplex
 
Connector Corner: Extending LLM automation use cases with UiPath GenAI connec...
Connector Corner: Extending LLM automation use cases with UiPath GenAI connec...Connector Corner: Extending LLM automation use cases with UiPath GenAI connec...
Connector Corner: Extending LLM automation use cases with UiPath GenAI connec...DianaGray10
 
Nanopower In Semiconductor Industry.pdf
Nanopower  In Semiconductor Industry.pdfNanopower  In Semiconductor Industry.pdf
Nanopower In Semiconductor Industry.pdfPedro Manuel
 
Building Your Own AI Instance (TBLC AI )
Building Your Own AI Instance (TBLC AI )Building Your Own AI Instance (TBLC AI )
Building Your Own AI Instance (TBLC AI )Brian Pichman
 
Apres-Cyber - The Data Dilemma: Bridging Offensive Operations and Machine Lea...
Apres-Cyber - The Data Dilemma: Bridging Offensive Operations and Machine Lea...Apres-Cyber - The Data Dilemma: Bridging Offensive Operations and Machine Lea...
Apres-Cyber - The Data Dilemma: Bridging Offensive Operations and Machine Lea...Will Schroeder
 
UiPath Platform: The Backend Engine Powering Your Automation - Session 1
UiPath Platform: The Backend Engine Powering Your Automation - Session 1UiPath Platform: The Backend Engine Powering Your Automation - Session 1
UiPath Platform: The Backend Engine Powering Your Automation - Session 1DianaGray10
 
Igniting Next Level Productivity with AI-Infused Data Integration Workflows
Igniting Next Level Productivity with AI-Infused Data Integration WorkflowsIgniting Next Level Productivity with AI-Infused Data Integration Workflows
Igniting Next Level Productivity with AI-Infused Data Integration WorkflowsSafe Software
 
Videogame localization & technology_ how to enhance the power of translation.pdf
Videogame localization & technology_ how to enhance the power of translation.pdfVideogame localization & technology_ how to enhance the power of translation.pdf
Videogame localization & technology_ how to enhance the power of translation.pdfinfogdgmi
 
NIST Cybersecurity Framework (CSF) 2.0 Workshop
NIST Cybersecurity Framework (CSF) 2.0 WorkshopNIST Cybersecurity Framework (CSF) 2.0 Workshop
NIST Cybersecurity Framework (CSF) 2.0 WorkshopBachir Benyammi
 
Designing A Time bound resource download URL
Designing A Time bound resource download URLDesigning A Time bound resource download URL
Designing A Time bound resource download URLRuncy Oommen
 
OpenShift Commons Paris - Choose Your Own Observability Adventure
OpenShift Commons Paris - Choose Your Own Observability AdventureOpenShift Commons Paris - Choose Your Own Observability Adventure
OpenShift Commons Paris - Choose Your Own Observability AdventureEric D. Schabell
 
Linked Data in Production: Moving Beyond Ontologies
Linked Data in Production: Moving Beyond OntologiesLinked Data in Production: Moving Beyond Ontologies
Linked Data in Production: Moving Beyond OntologiesDavid Newbury
 
UiPath Studio Web workshop series - Day 7
UiPath Studio Web workshop series - Day 7UiPath Studio Web workshop series - Day 7
UiPath Studio Web workshop series - Day 7DianaGray10
 
Computer 10: Lesson 10 - Online Crimes and Hazards
Computer 10: Lesson 10 - Online Crimes and HazardsComputer 10: Lesson 10 - Online Crimes and Hazards
Computer 10: Lesson 10 - Online Crimes and HazardsSeth Reyes
 
Salesforce Miami User Group Event - 1st Quarter 2024
Salesforce Miami User Group Event - 1st Quarter 2024Salesforce Miami User Group Event - 1st Quarter 2024
Salesforce Miami User Group Event - 1st Quarter 2024SkyPlanner
 
IaC & GitOps in a Nutshell - a FridayInANuthshell Episode.pdf
IaC & GitOps in a Nutshell - a FridayInANuthshell Episode.pdfIaC & GitOps in a Nutshell - a FridayInANuthshell Episode.pdf
IaC & GitOps in a Nutshell - a FridayInANuthshell Episode.pdfDaniel Santiago Silva Capera
 
UiPath Studio Web workshop series - Day 8
UiPath Studio Web workshop series - Day 8UiPath Studio Web workshop series - Day 8
UiPath Studio Web workshop series - Day 8DianaGray10
 
Building AI-Driven Apps Using Semantic Kernel.pptx
Building AI-Driven Apps Using Semantic Kernel.pptxBuilding AI-Driven Apps Using Semantic Kernel.pptx
Building AI-Driven Apps Using Semantic Kernel.pptxUdaiappa Ramachandran
 

Dernier (20)

activity_diagram_combine_v4_20190827.pdfactivity_diagram_combine_v4_20190827.pdf
activity_diagram_combine_v4_20190827.pdfactivity_diagram_combine_v4_20190827.pdfactivity_diagram_combine_v4_20190827.pdfactivity_diagram_combine_v4_20190827.pdf
activity_diagram_combine_v4_20190827.pdfactivity_diagram_combine_v4_20190827.pdf
 
ADOPTING WEB 3 FOR YOUR BUSINESS: A STEP-BY-STEP GUIDE
ADOPTING WEB 3 FOR YOUR BUSINESS: A STEP-BY-STEP GUIDEADOPTING WEB 3 FOR YOUR BUSINESS: A STEP-BY-STEP GUIDE
ADOPTING WEB 3 FOR YOUR BUSINESS: A STEP-BY-STEP GUIDE
 
Connector Corner: Extending LLM automation use cases with UiPath GenAI connec...
Connector Corner: Extending LLM automation use cases with UiPath GenAI connec...Connector Corner: Extending LLM automation use cases with UiPath GenAI connec...
Connector Corner: Extending LLM automation use cases with UiPath GenAI connec...
 
Nanopower In Semiconductor Industry.pdf
Nanopower  In Semiconductor Industry.pdfNanopower  In Semiconductor Industry.pdf
Nanopower In Semiconductor Industry.pdf
 
20230104 - machine vision
20230104 - machine vision20230104 - machine vision
20230104 - machine vision
 
Building Your Own AI Instance (TBLC AI )
Building Your Own AI Instance (TBLC AI )Building Your Own AI Instance (TBLC AI )
Building Your Own AI Instance (TBLC AI )
 
Apres-Cyber - The Data Dilemma: Bridging Offensive Operations and Machine Lea...
Apres-Cyber - The Data Dilemma: Bridging Offensive Operations and Machine Lea...Apres-Cyber - The Data Dilemma: Bridging Offensive Operations and Machine Lea...
Apres-Cyber - The Data Dilemma: Bridging Offensive Operations and Machine Lea...
 
UiPath Platform: The Backend Engine Powering Your Automation - Session 1
UiPath Platform: The Backend Engine Powering Your Automation - Session 1UiPath Platform: The Backend Engine Powering Your Automation - Session 1
UiPath Platform: The Backend Engine Powering Your Automation - Session 1
 
Igniting Next Level Productivity with AI-Infused Data Integration Workflows
Igniting Next Level Productivity with AI-Infused Data Integration WorkflowsIgniting Next Level Productivity with AI-Infused Data Integration Workflows
Igniting Next Level Productivity with AI-Infused Data Integration Workflows
 
Videogame localization & technology_ how to enhance the power of translation.pdf
Videogame localization & technology_ how to enhance the power of translation.pdfVideogame localization & technology_ how to enhance the power of translation.pdf
Videogame localization & technology_ how to enhance the power of translation.pdf
 
NIST Cybersecurity Framework (CSF) 2.0 Workshop
NIST Cybersecurity Framework (CSF) 2.0 WorkshopNIST Cybersecurity Framework (CSF) 2.0 Workshop
NIST Cybersecurity Framework (CSF) 2.0 Workshop
 
Designing A Time bound resource download URL
Designing A Time bound resource download URLDesigning A Time bound resource download URL
Designing A Time bound resource download URL
 
OpenShift Commons Paris - Choose Your Own Observability Adventure
OpenShift Commons Paris - Choose Your Own Observability AdventureOpenShift Commons Paris - Choose Your Own Observability Adventure
OpenShift Commons Paris - Choose Your Own Observability Adventure
 
Linked Data in Production: Moving Beyond Ontologies
Linked Data in Production: Moving Beyond OntologiesLinked Data in Production: Moving Beyond Ontologies
Linked Data in Production: Moving Beyond Ontologies
 
UiPath Studio Web workshop series - Day 7
UiPath Studio Web workshop series - Day 7UiPath Studio Web workshop series - Day 7
UiPath Studio Web workshop series - Day 7
 
Computer 10: Lesson 10 - Online Crimes and Hazards
Computer 10: Lesson 10 - Online Crimes and HazardsComputer 10: Lesson 10 - Online Crimes and Hazards
Computer 10: Lesson 10 - Online Crimes and Hazards
 
Salesforce Miami User Group Event - 1st Quarter 2024
Salesforce Miami User Group Event - 1st Quarter 2024Salesforce Miami User Group Event - 1st Quarter 2024
Salesforce Miami User Group Event - 1st Quarter 2024
 
IaC & GitOps in a Nutshell - a FridayInANuthshell Episode.pdf
IaC & GitOps in a Nutshell - a FridayInANuthshell Episode.pdfIaC & GitOps in a Nutshell - a FridayInANuthshell Episode.pdf
IaC & GitOps in a Nutshell - a FridayInANuthshell Episode.pdf
 
UiPath Studio Web workshop series - Day 8
UiPath Studio Web workshop series - Day 8UiPath Studio Web workshop series - Day 8
UiPath Studio Web workshop series - Day 8
 
Building AI-Driven Apps Using Semantic Kernel.pptx
Building AI-Driven Apps Using Semantic Kernel.pptxBuilding AI-Driven Apps Using Semantic Kernel.pptx
Building AI-Driven Apps Using Semantic Kernel.pptx
 

NTC_TENSORFLOW深度學習快速上手班_Part3_電腦視覺應用