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

四、⾃自然語⾔言處理應⽤用	
By Mark Chang
•  ⾃自然語⾔言處理簡介	
•  Word2vec神經網路	
•  語意運算實作
⾃自然語⾔言處理簡介
⾃自然語⾔言處理	
•  ⾃自然語⾔言處理是⼈人⼯工智慧和語⾔言學領域的分⽀支	
– 探討如何處理及運⽤用⾃自然語⾔言	
•  ⾃自然語⾔言理解系統	
– 把⾃自然語⾔言轉化為電腦易於處理的形式。	
•  ⾃自然語⾔言⽣生成系統	
– 把電腦程式數據轉化為⾃自然語⾔言。	
•  https://zh.wikipedia.org/wiki/%E8%87%AA
%E7%84%B6%E8%AF%AD
%E8%A8%80%E5%A4%84%E7%90%86
語意理解	
https://papers.nips.cc/paper/5021-distributed-representations-of-
words-and-phrases-and-their-compositionality.pdf
機器翻譯	
http://arxiv.org/abs/1409.0473
詩詞創作	
http://emnlp2014.org/papers/pdf/EMNLP2014074.pdf
影像標題產⽣生	
http://arxiv.org/pdf/1411.4555v2.pdf
影像內容問答	
http://arxiv.org/pdf/1505.00468v6.pdf
Word2vec神經網路
⽂文字的語意	
•  某個字的語意,可從它的上下⽂文得知	
dog 和 cat 語意相近.
The dog run.
A cat run.
A dog sleep.
The cat sleep.
A dog bark.
The cat meows.
語意向量	
The dog run.
A cat run.
A dog sleep.
The cat sleep.
A dog bark.
The cat meows.
the a run sleep bark meow
dog 1 2 2 2 1 0
cat 2 1 2 2 0 1
語意向量	
dog (1, 2,..., xn)
cat (2, 1,..., xn)
Car (0, 0,..., xn)
語意向量相似度	
•  A 和 B 的Cosine Similarity 為:	
 A · B
|A||B|
dog (a1,a2,...,an)
cat (b1,b2,...,bn)
dog 和 cat 的cosine similarity為:
a1b1 + a2b2 + ... + anbn
p
a2
1 + a2
2 + ... + a2
n
p
b2
1 + b2
2 + ... + b2
n
語意向量加減運算	
Woman +
King - Man
= Queen
Woman
Queen
Man
 King
King - Man
King - Man
語意向量維度太⼤大	
(x1=the, x2 =a,..., xn)
dog
語意向量的維度等於總字彙量
x
1
x
2
x
3
x
4
xn...
Word2vec神經網路	
dog
One-Hot
Encoding
word2vec
神經網路
壓縮過的
語意向量
1.2
0.7
0.5
1
0
0
0
One-Hot Encoding	
dog
 cat
 run
 fly
1
0
0
0
0
1
0
0
0
0
1
0
0
0
0
1
Initialize Weights	
dog
cat
run
fly
dog
cat
run
fly
W =
2
6
6
4
w11 w12 w13
w21 w22 w23
w31 w32 w33
w31 w32 w43
3
7
7
5V =
2
6
6
4
v11 v12 v13
v21 v22 v23
v31 v32 v33
v31 v32 v43
3
7
7
5
把語意向量壓縮	
1
0
0
0
dog
高維度
低維度
v11
v12
v13
v11
v12
v13
v11
v12
v13
1
0
0
0
Compressed Vectors	
dog
 cat
 run
 fly
v11
v12
v13
v21
v22
v23
w31
w32
w33
w41
w42
w43
dog
cat
run
fly
dog
cat
run
fly
Context Word	
dog
 1
0
0
0
v11
v12
v13
v11
v12
v13 run
0
0
1
0
w31
w32
w33
dog
cat
run
fly
 dog
 cat
run
fly
1
1 + e V1W3
⇡ 1
V1 · W3 = v11w31 + v12w32 + v13w33
Context Word	
cat
1
0
0
0
v11
v12
v13
v21
v22
v23 run
0
0
1
0
w31
w32
w33
dog
 cat
run
fly
V2 · W3 = v21w31 + v22w32 + v23w33
dog
 cat
run
fly
1
1 + e V2W3
⇡ 1
Non-context Word	
dog
 1
0
0
0
v11
v12
v13
v11
v12
v13
fly
0
0
1
0
w41
w42
w43
V1 · W4 = v11w41 + v12w42 + v13w43
1
1 + e V1W4
⇡ 0
dog
 cat
run
fly
dog
 cat
run
fly
Non-context Word	
cat
 1
0
0
0
v11
v12
v13
v21
v22
v23
w41
w42
w43
0
0
1
0
V2 · W4 = v21w41 + v22w42 + v23w43
dog
 cat
