深度學習EMA的注意事項

目錄

EMA介紹

概念

彌補不足:初始數據積累不足的情況

深度學習訓練中的作用

實現

典型步驟

一個EMA影子變量的例子

進一步接近真實情景,讓w1變動

例2:global_step的trainable設置

最後,怎麼用影子變量來測試?

模擬訓練與存儲模型

錯誤的模型讀取方式

正確的模型讀取方式

補一發手寫的映射通用寫法




EMA介紹

概念

滑動平均exponential moving average,指數加權平均。

默認情況:
變量v在t時刻的取值
v_t = Theta_t
EMA:
v_t = Beta * v_t-1 + (1-Beta)*Theta_t
公式中如果Beta=0,就完全等於前者。

看公式,直覺理解也很簡單:舊的平均值乘以一個大系數維持穩定,新的數值乘以一個小的係數減少影響,總的來說就是類似Momentum的一個維持穩定的機制,對於新數值,比Momentum還要“打壓”。

如果Beta取一個典型值,如0.9,其實具體含義就是,
vt~=      1/(1-Beta)個數據的平均值
約等於:在此之前十個數據的平均值!(沒這麼整,每個新加的都是0.1的係數,舊的還有0.1的衰減)
1/(1-Beta)|Beta=0.9=10
1/(1-Beta)|Beta=0.98=50


不過,什麼叫新和舊?怎麼理解?新的Theta怎麼得來的?(其實是有兩套東西,拿維護變量w舉例,w是正常更新的,而EMA是獨立維護的,所以整個流程就是,wt-1更新到wt,取新的wt來更新EMA,更具體的,是你調用ema的apply的時候取一次,理論上w本身不一定發生了變動,不過一般都是同步的,見例子。)


關於EMA到底是維護變量還是數據集:其實實際使用中,EMA主要還是維護W和b,舉例說明典型的使用場景。
 

 

直覺上,有點momentum的意思,不過momentum是梯度下降用的,滑動平均主要針對變量。

也可以用來平滑數據,減少噪音和異常。 和Momentum的相似處,都有慣性,如果Beta太大,整個曲線會有滯後性,和真正的數據產生偏差。。 和Adagrad的一個類似點:不過多佔用額外內存,只維護一個值就好,不用真正把數據都調出來。

 

下圖是溫度數據(藍點)和擬合曲線(紅線)、EMA曲線(綠線),可以看到綠線有明顯滯後性,這也算一個缺點,下邊會提到補救措施。(不過這個圖並不一定算深度學習的一個環節,只是一個demo,深度學習訓練中ema不是幹這個的。)

 

彌補不足:初始數據積累不足的情況

這是global_step參數的存在意義(global_step並不是ema更新的驅動力,只是一種彌補手段)
因爲這個慣性的存在,所以就有了滯後性,所以就需要修正。
圖中紫線,甚至升高都有滯後性,因爲之前沒有數據累積。但是物理慣性仍然大(Beta高),所以有一個維持“0"的趨勢在,所以升不起來。
這個公式二選一:
Beta = min(decay,(1+num_updates)/(10+num_updates))
前期後者小,後期前者小,(極端來說,後者是從1/10到1/1的趨勢。)
所以,decay=0.98,updates=5時,6/15=0.4,選擇0.4而不選擇0.98.。。。

 

深度學習訓練中的作用

說白了,TF中,給W和b使用EMA,就是防止訓練過程遇到異常數據或者隨機跳躍(畢竟是隨機批量,數據不確定)影響訓練效果的,讓W和b維持相對穩定。

影子變量,說是影子,不光是慣性和尾隨的含義,他是獨立的個體。測試的時候使用的就是影子變量,取代變量。理解這個概念很重要,包括BatchNormalization等,如果不理解,很可能會用錯。

所以,感覺這個東西在數據量小或者數據不穩定或者batch_size小的情況下尤其有用。
每個iteration使用全部數據的梯度下降肯定是不太需要EMA了,除非learning_rate大,不然方向不可能有偏差(所以,根據learning_rate的不同,也算有點用),但是實際上mini-batch更多吧,所以EMA有使用的必要。
 

實現

 

典型步驟

