1.Tensorflow的模型到底是什么样的?

Tensorflow模型主要包含网络的设计(图)和训练好的各参数的值等。所以,Tensorflow模型有两个主要的文件:

a) Meta graph:

这是一个协议缓冲区(protocol buffer),它完整地保存了Tensorflow图;即所有的变量、操作、集合等。此文件以 .meta 为拓展名。

b) Checkpoint 文件:

这是一个二进制文件,包含weights、biases、gradients 和其他所有变量的值。此文件以 .ckpt 为扩展名. 但是,从Tensorflow 0.11版本之后做出了一些改变。现在,不再是单一的 .ckpt 文件,而是两个文件(.data和.index).data文件包含了我们的训练变量,稍后再说。

另外,Tensorflow还有一个名为 checkpoint 的文件,仅用于保存最新checkpoint文件保存的记录。

2. 保存一个Tensorflow模型:

比方说你正在训练一个卷积神经网络用于图像分类,你会关注于loss值和accuracy. 一旦你看到网络converged, 你就可以手工停止训练或设置固定的训练迭代次数。训练完成之后,我们想把所有变量值和网络图保存到文件中方便以后使用。所以,为了保存Tensorflow中的图和所有参数的值,我们创建一个tf.train.Saver()类的实例。

saver = tf.train.Saver()

别忘了Tensorflow变量仅存在于session内,所以你必须在session内进行保存,可通过调用创建的saver对象的sava方法实现。

saver.save(sess, path+"model_conv/my-model", global_step=epoch)

其中,sess是session对象,path+"model_conv/my-model"是你对自己模型的路径+命名,global_step表示迭代多少次就保存模型(比如每迭代1000次后保存模型:global_step=1000);如果你想保存最近的4个模型并且每训练两个小时保存一次,可以使用 max_to_keep=4 和 keep_checkpoint_every_n_hours=2

如果我们没有在tf.train.Saver()中指定任何参数,它会保存所有变量。如果我们不想保存全部变量而只是想保存一部分的话,我们可以指定想保存的variables/collections.在创建tf.train.Saver实例时,我们将它传递给我们想要保存的变量的列表或字典。看一个例子:

path = '/data/User/zcc/'
import tensorflow as tf v1 = tf.Variable(tf.constant(1.0, shape=[]), name="v1")
v2 = tf.Variable(tf.constant(2.0, shape=[]), name="v2")
result = v1 + v2
saver = tf.train.Saver([v1,v2])
with tf.Session() as sess:
sess.run(tf.global_variables_initializer())
saver.save(sess, path+"Model_new/model.ckpt")

3.实战详解(简单的卷积神经网络)

下面定义了一个简单的卷积神经网络:有两个卷积层、两个池化层和两个全连接层。并且加载的数据是无意义的数据,模拟的是10张32x32的RGB图像,共4个类别0、1、2、3。这里主要是为了学习模型的保存和调用,对于数据怎样得来和准确率不用在意。