run
fly
dog
 cat
run
fly
fly
1
1 + e V2W4
⇡ 0
Result	
dog
 cat
run
fly
dog
 cat
 run
 fly
v11
v12
v13
v21
v22
v23
w31
w32
w33
w41
w42
w43
dog
cat
run
fly
語意運算實作
語意運算實作	
https://github.com/ckmarkoh/ntc_deeplearning_tensorflow/
blob/master/sec4/semantics.ipynb
訓練資料	
anarchism originated as a term of abuse first used against early
working class radicals including the diggers of the english
revolution and the sans culottes of the french revolution whilst the
term is still used in a pejorative way to describe any act that used
violent means to destroy the organization of society it has also
been taken up as a positive label by self defined anarchists the
word anarchism is derived from the greek without archons ruler
chief king anarchism as a political philosophy is the belief that
rulers are unnecessary and should be abolished although there
are differing interpretations of what this means anarchism also
refers to related social movements that advocate the elimination
of authoritarian institutions particularly the state the word anarchy
as most anarchists use it does not imply chaos nihilism or anomie
but rather a harmonious anti authoritarian society in place of what
前處理	
anarchism originated as a
term of abuse first used
against early working class
radicals including the
diggers of the english
revolution and the sans
culottes of the french
revolution whilst the term is
still used in a pejorative way
to describe any act that used
violent means to destroy the
organization of society it has
also been taken up ….
[‘anarchism’, ‘originated’, ‘as’,
‘a’, ‘term’, ‘of’, ‘abuse’, ‘first’,
‘used’, ‘against’, ‘early’,
‘working’, ‘class’, ‘radicals’,
‘including’, ‘the’, ‘diggers’, ‘of’,
‘the’, ‘english’, ‘revolution’,
‘and’, ‘the’, ‘sans’, ‘culottes’,
‘of’, ‘the’, ‘french’, ‘revolution’,
‘whilst’, ‘the’, ‘term’, ‘is’, ‘still’,
‘used’, ‘in’, ‘a’, ‘pejorative’,
‘way’, ‘to’, ‘describe’, ‘any’,
‘act’, ‘that’, ‘used’, ‘violent’,
‘means’, ‘to’, ‘destroy’, ‘the’... ]
前處理	
‘the’, ‘english’,
‘revolution’,
‘and’, ‘the’,
‘sans’, UNK, 'of',
'the', 'french',
'revolution’…
1, 103,
855, 3, 1,
15068, 0,
2, 1, 151,
855, …
‘the’, ‘english’,
‘revolution’, ‘and’,
‘the’, ‘sans’,
‘culottes’, 'of', 'the',
'french',
'revolution’…
‘the’, ‘english’, ‘revolution’, ‘and’,
‘the’, ‘sans’, ‘culottes’, 'of', 'the',
'french', 'revolution’…
字典外的字,
用UNK代替。
將字轉換成字
典內的代碼。
根據詞頻,
轉換成字典
{“UNK”: 0, “the”: 1, “of”: 2, “and”:
3, “one”: 4, “in”: 5, “a”: 6, “to”: 7,
“zero”: 8, “nine”: 9, .... }
# 字典大小
vocabulary_size = 50000
前處理	
5239, 3084, 12, 6, 195, 2, 3137, 46,
59, 156, 128, 742, 477, 10572, 134,
1, 27549, 2, 1, 103, 855, 3, 1, 15068,
0, 2, 1, 151, 855, …
input output
3084 5239
3084 12
12 3084
12 6
6 12
6 195
195 6
195 2
3084 5239
word2vec
前處理	
5239, 3084, 12, 6, 195, 2, 3137, 46, 59, 156, 128,
742, 477, 10572, 134, 1, 27549, 2, 1, 103, 855, 3, 1,
15068, 0, 2, 1, 151, 855, …
generate_batch(batch_size=8, num_skips=2, skip_window=1)
batch
size
input 3084 3084 12 12 6 6 195 195
output 5239 12 3084 6 12 195 6 2
num_skips
batch_size
skip_window=1
Computational Graph	
train_inputs = tf.placeholder(tf.int32, shape=[batch_size])
train_labels = tf.placeholder(tf.int32, shape=[batch_size, 1])
with tf.device('/cpu:0'):
embeddings = tf.Variable(
tf.random_uniform([vocabulary_size, embedding_size], -1.0, 1.0))
embed = tf.nn.embedding_lookup(embeddings, train_inputs)
nce_weights = tf.Variable(
tf.truncated_normal([vocabulary_size, embedding_size],
stddev=1.0 / math.sqrt(embedding_size)))
nce_biases = tf.Variable(tf.zeros([vocabulary_size]))
loss = tf.reduce_mean(
tf.nn.nce_loss(nce_weights, nce_biases, embed, train_labels,
num_sampled, vocabulary_size))
optimizer = tf.train.GradientDescentOptimizer(1.0).minimize(loss)
Device	
with tf.device('/cpu:0’)
在CPU上執行以下定義的Computational Graph
由於Tensorflow未支援 embedding_lookup 在GPU上
執行,故需令它在CPU上執行。
Inputs  Outputs	
word2vec
train_inputs = tf.placeholder(tf.int32, shape=[batch_size])
train_labels = tf.placeholder(tf.int32, shape=[batch_size, 1])
train_inputs
3084
3084
12
12
6
6
195
195
train_labels
5239
12
3084
6
12
195
6
2
Embedding Lookup	
embeddings = tf.Variable(tf.random_uniform([vocabulary_size,
embedding_size], -1.0, 1.0))
embed = tf.nn.embedding_lookup(embeddings, train_inputs)
train_inputs
2
embeddings
embedding_lookup
NCE Weights	
•  NCE: Noise Contrastive Estimation	
nce_weights = tf.Variable(
tf.truncated_normal([vocabulary_size,
embedding_size],
stddev=1.0 / math.sqrt(embedding_size)
))
nce_biases = tf.Variable( tf.zeros([vocabulary_size]) )
nce_weights
nce_biases
NCE Loss	
loss = tf.reduce_mean(
tf.nn.nce_loss(nce_weights, nce_biases, embed, train_labels,
num_sampled, vocabulary_size))
1
0
0
0
v11
v12
v13
v21
v22
v23
0
0
1
0
w31
w32
w33
1
1 + e V2W3
⇡ 1
1
0
0
0
v11
v12
v13
v21
v22
v23
w41
w42
w43
0
0
1
0
1
1 + e V2W4
⇡ 0
Positive Negative
cost = log(
1
1 + e vT
I wpos
) +
X
neg
log(1
1
1 + e vT
I wneg
)
Train	
feed_dict = {train_inputs: batch_inputs,
train_labels: batch_labels}
_, loss_val = session.run([optimizer, loss], feed_dict=feed_dict)
loss_val
batch_inputs
3084
3084
12
12
6
6
195
195
batch_labels
5239
12
3084
6
12
195
6
2
Result	
final_embeddings
array([[-0.02782757, -0.16879494, -0.06111901, ..., -0.25700757,
-0.07137159, 0.0191142 ],
[-0.00155336, -0.00928817, -0.0535327 , ..., -0.23261793,
-0.13980433, 0.18055709],
[ 0.02576068, -0.06805354, -0.03688766, ..., -0.15378961,
0.00459271, 0.0717089 ],
...,
[ 0.01061165, -0.09820389, -0.09913248, ..., 0.00818674,
-0.12992384, 0.05826835],
[ 0.0849214 , -0.14137401, 0.09674817, ..., 0.04111136,
-0.05420518, -0.01920278],
[ 0.08318492, -0.08202577, 0.11284919, ..., 0.03887166,
0.01556483, 0.12496017]], dtype=float32)
Visualization
Most Similar Words	
def get_most_similar(word, top=10):
wid = dictionary.get(word,-1)
result = np.dot(final_embeddings[wid:wid+1,:],final_embeddings.T)
result = result [0].argsort().tolist()
result.reverse()
for idx in result [:10]:
print(reverse_dictionary[idx])
get_most_similar(one)
one
six
two
four
seven
three
...
講師資訊	
•  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
44

Contenu connexe

Tendances

Effective Numerical Computation in NumPy and SciPy
Effective Numerical Computation in NumPy and SciPyEffective Numerical Computation in NumPy and SciPy
Effective Numerical Computation in NumPy and SciPyKimikazu Kato
 
Tensor board
Tensor boardTensor board
Tensor boardSung Kim
 
Tachikoma 2013-01
Tachikoma 2013-01Tachikoma 2013-01
Tachikoma 2013-01Ryota Hanyu
 
Deep Learning and TensorFlow
Deep Learning and TensorFlowDeep Learning and TensorFlow
Deep Learning and TensorFlowOswald Campesato
 
From Zero to Iterators: Building and Extending the Iterator Hierarchy in a Mo...
From Zero to Iterators: Building and Extending the Iterator Hierarchy in a Mo...From Zero to Iterators: Building and Extending the Iterator Hierarchy in a Mo...
From Zero to Iterators: Building and Extending the Iterator Hierarchy in a Mo...Patrick Niedzielski
 
AlphaGo in Depth
AlphaGo in Depth AlphaGo in Depth
AlphaGo in Depth Mark Chang
 
AlphaZero and beyond: Polygames
AlphaZero and beyond: PolygamesAlphaZero and beyond: Polygames
AlphaZero and beyond: PolygamesOlivier Teytaud
 
Intro to Python (High School) Unit #3
Intro to Python (High School) Unit #3Intro to Python (High School) Unit #3
Intro to Python (High School) Unit #3Jay Coskey
 
Intro to Python (High School) Unit #2
Intro to Python (High School) Unit #2Intro to Python (High School) Unit #2
Intro to Python (High School) Unit #2Jay Coskey
 
talk at Virginia Bioinformatics Institute, December 5, 2013
talk at Virginia Bioinformatics Institute, December 5, 2013talk at Virginia Bioinformatics Institute, December 5, 2013
talk at Virginia Bioinformatics Institute, December 5, 2013ericupnorth
 
Python For Scientists
Python For ScientistsPython For Scientists
Python For Scientistsaeberspaecher
 

Tendances (20)

Effective Numerical Computation in NumPy and SciPy
Effective Numerical Computation in NumPy and SciPyEffective Numerical Computation in NumPy and SciPy
Effective Numerical Computation in NumPy and SciPy
 
Tensor board
Tensor boardTensor board
Tensor board
 
Dive Into PyTorch
Dive Into PyTorchDive Into PyTorch
Dive Into PyTorch
 
Python: The Dynamic!
Python: The Dynamic!Python: The Dynamic!
Python: The Dynamic!
 
Tachikoma 2013-01
Tachikoma 2013-01Tachikoma 2013-01
Tachikoma 2013-01
 
Welcome to python
Welcome to pythonWelcome to python
Welcome to python
 
Deep Learning and TensorFlow
Deep Learning and TensorFlowDeep Learning and TensorFlow
Deep Learning and TensorFlow
 
Learning from 6,000 projects mining specifications in the large
Learning from 6,000 projects   mining specifications in the largeLearning from 6,000 projects   mining specifications in the large
Learning from 6,000 projects mining specifications in the large
 
From Zero to Iterators: Building and Extending the Iterator Hierarchy in a Mo...
From Zero to Iterators: Building and Extending the Iterator Hierarchy in a Mo...From Zero to Iterators: Building and Extending the Iterator Hierarchy in a Mo...
From Zero to Iterators: Building and Extending the Iterator Hierarchy in a Mo...
 
AlphaGo in Depth
AlphaGo in Depth AlphaGo in Depth
AlphaGo in Depth
 
AlphaZero and beyond: Polygames
AlphaZero and beyond: PolygamesAlphaZero and beyond: Polygames
AlphaZero and beyond: Polygames
 
Intro to Python (High School) Unit #3
Intro to Python (High School) Unit #3Intro to Python (High School) Unit #3
Intro to Python (High School) Unit #3
 
AlphaGo and AlphaGo Zero
AlphaGo and AlphaGo ZeroAlphaGo and AlphaGo Zero
AlphaGo and AlphaGo Zero
 
Python for Dummies
Python for DummiesPython for Dummies
Python for Dummies
 
How AlphaGo Works
How AlphaGo WorksHow AlphaGo Works
How AlphaGo Works
 
肉体言語 Tython
肉体言語 Tython肉体言語 Tython
肉体言語 Tython
 
Intro to Python (High School) Unit #2
Intro to Python (High School) Unit #2Intro to Python (High School) Unit #2
Intro to Python (High School) Unit #2
 
talk at Virginia Bioinformatics Institute, December 5, 2013
talk at Virginia Bioinformatics Institute, December 5, 2013talk at Virginia Bioinformatics Institute, December 5, 2013
talk at Virginia Bioinformatics Institute, December 5, 2013
 
Python For Scientists
Python For ScientistsPython For Scientists
Python For Scientists
 
Python book
Python bookPython book
Python book
 

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_TENSORFLOW深度學習快速上手班_Part3_電腦視覺應用
NTC_TENSORFLOW深度學習快速上手班_Part3_電腦視覺應用NTC_TENSORFLOW深度學習快速上手班_Part3_電腦視覺應用
NTC_TENSORFLOW深度學習快速上手班_Part3_電腦視覺應用NTC.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)
 