在TensorFlow中,ExponentialMovingAverage()可以傳入兩個參數:衰減率(decay)和數據的迭代次數(step),這裏的decay和step分別對應我們的β和num_updates,所以在實現滑動平均模型的時候,步驟如下: 
1、定義訓練迭代次數step 
2、然後定義滑動平均的類,傳衰減率和step給類。
3、給這個類指定需要用到滑動平均模型的變量(w和b,也就是所有可訓練變量tf.trainable_variables()) 
4、利用依賴項執行訓練和滑動操作,把(影子)變量變爲指數加權平均值
 

  1. # 定義訓練的輪數,False避免這個變量被計算滑動平均值
  2. global_step = tf.Variable(0, trainable=False)
  3. # 給定滑動衰減率和訓練輪數,初始化滑動平均類
  4. # global_step可以加快訓練前期的迭代速度,彌補慣性帶來的滯後
  5. variable_averages = tf.train.ExponentialMovingAverage(MOVING_AVERAGE_DECAY,
  6. global_step)
  7. # 用tf.trainable_variable()獲取所有可以訓練的變量列表,全部指定爲使用滑動平均模型
  8. # global_step雖然不在計算圖中,但是是會被ema處理到的,一定要設False
  9. variables_averages_op = variable_averages.apply(tf.trainable_variables())
  10. # 綁定操作:反向傳播更新參數之後,再更新每一個參數的滑動平均值
  11. # 用下面的代碼可以用一次sess.run(train_op)完成這兩個操作。
  12. with tf.control_dependencies([train_step, variables_averages_op]):
  13. train_op = tf.no_op(name="train")

 

一個EMA影子變量的例子

爲了更生動,手動模擬了多次訓練和滑動,給w1賦值相當於訓練操作,執行apply相當於執行滑動操作。

ema.average(w1)是提取w1的影子變量數值的正確方法。

  1. import tensorflow as tf
  2. w1 = tf.Variable(0, dtype=tf.float32)
  3. global_step = tf.Variable(0,dtype=tf.float32,trainable=False)
  4. MOVING_AVERAGE_DECAY = 0.99
  5. ema = tf.train.ExponentialMovingAverage(MOVING_AVERAGE_DECAY, global_step)
  6. ema_op = ema.apply([w1])#參數列表,本例可以手動指定w1.
  7. #w1直接模擬N次變動,從1變10,讓ema追w1的值
  8. with tf.Session() as sess:
  9. init = tf.global_variables_initializer()
  10. sess.run(init)
  11. print('init w:',sess.run([w1,ema.average(w1)]))#用.average獲得w1的滑動平均,也就是影子吧。
  12. sess.run(tf.assign(w1,1))#手動修改w1的值
  13. sess.run(tf.assign(global_step, 1))
  14. sess.run(ema_op)#滑動一次。
  15. print('after an ema op')
  16. print('w:',sess.run([w1,ema.average(w1)]))
  17. sess.run(ema_op)#滑動一次。
  18. print('after an ema op')
  19. print('w:',sess.run([w1,ema.average(w1)]))#global_step不變動,不影響ema更新
  20. sess.run(ema_op)#滑動一次。
  21. print('after an ema op')
  22. print('w:',sess.run([w1,ema.average(w1)]))
  23. print('assign global_step:')
  24. #假裝進行了100輪迭代,w1變成10(其實ema沒有更新中間那一百步)
  25. sess.run(tf.assign(global_step, 100))
  26. sess.run(tf.assign(w1, 10))
  27. sess.run(ema_op)
  28. print('after 100 ema ops')
  29. print('w:',sess.run([w1,ema.average(w1)]))
  30. sess.run(ema_op)
  31. #再拿同樣的w=10多更新幾次影子,讓影子逼近w1
  32. for i in range(100):
  33. sess.run(ema_op)
  34. if i % 10 == 0:
  35. print('w:',sess.run([w1,ema.average(w1)]))
  1. init w: [0.0, 0.0]
  2. after an ema op
  3. w: [1.0, 0.8181818]
  4. after an ema op
  5. w: [1.0, 0.96694213]
  6. after an ema op
  7. w: [1.0, 0.99398947]
  8. assign global_step:
  9. after 100 ema ops
  10. w: [10.0, 1.7308447]
  11. w: [10.0, 3.0286236]
  12. w: [10.0, 7.031032]
  13. w: [10.0, 8.735577]
  14. w: [10.0, 9.461507]
  15. w: [10.0, 9.770666]
  16. w: [10.0, 9.90233]
  17. w: [10.0, 9.958405]
  18. w: [10.0, 9.982285]
  19. w: [10.0, 9.9924555]
  20. w: [10.0, 9.996786]