import tensorflow as tf
import numpy as np
import os
# 自定义要加载的训练集
def load_data(resultpath): datapath = os.path.join(resultpath, "data10_4.npz")
# 如果有已经存在的数据,则加载
if os.path.exists(datapath):
data = np.load(datapath)
# 注意提取数值的方法
X, Y = data["X"], data["Y"]
else:
# 加载的数据是无意义的数据,模拟的是10张32x32的RGB图像,共4个类别:、、、
# 将30720个数字化成10****3的张量
X = np.array(np.arange()).reshape(, , , )
Y = [, , , , , , , , , ]
X = X.astype('float32')
Y = np.array(Y)
# 把数据保存成dataset.npz的格式
np.savez(datapath, X=X, Y=Y)
print('Saved dataset to dataset.npz')
# 一种很好用的打印输出显示方式
print('X_shape:{}\nY_shape:{}'.format(X.shape, Y.shape))
return X, Y
# 搭建卷积网络:有两个卷积层、两个池化层和两个全连接层。
def define_model(x):
x_image = tf.reshape(x, [-, , , ])
print ('x_image.shape:',x_image.shape)
def weight_variable(shape):
initial = tf.truncated_normal(shape, stddev=0.1)
return tf.Variable(initial, name="w")
def bias_variable(shape):
initial = tf.constant(0.1, shape=shape)
return tf.Variable(initial, name="b")
def conv3d(x, W):
return tf.nn.conv2d(x, W, strides=[, , , ], padding='SAME')
def max_pool_2d(x):
return tf.nn.max_pool(x, ksize=[, , , ], strides=[, , , ], padding='SAME') with tf.variable_scope("conv1"): # [-,,,]
weights = weight_variable([, , , ])
biases = bias_variable([])
conv1 = tf.nn.relu(conv3d(x_image, weights) + biases)
pool1 = max_pool_2d(conv1) # [-,,,]
with tf.variable_scope("conv2"):
weights = weight_variable([, , , ])
biases = bias_variable([])
conv2 = tf.nn.relu(conv3d(pool1, weights) + biases)
pool2 = max_pool_2d(conv2) # [-,,,] with tf.variable_scope("fc1"):
weights = weight_variable([ * * , ]) # [-,]
biases = bias_variable([])
fc1_flat = tf.reshape(pool2, [-, * * ])
fc1 = tf.nn.relu(tf.matmul(fc1_flat, weights) + biases)
fc1_drop = tf.nn.dropout(fc1, 0.5) # [-,] with tf.variable_scope("fc2"):
weights = weight_variable([, ])
biases = bias_variable([])
fc2 = tf.matmul(fc1_drop, weights) + biases # [-,] return fc2
path = '/data/User/zcc/'
# 训练模型
def train_model(): # 训练数据的占位符
x = tf.placeholder(tf.float32, shape=[None, , , ], name="x")
y_ = tf.placeholder('int64', shape=[None], name="y_")
# 学习率
initial_learning_rate = 0.001
# 定义网络结构,前向传播,得到预测输出
y_fc2 = define_model(x)
# 定义训练集的one-hot标签
y_label = tf.one_hot(y_, , name="y_labels")
# 定义损失函数
loss_temp = tf.losses.softmax_cross_entropy(onehot_labels=y_label, logits=y_fc2)
cross_entropy_loss = tf.reduce_mean(loss_temp) # 训练时的优化器
train_step = tf.train.AdamOptimizer(learning_rate=initial_learning_rate, beta1=0.9, beta2=0.999,
epsilon=1e-).minimize(cross_entropy_loss) # 一样返回True,否则返回False
correct_prediction = tf.equal(tf.argmax(y_fc2, ), tf.argmax(y_label, ))
# 将correct_prediction,转换成指定tf.float32类型
accuracy = tf.reduce_mean(tf.cast(correct_prediction, tf.float32)) # 保存模型,这里做多保存4个模型
saver = tf.train.Saver(max_to_keep=)
# 把预测值加入predict集合
tf.add_to_collection("predict", y_fc2)
tf.add_to_collection("acc", accuracy ) # 定义会话
with tf.Session() as sess:
# 所有变量初始化
sess.run(tf.global_variables_initializer())
print ("------------------------------------------------------")
# 加载训练数据,这里的训练数据是构造的,旨在保存/加载模型的学习
X, Y = load_data(path+"model_conv/") # 这里需要提前新建一个文件夹
X = np.multiply(X, 1.0 / 255.0) for epoch in range(): if epoch % == :
print ("------------------------------------------------------")
train_accuracy = accuracy.eval(feed_dict={x: X, y_: Y})
train_loss = cross_entropy_loss.eval(feed_dict={x: X, y_: Y})
print ("after epoch %d, the loss is %6f" % (epoch, train_loss))
# 这里的正确率是以整体的训练样本为训练样例的
print ("after epoch %d, the acc is %6f" % (epoch, train_accuracy))
saver.save(sess, path+"model_conv/my-model", global_step=epoch)
print ("save the model")
train_step.run(feed_dict={x: X, y_: Y})
print ("------------------------------------------------------")

# 训练模型
train_model()

训练结果:

