91超碰碰碰碰久久久久久综合_超碰av人澡人澡人澡人澡人掠_国产黄大片在线观看画质优化_txt小说免费全本

溫馨提示×

溫馨提示×

您好,登錄后才能下訂單哦!

密碼登錄×
登錄注冊×
其他方式登錄
點擊 登錄注冊 即表示同意《億速云用戶服務條款》

tensorflow 保存模型和取出中間權重例子

發布時間:2020-08-20 10:30:54 來源:腳本之家 閱讀:139 作者:binqiang2wang 欄目:開發技術

下面代碼的功能是先訓練一個簡單的模型,然后保存模型,同時保存到一個pb文件當中,后續可以從pd文件里讀取權重值。

import tensorflow as tf
import numpy as np
import os
import h6py
import pickle
from tensorflow.python.framework import graph_util
from tensorflow.python.platform import gfile
#設置使用指定GPU
os.environ['CUDA_VISIBLE_DEVICES'] = '1'
#下面這段代碼是在訓練好之后將所有的權重名字和權重值羅列出來,訓練的時候需要注釋掉
reader = tf.train.NewCheckpointReader('./model.ckpt-100')
variables = reader.get_variable_to_shape_map()
for ele in variables:
  print(ele)
  print(reader.get_tensor(ele))


x = tf.placeholder(tf.float32, shape=[None, 1])
y = 4 * x + 4

w = tf.Variable(tf.random_normal([1], -1, 1))
b = tf.Variable(tf.zeros([1]))
y_predict = w * x + b


loss = tf.reduce_mean(tf.square(y - y_predict))
optimizer = tf.train.GradientDescentOptimizer(0.5)
train = optimizer.minimize(loss)

isTrain = False#設成True去訓練模型
train_steps = 100
checkpoint_steps = 50
checkpoint_dir = ''


saver = tf.train.Saver() # defaults to saving all variables - in this case w and b
x_data = np.reshape(np.random.rand(10).astype(np.float32), (10, 1))

with tf.Session() as sess:
  sess.run(tf.global_variables_initializer())
  if isTrain:
    for i in xrange(train_steps):
      sess.run(train, feed_dict={x: x_data})
      if (i + 1) % checkpoint_steps == 0:
        saver.save(sess, checkpoint_dir + 'model.ckpt', global_step=i+1)
  else:
    ckpt = tf.train.get_checkpoint_state(checkpoint_dir)
    if ckpt and ckpt.model_checkpoint_path:
      saver.restore(sess, ckpt.model_checkpoint_path)
    else:
      pass   
    print(sess.run(w))
    print(sess.run(b))
    graph_def = tf.get_default_graph().as_graph_def()
    #通過修改下面的函數,個人覺得理論上能夠實現修改權重,但是很復雜,如果哪位有好辦法,歡迎指教
    output_graph_def = graph_util.convert_variables_to_constants(sess, graph_def, ['Variable'])
    with tf.gfile.FastGFile('./test.pb', 'wb') as f:
      f.write(output_graph_def.SerializeToString())


with tf.Session() as sess:
#對應最后一部分的寫,這里能夠將對應的變量取出來
  with gfile.FastGFile('./test.pb', 'rb') as f:
    graph_def = tf.GraphDef()
    graph_def.ParseFromString(f.read())
  res = tf.import_graph_def(graph_def, return_elements=['Variable:0'])
  print(sess.run(res))
  print(sess.run(graph_def))

以上這篇tensorflow 保存模型和取出中間權重例子就是小編分享給大家的全部內容了,希望能給大家一個參考,也希望大家多多支持億速云。

向AI問一下細節

免責聲明:本站發布的內容(圖片、視頻和文字)以原創、轉載和分享為主,文章觀點不代表本網站立場,如果涉及侵權請聯系站長郵箱:is@yisu.com進行舉報,并提供相關證據,一經查實,將立刻刪除涉嫌侵權內容。

AI

太白县| 上饶市| 武乡县| 民勤县| 专栏| 儋州市| 郓城县| 上犹县| 互助| 邹城市| 长沙市| 拉萨市| 沭阳县| 青川县| 河西区| 夹江县| 加查县| 松潘县| 小金县| 大足县| 建平县| 淮安市| 梧州市| 井冈山市| 京山县| 上蔡县| 襄城县| 定南县| 句容市| 三河市| 普洱| 太白县| 武城县| 东台市| 灵台县| 彭州市| 三亚市| 滕州市| 石嘴山市| 万盛区| 新绛县|