進一步接近真實情景,讓w1變動

  1. #同樣的例子,修改一下,讓w1動態變化,ema在後邊追。
  2. import tensorflow as tf
  3. w1 = tf.Variable(0, dtype=tf.float32)
  4. global_step = tf.Variable(0,dtype=tf.float32,trainable=False)#不會被ema做平均
  5. MOVING_AVERAGE_DECAY = 0.99
  6. ema = tf.train.ExponentialMovingAverage(MOVING_AVERAGE_DECAY, global_step)
  7. ema_op = ema.apply(tf.trainable_variables())
  8. with tf.Session() as sess:
  9. init = tf.global_variables_initializer()
  10. sess.run(init)
  11. print('init w:',sess.run([w1,ema.average(w1)]))#用.average獲得w1的滑動平均,也就是影子吧。
  12. sess.run(tf.assign(w1,1))#手動修改w1的值
  13. sess.run(tf.assign(global_step, 1))
  14. sess.run(ema_op)#滑動一次。
  15. print('after an ema op')
  16. print('w:',sess.run([w1,ema.average(w1)]))
  17. #假裝進行了100輪迭代,w1變成10(其實ema沒有更新中間那一百步)
  18. sess.run(tf.assign(global_step, 100))
  19. sess.run(tf.assign(w1, 10))
  20. sess.run(ema_op)
  21. print('after 100 ema ops')
  22. print('w:',sess.run([w1,ema.average(w1)]))
  23. sess.run(ema_op)
  24. #再拿同樣的w=10多更新幾次影子,讓影子逼近w1,同時,w1也變化。
  25. for i in range(100):
  26. sess.run(tf.assign_add(w1,1))
  27. sess.run(ema_op)
  28. if i % 10 == 0:
  29. print('w:',sess.run([w1,ema.average(w1)]))
  30. print('global_step:',sess.run(global_step))
  31. # print('global_step ema:',sess.run([global_step,ema.average(global_step)]))#global_step的ema
  1. init w: [0.0, 0.0]
  2. after an ema op
  3. w: [1.0, 0.8181818]
  4. after 100 ema ops
  5. w: [10.0, 1.5694213]
  6. w: [11.0, 2.9743524]
  7. global_step: 100.0
  8. w: [21.0, 11.1391325]
  9. global_step: 100.0
  10. w: [31.0, 20.35755]
  11. global_step: 100.0
  12. w: [41.0, 30.024689]
  13. global_step: 100.0
  14. w: [51.0, 39.882935]
  15. global_step: 100.0
  16. w: [61.0, 49.822563]
  17. global_step: 100.0
  18. w: [71.0, 59.79685]
  19. global_step: 100.0
  20. w: [81.0, 69.7859]
  21. global_step: 100.0
  22. w: [91.0, 79.78124]
  23. global_step: 100.0
  24. w: [101.0, 89.77926]
  25. global_step: 100.0

例2:global_step的trainable設置