資料視覺化 / 数据可视化 Data Visualization
資料視覺化 / 数据可视化 Data Visualization資料視覺化 / 数据可视化 Data Visualization
資料視覺化 / 数据可视化 Data VisualizationWill Kuan 官大鈞
 
機器學習工具介紹 / 机器学习工具介绍 Demos for Machine Learning Tools
機器學習工具介紹 / 机器学习工具介绍 Demos for Machine Learning Tools機器學習工具介紹 / 机器学习工具介绍 Demos for Machine Learning Tools
機器學習工具介紹 / 机器学习工具介绍 Demos for Machine Learning ToolsWill Kuan 官大鈞
 
連淡水阿嬤都聽得懂的 機器學習入門 scikit-learn
連淡水阿嬤都聽得懂的機器學習入門 scikit-learn 連淡水阿嬤都聽得懂的機器學習入門 scikit-learn
連淡水阿嬤都聽得懂的 機器學習入門 scikit-learn Cicilia Lee
 
機器學習簡報 / 机器学习简报 Machine Learning
機器學習簡報 / 机器学习简报 Machine Learning 機器學習簡報 / 机器学习简报 Machine Learning
機器學習簡報 / 机器学习简报 Machine Learning Will Kuan 官大鈞
 
初學R語言的60分鐘
初學R語言的60分鐘初學R語言的60分鐘
初學R語言的60分鐘Chen-Pan Liao
 