('x_image.shape:', TensorShape([Dimension(None), Dimension(), Dimension(), Dimension()]))
------------------------------------------------------
Saved dataset to dataset.npz
X_shape:(, , , )
Y_shape:(,)
------------------------------------------------------
after epoch , the loss is 91.338860
after epoch , the acc is 0.200000
save the model
------------------------------------------------------
after epoch , the loss is 19.594559
after epoch , the acc is 0.200000
save the model
------------------------------------------------------
after epoch , the loss is 5.181785
after epoch , the acc is 0.300000
save the model
------------------------------------------------------
after epoch , the loss is 2.592906
after epoch , the acc is 0.400000
save the model
------------------------------------------------------
after epoch , the loss is 1.611863
after epoch , the acc is 0.300000
save the model
------------------------------------------------------
after epoch , the loss is 1.317069
after epoch , the acc is 0.300000
save the model
------------------------------------------------------
after epoch , the loss is 1.313013
after epoch , the acc is 0.400000
save the model
------------------------------------------------------
after epoch , the loss is 1.268448
after epoch , the acc is 0.200000
save the model
------------------------------------------------------
after epoch , the loss is 1.323944
after epoch , the acc is 0.300000
save the model
------------------------------------------------------
after epoch , the loss is 1.276046
after epoch , the acc is 0.300000
save the model
------------------------------------------------------
after epoch , the loss is 1.284416
after epoch , the acc is 0.300000
save the model
------------------------------------------------------
after epoch , the loss is 1.254741
after epoch , the acc is 0.300000
save the model
------------------------------------------------------
after epoch , the loss is 1.354204
after epoch , the acc is 0.300000
save the model
------------------------------------------------------
after epoch , the loss is 1.253812
after epoch , the acc is 0.300000
save the model
------------------------------------------------------
after epoch , the loss is 1.169439
after epoch , the acc is 0.200000
save the model
------------------------------------------------------
after epoch , the loss is 1.263069
after epoch , the acc is 0.500000
save the model
------------------------------------------------------
after epoch , the loss is 1.257510
after epoch , the acc is 0.400000
save the model
------------------------------------------------------
after epoch , the loss is 1.223609
after epoch , the acc is 0.500000
save the model
------------------------------------------------------
after epoch , the loss is 1.214603
after epoch , the acc is 0.500000
save the model
------------------------------------------------------
after epoch , the loss is 1.237759
after epoch , the acc is 0.500000
save the model
------------------------------------------------------

保存模型的文件夹内容如下:

# 利用保存的模型预测新的值,并计算准确值acc
path = '/data/User/zcc/'
def load_model():
# 测试数据构造:模拟2张32x32的RGB图
X = np.array(np.arange(, )).reshape(, , , ) #:张,*:图片大小,:RGB
Y = [, ]
Y = np.array(Y)
X = X.astype('float32')
X = np.multiply(X, 1.0 / 255.0) with tf.Session() as sess:
# 加载元图和权重
saver = tf.train.import_meta_graph(path+'model_conv/my-model-190.meta')
saver.restore(sess, tf.train.latest_checkpoint(path+"model_conv/")) # 获取权重
graph = tf.get_default_graph() #获取当前默认计算图
fc2_w = graph.get_tensor_by_name("fc2/w:0") #get_tensor_by_name后面传入的参数,如果没有重复,需要在后面加上“:0”
fc2_b = graph.get_tensor_by_name("fc2/b:0")
print ("------------------------------------------------------")
#print ('fc2_w:',sess.run(fc2_w))可以打印查看,这里因为数据太多了,显示太占地方了,就不打印了
print ("#######################################")
print ('fc2_b:',sess.run(fc2_b))
print ("------------------------------------------------------") # 预测输出
feed_dict = {"x:0":X, "y_:0":Y}
y = graph.get_tensor_by_name("y_labels:0")
yy = sess.run(y, feed_dict) #将Y转为one-hot类型
print ('yy:',yy)
print ("the answer is: ", sess.run(tf.argmax(yy, )))
print ("------------------------------------------------------") pred_y = tf.get_collection("predict") #拿到原来模型中的"predict",也就是原来模型中计算得到结果y_fc2
print('我用加载的模型来预测新输入的值了!')
pred = sess.run(pred_y, feed_dict)[] #利用原来计算y_fc2的方式计算新喂给网络的数据,即feed_dict = {"x:0":X, "y_:0":Y}
print ('pred:',pred, '\n') #pred是新数据下得到的预测值
pred = sess.run(tf.argmax(pred, ))
print ("the predict is: ", pred)
print ("------------------------------------------------------") acc = tf.get_collection("acc") #同样利用原模型中的计算图acc来计算新预测的准确值
#acc = graph.get_operation_by_name("acc")
acc = sess.run(acc, feed_dict) #acc是新数据下得到的准确值
#print(acc.eval())
print ("the accuracy is: ", acc)
print ("------------------------------------------------------")
load_model()