如果你不限制global_step爲不可訓練,並且ema直接獲取所有可訓練變量,global_step的ema就會變,不過不影響global_step變量自身的值(但是如果你還打算restore,那就可能有影響了,所以這也是個坑,參數列表指定)

  1. import tensorflow as tf
  2. w1 = tf.Variable(0, dtype=tf.float32)
  3. global_step = tf.Variable(0,dtype=tf.float32,trainable=True)#會被ema做平均。
  4. MOVING_AVERAGE_DECAY = 0.99
  5. ema = tf.train.ExponentialMovingAverage(MOVING_AVERAGE_DECAY, global_step)
  6. # ema_op = ema.apply([w1])#參數列表,本例可以手動指定w1.
  7. ema_op = ema.apply(tf.trainable_variables())#注意這種情況,這種情況應該就會影響global_step了,所以得設False
  8. with tf.Session() as sess:
  9. init = tf.global_variables_initializer()
  10. sess.run(init)
  11. print('init w:',sess.run([w1,ema.average(w1)]))#用.average獲得w1的滑動平均,也就是影子吧。
  12. sess.run(tf.assign(w1,1))#手動修改w1的值
  13. sess.run(tf.assign(global_step, 1))
  14. sess.run(ema_op)#滑動一次。
  15. print('after an ema op')
  16. print('w:',sess.run([w1,ema.average(w1)]))
  17. #假裝進行了100輪迭代,w1變成10(其實ema沒有更新中間那一百步)
  18. sess.run(tf.assign(global_step, 100))
  19. sess.run(tf.assign(w1, 10))
  20. sess.run(ema_op)
  21. print('after 100 ema ops')
  22. print('w:',sess.run([w1,ema.average(w1)]))
  23. sess.run(ema_op)
  24. #再拿同樣的w=10多更新幾次影子,讓影子逼近w1,同時,w1也變化。
  25. for i in range(100):
  26. sess.run(tf.assign_add(w1,1))
  27. sess.run(ema_op)
  28. if i % 10 == 0:
  29. print('w:',sess.run([w1,ema.average(w1)]))
  30. print('global_step and ema:',sess.run([global_step,ema.average(global_step)]))
  1. init w: [0.0, 0.0]
  2. after an ema op
  3. w: [1.0, 0.8181818]
  4. after 100 ema ops
  5. w: [10.0, 1.5694213]
  6. w: [11.0, 2.9743524]
  7. global_step and ema: [100.0, 23.225294]
  8. w: [21.0, 11.1391325]
  9. global_step and ema: [100.0, 67.30321]
  10. w: [31.0, 20.35755]
  11. global_step and ema: [100.0, 86.075096]
  12. w: [41.0, 30.024689]
  13. global_step and ema: [100.0, 94.069664]
  14. w: [51.0, 39.882935]
  15. global_step and ema: [100.0, 97.47439]
  16. w: [61.0, 49.822563]
  17. global_step and ema: [100.0, 98.924385]
  18. w: [71.0, 59.79685]
  19. global_step and ema: [100.0, 99.541916]
  20. w: [81.0, 69.7859]
  21. global_step and ema: [100.0, 99.80492]
  22. w: [91.0, 79.78124]
  23. global_step and ema: [100.0, 99.916916]
  24. w: [101.0, 89.77926]
  25. global_step and ema: [100.0, 99.96461]

 

最後,怎麼用影子變量來測試?

我因爲其他問題,去測了一把,其實變量本身,還是按變量來恢復的,影子怎麼用上?
現在想看ema的值,用ema.average(w1)就可以,然後,怎麼恢復他們?怎麼把他們恢復到模型上?
restore自動做了嗎?其實是用映射主動替換的!

不指定var_list的時候,原來的'weights'仍然對應'weights',如果指定了var_list映射(var_list有list和dict兩種模式),原來的'weights/ema'會替代'weights',因爲傳進去的是個dict,手動的映射,所以說,無論什麼變量,模型改過命名也不是一定就廢棄了,還是可以手動映射來對上的,只不過比較繁瑣,我這裏就不弄了。