Présentation IceFire pour Aos Canada français
Présentation IceFire pour Aos Canada françaisPrésentation IceFire pour Aos Canada français
Présentation IceFire pour Aos Canada françaisMartin Laplante
 

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_TENSORFLOW深度學習快速上手班_Part3_電腦視覺應用
NTC_TENSORFLOW深度學習快速上手班_Part3_電腦視覺應用NTC_TENSORFLOW深度學習快速上手班_Part3_電腦視覺應用
NTC_TENSORFLOW深度學習快速上手班_Part3_電腦視覺應用
 
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深度學習講座講義(很硬的課程)
 
資料視覺化 / 数据可视化 Data Visualization
資料視覺化 / 数据可视化 Data Visualization資料視覺化 / 数据可视化 Data Visualization
資料視覺化 / 数据可视化 Data Visualization
 
機器學習工具介紹 / 机器学习工具介绍 Demos for Machine Learning Tools
機器學習工具介紹 / 机器学习工具介绍 Demos for Machine Learning Tools機器學習工具介紹 / 机器学习工具介绍 Demos for Machine Learning Tools
機器學習工具介紹 / 机器学习工具介绍 Demos for Machine Learning Tools
 
連淡水阿嬤都聽得懂的 機器學習入門 scikit-learn
連淡水阿嬤都聽得懂的機器學習入門 scikit-learn 連淡水阿嬤都聽得懂的機器學習入門 scikit-learn
連淡水阿嬤都聽得懂的 機器學習入門 scikit-learn
 
