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

Elixirใงใƒใƒผใƒ‰ใ‚ฆใ‚งใ‚ขใŒไฝœใ‚Œใกใ‚ƒใ†๏ผŒใ‹ใ‚‚๏ผ๏ผ๏ผŸ ใƒ‡ใƒผใ‚ฟใƒ•ใƒญใƒผๅž‹ใƒใƒผใƒ‰ใ‚ฆใ‚งใ‚ข่จญ่จˆ็’ฐๅขƒCockatriceใฎใ”็ดนไป‹
Elixirใงใƒใƒผใƒ‰ใ‚ฆใ‚งใ‚ขใŒไฝœใ‚Œใกใ‚ƒใ†๏ผŒใ‹ใ‚‚๏ผ๏ผ๏ผŸใƒ‡ใƒผใ‚ฟใƒ•ใƒญใƒผๅž‹ใƒใƒผใƒ‰ใ‚ฆใ‚งใ‚ข่จญ่จˆ็’ฐๅขƒCockatriceใฎใ”็ดนไป‹Elixirใงใƒใƒผใƒ‰ใ‚ฆใ‚งใ‚ขใŒไฝœใ‚Œใกใ‚ƒใ†๏ผŒใ‹ใ‚‚๏ผ๏ผ๏ผŸใƒ‡ใƒผใ‚ฟใƒ•ใƒญใƒผๅž‹ใƒใƒผใƒ‰ใ‚ฆใ‚งใ‚ข่จญ่จˆ็’ฐๅขƒCockatriceใฎใ”็ดนไป‹
Elixirใงใƒใƒผใƒ‰ใ‚ฆใ‚งใ‚ขใŒไฝœใ‚Œใกใ‚ƒใ†๏ผŒใ‹ใ‚‚๏ผ๏ผ๏ผŸ ใƒ‡ใƒผใ‚ฟใƒ•ใƒญใƒผๅž‹ใƒใƒผใƒ‰ใ‚ฆใ‚งใ‚ข่จญ่จˆ็’ฐๅขƒCockatriceใฎใ”็ดนไป‹
Hideki Takase
ย 
[แ„‘แ…ณแ†ฏแ„…แ…ขแ„แ…ฅแ†ท แ„Žแ…กแ„‹แ…ตแ„‚แ…กแ„…แ…ตแ„‘แ…ฉแ„แ…ณ] 2018 แ„Œแ…ฎแ†ผแ„€แ…ฎแ†จ แ„‰แ…ตแ†ซแ„‹แ…ฒแ„แ…ฉแ†ผ แ„’แ…งแ†ซแ„’แ…ชแ†ผ
[แ„‘แ…ณแ†ฏแ„…แ…ขแ„แ…ฅแ†ท แ„Žแ…กแ„‹แ…ตแ„‚แ…กแ„…แ…ตแ„‘แ…ฉแ„แ…ณ] 2018 แ„Œแ…ฎแ†ผแ„€แ…ฎแ†จ แ„‰แ…ตแ†ซแ„‹แ…ฒแ„แ…ฉแ†ผ แ„’แ…งแ†ซแ„’แ…ชแ†ผ[แ„‘แ…ณแ†ฏแ„…แ…ขแ„แ…ฅแ†ท แ„Žแ…กแ„‹แ…ตแ„‚แ…กแ„…แ…ตแ„‘แ…ฉแ„แ…ณ] 2018 แ„Œแ…ฎแ†ผแ„€แ…ฎแ†จ แ„‰แ…ตแ†ซแ„‹แ…ฒแ„แ…ฉแ†ผ แ„’แ…งแ†ซแ„’แ…ชแ†ผ
[แ„‘แ…ณแ†ฏแ„…แ…ขแ„แ…ฅแ†ท แ„Žแ…กแ„‹แ…ตแ„‚แ…กแ„…แ…ตแ„‘แ…ฉแ„แ…ณ] 2018 แ„Œแ…ฎแ†ผแ„€แ…ฎแ†จ แ„‰แ…ตแ†ซแ„‹แ…ฒแ„แ…ฉแ†ผ แ„’แ…งแ†ซแ„’แ…ชแ†ผ
Platum
ย 
เธฃเธฒเธขเธŠเธทเนˆเธญเธžเธฃเธฐเธšเธฃเธกเธชเธฒเธฃเธตเธฃเธดเธเธ˜เธฒเธ•เธธเนเธฅเธฐเธžเธฃเธฐเธ˜เธฒเธ•เธธเธชเธฑเธ™เธเธฒเธ™เธ•เนˆเธฒเธ‡เน†
เธฃเธฒเธขเธŠเธทเนˆเธญเธžเธฃเธฐเธšเธฃเธกเธชเธฒเธฃเธตเธฃเธดเธเธ˜เธฒเธ•เธธเนเธฅเธฐเธžเธฃเธฐเธ˜เธฒเธ•เธธเธชเธฑเธ™เธเธฒเธ™เธ•เนˆเธฒเธ‡เน†เธฃเธฒเธขเธŠเธทเนˆเธญเธžเธฃเธฐเธšเธฃเธกเธชเธฒเธฃเธตเธฃเธดเธเธ˜เธฒเธ•เธธเนเธฅเธฐเธžเธฃเธฐเธ˜เธฒเธ•เธธเธชเธฑเธ™เธเธฒเธ™เธ•เนˆเธฒเธ‡เน†
เธฃเธฒเธขเธŠเธทเนˆเธญเธžเธฃเธฐเธšเธฃเธกเธชเธฒเธฃเธตเธฃเธดเธเธ˜เธฒเธ•เธธเนเธฅเธฐเธžเธฃเธฐเธ˜เธฒเธ•เธธเธชเธฑเธ™เธเธฒเธ™เธ•เนˆเธฒเธ‡เน†
Rose Banioki
ย 
#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