模擬訓練與存儲模型

  1. import tensorflow as tf
  2. #這個變量爲了觀察變化,數值越大,慣性越大,相比實際的W,增長越小越緩慢
  3. #實際應該使用0.9、0.99、0.999等
  4. MOVING_AVERAGE_DECAY = 0.6
  5. #0.1的衰減
  6. # [array([ 10.49953651, 20.49953651, 30.49953651], dtype=float32),
  7. # array([ 10.38866425, 20.38866425, 30.38866425], dtype=float32)]
  8. #0.6的衰減
  9. # [array([ 10.49953651, 20.49953651, 30.49953651], dtype=float32),
  10. # array([ 10.34986782, 20.34986877, 30.34986877], dtype=float32)]
  11. global_step = tf.Variable(0, trainable=False,name='global_step')
  12. with tf.variable_scope("my_scope"):
  13. W = tf.Variable([10,20,30], dtype = tf.float32, name='weights')
  14. y = tf.constant([20,30,40],tf.float32)
  15. loss = tf.reduce_mean(tf.square(W-y))
  16. train_step = tf.train.AdamOptimizer(0.1).minimize(loss,global_step=global_step)
  17. ema = tf.train.ExponentialMovingAverage(MOVING_AVERAGE_DECAY, global_step)#提前把EMA存起來
  18. # ema_op = ema.apply(tf.trainable_variables())
  19. ema_op = ema.apply([W])
  20. with tf.control_dependencies([train_step, ema_op]):
  21. train_op = tf.no_op(name='train')
  22. saver = tf.train.Saver()
  23. with tf.Session() as sess:
  24. tf.global_variables_initializer().run()
  25. print('init,before assign:',sess.run(W))
  26. for i in range(5):
  27. sess.run(train_op)
  28. print('global_step is ',sess.run(global_step))
  29. # sess.run(train_step)
  30. # sess.run(ema_op)
  31. print('W and ema.average:',sess.run([W,ema.average(W)]))
  32. save_path = saver.save(sess, "my_net/save_net_3.ckpt")
  33. print('Save to path:',save_path)
  1. init,before assign: [10. 20. 30.]
  2. global_step is 1
  3. W and ema.average: [array([10.1, 20.1, 30.1], dtype=float32), array([10., 20., 30.], dtype=float32)]
  4. global_step is 2
  5. W and ema.average: [array([10.199972, 20.199972, 30.199972], dtype=float32), array([10.081819, 20.081818, 30.081818], dtype=float32)]
  6. global_step is 3
  7. W and ema.average: [array([10.299898, 20.299898, 30.299898], dtype=float32), array([10.170434, 20.170433, 30.170433], dtype=float32)]
  8. global_step is 4
  9. W and ema.average: [array([10.399759, 20.39976 , 30.39976 ], dtype=float32), array([10.260063, 20.260063, 30.260063], dtype=float32)]
  10. global_step is 5
  11. W and ema.average: [array([10.4995365, 20.499537 , 30.499537 ], dtype=float32), array([10.349868, 20.349869, 30.349869], dtype=float32)]
  12. Save to path: my_net/save_net_3.ckpt

錯誤的模型讀取方式

  1. #如果不指定var_list,普通的W還是按普通的W去提取。
  2. #存[array([ 10.49953651, 20.49953651, 30.49953651], dtype=float32), array([ 10.34986782, 20.34986877, 30.34986877]
  3. #取[ 10.49953651 20.49953651 30.49953651]
  4. import tensorflow as tf
  5. import numpy as np
  6. MOVING_AVERAGE_DECAY = 0.6#0.99
  7. global_step = tf.Variable(0, trainable=False,name='global_step')
  8. with tf.variable_scope("my_scope"):
  9. W2 = tf.Variable([0,0,0], dtype=tf.float32,name='weights')
  10. ema = tf.train.ExponentialMovingAverage(MOVING_AVERAGE_DECAY)
  11. ema_restore = ema.variables_to_restore()##w和w的ema,還有global,只能算指定了ema的綁定關係,不是隻有ema,其實不影響變量自身的讀取
  12. # loader = tf.train.Saver(ema_restore)
  13. loader = tf.train.Saver()
  14. load_path = "my_net/save_net_3.ckpt"
  15. with tf.Session() as sess:
  16. tf.global_variables_initializer().run()
  17. loader.restore(sess, load_path)
  18. print("W2:",sess.run(W2))
  19. # print("W2:",sess.run([W2,ema.average(W2)]))
  20. # print('ema W is :',sess.run(ema_val))
  21. print(sess.run(ema_restore['my_scope/weights/ExponentialMovingAverage']))
  22. print('after run restore')
  23. print(tf.global_variables())

 使用了原始變量而非ema變量,ema等於白做了。

  1. INFO:tensorflow:Restoring parameters from my_net/save_net_3.ckpt
  2. W2: [10.4995365 20.499537 30.499537 ]
  3. [10.4995365 20.499537 30.499537 ]
  4. after run restore
  5. [<tf.Variable 'global_step:0' shape=() dtype=int32_ref>, <tf.Variable 'my_scope/weights:0' shape=(3,) dtype=float32_ref>]

正確的模型讀取方式

這裏有人沒看懂,注意那句ema_restore = ema.variables_to_restore()

