SlideShare a Scribd company logo
1 of 51
Download to read offline
2 2
2 2 2
A D
9 01 9! 1/ . 2 1
• l io … a ~ nt
• 1 ()
S m s f… dX e h
S c
• C ()+ ()/
S io PMC rd yk
• 5 K L ()-
S 7 M K K S T bwp u bwp
S NJJ KM L
ü C NFM L K3F (). 7 8 M ()/ 18 5 ()0
• M
S F 1C D K 26,4
• h S~g vk m e uny tb
• .GG D ld a T U ( ) (o N
• x
O 5MI GF 5/ DAC FG
ü t 0 V P jis F IA AF AF U
O v
ü 1AFJL
ü /,/ .5 5 D tc 2, .5 A A tc
• ) (/i ­ h
0 D MM TS S DF 4FD ) (,
0 ( D T CUT S
0 . PULL F UFSTS
0 ) G KS f () ­
ü 2 TST BP l v ! (,
0 F S 6L cq 7 T8UC
• ~
3 MPLFTF M EFL P T T P H
4 ST CUTFE T B H
3 7 C LF SUPP T
• F S 6L >F H
l s d
• A 1 D MP LF (
l y x ~ b
• F BS 1 >UPP T ( )
a repw 1 F BS
• 5BHF 5XFDUT (
TF BDT F M EF
nu ep k TI
nr g
• F S 6L 4BTB (
m u lth o b
2016
2017
⏤ TensorFlow Serving
⏤ Keras API
⏤ Eager Execution
⏤ TensorFlow Lite
⏤ XLA
⏤ OpenCL w/ OpenCompute
⏤ Distributed TensorFlow
⏤ Multi GPU support
⏤ Mobile TensorFlow
⏤ TensorFlow Datasets
⏤ SKLearn (contrib)
⏤ TensorFlow Slim
⏤ SyntaxNet
⏤ DRAGNN
⏤ TFLearn (contrib)
⏤ TensorFlow TimeSeries
2018
⏤ TensorFlow Hub
⏤ Swift for TensorFlow
⏤ TensorFlow Models
⏤ ROCm TensorFlow (Test)
⏤ TensorRT integration
• 3
L IA GE EG
ü ) G IAED
ü -3 GI AD A
L D 3
• -3
L ) 1 A A ➜ 11
L D) ) ➜ EC I 33 ➜
C PU Oe
• 3 I G ? D
L dS X c ) .
L -EE? MV
• ? 3
L NM a! TR b(
• + +
: + +)
: A P
(+
• a (
: CA C U
a NP b
: aI NPb
c
: D G
• I K1G P 0 EH K (
R t l[ EH K s fo T a V r Tix .74
• I K1G P 9 K EID c w
• I K1G P K .74 ) (
• I K1G P / / / 9 (
• I K1G P D K AN E I ( S ( , ) vj u
• I K1G P F ( , )
• 9PE G IDN D K I K1G P , ( , S ( US nv
• I K1G P 3N US b
• I K8
R 4/4. 27 mg e ]
•
•
Servables
Loaders
Managers
•
/
RPC (gRPC ) REST API
• . 8 (
. 8 (
. 8 (
1 2 . 8 (
.( ) 1
. 8 ( 1
• 2 . 8 (
1
.( 1
. 8 . 8
1 (
•
•
TransformExtract Load
•
•
Repositories
•
•
TensorFlow
Hub
• ah e n P
• (F g
22 2 8 A .28
8 TiD c p )
•
ah o
l . Id . I
ü pip install tensorflowjs
8 12 0 83 j
• l
9 U
9 0, Ge as U y­ m
9 b P v
ü 1 1 !
• s
9 2 ,
ü Ge AA ? X
ü Ge ­: J v
9 2 2
ü U y­
ü WL !
• P
• O
•
A
A S
ID B F A K
P
• T
n w o n
A
•
w T e D I
u FD b
•
• s s A
r ­ b
• b
1 51 8 0/ 0 5 2 9 iP A l
d
t b
( 1 ) 2
• 2 3 e
A ­
A r I o P y e / 8 / E F lG
• 038 r w
A r ha u
•
A 7/ u r s
A n g ,/1 t
A
•
A / 8 N U
A mI
A a
A / 8 T·
) ( ) 2
• o
o
• h E G a
@defun A o
ü : @py_func o d
FunctionDefA p g
FunctionDef e
• o c
( ) 23
• , A 0 9 7 87 h p d s G
E c Pr
E 7 87 h ia Ty b a h
E
ü n F w gr
ü n 27 / C p . 87 h p u l
• 1 A9 p 67 8 Pr
E 1 A9 e o 27 / C e
E , 7 A : A: o 27 / Cp u
E A 77 t
( ) 4 2
•
@autograph.convert()
def my_dynamic_rnn(rnn_cell, input_data, initial_state, se
q_len):
outputs = tf.TensorArray(tf.float32, input_data.shape[0])
state = initial_state
max_seq_len = tf.reduce_max(seq_len)
for i in tf.range(max_seq_len):
new_output, new_state = rnn_cell(input_data[i], state)
output = tf.where(i < seq_len, new_output, tf.zeros_lik
e(new_output))
state = tf.where(i < sequence_length, new_state, state)
outputs = outputs.write(i, output)
return tf.transpose(outputs.stack(), [1, 0, 2]), state
def tf__my_dynamic_rnn(rnn_cell, input_data, initial_state, sequence_length):
try:
with tf.name_scope('my_dynamic_rnn'):
outputs = tf.TensorArray(tf.float32, ag__.get_item(input_data.shape,
0, opts=ag__.GetItemOpts(element_dtype=None)))
state = initial_state
max_sequence_length = tf.reduce_max(sequence_length)
def extra_test(state_1, outputs_1):
with tf.name_scope('extra_test'):
return True
def loop_body(loop_vars, state_1, outputs_1):
with tf.name_scope('loop_body'):
i = loop_vars
new_output, new_state = ag__.converted_call(rnn_cell, True, False,
False, {}, ag__.get_item(input_data, i, opts=ag__.GetItemOpts
(element_dtype=None)), state_1)
output = tf.where(tf.less(i, sequence_length), new_output, tf.
zeros(new_output.shape))
state_1 = tf.where(tf.less(i, sequence_length), new_state, state_1)
outputs_1 = outputs_1.write(i, output)
return state_1, outputs_1
state, outputs = ag__.for_stmt(tf.range(max_sequence_length),
extra_test, loop_body, (state, outputs))
return tf.transpose(outputs.stack(), ag__.new_list([1, 0, 2])), state
except:
ag__.rewrite_graph_construction_error(ag_source_map__)
• n o A
a o A hr ➜ ho
• a
tf.io tf.nn tf.math
t m ,(
• r
), G :p : o
dim ➜ axis, keep_prob ➜ rate
2
• Keras ( https://keras.io )
High-level API —
“Deep learning accessible to everyone”
•
2017 2
TensorFlow 1.2 contributor
TensorFlow 1.4
•
“Simplified workflow for TensorFlow users, more powerful features to Keras users”
Keras (keras. tf.keras.)
TensorFlow Keras
tf.keras.
• !
() / : 1 2
• ( F
) 1 ,
ü tf.variable
) 1 , :
ü tf.global_variables_initializer() tf.get_global_step() :
) T ,
) , 1 , ? ,
( ) / 2 : 2
•
tf.global_variables_initializer() tf.get_global_step()
V R
• ) (, R
tf.assign(x,100) ➜ x.assign(100)
•
K R
( ) 1 2
• Session.run() e
: DF o Ghu o
: t a dP A s e r p y c
•
: T ) r o n ,
: , r P wl (
# TensorFlow 1.X
outputs = session.run(f(placeholder), feed_dict={placeholder: input})
# TensorFlow 2.0
outputs = f(input)
) (
•
print ➜ tf.print
assert ➜ tf.Assert
for/while ➜ tf.while_loop (break and continue are supported)
if ➜ tf.cond
for _ in dataset ➜ dataset.reduce
( ) 1 2
• + A A 1A A
F e + A A 2 DT bo
lM rRc g n
F tf.distribute
• Ua
F g -
F g -
F P
• 1A A d S
F . 1A A
ü )
ü rR
F 2 1A A (
• i b G m A A
F A C ) 0 1A A (
ü P d . 1A A
F A 1 C 1A A (
) ( 2
•
strategy = tf.distribute.MirroredStrategy()
config = tf.estimator.RunConfig(
train_distribute=strategy, eval_distribute=strategy)
regressor = tf.estimator.LinearRegressor(
feature_columns=[tf.feature_column.numeric_column('feats')],
optimizer='SGD',
config=config)
def input_fn():
return tf.data.Dataset.from_tensors(({"feats":[1.]}, [1.]))
.repeat(10000).batch(10)
regressor.train(input_fn=input_fn, steps=10)
regressor.evaluate(input_fn=input_fn, steps=10)
( ) 23
•
train_dataset = tf.data.Dataset(...)
eval_dataset = tf.data.Dataset(...)
model = tf.keras.applications.ResNet50()
optimizer = tf.train.GradientDescentOptimizer(learning_rate=0.1)
model.compile(loss="categorical_crossentropy", optimizer=optimizer)
model.fit(train_dataset, epochs=10)
model.evaluate(eval_dataset)
) 4 2 (
• /
train_dataset = tf.data.Dataset(...)
eval_dataset = tf.data.Dataset(...)
model = tf.keras.applications.ResNet50()
optimizer = tf.train.GradientDescentOptimizer(learning_rate=0.1)
strategy = tf.contrib.distribute.MirroredStrategy()
model.compile(loss="categorical_crossentropy", optimizer=optimizer,
distribute=strategy)
model.fit(train_dataset, epochs=10)
model.evaluate(eval_dataset)
. . 2
• tf.contrib S i a
:F a
ü R tf.contrib.slim
a
L Ti
• R
tf.contrib.slim
tf.contrib.tflearn
tf.contrib.tensorrt e
) 1 ( 2
• 5: 0 . 5// 5: 0 . /GDD CL /G FC CGFI C N
P d V P d 2 9 Rwn~ c
P .DD A DD
P 81 ~ 5// ( ( U
ü tf.contrib.nccl
ü d V sr wn~ V g
P 8 FIG 1DG ( - 8 9 b Xv 2 9
• 5: 0 . 8 FIG 78
P a ~ c
ü tf.contrib.tensorrt
P 8 FIG 1DG y~ l ~ o (
P 5: 0 . :GD t­ wn 8 FIG /G i h e m
ü : R 7 I5 ) T u
P 8 FIG 1DG (- GF C wn G 8 FIG 1DG w
( ) 2
• 2 0.0 5 A 5 rv
oS c g et T
ü tf.contrib.tensorrt
5 A/ bg rv ) g o F
2 0.0 C7 na 5 A A V iM c d
ü I 2 C( l ) N
• 5 A/ b 2 0.0 5 A 5
9 CA 8a 9 A R M 5 A/ a s
7D 1 w o
5 A/ AD w o
) ( 23
• /81 0 m
U NDL0 Xa Vg
U 3 - . m 3HIH M OHP DF
U 06D DL+ 06D / M HC N m 0 e s
ü TDL 2 A0
ü DML + 0MOD h w PRD r
U 0 m ()-Y ) n
ü NDL0 ( Xa
ü z m DLPMOE MR OMC ) )
U 3 ), Xa l rf m
• DLPMO3 MR
U 9HFG c
U iy LHFG t o jp
• K
CL : M D K
K
C D 8 3
2 1
• 0 .
). (2 i F
d !
). (2 . 1. f
ü F ea_ F
T X g T X f
tf_upgrade_v2 --infile tf_example-v1.py --outfile tf_example-v2.py
'tensorflow/tools/compatibility/testdata/test_file_v1_12.py' Line 65
--------------------------------------------------------------------------------
Added keyword 'input' to reordered function 'tf.argmax'
Renamed keyword argument from 'dimension' to 'axis'
Old: tf.argmax([[1, 3, 2]], dimension=0))
~~~~~~~~~~
New: tf.argmax(input=[[1, 3, 2]], axis=0))
• 1. . . 2
1. .
1. . F 1. . X T
• 29 + 29121
b P a
+ 2 ? 9 9 3 8
dT im f S F
• 29 + , 0 0
a
p x S
• 29 29
f S h
S n dT e n
­
• , 9 ➜ 3
E
y
ts 9v
l
ü 9 d f a 3 +v
w r o
ü 3 g 29 + r o
!
B : / / CA!
/ :
/ :
/ :
/ :
:.
@@@ /
@@@ / : /
/ / : /
/ : /
@@@ :@

More Related Content

What's hot

[DL輪読会]Large Scale GAN Training for High Fidelity Natural Image Synthesis
[DL輪読会]Large Scale GAN Training for High Fidelity Natural Image Synthesis[DL輪読会]Large Scale GAN Training for High Fidelity Natural Image Synthesis
[DL輪読会]Large Scale GAN Training for High Fidelity Natural Image SynthesisDeep Learning JP
 
アーリース情報技術株式会社 会社案内 (2019/02/13)
アーリース情報技術株式会社 会社案内 (2019/02/13)アーリース情報技術株式会社 会社案内 (2019/02/13)
アーリース情報技術株式会社 会社案内 (2019/02/13)Takeshi Mikami
 
Elixirでハードウェアが作れちゃう,かも!!? データフロー型ハードウェア設計環境Cockatriceのご紹介
Elixirでハードウェアが作れちゃう,かも!!?データフロー型ハードウェア設計環境Cockatriceのご紹介Elixirでハードウェアが作れちゃう,かも!!?データフロー型ハードウェア設計環境Cockatriceのご紹介
Elixirでハードウェアが作れちゃう,かも!!? データフロー型ハードウェア設計環境Cockatriceのご紹介Hideki Takase
 
【TECH×GAME COLLEGE#22】マイクリプトヒーローズの作り方
【TECH×GAME COLLEGE#22】マイクリプトヒーローズの作り方【TECH×GAME COLLEGE#22】マイクリプトヒーローズの作り方
【TECH×GAME COLLEGE#22】マイクリプトヒーローズの作り方double jump.tokyo, inc
 
Backend.AI: 왜 우리는 우리 핵심 제품을 오픈소스화 했는가
Backend.AI: 왜 우리는 우리 핵심 제품을 오픈소스화 했는가Backend.AI: 왜 우리는 우리 핵심 제품을 오픈소스화 했는가
Backend.AI: 왜 우리는 우리 핵심 제품을 오픈소스화 했는가Lablup Inc.
 
Towards formal verification of neural networks
Towards formal verification of neural networksTowards formal verification of neural networks
Towards formal verification of neural networksMasahiro Sakai
 
【ECCV 2018】NAM: Non-Adversarial Unsupervised Domain Mapping
【ECCV 2018】NAM: Non-Adversarial Unsupervised Domain Mapping【ECCV 2018】NAM: Non-Adversarial Unsupervised Domain Mapping
【ECCV 2018】NAM: Non-Adversarial Unsupervised Domain Mappingcvpaper. challenge
 
[플래텀 차이나리포트] 2018 중국 신유통 현황
[플래텀 차이나리포트] 2018 중국 신유통 현황[플래텀 차이나리포트] 2018 중국 신유통 현황
[플래텀 차이나리포트] 2018 중국 신유통 현황Platum
 
DevOps導入支援サービス(Ver.2)
DevOps導入支援サービス(Ver.2)DevOps導入支援サービス(Ver.2)
DevOps導入支援サービス(Ver.2)Arata Fujimura
 
決算資料を参考にしたデータサイエンス活用法検討_LINE編
決算資料を参考にしたデータサイエンス活用法検討_LINE編決算資料を参考にしたデータサイエンス活用法検討_LINE編
決算資料を参考にしたデータサイエンス活用法検討_LINE編Takehiko Yoshida
 
[DL Hacks]Deep Neuroevolution: Genetic Algorithms Are a Competitive Alternati...
[DL Hacks]Deep Neuroevolution: Genetic Algorithms Are a Competitive Alternati...[DL Hacks]Deep Neuroevolution: Genetic Algorithms Are a Competitive Alternati...
[DL Hacks]Deep Neuroevolution: Genetic Algorithms Are a Competitive Alternati...Deep Learning JP
 
kintone on EKS ― EKS で実現するインフラ自動構築パイプライン
kintone on EKS ― EKS で実現するインフラ自動構築パイプライン kintone on EKS ― EKS で実現するインフラ自動構築パイプライン
kintone on EKS ― EKS で実現するインフラ自動構築パイプライン Yusuke Nojima
 
รายชื่อพระบรมสารีริกธาตุและพระธาตุสันฐานต่างๆ
รายชื่อพระบรมสารีริกธาตุและพระธาตุสันฐานต่างๆรายชื่อพระบรมสารีริกธาตุและพระธาตุสันฐานต่างๆ
รายชื่อพระบรมสารีริกธาตุและพระธาตุสันฐานต่างๆRose Banioki
 
Safe Reinforcement Learning
Safe Reinforcement LearningSafe Reinforcement Learning
Safe Reinforcement LearningDongmin Lee
 
複数スタイルの融合と 部分的適用を可能とする Multi-style Feed-forward Networkの提案
複数スタイルの融合と部分的適用を可能とするMulti-style Feed-forward Networkの提案複数スタイルの融合と部分的適用を可能とするMulti-style Feed-forward Networkの提案
複数スタイルの融合と 部分的適用を可能とする Multi-style Feed-forward Networkの提案Ryosuke Tanno
 
#21世紀の所得倍増計画 を開始し、成熟国家へ - 日本の運命の分かれ道、令和元年 #2019年参院選 提案資料 -
#21世紀の所得倍増計画 を開始し、成熟国家へ - 日本の運命の分かれ道、令和元年 #2019年参院選 提案資料 -#21世紀の所得倍増計画 を開始し、成熟国家へ - 日本の運命の分かれ道、令和元年 #2019年参院選 提案資料 -
#21世紀の所得倍増計画 を開始し、成熟国家へ - 日本の運命の分かれ道、令和元年 #2019年参院選 提案資料 -立憲パートナーズ社会構想研究会(非公式)
 
内製ツールを使ったチート診断・脆弱性診断
内製ツールを使ったチート診断・脆弱性診断内製ツールを使ったチート診断・脆弱性診断
内製ツールを使ったチート診断・脆弱性診断DeNA
 

What's hot (20)

[DL輪読会]Large Scale GAN Training for High Fidelity Natural Image Synthesis
[DL輪読会]Large Scale GAN Training for High Fidelity Natural Image Synthesis[DL輪読会]Large Scale GAN Training for High Fidelity Natural Image Synthesis
[DL輪読会]Large Scale GAN Training for High Fidelity Natural Image Synthesis
 
アーリース情報技術株式会社 会社案内 (2019/02/13)
アーリース情報技術株式会社 会社案内 (2019/02/13)アーリース情報技術株式会社 会社案内 (2019/02/13)
アーリース情報技術株式会社 会社案内 (2019/02/13)
 
Elixirでハードウェアが作れちゃう,かも!!? データフロー型ハードウェア設計環境Cockatriceのご紹介
Elixirでハードウェアが作れちゃう,かも!!?データフロー型ハードウェア設計環境Cockatriceのご紹介Elixirでハードウェアが作れちゃう,かも!!?データフロー型ハードウェア設計環境Cockatriceのご紹介
Elixirでハードウェアが作れちゃう,かも!!? データフロー型ハードウェア設計環境Cockatriceのご紹介
 
【TECH×GAME COLLEGE#22】マイクリプトヒーローズの作り方
【TECH×GAME COLLEGE#22】マイクリプトヒーローズの作り方【TECH×GAME COLLEGE#22】マイクリプトヒーローズの作り方
【TECH×GAME COLLEGE#22】マイクリプトヒーローズの作り方
 
Backend.AI: 왜 우리는 우리 핵심 제품을 오픈소스화 했는가
Backend.AI: 왜 우리는 우리 핵심 제품을 오픈소스화 했는가Backend.AI: 왜 우리는 우리 핵심 제품을 오픈소스화 했는가
Backend.AI: 왜 우리는 우리 핵심 제품을 오픈소스화 했는가
 
Towards formal verification of neural networks
Towards formal verification of neural networksTowards formal verification of neural networks
Towards formal verification of neural networks
 
【ECCV 2018】NAM: Non-Adversarial Unsupervised Domain Mapping
【ECCV 2018】NAM: Non-Adversarial Unsupervised Domain Mapping【ECCV 2018】NAM: Non-Adversarial Unsupervised Domain Mapping
【ECCV 2018】NAM: Non-Adversarial Unsupervised Domain Mapping
 
OutOfMemoryErrorとは
OutOfMemoryErrorとは OutOfMemoryErrorとは
OutOfMemoryErrorとは
 
[플래텀 차이나리포트] 2018 중국 신유통 현황
[플래텀 차이나리포트] 2018 중국 신유통 현황[플래텀 차이나리포트] 2018 중국 신유통 현황
[플래텀 차이나리포트] 2018 중국 신유통 현황
 
DevOps導入支援サービス(Ver.2)
DevOps導入支援サービス(Ver.2)DevOps導入支援サービス(Ver.2)
DevOps導入支援サービス(Ver.2)
 
決算資料を参考にしたデータサイエンス活用法検討_LINE編
決算資料を参考にしたデータサイエンス活用法検討_LINE編決算資料を参考にしたデータサイエンス活用法検討_LINE編
決算資料を参考にしたデータサイエンス活用法検討_LINE編
 
[DL Hacks]Deep Neuroevolution: Genetic Algorithms Are a Competitive Alternati...
[DL Hacks]Deep Neuroevolution: Genetic Algorithms Are a Competitive Alternati...[DL Hacks]Deep Neuroevolution: Genetic Algorithms Are a Competitive Alternati...
[DL Hacks]Deep Neuroevolution: Genetic Algorithms Are a Competitive Alternati...
 
kintone on EKS ― EKS で実現するインフラ自動構築パイプライン
kintone on EKS ― EKS で実現するインフラ自動構築パイプライン kintone on EKS ― EKS で実現するインフラ自動構築パイプライン
kintone on EKS ― EKS で実現するインフラ自動構築パイプライン
 
20191026 GW
20191026 GW20191026 GW
20191026 GW
 
รายชื่อพระบรมสารีริกธาตุและพระธาตุสันฐานต่างๆ
รายชื่อพระบรมสารีริกธาตุและพระธาตุสันฐานต่างๆรายชื่อพระบรมสารีริกธาตุและพระธาตุสันฐานต่างๆ
รายชื่อพระบรมสารีริกธาตุและพระธาตุสันฐานต่างๆ
 
Safe Reinforcement Learning
Safe Reinforcement LearningSafe Reinforcement Learning
Safe Reinforcement Learning
 
180326basicknowledge
180326basicknowledge180326basicknowledge
180326basicknowledge
 
複数スタイルの融合と 部分的適用を可能とする Multi-style Feed-forward Networkの提案
複数スタイルの融合と部分的適用を可能とするMulti-style Feed-forward Networkの提案複数スタイルの融合と部分的適用を可能とするMulti-style Feed-forward Networkの提案
複数スタイルの融合と 部分的適用を可能とする Multi-style Feed-forward Networkの提案
 
#21世紀の所得倍増計画 を開始し、成熟国家へ - 日本の運命の分かれ道、令和元年 #2019年参院選 提案資料 -
#21世紀の所得倍増計画 を開始し、成熟国家へ - 日本の運命の分かれ道、令和元年 #2019年参院選 提案資料 -#21世紀の所得倍増計画 を開始し、成熟国家へ - 日本の運命の分かれ道、令和元年 #2019年参院選 提案資料 -
#21世紀の所得倍増計画 を開始し、成熟国家へ - 日本の運命の分かれ道、令和元年 #2019年参院選 提案資料 -
 
内製ツールを使ったチート診断・脆弱性診断
内製ツールを使ったチート診断・脆弱性診断内製ツールを使ったチート診断・脆弱性診断
内製ツールを使ったチート診断・脆弱性診断
 

Similar to TensorFlow 2: New Era of Developing Deep Learning Models

[DL輪読会]Tracking Objects as Points
[DL輪読会]Tracking Objects as Points[DL輪読会]Tracking Objects as Points
[DL輪読会]Tracking Objects as PointsDeep Learning JP
 
MATHEMATICAL MODELING OF COMPLEX REDUNDANT SYSTEM UNDER HEAD-OF-LINE REPAIR
MATHEMATICAL MODELING OF COMPLEX REDUNDANT SYSTEM UNDER HEAD-OF-LINE REPAIRMATHEMATICAL MODELING OF COMPLEX REDUNDANT SYSTEM UNDER HEAD-OF-LINE REPAIR
MATHEMATICAL MODELING OF COMPLEX REDUNDANT SYSTEM UNDER HEAD-OF-LINE REPAIREditor IJMTER
 
Code GPU with CUDA - Identifying performance limiters
Code GPU with CUDA - Identifying performance limitersCode GPU with CUDA - Identifying performance limiters
Code GPU with CUDA - Identifying performance limitersMarina Kolpakova
 
Argoによる機械学習実行基盤の構築・運用からみえてきたこと
Argoによる機械学習実行基盤の構築・運用からみえてきたことArgoによる機械学習実行基盤の構築・運用からみえてきたこと
Argoによる機械学習実行基盤の構築・運用からみえてきたことShinsaku Kono
 
[OpenInfra Days Korea 2018] (Track 4) - Backend.AI: 오픈소스 머신러닝 인프라 프레임워크
[OpenInfra Days Korea 2018] (Track 4) - Backend.AI: 오픈소스 머신러닝 인프라 프레임워크[OpenInfra Days Korea 2018] (Track 4) - Backend.AI: 오픈소스 머신러닝 인프라 프레임워크
[OpenInfra Days Korea 2018] (Track 4) - Backend.AI: 오픈소스 머신러닝 인프라 프레임워크OpenStack Korea Community
 
AIアプリはこう作る!-独自の識別モデル作成も簡単 Einstein Platform Services の使い方
AIアプリはこう作る!-独自の識別モデル作成も簡単 Einstein Platform Services の使い方AIアプリはこう作る!-独自の識別モデル作成も簡単 Einstein Platform Services の使い方
AIアプリはこう作る!-独自の識別モデル作成も簡単 Einstein Platform Services の使い方Salesforce Developers Japan
 
材料科学とスーパーコンピュータ: 基礎編
材料科学とスーパーコンピュータ: 基礎編材料科学とスーパーコンピュータ: 基礎編
材料科学とスーパーコンピュータ: 基礎編Michio Katouda
 
[DL輪読会]Quantization and Training of Neural Networks for Efficient Integer-Ari...
[DL輪読会]Quantization and Training of Neural Networks for Efficient Integer-Ari...[DL輪読会]Quantization and Training of Neural Networks for Efficient Integer-Ari...
[DL輪読会]Quantization and Training of Neural Networks for Efficient Integer-Ari...Deep Learning JP
 
Attention-Based Adaptive Selection of Operations for Image Restoration in the...
Attention-Based Adaptive Selection of Operations for Image Restoration in the...Attention-Based Adaptive Selection of Operations for Image Restoration in the...
Attention-Based Adaptive Selection of Operations for Image Restoration in the...MasanoriSuganuma
 
CS-102 DS-class_01_02 Lectures Data .pdf
CS-102 DS-class_01_02 Lectures Data .pdfCS-102 DS-class_01_02 Lectures Data .pdf
CS-102 DS-class_01_02 Lectures Data .pdfssuser034ce1
 
Erlang Introduction Bcberlin3
Erlang Introduction Bcberlin3Erlang Introduction Bcberlin3
Erlang Introduction Bcberlin3guesta3202
 
Py con 2018_youngsooksong
Py con 2018_youngsooksongPy con 2018_youngsooksong
Py con 2018_youngsooksongYoung Sook Song
 
PyParis - weather and climate data
PyParis - weather and climate dataPyParis - weather and climate data
PyParis - weather and climate dataMargriet Groenendijk
 
20181109 tfug fukuoka_02_tpu
20181109 tfug fukuoka_02_tpu20181109 tfug fukuoka_02_tpu
20181109 tfug fukuoka_02_tpum-shimao
 
F z94 l-_pioneer__tuner__arp2134
F z94 l-_pioneer__tuner__arp2134F z94 l-_pioneer__tuner__arp2134
F z94 l-_pioneer__tuner__arp2134Peru Electronics
 
Final term 2012-2013 D1
Final term 2012-2013 D1Final term 2012-2013 D1
Final term 2012-2013 D1Ehab AL-Timimi
 

Similar to TensorFlow 2: New Era of Developing Deep Learning Models (20)

[DL輪読会]Tracking Objects as Points
[DL輪読会]Tracking Objects as Points[DL輪読会]Tracking Objects as Points
[DL輪読会]Tracking Objects as Points
 
Prelude to halide_public
Prelude to halide_publicPrelude to halide_public
Prelude to halide_public
 
MATHEMATICAL MODELING OF COMPLEX REDUNDANT SYSTEM UNDER HEAD-OF-LINE REPAIR
MATHEMATICAL MODELING OF COMPLEX REDUNDANT SYSTEM UNDER HEAD-OF-LINE REPAIRMATHEMATICAL MODELING OF COMPLEX REDUNDANT SYSTEM UNDER HEAD-OF-LINE REPAIR
MATHEMATICAL MODELING OF COMPLEX REDUNDANT SYSTEM UNDER HEAD-OF-LINE REPAIR
 
Code GPU with CUDA - Identifying performance limiters
Code GPU with CUDA - Identifying performance limitersCode GPU with CUDA - Identifying performance limiters
Code GPU with CUDA - Identifying performance limiters
 
Argoによる機械学習実行基盤の構築・運用からみえてきたこと
Argoによる機械学習実行基盤の構築・運用からみえてきたことArgoによる機械学習実行基盤の構築・運用からみえてきたこと
Argoによる機械学習実行基盤の構築・運用からみえてきたこと
 
[OpenInfra Days Korea 2018] (Track 4) - Backend.AI: 오픈소스 머신러닝 인프라 프레임워크
[OpenInfra Days Korea 2018] (Track 4) - Backend.AI: 오픈소스 머신러닝 인프라 프레임워크[OpenInfra Days Korea 2018] (Track 4) - Backend.AI: 오픈소스 머신러닝 인프라 프레임워크
[OpenInfra Days Korea 2018] (Track 4) - Backend.AI: 오픈소스 머신러닝 인프라 프레임워크
 
AIアプリはこう作る!-独自の識別モデル作成も簡単 Einstein Platform Services の使い方
AIアプリはこう作る!-独自の識別モデル作成も簡単 Einstein Platform Services の使い方AIアプリはこう作る!-独自の識別モデル作成も簡単 Einstein Platform Services の使い方
AIアプリはこう作る!-独自の識別モデル作成も簡単 Einstein Platform Services の使い方
 
JavaFX, because you're worth it
JavaFX, because you're worth itJavaFX, because you're worth it
JavaFX, because you're worth it
 
材料科学とスーパーコンピュータ: 基礎編
材料科学とスーパーコンピュータ: 基礎編材料科学とスーパーコンピュータ: 基礎編
材料科学とスーパーコンピュータ: 基礎編
 
[DL輪読会]Quantization and Training of Neural Networks for Efficient Integer-Ari...
[DL輪読会]Quantization and Training of Neural Networks for Efficient Integer-Ari...[DL輪読会]Quantization and Training of Neural Networks for Efficient Integer-Ari...
[DL輪読会]Quantization and Training of Neural Networks for Efficient Integer-Ari...
 
Attention-Based Adaptive Selection of Operations for Image Restoration in the...
Attention-Based Adaptive Selection of Operations for Image Restoration in the...Attention-Based Adaptive Selection of Operations for Image Restoration in the...
Attention-Based Adaptive Selection of Operations for Image Restoration in the...
 
CS-102 DS-class_01_02 Lectures Data .pdf
CS-102 DS-class_01_02 Lectures Data .pdfCS-102 DS-class_01_02 Lectures Data .pdf
CS-102 DS-class_01_02 Lectures Data .pdf
 
vcdで日本語(3) long format が旧世界とのGateway
vcdで日本語(3) long format が旧世界とのGatewayvcdで日本語(3) long format が旧世界とのGateway
vcdで日本語(3) long format が旧世界とのGateway
 
Erlang Introduction Bcberlin3
Erlang Introduction Bcberlin3Erlang Introduction Bcberlin3
Erlang Introduction Bcberlin3
 
Dg mcqs (1)
Dg mcqs (1)Dg mcqs (1)
Dg mcqs (1)
 
Py con 2018_youngsooksong
Py con 2018_youngsooksongPy con 2018_youngsooksong
Py con 2018_youngsooksong
 
PyParis - weather and climate data
PyParis - weather and climate dataPyParis - weather and climate data
PyParis - weather and climate data
 
20181109 tfug fukuoka_02_tpu
20181109 tfug fukuoka_02_tpu20181109 tfug fukuoka_02_tpu
20181109 tfug fukuoka_02_tpu
 
F z94 l-_pioneer__tuner__arp2134
F z94 l-_pioneer__tuner__arp2134F z94 l-_pioneer__tuner__arp2134
F z94 l-_pioneer__tuner__arp2134
 
Final term 2012-2013 D1
Final term 2012-2013 D1Final term 2012-2013 D1
Final term 2012-2013 D1
 

More from Jeongkyu Shin

Boosting machine learning workflow with TensorFlow 2.0
Boosting machine learning workflow with TensorFlow 2.0Boosting machine learning workflow with TensorFlow 2.0
Boosting machine learning workflow with TensorFlow 2.0Jeongkyu Shin
 
Machine Learning in Google I/O 19
Machine Learning in Google I/O 19Machine Learning in Google I/O 19
Machine Learning in Google I/O 19Jeongkyu Shin
 
머신러닝 및 데이터 과학 연구자를 위한 python 기반 컨테이너 분산처리 플랫폼 설계 및 개발
머신러닝 및 데이터 과학 연구자를 위한 python 기반 컨테이너 분산처리 플랫폼 설계 및 개발머신러닝 및 데이터 과학 연구자를 위한 python 기반 컨테이너 분산처리 플랫폼 설계 및 개발
머신러닝 및 데이터 과학 연구자를 위한 python 기반 컨테이너 분산처리 플랫폼 설계 및 개발Jeongkyu Shin
 
Machine Learning Model Serving with Backend.AI
Machine Learning Model Serving with Backend.AIMachine Learning Model Serving with Backend.AI
Machine Learning Model Serving with Backend.AIJeongkyu Shin
 
그렇게 커미터가 된다: Python을 통해 오픈소스 생태계 가르치기
그렇게 커미터가 된다: Python을 통해 오픈소스 생태계 가르치기그렇게 커미터가 된다: Python을 통해 오픈소스 생태계 가르치기
그렇게 커미터가 된다: Python을 통해 오픈소스 생태계 가르치기Jeongkyu Shin
 
오픈소스 라이선스를 둘러싼 소송들
오픈소스 라이선스를 둘러싼 소송들오픈소스 라이선스를 둘러싼 소송들
오픈소스 라이선스를 둘러싼 소송들Jeongkyu Shin
 
Backend.AI: 오픈소스 머신러닝 인프라 프레임워크
Backend.AI: 오픈소스 머신러닝 인프라 프레임워크Backend.AI: 오픈소스 머신러닝 인프라 프레임워크
Backend.AI: 오픈소스 머신러닝 인프라 프레임워크Jeongkyu Shin
 
모바일 개발자를 위한 ML Kit: Machine Learning SDK 소개
모바일 개발자를 위한 ML Kit: Machine Learning SDK 소개모바일 개발자를 위한 ML Kit: Machine Learning SDK 소개
모바일 개발자를 위한 ML Kit: Machine Learning SDK 소개Jeongkyu Shin
 
회색지대: 이상과 현실 - 오픈소스 저작권
회색지대: 이상과 현실 - 오픈소스 저작권회색지대: 이상과 현실 - 오픈소스 저작권
회색지대: 이상과 현실 - 오픈소스 저작권Jeongkyu Shin
 
TensorFlow.Data 및 TensorFlow Hub
TensorFlow.Data 및 TensorFlow HubTensorFlow.Data 및 TensorFlow Hub
TensorFlow.Data 및 TensorFlow HubJeongkyu Shin
 
The Flow of TensorFlow
The Flow of TensorFlowThe Flow of TensorFlow
The Flow of TensorFlowJeongkyu Shin
 
Let Android dream electric sheep: Making emotion model for chat-bot with Pyth...
Let Android dream electric sheep: Making emotion model for chat-bot with Pyth...Let Android dream electric sheep: Making emotion model for chat-bot with Pyth...
Let Android dream electric sheep: Making emotion model for chat-bot with Pyth...Jeongkyu Shin
 
구글의 머신러닝 비전: TPU부터 모바일까지 (Google I/O Extended Seoul 2017)
구글의 머신러닝 비전: TPU부터 모바일까지 (Google I/O Extended Seoul 2017)구글의 머신러닝 비전: TPU부터 모바일까지 (Google I/O Extended Seoul 2017)
구글의 머신러닝 비전: TPU부터 모바일까지 (Google I/O Extended Seoul 2017)Jeongkyu Shin
 
Deep-learning based Language Understanding and Emotion extractions
Deep-learning based Language Understanding and Emotion extractionsDeep-learning based Language Understanding and Emotion extractions
Deep-learning based Language Understanding and Emotion extractionsJeongkyu Shin
 
기술 관심 갖기: 스타트업 기술 101 (Interested in Tech?: Startup Technology 101)
기술 관심 갖기: 스타트업 기술 101 (Interested in Tech?: Startup Technology 101)기술 관심 갖기: 스타트업 기술 101 (Interested in Tech?: Startup Technology 101)
기술 관심 갖기: 스타트업 기술 101 (Interested in Tech?: Startup Technology 101)Jeongkyu Shin
 
OSS SW Basics Lecture 14: Open source hardware
OSS SW Basics Lecture 14: Open source hardwareOSS SW Basics Lecture 14: Open source hardware
OSS SW Basics Lecture 14: Open source hardwareJeongkyu Shin
 
OSS SW Basics Lecture 12: Open source in research fields
OSS SW Basics Lecture 12: Open source in research fieldsOSS SW Basics Lecture 12: Open source in research fields
OSS SW Basics Lecture 12: Open source in research fieldsJeongkyu Shin
 
OSS SW Basics Lecture 10: Setting up term project
OSS SW Basics Lecture 10: Setting up term projectOSS SW Basics Lecture 10: Setting up term project
OSS SW Basics Lecture 10: Setting up term projectJeongkyu Shin
 
OSS SW Basics Lecture 09: Communications in open-source developments
OSS SW Basics Lecture 09: Communications in open-source developmentsOSS SW Basics Lecture 09: Communications in open-source developments
OSS SW Basics Lecture 09: Communications in open-source developmentsJeongkyu Shin
 
OSS SW Basics Lecture 08: Software Configuration Management (2)
OSS SW Basics Lecture 08: Software Configuration Management (2)OSS SW Basics Lecture 08: Software Configuration Management (2)
OSS SW Basics Lecture 08: Software Configuration Management (2)Jeongkyu Shin
 

More from Jeongkyu Shin (20)

Boosting machine learning workflow with TensorFlow 2.0
Boosting machine learning workflow with TensorFlow 2.0Boosting machine learning workflow with TensorFlow 2.0
Boosting machine learning workflow with TensorFlow 2.0
 
Machine Learning in Google I/O 19
Machine Learning in Google I/O 19Machine Learning in Google I/O 19
Machine Learning in Google I/O 19
 
머신러닝 및 데이터 과학 연구자를 위한 python 기반 컨테이너 분산처리 플랫폼 설계 및 개발
머신러닝 및 데이터 과학 연구자를 위한 python 기반 컨테이너 분산처리 플랫폼 설계 및 개발머신러닝 및 데이터 과학 연구자를 위한 python 기반 컨테이너 분산처리 플랫폼 설계 및 개발
머신러닝 및 데이터 과학 연구자를 위한 python 기반 컨테이너 분산처리 플랫폼 설계 및 개발
 
Machine Learning Model Serving with Backend.AI
Machine Learning Model Serving with Backend.AIMachine Learning Model Serving with Backend.AI
Machine Learning Model Serving with Backend.AI
 
그렇게 커미터가 된다: Python을 통해 오픈소스 생태계 가르치기
그렇게 커미터가 된다: Python을 통해 오픈소스 생태계 가르치기그렇게 커미터가 된다: Python을 통해 오픈소스 생태계 가르치기
그렇게 커미터가 된다: Python을 통해 오픈소스 생태계 가르치기
 
오픈소스 라이선스를 둘러싼 소송들
오픈소스 라이선스를 둘러싼 소송들오픈소스 라이선스를 둘러싼 소송들
오픈소스 라이선스를 둘러싼 소송들
 
Backend.AI: 오픈소스 머신러닝 인프라 프레임워크
Backend.AI: 오픈소스 머신러닝 인프라 프레임워크Backend.AI: 오픈소스 머신러닝 인프라 프레임워크
Backend.AI: 오픈소스 머신러닝 인프라 프레임워크
 
모바일 개발자를 위한 ML Kit: Machine Learning SDK 소개
모바일 개발자를 위한 ML Kit: Machine Learning SDK 소개모바일 개발자를 위한 ML Kit: Machine Learning SDK 소개
모바일 개발자를 위한 ML Kit: Machine Learning SDK 소개
 
회색지대: 이상과 현실 - 오픈소스 저작권
회색지대: 이상과 현실 - 오픈소스 저작권회색지대: 이상과 현실 - 오픈소스 저작권
회색지대: 이상과 현실 - 오픈소스 저작권
 
TensorFlow.Data 및 TensorFlow Hub
TensorFlow.Data 및 TensorFlow HubTensorFlow.Data 및 TensorFlow Hub
TensorFlow.Data 및 TensorFlow Hub
 
The Flow of TensorFlow
The Flow of TensorFlowThe Flow of TensorFlow
The Flow of TensorFlow
 
Let Android dream electric sheep: Making emotion model for chat-bot with Pyth...
Let Android dream electric sheep: Making emotion model for chat-bot with Pyth...Let Android dream electric sheep: Making emotion model for chat-bot with Pyth...
Let Android dream electric sheep: Making emotion model for chat-bot with Pyth...
 
구글의 머신러닝 비전: TPU부터 모바일까지 (Google I/O Extended Seoul 2017)
구글의 머신러닝 비전: TPU부터 모바일까지 (Google I/O Extended Seoul 2017)구글의 머신러닝 비전: TPU부터 모바일까지 (Google I/O Extended Seoul 2017)
구글의 머신러닝 비전: TPU부터 모바일까지 (Google I/O Extended Seoul 2017)
 
Deep-learning based Language Understanding and Emotion extractions
Deep-learning based Language Understanding and Emotion extractionsDeep-learning based Language Understanding and Emotion extractions
Deep-learning based Language Understanding and Emotion extractions
 
기술 관심 갖기: 스타트업 기술 101 (Interested in Tech?: Startup Technology 101)
기술 관심 갖기: 스타트업 기술 101 (Interested in Tech?: Startup Technology 101)기술 관심 갖기: 스타트업 기술 101 (Interested in Tech?: Startup Technology 101)
기술 관심 갖기: 스타트업 기술 101 (Interested in Tech?: Startup Technology 101)
 
OSS SW Basics Lecture 14: Open source hardware
OSS SW Basics Lecture 14: Open source hardwareOSS SW Basics Lecture 14: Open source hardware
OSS SW Basics Lecture 14: Open source hardware
 
OSS SW Basics Lecture 12: Open source in research fields
OSS SW Basics Lecture 12: Open source in research fieldsOSS SW Basics Lecture 12: Open source in research fields
OSS SW Basics Lecture 12: Open source in research fields
 
OSS SW Basics Lecture 10: Setting up term project
OSS SW Basics Lecture 10: Setting up term projectOSS SW Basics Lecture 10: Setting up term project
OSS SW Basics Lecture 10: Setting up term project
 
OSS SW Basics Lecture 09: Communications in open-source developments
OSS SW Basics Lecture 09: Communications in open-source developmentsOSS SW Basics Lecture 09: Communications in open-source developments
OSS SW Basics Lecture 09: Communications in open-source developments
 
OSS SW Basics Lecture 08: Software Configuration Management (2)
OSS SW Basics Lecture 08: Software Configuration Management (2)OSS SW Basics Lecture 08: Software Configuration Management (2)
OSS SW Basics Lecture 08: Software Configuration Management (2)
 

Recently uploaded

Architecting Cloud Native Applications
Architecting Cloud Native ApplicationsArchitecting Cloud Native Applications
Architecting Cloud Native ApplicationsWSO2
 
Finding Java's Hidden Performance Traps @ DevoxxUK 2024
Finding Java's Hidden Performance Traps @ DevoxxUK 2024Finding Java's Hidden Performance Traps @ DevoxxUK 2024
Finding Java's Hidden Performance Traps @ DevoxxUK 2024Victor Rentea
 
AWS Community Day CPH - Three problems of Terraform
AWS Community Day CPH - Three problems of TerraformAWS Community Day CPH - Three problems of Terraform
AWS Community Day CPH - Three problems of TerraformAndrey Devyatkin
 
Navigating the Deluge_ Dubai Floods and the Resilience of Dubai International...
Navigating the Deluge_ Dubai Floods and the Resilience of Dubai International...Navigating the Deluge_ Dubai Floods and the Resilience of Dubai International...
Navigating the Deluge_ Dubai Floods and the Resilience of Dubai International...Orbitshub
 
Polkadot JAM Slides - Token2049 - By Dr. Gavin Wood
Polkadot JAM Slides - Token2049 - By Dr. Gavin WoodPolkadot JAM Slides - Token2049 - By Dr. Gavin Wood
Polkadot JAM Slides - Token2049 - By Dr. Gavin WoodJuan lago vázquez
 
Connector Corner: Accelerate revenue generation using UiPath API-centric busi...
Connector Corner: Accelerate revenue generation using UiPath API-centric busi...Connector Corner: Accelerate revenue generation using UiPath API-centric busi...
Connector Corner: Accelerate revenue generation using UiPath API-centric busi...DianaGray10
 
Ransomware_Q4_2023. The report. [EN].pdf
Ransomware_Q4_2023. The report. [EN].pdfRansomware_Q4_2023. The report. [EN].pdf
Ransomware_Q4_2023. The report. [EN].pdfOverkill Security
 
Apidays New York 2024 - The Good, the Bad and the Governed by David O'Neill, ...
Apidays New York 2024 - The Good, the Bad and the Governed by David O'Neill, ...Apidays New York 2024 - The Good, the Bad and the Governed by David O'Neill, ...
Apidays New York 2024 - The Good, the Bad and the Governed by David O'Neill, ...apidays
 
Apidays New York 2024 - Accelerating FinTech Innovation by Vasa Krishnan, Fin...
Apidays New York 2024 - Accelerating FinTech Innovation by Vasa Krishnan, Fin...Apidays New York 2024 - Accelerating FinTech Innovation by Vasa Krishnan, Fin...
Apidays New York 2024 - Accelerating FinTech Innovation by Vasa Krishnan, Fin...apidays
 
MINDCTI Revenue Release Quarter One 2024
MINDCTI Revenue Release Quarter One 2024MINDCTI Revenue Release Quarter One 2024
MINDCTI Revenue Release Quarter One 2024MIND CTI
 
ProductAnonymous-April2024-WinProductDiscovery-MelissaKlemke
ProductAnonymous-April2024-WinProductDiscovery-MelissaKlemkeProductAnonymous-April2024-WinProductDiscovery-MelissaKlemke
ProductAnonymous-April2024-WinProductDiscovery-MelissaKlemkeProduct Anonymous
 
Apidays New York 2024 - APIs in 2030: The Risk of Technological Sleepwalk by ...
Apidays New York 2024 - APIs in 2030: The Risk of Technological Sleepwalk by ...Apidays New York 2024 - APIs in 2030: The Risk of Technological Sleepwalk by ...
Apidays New York 2024 - APIs in 2030: The Risk of Technological Sleepwalk by ...apidays
 
Emergent Methods: Multi-lingual narrative tracking in the news - real-time ex...
Emergent Methods: Multi-lingual narrative tracking in the news - real-time ex...Emergent Methods: Multi-lingual narrative tracking in the news - real-time ex...
Emergent Methods: Multi-lingual narrative tracking in the news - real-time ex...Zilliz
 
Cloud Frontiers: A Deep Dive into Serverless Spatial Data and FME
Cloud Frontiers:  A Deep Dive into Serverless Spatial Data and FMECloud Frontiers:  A Deep Dive into Serverless Spatial Data and FME
Cloud Frontiers: A Deep Dive into Serverless Spatial Data and FMESafe Software
 
Artificial Intelligence Chap.5 : Uncertainty
Artificial Intelligence Chap.5 : UncertaintyArtificial Intelligence Chap.5 : Uncertainty
Artificial Intelligence Chap.5 : UncertaintyKhushali Kathiriya
 
FWD Group - Insurer Innovation Award 2024
FWD Group - Insurer Innovation Award 2024FWD Group - Insurer Innovation Award 2024
FWD Group - Insurer Innovation Award 2024The Digital Insurer
 
Apidays New York 2024 - Passkeys: Developing APIs to enable passwordless auth...
Apidays New York 2024 - Passkeys: Developing APIs to enable passwordless auth...Apidays New York 2024 - Passkeys: Developing APIs to enable passwordless auth...
Apidays New York 2024 - Passkeys: Developing APIs to enable passwordless auth...apidays
 
presentation ICT roal in 21st century education
presentation ICT roal in 21st century educationpresentation ICT roal in 21st century education
presentation ICT roal in 21st century educationjfdjdjcjdnsjd
 
Repurposing LNG terminals for Hydrogen Ammonia: Feasibility and Cost Saving
Repurposing LNG terminals for Hydrogen Ammonia: Feasibility and Cost SavingRepurposing LNG terminals for Hydrogen Ammonia: Feasibility and Cost Saving
Repurposing LNG terminals for Hydrogen Ammonia: Feasibility and Cost SavingEdi Saputra
 
Boost Fertility New Invention Ups Success Rates.pdf
Boost Fertility New Invention Ups Success Rates.pdfBoost Fertility New Invention Ups Success Rates.pdf
Boost Fertility New Invention Ups Success Rates.pdfsudhanshuwaghmare1
 

Recently uploaded (20)

Architecting Cloud Native Applications
Architecting Cloud Native ApplicationsArchitecting Cloud Native Applications
Architecting Cloud Native Applications
 
Finding Java's Hidden Performance Traps @ DevoxxUK 2024
Finding Java's Hidden Performance Traps @ DevoxxUK 2024Finding Java's Hidden Performance Traps @ DevoxxUK 2024
Finding Java's Hidden Performance Traps @ DevoxxUK 2024
 
AWS Community Day CPH - Three problems of Terraform
AWS Community Day CPH - Three problems of TerraformAWS Community Day CPH - Three problems of Terraform
AWS Community Day CPH - Three problems of Terraform
 
Navigating the Deluge_ Dubai Floods and the Resilience of Dubai International...
Navigating the Deluge_ Dubai Floods and the Resilience of Dubai International...Navigating the Deluge_ Dubai Floods and the Resilience of Dubai International...
Navigating the Deluge_ Dubai Floods and the Resilience of Dubai International...
 
Polkadot JAM Slides - Token2049 - By Dr. Gavin Wood
Polkadot JAM Slides - Token2049 - By Dr. Gavin WoodPolkadot JAM Slides - Token2049 - By Dr. Gavin Wood
Polkadot JAM Slides - Token2049 - By Dr. Gavin Wood
 
Connector Corner: Accelerate revenue generation using UiPath API-centric busi...
Connector Corner: Accelerate revenue generation using UiPath API-centric busi...Connector Corner: Accelerate revenue generation using UiPath API-centric busi...
Connector Corner: Accelerate revenue generation using UiPath API-centric busi...
 
Ransomware_Q4_2023. The report. [EN].pdf
Ransomware_Q4_2023. The report. [EN].pdfRansomware_Q4_2023. The report. [EN].pdf
Ransomware_Q4_2023. The report. [EN].pdf
 
Apidays New York 2024 - The Good, the Bad and the Governed by David O'Neill, ...
Apidays New York 2024 - The Good, the Bad and the Governed by David O'Neill, ...Apidays New York 2024 - The Good, the Bad and the Governed by David O'Neill, ...
Apidays New York 2024 - The Good, the Bad and the Governed by David O'Neill, ...
 
Apidays New York 2024 - Accelerating FinTech Innovation by Vasa Krishnan, Fin...
Apidays New York 2024 - Accelerating FinTech Innovation by Vasa Krishnan, Fin...Apidays New York 2024 - Accelerating FinTech Innovation by Vasa Krishnan, Fin...
Apidays New York 2024 - Accelerating FinTech Innovation by Vasa Krishnan, Fin...
 
MINDCTI Revenue Release Quarter One 2024
MINDCTI Revenue Release Quarter One 2024MINDCTI Revenue Release Quarter One 2024
MINDCTI Revenue Release Quarter One 2024
 
ProductAnonymous-April2024-WinProductDiscovery-MelissaKlemke
ProductAnonymous-April2024-WinProductDiscovery-MelissaKlemkeProductAnonymous-April2024-WinProductDiscovery-MelissaKlemke
ProductAnonymous-April2024-WinProductDiscovery-MelissaKlemke
 
Apidays New York 2024 - APIs in 2030: The Risk of Technological Sleepwalk by ...
Apidays New York 2024 - APIs in 2030: The Risk of Technological Sleepwalk by ...Apidays New York 2024 - APIs in 2030: The Risk of Technological Sleepwalk by ...
Apidays New York 2024 - APIs in 2030: The Risk of Technological Sleepwalk by ...
 
Emergent Methods: Multi-lingual narrative tracking in the news - real-time ex...
Emergent Methods: Multi-lingual narrative tracking in the news - real-time ex...Emergent Methods: Multi-lingual narrative tracking in the news - real-time ex...
Emergent Methods: Multi-lingual narrative tracking in the news - real-time ex...
 
Cloud Frontiers: A Deep Dive into Serverless Spatial Data and FME
Cloud Frontiers:  A Deep Dive into Serverless Spatial Data and FMECloud Frontiers:  A Deep Dive into Serverless Spatial Data and FME
Cloud Frontiers: A Deep Dive into Serverless Spatial Data and FME
 
Artificial Intelligence Chap.5 : Uncertainty
Artificial Intelligence Chap.5 : UncertaintyArtificial Intelligence Chap.5 : Uncertainty
Artificial Intelligence Chap.5 : Uncertainty
 
FWD Group - Insurer Innovation Award 2024
FWD Group - Insurer Innovation Award 2024FWD Group - Insurer Innovation Award 2024
FWD Group - Insurer Innovation Award 2024
 
Apidays New York 2024 - Passkeys: Developing APIs to enable passwordless auth...
Apidays New York 2024 - Passkeys: Developing APIs to enable passwordless auth...Apidays New York 2024 - Passkeys: Developing APIs to enable passwordless auth...
Apidays New York 2024 - Passkeys: Developing APIs to enable passwordless auth...
 
presentation ICT roal in 21st century education
presentation ICT roal in 21st century educationpresentation ICT roal in 21st century education
presentation ICT roal in 21st century education
 
Repurposing LNG terminals for Hydrogen Ammonia: Feasibility and Cost Saving
Repurposing LNG terminals for Hydrogen Ammonia: Feasibility and Cost SavingRepurposing LNG terminals for Hydrogen Ammonia: Feasibility and Cost Saving
Repurposing LNG terminals for Hydrogen Ammonia: Feasibility and Cost Saving
 
Boost Fertility New Invention Ups Success Rates.pdf
Boost Fertility New Invention Ups Success Rates.pdfBoost Fertility New Invention Ups Success Rates.pdf
Boost Fertility New Invention Ups Success Rates.pdf
 

TensorFlow 2: New Era of Developing Deep Learning Models

  • 1. 2 2 2 2 2 A D 9 01 9! 1/ . 2 1
  • 2.
  • 3.
  • 4.
  • 5.
  • 6.
  • 7. • l io … a ~ nt • 1 () S m s f… dX e h S c • C ()+ ()/ S io PMC rd yk • 5 K L ()- S 7 M K K S T bwp u bwp S NJJ KM L ü C NFM L K3F (). 7 8 M ()/ 18 5 ()0 • M S F 1C D K 26,4
  • 8. • h S~g vk m e uny tb • .GG D ld a T U ( ) (o N • x O 5MI GF 5/ DAC FG ü t 0 V P jis F IA AF AF U O v ü 1AFJL ü /,/ .5 5 D tc 2, .5 A A tc
  • 9. • ) (/i ­ h 0 D MM TS S DF 4FD ) (, 0 ( D T CUT S 0 . PULL F UFSTS 0 ) G KS f () ­ ü 2 TST BP l v ! (, 0 F S 6L cq 7 T8UC • ~ 3 MPLFTF M EFL P T T P H 4 ST CUTFE T B H 3 7 C LF SUPP T • F S 6L >F H l s d • A 1 D MP LF ( l y x ~ b • F BS 1 >UPP T ( ) a repw 1 F BS • 5BHF 5XFDUT ( TF BDT F M EF nu ep k TI nr g • F S 6L 4BTB ( m u lth o b
  • 10. 2016 2017 ⏤ TensorFlow Serving ⏤ Keras API ⏤ Eager Execution ⏤ TensorFlow Lite ⏤ XLA ⏤ OpenCL w/ OpenCompute ⏤ Distributed TensorFlow ⏤ Multi GPU support ⏤ Mobile TensorFlow ⏤ TensorFlow Datasets ⏤ SKLearn (contrib) ⏤ TensorFlow Slim ⏤ SyntaxNet ⏤ DRAGNN ⏤ TFLearn (contrib) ⏤ TensorFlow TimeSeries 2018 ⏤ TensorFlow Hub ⏤ Swift for TensorFlow ⏤ TensorFlow Models ⏤ ROCm TensorFlow (Test) ⏤ TensorRT integration
  • 11. • 3 L IA GE EG ü ) G IAED ü -3 GI AD A L D 3 • -3 L ) 1 A A ➜ 11 L D) ) ➜ EC I 33 ➜ C PU Oe • 3 I G ? D L dS X c ) . L -EE? MV • ? 3 L NM a! TR b(
  • 12. • + + : + +) : A P (+ • a ( : CA C U a NP b : aI NPb c : D G
  • 13. • I K1G P 0 EH K ( R t l[ EH K s fo T a V r Tix .74 • I K1G P 9 K EID c w • I K1G P K .74 ) ( • I K1G P / / / 9 ( • I K1G P D K AN E I ( S ( , ) vj u • I K1G P F ( , ) • 9PE G IDN D K I K1G P , ( , S ( US nv • I K1G P 3N US b • I K8 R 4/4. 27 mg e ]
  • 15.
  • 16. • . 8 ( . 8 ( . 8 ( 1 2 . 8 ( .( ) 1 . 8 ( 1 • 2 . 8 ( 1 .( 1 . 8 . 8 1 (
  • 20. • ah e n P • (F g 22 2 8 A .28 8 TiD c p ) • ah o l . Id . I ü pip install tensorflowjs 8 12 0 83 j
  • 21. • l 9 U 9 0, Ge as U y­ m 9 b P v ü 1 1 ! • s 9 2 , ü Ge AA ? X ü Ge ­: J v 9 2 2 ü U y­ ü WL !
  • 22. • P • O • A A S ID B F A K P
  • 23.
  • 24.
  • 25.
  • 26.
  • 27.
  • 28. • T n w o n A • w T e D I u FD b • • s s A r ­ b • b 1 51 8 0/ 0 5 2 9 iP A l d t b
  • 29. ( 1 ) 2 • 2 3 e A ­ A r I o P y e / 8 / E F lG • 038 r w A r ha u • A 7/ u r s A n g ,/1 t A • A / 8 N U A mI A a A / 8 T·
  • 30. ) ( ) 2 • o o • h E G a @defun A o ü : @py_func o d FunctionDefA p g FunctionDef e • o c
  • 31. ( ) 23 • , A 0 9 7 87 h p d s G E c Pr E 7 87 h ia Ty b a h E ü n F w gr ü n 27 / C p . 87 h p u l • 1 A9 p 67 8 Pr E 1 A9 e o 27 / C e E , 7 A : A: o 27 / Cp u E A 77 t
  • 32. ( ) 4 2 • @autograph.convert() def my_dynamic_rnn(rnn_cell, input_data, initial_state, se q_len): outputs = tf.TensorArray(tf.float32, input_data.shape[0]) state = initial_state max_seq_len = tf.reduce_max(seq_len) for i in tf.range(max_seq_len): new_output, new_state = rnn_cell(input_data[i], state) output = tf.where(i < seq_len, new_output, tf.zeros_lik e(new_output)) state = tf.where(i < sequence_length, new_state, state) outputs = outputs.write(i, output) return tf.transpose(outputs.stack(), [1, 0, 2]), state def tf__my_dynamic_rnn(rnn_cell, input_data, initial_state, sequence_length): try: with tf.name_scope('my_dynamic_rnn'): outputs = tf.TensorArray(tf.float32, ag__.get_item(input_data.shape, 0, opts=ag__.GetItemOpts(element_dtype=None))) state = initial_state max_sequence_length = tf.reduce_max(sequence_length) def extra_test(state_1, outputs_1): with tf.name_scope('extra_test'): return True def loop_body(loop_vars, state_1, outputs_1): with tf.name_scope('loop_body'): i = loop_vars new_output, new_state = ag__.converted_call(rnn_cell, True, False, False, {}, ag__.get_item(input_data, i, opts=ag__.GetItemOpts (element_dtype=None)), state_1) output = tf.where(tf.less(i, sequence_length), new_output, tf. zeros(new_output.shape)) state_1 = tf.where(tf.less(i, sequence_length), new_state, state_1) outputs_1 = outputs_1.write(i, output) return state_1, outputs_1 state, outputs = ag__.for_stmt(tf.range(max_sequence_length), extra_test, loop_body, (state, outputs)) return tf.transpose(outputs.stack(), ag__.new_list([1, 0, 2])), state except: ag__.rewrite_graph_construction_error(ag_source_map__)
  • 33. • n o A a o A hr ➜ ho • a tf.io tf.nn tf.math t m ,( • r ), G :p : o dim ➜ axis, keep_prob ➜ rate
  • 34. 2 • Keras ( https://keras.io ) High-level API — “Deep learning accessible to everyone” • 2017 2 TensorFlow 1.2 contributor TensorFlow 1.4 • “Simplified workflow for TensorFlow users, more powerful features to Keras users” Keras (keras. tf.keras.) TensorFlow Keras tf.keras. • !
  • 35. () / : 1 2 • ( F ) 1 , ü tf.variable ) 1 , : ü tf.global_variables_initializer() tf.get_global_step() : ) T , ) , 1 , ? ,
  • 36. ( ) / 2 : 2 • tf.global_variables_initializer() tf.get_global_step() V R • ) (, R tf.assign(x,100) ➜ x.assign(100) • K R
  • 37. ( ) 1 2 • Session.run() e : DF o Ghu o : t a dP A s e r p y c • : T ) r o n , : , r P wl ( # TensorFlow 1.X outputs = session.run(f(placeholder), feed_dict={placeholder: input}) # TensorFlow 2.0 outputs = f(input)
  • 38. ) ( • print ➜ tf.print assert ➜ tf.Assert for/while ➜ tf.while_loop (break and continue are supported) if ➜ tf.cond for _ in dataset ➜ dataset.reduce
  • 39. ( ) 1 2 • + A A 1A A F e + A A 2 DT bo lM rRc g n F tf.distribute • Ua F g - F g - F P • 1A A d S F . 1A A ü ) ü rR F 2 1A A ( • i b G m A A F A C ) 0 1A A ( ü P d . 1A A F A 1 C 1A A (
  • 40. ) ( 2 • strategy = tf.distribute.MirroredStrategy() config = tf.estimator.RunConfig( train_distribute=strategy, eval_distribute=strategy) regressor = tf.estimator.LinearRegressor( feature_columns=[tf.feature_column.numeric_column('feats')], optimizer='SGD', config=config) def input_fn(): return tf.data.Dataset.from_tensors(({"feats":[1.]}, [1.])) .repeat(10000).batch(10) regressor.train(input_fn=input_fn, steps=10) regressor.evaluate(input_fn=input_fn, steps=10)
  • 41. ( ) 23 • train_dataset = tf.data.Dataset(...) eval_dataset = tf.data.Dataset(...) model = tf.keras.applications.ResNet50() optimizer = tf.train.GradientDescentOptimizer(learning_rate=0.1) model.compile(loss="categorical_crossentropy", optimizer=optimizer) model.fit(train_dataset, epochs=10) model.evaluate(eval_dataset)
  • 42. ) 4 2 ( • / train_dataset = tf.data.Dataset(...) eval_dataset = tf.data.Dataset(...) model = tf.keras.applications.ResNet50() optimizer = tf.train.GradientDescentOptimizer(learning_rate=0.1) strategy = tf.contrib.distribute.MirroredStrategy() model.compile(loss="categorical_crossentropy", optimizer=optimizer, distribute=strategy) model.fit(train_dataset, epochs=10) model.evaluate(eval_dataset)
  • 43. . . 2 • tf.contrib S i a :F a ü R tf.contrib.slim a L Ti • R tf.contrib.slim tf.contrib.tflearn tf.contrib.tensorrt e
  • 44. ) 1 ( 2 • 5: 0 . 5// 5: 0 . /GDD CL /G FC CGFI C N P d V P d 2 9 Rwn~ c P .DD A DD P 81 ~ 5// ( ( U ü tf.contrib.nccl ü d V sr wn~ V g P 8 FIG 1DG ( - 8 9 b Xv 2 9 • 5: 0 . 8 FIG 78 P a ~ c ü tf.contrib.tensorrt P 8 FIG 1DG y~ l ~ o ( P 5: 0 . :GD t­ wn 8 FIG /G i h e m ü : R 7 I5 ) T u P 8 FIG 1DG (- GF C wn G 8 FIG 1DG w
  • 45. ( ) 2 • 2 0.0 5 A 5 rv oS c g et T ü tf.contrib.tensorrt 5 A/ bg rv ) g o F 2 0.0 C7 na 5 A A V iM c d ü I 2 C( l ) N • 5 A/ b 2 0.0 5 A 5 9 CA 8a 9 A R M 5 A/ a s 7D 1 w o 5 A/ AD w o
  • 46. ) ( 23 • /81 0 m U NDL0 Xa Vg U 3 - . m 3HIH M OHP DF U 06D DL+ 06D / M HC N m 0 e s ü TDL 2 A0 ü DML + 0MOD h w PRD r U 0 m ()-Y ) n ü NDL0 ( Xa ü z m DLPMOE MR OMC ) ) U 3 ), Xa l rf m • DLPMO3 MR U 9HFG c U iy LHFG t o jp
  • 47. • K CL : M D K K C D 8 3
  • 48. 2 1 • 0 . ). (2 i F d ! ). (2 . 1. f ü F ea_ F T X g T X f tf_upgrade_v2 --infile tf_example-v1.py --outfile tf_example-v2.py 'tensorflow/tools/compatibility/testdata/test_file_v1_12.py' Line 65 -------------------------------------------------------------------------------- Added keyword 'input' to reordered function 'tf.argmax' Renamed keyword argument from 'dimension' to 'axis' Old: tf.argmax([[1, 3, 2]], dimension=0)) ~~~~~~~~~~ New: tf.argmax(input=[[1, 3, 2]], axis=0))
  • 49. • 1. . . 2 1. . 1. . F 1. . X T
  • 50. • 29 + 29121 b P a + 2 ? 9 9 3 8 dT im f S F • 29 + , 0 0 a p x S • 29 29 f S h S n dT e n ­ • , 9 ➜ 3 E y ts 9v l ü 9 d f a 3 +v w r o ü 3 g 29 + r o
  • 51. ! B : / / CA! / : / : / : / : :. @@@ / @@@ / : / / / : / / : / @@@ :@