機器學習簡報 / 机器学习简报 Machine Learning
機器學習簡報 / 机器学习简报 Machine Learning 機器學習簡報 / 机器学习简报 Machine Learning
機器學習簡報 / 机器学习简报 Machine Learning
 
初學R語言的60分鐘
初學R語言的60分鐘初學R語言的60分鐘
初學R語言的60分鐘
 
Présentation IceFire pour Aos Canada français
Présentation IceFire pour Aos Canada françaisPrésentation IceFire pour Aos Canada français
Présentation IceFire pour Aos Canada français
 
Innovation
InnovationInnovation
Innovation
 

Similaire à NTC_Tensor flow 深度學習快速上手班_Part4 -自然語言

Software version numbering - DSL of change
Software version numbering - DSL of changeSoftware version numbering - DSL of change
Software version numbering - DSL of changeSergii Shmarkatiuk
 
ICPSR - Complex Systems Models in the Social Sciences - Lab Session 1 - Profe...
ICPSR - Complex Systems Models in the Social Sciences - Lab Session 1 - Profe...ICPSR - Complex Systems Models in the Social Sciences - Lab Session 1 - Profe...
ICPSR - Complex Systems Models in the Social Sciences - Lab Session 1 - Profe...Daniel Katz
 
Design Patterns
Design PatternsDesign Patterns
Design Patternsppd1961
 
5 things to look for in a CMS interface
5 things to look for in a CMS interface5 things to look for in a CMS interface
5 things to look for in a CMS interfaceAlastair Campbell
 
Language translation with Deep Learning (RNN) with TensorFlow
Language translation with Deep Learning (RNN) with TensorFlowLanguage translation with Deep Learning (RNN) with TensorFlow
Language translation with Deep Learning (RNN) with TensorFlowS N
 
And Then There Are Algorithms
And Then There Are AlgorithmsAnd Then There Are Algorithms
And Then There Are AlgorithmsInfluxData
 
Discovering User's Topics of Interest in Recommender Systems @ Meetup Machine...
Discovering User's Topics of Interest in Recommender Systems @ Meetup Machine...Discovering User's Topics of Interest in Recommender Systems @ Meetup Machine...
Discovering User's Topics of Interest in Recommender Systems @ Meetup Machine...Gabriel Moreira
 