Argoใซใ‚ˆใ‚‹ๆฉŸๆขฐๅญฆ็ฟ’ๅฎŸ่กŒๅŸบ็›คใฎๆง‹็ฏ‰ใƒป้‹็”จใ‹ใ‚‰ใฟใˆใฆใใŸใ“ใจ
Argoใซใ‚ˆใ‚‹ๆฉŸๆขฐๅญฆ็ฟ’ๅฎŸ่กŒๅŸบ็›คใฎๆง‹็ฏ‰ใƒป้‹็”จใ‹ใ‚‰ใฟใˆใฆใใŸใ“ใจArgoใซใ‚ˆใ‚‹ๆฉŸๆขฐๅญฆ็ฟ’ๅฎŸ่กŒๅŸบ็›คใฎๆง‹็ฏ‰ใƒป้‹็”จใ‹ใ‚‰ใฟใˆใฆใใŸใ“ใจ
Argoใซใ‚ˆใ‚‹ๆฉŸๆขฐๅญฆ็ฟ’ๅฎŸ่กŒๅŸบ็›คใฎๆง‹็ฏ‰ใƒป้‹็”จใ‹ใ‚‰ใฟใˆใฆใใŸใ“ใจ
Shinsaku Kono
ย 
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
ssuser034ce1
ย 
Erlang Introduction Bcberlin3
Erlang Introduction Bcberlin3Erlang Introduction Bcberlin3
Erlang Introduction Bcberlin3
guesta3202
ย 
Final term 2012-2013 D1
Final term 2012-2013 D1Final term 2012-2013 D1
Final term 2012-2013 D1
Ehab 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

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
Jeongkyu 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.AI
Jeongkyu Shin
ย 
๊ทธ๋ ‡๊ฒŒ ์ปค๋ฏธํ„ฐ๊ฐ€ ๋œ๋‹ค: Python์„ ํ†ตํ•ด ์˜คํ”ˆ์†Œ์Šค ์ƒํƒœ๊ณ„ ๊ฐ€๋ฅด์น˜๊ธฐ
๊ทธ๋ ‡๊ฒŒ ์ปค๋ฏธํ„ฐ๊ฐ€ ๋œ๋‹ค: Python์„ ํ†ตํ•ด ์˜คํ”ˆ์†Œ์Šค ์ƒํƒœ๊ณ„ ๊ฐ€๋ฅด์น˜๊ธฐ๊ทธ๋ ‡๊ฒŒ ์ปค๋ฏธํ„ฐ๊ฐ€ ๋œ๋‹ค: Python์„ ํ†ตํ•ด ์˜คํ”ˆ์†Œ์Šค ์ƒํƒœ๊ณ„ ๊ฐ€๋ฅด์น˜๊ธฐ
๊ทธ๋ ‡๊ฒŒ ์ปค๋ฏธํ„ฐ๊ฐ€ ๋œ๋‹ค: Python์„ ํ†ตํ•ด ์˜คํ”ˆ์†Œ์Šค ์ƒํƒœ๊ณ„ ๊ฐ€๋ฅด์น˜๊ธฐ
Jeongkyu Shin
ย 
ํšŒ์ƒ‰์ง€๋Œ€: ์ด์ƒ๊ณผ ํ˜„์‹ค - ์˜คํ”ˆ์†Œ์Šค ์ €์ž‘๊ถŒ
ํšŒ์ƒ‰์ง€๋Œ€: ์ด์ƒ๊ณผ ํ˜„์‹ค - ์˜คํ”ˆ์†Œ์Šค ์ €์ž‘๊ถŒํšŒ์ƒ‰์ง€๋Œ€: ์ด์ƒ๊ณผ ํ˜„์‹ค - ์˜คํ”ˆ์†Œ์Šค ์ €์ž‘๊ถŒ
ํšŒ์ƒ‰์ง€๋Œ€: ์ด์ƒ๊ณผ ํ˜„์‹ค - ์˜คํ”ˆ์†Œ์Šค ์ €์ž‘๊ถŒ
Jeongkyu 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
ย 

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