這是生成一個dict,讓ema替代原生weights變量,下邊的手寫映射的例子可以解釋

  1. <class 'dict'>: {
  2. 'my_scope/weights/ExponentialMovingAverage': <tf.Variable 'my_scope/weights:0' shape=(3,) dtype=float32_ref>,
  3. 'global_step': <tf.Variable 'global_step:0' shape=() dtype=int32_ref>}

 

  1. #如果指定var_list,普通的W按ema去提取並完成替換。。
  2. #存[array([ 10.49953651, 20.49953651, 30.49953651], dtype=float32), array([ 10.34986782, 20.34986877, 30.34986877]
  3. #取[ 10.34986782 20.34986877 30.34986877]
  4. import tensorflow as tf
  5. import numpy as np
  6. MOVING_AVERAGE_DECAY = 0.6#0.99
  7. global_step = tf.Variable(0, trainable=False,name='global_step')
  8. with tf.variable_scope("my_scope"):
  9. W2 = tf.Variable([0,0,0], dtype=tf.float32,name='weights')
  10. ema = tf.train.ExponentialMovingAverage(MOVING_AVERAGE_DECAY)
  11. ema_restore = ema.variables_to_restore()##w和w的ema,還有global,只能算指定了ema的綁定關係,不是隻有ema,其實不影響變量自身的讀取
  12. print('ema_restore:',ema_restore)#這是一個映射,讓EMA對應普通變量
  13. loader = tf.train.Saver(ema_restore)
  14. load_path = "my_net/save_net_3.ckpt"
  15. with tf.Session() as sess:
  16. tf.global_variables_initializer().run()
  17. loader.restore(sess, load_path)
  18. print("W2:",sess.run(W2))
  19. # print("W2:",sess.run([W2,ema.average(W2)]))
  20. # print('ema W is :',sess.run(ema_val))
  21. print(sess.run(ema_restore['my_scope/weights/ExponentialMovingAverage']))
  22. print('after run restore')
  23. print(tf.global_variables())

正確的使用了EMA維護的變量

  1. ema_restore: {'my_scope/weights/ExponentialMovingAverage': <tf.Variable 'my_scope/weights:0' shape=(3,) dtype=float32_ref>, 'global_step': <tf.Variable 'global_step:0' shape=() dtype=int32_ref>}
  2. INFO:tensorflow:Restoring parameters from my_net/save_net_3.ckpt
  3. W2: [10.349868 20.349869 30.349869]
  4. [10.349868 20.349869 30.349869]
  5. after run restore
  6. [<tf.Variable 'global_step:0' shape=() dtype=int32_ref>, <tf.Variable 'my_scope/weights:0' shape=(3,) dtype=float32_ref>]

補一發手寫的映射通用寫法

{'var_name':tensor}
通過手動指定,顛倒兩個變量的讀取和賦值
tf.train.Saver的var_list其實支持兩種寫法,list和dict,dict中的key是文件中的變量名

  1. import tensorflow as tf
  2. import numpy as np
  3. with tf.variable_scope("my_scope"):
  4. W2 = tf.Variable([1,2,3], dtype=tf.float32,name='weights')
  5. b2 = tf.Variable([2,3,4], dtype=tf.float32,name='biases')
  6. saver = tf.train.Saver()
  7. load_path = "my_net/save_net_4.ckpt"
  8. with tf.Session() as sess:
  9. tf.global_variables_initializer().run()
  10. saver.save(sess, load_path)
  11. print("W2:",sess.run(W2))
  12. print("b2:",sess.run(b2))

這裏根據上邊代碼,手動寫了一個dict映射 

  1. import tensorflow as tf
  2. import numpy as np
  3. with tf.variable_scope("my_scope"):#顛倒一下
  4. b2 = tf.Variable([0,0,0], dtype=tf.float32,name='biases')#看name,這裏本來也是b2和biases對應的
  5. W2 = tf.Variable([0,0,0], dtype=tf.float32,name='weightss')#不同名也無所謂
  6. W3 = tf.Variable([0,0,0], dtype=tf.float32,name='weightsss')
  7. #另外,也不能夠一個變量恢復到兩個tensor,dict中key衝突覆蓋了
  8. restore_map = {'my_scope/weights':b2,'my_scope/biases':W2#,'my_scope/biases':W3
  9. }
  10. loader = tf.train.Saver(restore_map)
  11. load_path = "my_net/save_net_4.ckpt"
  12. with tf.Session() as sess:
  13. tf.global_variables_initializer().run()
  14. loader.restore(sess, load_path)
  15. print("W2:",sess.run(W2))
  16. print("b2:",sess.run(b2))
  17. print("W3:",sess.run(W3))

 

發表評論
所有評論
還沒有人評論,想成為第一個評論的人麼? 請在上方評論欄輸入並且點擊發布.
相關文章