运行结果:

------------------------------------------------------
#######################################
('fc2_b:', array([0.10513018, 0.07008364, 0.15466481, 0.06231203], dtype=float32))
------------------------------------------------------
('yy:', array([[., ., ., .],
[., ., ., .]], dtype=float32))
('the answer is: ', array([, ]))
------------------------------------------------------
我用加载的模型来预测新输入的值了!
('pred:', array([[ 0.54676336, -0.07104626, -0.02205519, -0.24077414],
[ 0.10513018, 0.07008364, 0.15466481, 0.06231203]],
dtype=float32), '\n')
('the predict is: ', array([, ]))
------------------------------------------------------
('the accuracy is: ', [0.0, 0.0])
------------------------------------------------------

4.模型微调fine-tuning

使用已经预训练好的模型,自己fine-tuning。首先获得pre-traing的graph结构

saver = tf.train.import_meta_graph(path+'my_test_model-1000.meta')

加载参数

saver.restore(sess,tf.train.latest_checkpoint(path))

准备feed_dict:新的训练数据或者测试数据。这样就可以使用同样的模型,训练或者测试不同的数据。

如果想在已有的网络结构上添加新的层,如前面卷积网络,获得fc2时,然后添加了一个全连接层和输出层。(这里的添加网络层没有进行测试)

# pre-train and fine-tuning
fc2 = graph.get_tensor_by_name("fc2/add:0")
fc2 = tf.stop_gradient(fc2) # 将模型的一部分进行冻结
fc2_shape = fc2.get_shape().as_list()
# fine -tuning
new_nums =
weights = tf.Variable(tf.truncated_normal([fc2_shape[], new_nums], stddev=0.1), name="w")
biases = tf.Variable(tf.constant(0.1, shape=[new_nums]), name="b")
conv2 = tf.matmul(fc2, weights) + biases
output2 = tf.nn.softmax(conv2)

参考博客:

https://blog.csdn.net/albert201605/article/details/79994331

https://blog.csdn.net/lilong117194/article/details/82348205