Modular Monolith - a Practical Alternative to Microservices @ Devoxx UK 2024
Modular Monolith - a Practical Alternative to Microservices @ Devoxx UK 2024Modular Monolith - a Practical Alternative to Microservices @ Devoxx UK 2024
Modular Monolith - a Practical Alternative to Microservices @ Devoxx UK 2024
Victor Rentea
ย 

Recently uploaded (20)

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 ...
ย 
Cyberprint. Dark Pink Apt Group [EN].pdf
Cyberprint. Dark Pink Apt Group [EN].pdfCyberprint. Dark Pink Apt Group [EN].pdf
Cyberprint. Dark Pink Apt Group [EN].pdf
ย 
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
ย 
Exploring the Future Potential of AI-Enabled Smartphone Processors
Exploring the Future Potential of AI-Enabled Smartphone ProcessorsExploring the Future Potential of AI-Enabled Smartphone Processors
Exploring the Future Potential of AI-Enabled Smartphone Processors
ย 
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...
ย 
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...
ย 
[BuildWithAI] Introduction to Gemini.pdf
[BuildWithAI] Introduction to Gemini.pdf[BuildWithAI] Introduction to Gemini.pdf
[BuildWithAI] Introduction to Gemini.pdf
ย 
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
ย 
Corporate and higher education May webinar.pptx
Corporate and higher education May webinar.pptxCorporate and higher education May webinar.pptx
Corporate and higher education May webinar.pptx
ย 
Artificial Intelligence Chap.5 : Uncertainty
Artificial Intelligence Chap.5 : UncertaintyArtificial Intelligence Chap.5 : Uncertainty
Artificial Intelligence Chap.5 : Uncertainty
ย 
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
ย 
TrustArc Webinar - Unlock the Power of AI-Driven Data Discovery
TrustArc Webinar - Unlock the Power of AI-Driven Data DiscoveryTrustArc Webinar - Unlock the Power of AI-Driven Data Discovery
TrustArc Webinar - Unlock the Power of AI-Driven Data Discovery
ย 
ProductAnonymous-April2024-WinProductDiscovery-MelissaKlemke
ProductAnonymous-April2024-WinProductDiscovery-MelissaKlemkeProductAnonymous-April2024-WinProductDiscovery-MelissaKlemke
ProductAnonymous-April2024-WinProductDiscovery-MelissaKlemke
ย 
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...
ย 
EMPOWERMENT TECHNOLOGY GRADE 11 QUARTER 2 REVIEWER
EMPOWERMENT TECHNOLOGY GRADE 11 QUARTER 2 REVIEWEREMPOWERMENT TECHNOLOGY GRADE 11 QUARTER 2 REVIEWER
EMPOWERMENT TECHNOLOGY GRADE 11 QUARTER 2 REVIEWER
ย 
CNIC Information System with Pakdata Cf In Pakistan
CNIC Information System with Pakdata Cf In PakistanCNIC Information System with Pakdata Cf In Pakistan
CNIC Information System with Pakdata Cf In Pakistan
ย 
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
ย 
Exploring Multimodal Embeddings with Milvus
Exploring Multimodal Embeddings with MilvusExploring Multimodal Embeddings with Milvus
Exploring Multimodal Embeddings with Milvus
ย 
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...
ย 
Modular Monolith - a Practical Alternative to Microservices @ Devoxx UK 2024
Modular Monolith - a Practical Alternative to Microservices @ Devoxx UK 2024Modular Monolith - a Practical Alternative to Microservices @ Devoxx UK 2024
Modular Monolith - a Practical Alternative to Microservices @ Devoxx UK 2024
ย 

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 !
  • 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! / : / : / : / : :. @@@ / @@@ / : / / / : / / : / @@@ :@