Threading Is Not A Model
Threading Is Not A ModelThreading Is Not A Model
Threading Is Not A Modelguest2a5acfb
 
the productive programer: mechanics
the productive programer: mechanicsthe productive programer: mechanics
the productive programer: mechanicselliando dias
 
Generating Natural-Language Text with Neural Networks
Generating Natural-Language Text with Neural NetworksGenerating Natural-Language Text with Neural Networks
Generating Natural-Language Text with Neural NetworksJonathan Mugan
 
Why should you care about Processing?
Why should you care about Processing?Why should you care about Processing?
Why should you care about Processing?Jamie Matthews
 
Intuition & Use-Cases of Embeddings in NLP & beyond
Intuition & Use-Cases of Embeddings in NLP & beyondIntuition & Use-Cases of Embeddings in NLP & beyond
Intuition & Use-Cases of Embeddings in NLP & beyondC4Media
 
Patterns for organic architecture codedive
Patterns for organic architecture codedivePatterns for organic architecture codedive
Patterns for organic architecture codedivemagda3695
 
Detecting Misleading Headlines in Online News: Hands-on Experiences on Attent...
Detecting Misleading Headlines in Online News: Hands-on Experiences on Attent...Detecting Misleading Headlines in Online News: Hands-on Experiences on Attent...
Detecting Misleading Headlines in Online News: Hands-on Experiences on Attent...Kunwoo Park
 
Computer and Generations
Computer and GenerationsComputer and Generations
Computer and GenerationsToufiqueAhmed13
 
Knowledge = Innovation
Knowledge = InnovationKnowledge = Innovation
Knowledge = InnovationDan Keldsen
 

Similaire à NTC_Tensor flow 深度學習快速上手班_Part4 -自然語言 (20)

Software version numbering - DSL of change
Software version numbering - DSL of changeSoftware version numbering - DSL of change
Software version numbering - DSL of change
 
ICPSR - Complex Systems Models in the Social Sciences - Lab Session 1 - Profe...
ICPSR - Complex Systems Models in the Social Sciences - Lab Session 1 - Profe...ICPSR - Complex Systems Models in the Social Sciences - Lab Session 1 - Profe...
ICPSR - Complex Systems Models in the Social Sciences - Lab Session 1 - Profe...
 
Design Patterns
Design PatternsDesign Patterns
Design Patterns
 
5 things to look for in a CMS interface
5 things to look for in a CMS interface5 things to look for in a CMS interface
5 things to look for in a CMS interface
 
Language translation with Deep Learning (RNN) with TensorFlow
Language translation with Deep Learning (RNN) with TensorFlowLanguage translation with Deep Learning (RNN) with TensorFlow
Language translation with Deep Learning (RNN) with TensorFlow
 
And Then There Are Algorithms
And Then There Are AlgorithmsAnd Then There Are Algorithms
And Then There Are Algorithms
 
Discovering User's Topics of Interest in Recommender Systems @ Meetup Machine...
Discovering User's Topics of Interest in Recommender Systems @ Meetup Machine...Discovering User's Topics of Interest in Recommender Systems @ Meetup Machine...
Discovering User's Topics of Interest in Recommender Systems @ Meetup Machine...
 
Of Changes and Their History
Of Changes and Their HistoryOf Changes and Their History
Of Changes and Their History
 
Threading Is Not A Model
Threading Is Not A ModelThreading Is Not A Model
Threading Is Not A Model
 
Project00
Project00Project00
Project00
 
the productive programer: mechanics
the productive programer: mechanicsthe productive programer: mechanics
the productive programer: mechanics
 
Generating Natural-Language Text with Neural Networks
Generating Natural-Language Text with Neural NetworksGenerating Natural-Language Text with Neural Networks
Generating Natural-Language Text with Neural Networks
 
Travel Essay Examples
Travel Essay ExamplesTravel Essay Examples
Travel Essay Examples
 
Travel Essay Examples.pdf
Travel Essay Examples.pdfTravel Essay Examples.pdf
Travel Essay Examples.pdf
 
Why should you care about Processing?
Why should you care about Processing?Why should you care about Processing?
Why should you care about Processing?
 
Intuition & Use-Cases of Embeddings in NLP & beyond
Intuition & Use-Cases of Embeddings in NLP & beyondIntuition & Use-Cases of Embeddings in NLP & beyond
Intuition & Use-Cases of Embeddings in NLP & beyond
 
Patterns for organic architecture codedive
Patterns for organic architecture codedivePatterns for organic architecture codedive
Patterns for organic architecture codedive
 
Detecting Misleading Headlines in Online News: Hands-on Experiences on Attent...
Detecting Misleading Headlines in Online News: Hands-on Experiences on Attent...Detecting Misleading Headlines in Online News: Hands-on Experiences on Attent...
Detecting Misleading Headlines in Online News: Hands-on Experiences on Attent...
 