超详细的Tensorflow模型的保存和加载(理论与实战详解)的更多相关文章

  1. 三、TensorFlow模型的保存和加载

    1.模型的保存: import tensorflow as tf v1 = tf.Variable(1.0,dtype=tf.float32) v2 = tf.Variable(2.0,dtype=t ...

  2. tensorflow模型持久化保存和加载

    模型文件的保存 tensorflow将模型保持到本地会生成4个文件: meta文件:保存了网络的图结构,包含变量.op.集合等信息 ckpt文件: 二进制文件,保存了网络中所有权重.偏置等变量数值,分 ...

  3. tensorflow模型持久化保存和加载--深度学习-神经网络

    模型文件的保存 tensorflow将模型保持到本地会生成4个文件: meta文件:保存了网络的图结构,包含变量.op.集合等信息 ckpt文件: 二进制文件,保存了网络中所有权重.偏置等变量数值,分 ...

  4. Python之模型的保存和加载-5.3

    一.模型的保存,主要是我们在训练完成的时候把训练下来的数据保存下来,这个也就是我们后续需要使用的模型算法.模型的加载,在保存好的模型上面我们通过原生保存好的模型,去计算新的数据,这样不用每次都要去训练 ...

  5. 超详细!使用 LVS 实现负载均衡原理及安装配置详解---转

    负载均衡集群是 load balance 集群的简写,翻译成中文就是负载均衡集群.常用的负载均衡开源软件有nginx.lvs.haproxy,商业的硬件负载均衡设备F5.Netscale.这里主要是学 ...

  6. TensorFlow模型保存和加载方法

    TensorFlow模型保存和加载方法 模型保存 import tensorflow as tf w1 = tf.Variable(tf.constant(2.0, shape=[1]), name= ...

  7. keras中的模型保存和加载

    tensorflow中的模型常常是protobuf格式,这种格式既可以是二进制也可以是文本.keras模型保存和加载与tensorflow不同,keras中的模型保存和加载往往是保存成hdf5格式. ...

  8. 从头学pytorch(十二):模型保存和加载

    模型读取和存储 总结下来,就是几个函数 torch.load()/torch.save() 通过python的pickle完成序列化与反序列化.完成内存<-->磁盘转换. Module.s ...

  9. 使用Pytorch在多GPU下保存和加载训练模型参数遇到的问题

    最近使用Pytorch在学习一个深度学习项目,在模型保存和加载过程中遇到了问题,最终通过在网卡查找资料得已解决,故以此记之,以备忘却. 首先,是在使用多GPU进行模型训练的过程中,在保存模型参数时,应 ...

随机推荐

  1. Kubernetes 学习11 kubernetes ingress及ingress controller

    一.上集回顾 1.Service 3种模型:userspace,iptables,ipvs 2.Service类型 ClusterIP,NodePort NodePort:client -> N ...

  2. YAML_09 脚本调用变量+触发器

    ansible]# vim adhttp2.yml --- - hosts: cache   remote_user: root   vars:     server: httpd   tasks: ...

  3. 浏览器在线预览pdf、txt、office文件

    //使用文件预览的原因是:TMD微信浏览器屏蔽掉文件下载链接,只好折中使用文件在线预览功能//要点:1.office文件用微软的插件打开 http://view.officeapps.live.com ...

  4. 数据库(以MySQL为例)

    一.数据库简介 数据库就是数据的仓库,用来按照特定的结构去组织和管理数据,有了数据库可以更加方便.便捷的操作需要保存的数据 不管是什么数据库,最终都是将数据保存到硬盘中,只是存储的格式不同于文本文件 ...

  5. Java为什么会流行

    为什么Java语言能长期占据编程语言排行榜首位? 面向对象设计,使用简单,可以很快速的入门: 开源生态做得好,很多可重用的组件,拿来即用: 跨平台,高性能,是做后台开发的首选 另一方面,Java命好, ...

  6. 使用Django实现发邮件功能

    django实现发送邮件功能   django实现邮件发送功能 1)首先注册一个邮箱,这里以163邮箱为例 2)注册之后登录,进行如下修改 找到设置,设置一个授权码,授权码的目的仅仅是让你有权限发邮件 ...

  7. 【一起来烧脑】读懂Promise知识体系

    知识体系 Promise基础语法,如何处理错误,简单介绍异步函数 内容 错误处理的两种方式: reject('错误信息').then(null, message => {}) throw new ...

  8. UOJ#468. 【ZJOI2019】Minimax搜索 动态DP

    原文链接www.cnblogs.com/zhouzhendong/p/UOJ468.html 前言 毒瘤题 题解 首先,将问题稍加转化,将"等于k"转化为"小于等于k&q ...

  9. 第2组 团队Git现场编程实战

    目录 组员职责分工(1 2分) github 的提交日志截图(2 1分) 程序运行截图(3 3分) 程序运行环境(4 1分) GUI界面(5 5分) 基础功能实现(6 10分) 鼓励有想法且有用的功能 ...

  10. java使用freemark生成word/pdf

    目录 一. 背景 二.实现的技术选型以及遇到的坑 三.最终的效果 2.1 .doc word效果展示 2.1 .docx word效果展示 2.2 docx word转pdf效果展示 三.准备工作及代 ...