Computer and Generations
Computer and GenerationsComputer and Generations
Computer and Generations
 
Knowledge = Innovation
Knowledge = InnovationKnowledge = Innovation
Knowledge = Innovation
 

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

How to Troubleshoot Apps for the Modern Connected Worker
How to Troubleshoot Apps for the Modern Connected WorkerHow to Troubleshoot Apps for the Modern Connected Worker
How to Troubleshoot Apps for the Modern Connected WorkerThousandEyes
 
04-2024-HHUG-Sales-and-Marketing-Alignment.pptx
04-2024-HHUG-Sales-and-Marketing-Alignment.pptx04-2024-HHUG-Sales-and-Marketing-Alignment.pptx
04-2024-HHUG-Sales-and-Marketing-Alignment.pptxHampshireHUG
 
Boost PC performance: How more available memory can improve productivity
Boost PC performance: How more available memory can improve productivityBoost PC performance: How more available memory can improve productivity
Boost PC performance: How more available memory can improve productivityPrincipled Technologies
 
Driving Behavioral Change for Information Management through Data-Driven Gree...
Driving Behavioral Change for Information Management through Data-Driven Gree...Driving Behavioral Change for Information Management through Data-Driven Gree...
Driving Behavioral Change for Information Management through Data-Driven Gree...Enterprise Knowledge
 
Strategies for Landing an Oracle DBA Job as a Fresher
Strategies for Landing an Oracle DBA Job as a FresherStrategies for Landing an Oracle DBA Job as a Fresher
Strategies for Landing an Oracle DBA Job as a FresherRemote DBA Services
 
Strategize a Smooth Tenant-to-tenant Migration and Copilot Takeoff
Strategize a Smooth Tenant-to-tenant Migration and Copilot TakeoffStrategize a Smooth Tenant-to-tenant Migration and Copilot Takeoff
Strategize a Smooth Tenant-to-tenant Migration and Copilot Takeoffsammart93
 
Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...
Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...
Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...apidays
 
Histor y of HAM Radio presentation slide
Histor y of HAM Radio presentation slideHistor y of HAM Radio presentation slide
Histor y of HAM Radio presentation slidevu2urc
 
Data Cloud, More than a CDP by Matt Robison
Data Cloud, More than a CDP by Matt RobisonData Cloud, More than a CDP by Matt Robison
Data Cloud, More than a CDP by Matt RobisonAnna Loughnan Colquhoun
 
08448380779 Call Girls In Greater Kailash - I Women Seeking Men
08448380779 Call Girls In Greater Kailash - I Women Seeking Men08448380779 Call Girls In Greater Kailash - I Women Seeking Men
08448380779 Call Girls In Greater Kailash - I Women Seeking MenDelhi Call girls
 
Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...
Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...
Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...Miguel Araújo
 
EIS-Webinar-Prompt-Knowledge-Eng-2024-04-08.pptx
EIS-Webinar-Prompt-Knowledge-Eng-2024-04-08.pptxEIS-Webinar-Prompt-Knowledge-Eng-2024-04-08.pptx
EIS-Webinar-Prompt-Knowledge-Eng-2024-04-08.pptxEarley Information Science
 
Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...
Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...
Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...Igalia
 
IAC 2024 - IA Fast Track to Search Focused AI Solutions
IAC 2024 - IA Fast Track to Search Focused AI SolutionsIAC 2024 - IA Fast Track to Search Focused AI Solutions
IAC 2024 - IA Fast Track to Search Focused AI SolutionsEnterprise Knowledge
 
Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...
Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...
Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...Drew Madelung
 
Finology Group – Insurtech Innovation Award 2024
Finology Group – Insurtech Innovation Award 2024Finology Group – Insurtech Innovation Award 2024
Finology Group – Insurtech Innovation Award 2024The Digital Insurer
 
Powerful Google developer tools for immediate impact! (2023-24 C)
Powerful Google developer tools for immediate impact! (2023-24 C)Powerful Google developer tools for immediate impact! (2023-24 C)
Powerful Google developer tools for immediate impact! (2023-24 C)wesley chun
 
Workshop - Best of Both Worlds_ Combine KG and Vector search for enhanced R...
Workshop - Best of Both Worlds_ Combine  KG and Vector search for  enhanced R...Workshop - Best of Both Worlds_ Combine  KG and Vector search for  enhanced R...
Workshop - Best of Both Worlds_ Combine KG and Vector search for enhanced R...Neo4j
 
How to Troubleshoot Apps for the Modern Connected Worker
How to Troubleshoot Apps for the Modern Connected WorkerHow to Troubleshoot Apps for the Modern Connected Worker
How to Troubleshoot Apps for the Modern Connected WorkerThousandEyes
 
How to convert PDF to text with Nanonets
How to convert PDF to text with NanonetsHow to convert PDF to text with Nanonets
How to convert PDF to text with Nanonetsnaman860154
 

Dernier (20)

How to Troubleshoot Apps for the Modern Connected Worker
How to Troubleshoot Apps for the Modern Connected WorkerHow to Troubleshoot Apps for the Modern Connected Worker
How to Troubleshoot Apps for the Modern Connected Worker
 
04-2024-HHUG-Sales-and-Marketing-Alignment.pptx
04-2024-HHUG-Sales-and-Marketing-Alignment.pptx04-2024-HHUG-Sales-and-Marketing-Alignment.pptx
04-2024-HHUG-Sales-and-Marketing-Alignment.pptx
 
Boost PC performance: How more available memory can improve productivity
Boost PC performance: How more available memory can improve productivityBoost PC performance: How more available memory can improve productivity
Boost PC performance: How more available memory can improve productivity
 
Driving Behavioral Change for Information Management through Data-Driven Gree...
Driving Behavioral Change for Information Management through Data-Driven Gree...Driving Behavioral Change for Information Management through Data-Driven Gree...
Driving Behavioral Change for Information Management through Data-Driven Gree...
 
Strategies for Landing an Oracle DBA Job as a Fresher
Strategies for Landing an Oracle DBA Job as a FresherStrategies for Landing an Oracle DBA Job as a Fresher
Strategies for Landing an Oracle DBA Job as a Fresher
 
Strategize a Smooth Tenant-to-tenant Migration and Copilot Takeoff
Strategize a Smooth Tenant-to-tenant Migration and Copilot TakeoffStrategize a Smooth Tenant-to-tenant Migration and Copilot Takeoff
Strategize a Smooth Tenant-to-tenant Migration and Copilot Takeoff
 
Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...
Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...
Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...
 
Histor y of HAM Radio presentation slide
Histor y of HAM Radio presentation slideHistor y of HAM Radio presentation slide
Histor y of HAM Radio presentation slide
 
Data Cloud, More than a CDP by Matt Robison
Data Cloud, More than a CDP by Matt RobisonData Cloud, More than a CDP by Matt Robison
Data Cloud, More than a CDP by Matt Robison
 
08448380779 Call Girls In Greater Kailash - I Women Seeking Men
08448380779 Call Girls In Greater Kailash - I Women Seeking Men08448380779 Call Girls In Greater Kailash - I Women Seeking Men
08448380779 Call Girls In Greater Kailash - I Women Seeking Men
 
Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...
Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...
Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...
 
EIS-Webinar-Prompt-Knowledge-Eng-2024-04-08.pptx
EIS-Webinar-Prompt-Knowledge-Eng-2024-04-08.pptxEIS-Webinar-Prompt-Knowledge-Eng-2024-04-08.pptx
EIS-Webinar-Prompt-Knowledge-Eng-2024-04-08.pptx
 
Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...
Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...
Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...
 
IAC 2024 - IA Fast Track to Search Focused AI Solutions
IAC 2024 - IA Fast Track to Search Focused AI SolutionsIAC 2024 - IA Fast Track to Search Focused AI Solutions
IAC 2024 - IA Fast Track to Search Focused AI Solutions
 
Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...
Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...
Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...
 
Finology Group – Insurtech Innovation Award 2024
Finology Group – Insurtech Innovation Award 2024Finology Group – Insurtech Innovation Award 2024
Finology Group – Insurtech Innovation Award 2024
 
Powerful Google developer tools for immediate impact! (2023-24 C)
Powerful Google developer tools for immediate impact! (2023-24 C)Powerful Google developer tools for immediate impact! (2023-24 C)
Powerful Google developer tools for immediate impact! (2023-24 C)
 
Workshop - Best of Both Worlds_ Combine KG and Vector search for enhanced R...
Workshop - Best of Both Worlds_ Combine  KG and Vector search for  enhanced R...Workshop - Best of Both Worlds_ Combine  KG and Vector search for  enhanced R...
Workshop - Best of Both Worlds_ Combine KG and Vector search for enhanced R...
 
How to Troubleshoot Apps for the Modern Connected Worker
How to Troubleshoot Apps for the Modern Connected WorkerHow to Troubleshoot Apps for the Modern Connected Worker
How to Troubleshoot Apps for the Modern Connected Worker
 
How to convert PDF to text with Nanonets
How to convert PDF to text with NanonetsHow to convert PDF to text with Nanonets
How to convert PDF to text with Nanonets
 

NTC_Tensor flow 深度學習快速上手班_Part4 -自然語言