当前位置:   article > 正文

tensorflow实现将ckpt转pb文件_.pb文件与.ckpt的关系

.pb文件与.ckpt的关系

tensorflow实现将ckpt转pb文件

尊重原创,转载请注明出处】:https://blog.csdn.net/guyuealian/article/details/82218092

   本博客实现将自己训练保存的ckpt模型转换为pb文件,该方法适用于任何ckpt模型,当然你需要确定ckpt模型输入/输出的节点名称。


目录

tensorflow实现将ckpt转pb文件

一、CKPT 转换成 PB格式

二、 pb模型预测

三、源码下载和资料推荐

    1、训练方法

    2、本博客Github地址

    3、将模型移植Android的方法


   使用 tf.train.saver()保存模型时会产生多个文件,会把计算图的结构和图上参数取值分成了不同的文件存储。这种方法是在TensorFlow中是最常用的保存方式。

    例如:下面的代码运行后,会在save目录下保存了四个文件:

  1. import tensorflow as tf
  2. # 声明两个变量
  3. v1 = tf.Variable(tf.random_normal([1, 2]), name="v1")
  4. v2 = tf.Variable(tf.random_normal([2, 3]), name="v2")
  5. init_op = tf.global_variables_initializer() # 初始化全部变量
  6. saver = tf.train.Saver() # 声明tf.train.Saver类用于保存模型
  7. with tf.Session() as sess:
  8. sess.run(init_op)
  9. print("v1:", sess.run(v1)) # 打印v1、v2的值一会读取之后对比
  10. print("v2:", sess.run(v2))
  11. saver_path = saver.save(sess, "save/model.ckpt") # 将模型保存到save/model.ckpt文件
  12. print("Model saved in file:", saver_path)

    其中

  • checkpoint是检查点文件,文件保存了一个目录下所有的模型文件列表;
  • model.ckpt.meta文件保存了TensorFlow计算图的结构,可以理解为神经网络的网络结构,该文件可以被 tf.train.import_meta_graph 加载到当前默认的图来使用。
  • ckpt.data : 保存模型中每个变量的取值

   但很多时候,我们需要将TensorFlow的模型导出为单个文件(同时包含模型结构的定义与权重),方便在其他地方使用(如在Android中部署网络)。利用tf.train.write_graph()默认情况下只导出了网络的定义(没有权重),而利用tf.train.Saver().save()导出的文件graph_def与权重是分离的,因此需要采用别的方法。 我们知道,graph_def文件中没有包含网络中的Variable值(通常情况存储了权重),但是却包含了constant值,所以如果我们能把Variable转换为constant,即可达到使用一个文件同时存储网络架构与权重的目标。

    TensoFlow为我们提供了convert_variables_to_constants()方法,该方法可以固化模型结构,将计算图中的变量取值以常量的形式保存,而且保存的模型可以移植到Android平台。


一、CKPT 转换成 PB格式

    将CKPT 转换成 PB格式的文件的过程可简述如下:

  • 通过传入 CKPT 模型的路径得到模型的图和变量数据
  • 通过 import_meta_graph 导入模型中的图
  • 通过 saver.restore 从模型中恢复图中各个变量的数据
  • 通过 graph_util.convert_variables_to_constants 将模型持久化

 下面的CKPT 转换成 PB格式例子,是我训练GoogleNet InceptionV3模型保存的ckpt转pb文件的例子,训练过程可参考博客:

使用自己的数据集训练GoogLenet InceptionNet V1 V2 V3模型(TensorFlow)》:https://blog.csdn.net/guyuealian/article/details/81560537

  1. def freeze_graph(input_checkpoint,output_graph):
  2. '''
  3. :param input_checkpoint:
  4. :param output_graph: PB模型保存路径
  5. :return:
  6. '''
  7. # checkpoint = tf.train.get_checkpoint_state(model_folder) #检查目录下ckpt文件状态是否可用
  8. # input_checkpoint = checkpoint.model_checkpoint_path #得ckpt文件路径
  9. # 指定输出的节点名称,该节点名称必须是原模型中存在的节点
  10. output_node_names = "InceptionV3/Logits/SpatialSqueeze"
  11. saver = tf.train.import_meta_graph(input_checkpoint + '.meta', clear_devices=True)
  12. graph = tf.get_default_graph() # 获得默认的图
  13. input_graph_def = graph.as_graph_def() # 返回一个序列化的图代表当前的图
  14. with tf.Session() as sess:
  15. saver.restore(sess, input_checkpoint) #恢复图并得到数据
  16. output_graph_def = graph_util.convert_variables_to_constants( # 模型持久化,将变量值固定
  17. sess=sess,
  18. input_graph_def=input_graph_def,# 等于:sess.graph_def
  19. output_node_names=output_node_names.split(","))# 如果有多个输出节点,以逗号隔开
  20. with tf.gfile.GFile(output_graph, "wb") as f: #保存模型
  21. f.write(output_graph_def.SerializeToString()) #序列化输出
  22. print("%d ops in the final graph." % len(output_graph_def.node)) #得到当前图有几个操作节点
  23. # for op in graph.get_operations():
  24. # print(op.name, op.values())

说明:

1、函数freeze_graph中,最重要的就是要确定“指定输出的节点名称”,这个节点名称必须是原模型中存在的节点,对于freeze操作,我们需要定义输出结点的名字。因为网络其实是比较复杂的,定义了输出结点的名字,那么freeze的时候就只把输出该结点所需要的子图都固化下来,其他无关的就舍弃掉。因为我们freeze模型的目的是接下来做预测。所以,output_node_names一般是网络模型最后一层输出的节点名称,或者说就是我们预测的目标。

 2、在保存的时候,通过convert_variables_to_constants函数来指定需要固化的节点名称,对于鄙人的代码,需要固化的节点只有一个:output_node_names。注意节点名称张量的名称的区别,例如:“input:0”是张量的名称,而"input"表示的是节点的名称。

3、源码中通过graph = tf.get_default_graph()获得默认的图,这个图就是由saver = tf.train.import_meta_graph(input_checkpoint + '.meta', clear_devices=True)恢复的图,因此必须先执行tf.train.import_meta_graph,再执行tf.get_default_graph() 。

4、实质上,我们可以直接在恢复的会话sess中,获得默认的网络图,更简单的方法,如下:

  1. def freeze_graph(input_checkpoint,output_graph):
  2. '''
  3. :param input_checkpoint:
  4. :param output_graph: PB模型保存路径
  5. :return:
  6. '''
  7. # checkpoint = tf.train.get_checkpoint_state(model_folder) #检查目录下ckpt文件状态是否可用
  8. # input_checkpoint = checkpoint.model_checkpoint_path #得ckpt文件路径
  9. # 指定输出的节点名称,该节点名称必须是原模型中存在的节点
  10. output_node_names = "InceptionV3/Logits/SpatialSqueeze"
  11. saver = tf.train.import_meta_graph(input_checkpoint + '.meta', clear_devices=True)
  12. with tf.Session() as sess:
  13. saver.restore(sess, input_checkpoint) #恢复图并得到数据
  14. output_graph_def = graph_util.convert_variables_to_constants( # 模型持久化,将变量值固定
  15. sess=sess,
  16. input_graph_def=sess.graph_def,# 等于:sess.graph_def
  17. output_node_names=output_node_names.split(","))# 如果有多个输出节点,以逗号隔开
  18. with tf.gfile.GFile(output_graph, "wb") as f: #保存模型
  19. f.write(output_graph_def.SerializeToString()) #序列化输出
  20. print("%d ops in the final graph." % len(output_graph_def.node)) #得到当前图有几个操作节点

调用方法很简单,输入ckpt模型路径,输出pb模型的路径即可:

  1. # 输入ckpt模型路径
  2. input_checkpoint='models/model.ckpt-10000'
  3. # 输出pb模型的路径
  4. out_pb_path="models/pb/frozen_model.pb"
  5. # 调用freeze_graph将ckpt转为pb
  6. freeze_graph(input_checkpoint,out_pb_path)

5、上面以及说明:在保存的时候,通过convert_variables_to_constants函数来指定需要固化的节点名称,对于鄙人的代码,需要固化的节点只有一个:output_node_names。因此,其他网络模型,也可以通过简单的修改输出的节点名称output_node_names,将ckpt转为pb文件 。

       PS:注意节点名称,应包含name_scope 和 variable_scope命名空间,并用“/”隔开,如"InceptionV3/Logits/SpatialSqueeze"


二、 pb模型预测

    下面是预测pb模型的代码

  1. def freeze_graph_test(pb_path, image_path):
  2. '''
  3. :param pb_path:pb文件的路径
  4. :param image_path:测试图片的路径
  5. :return:
  6. '''
  7. with tf.Graph().as_default():
  8. output_graph_def = tf.GraphDef()
  9. with open(pb_path, "rb") as f:
  10. output_graph_def.ParseFromString(f.read())
  11. tf.import_graph_def(output_graph_def, name="")
  12. with tf.Session() as sess:
  13. sess.run(tf.global_variables_initializer())
  14. # 定义输入的张量名称,对应网络结构的输入张量
  15. # input:0作为输入图像,keep_prob:0作为dropout的参数,测试时值为1,is_training:0训练参数
  16. input_image_tensor = sess.graph.get_tensor_by_name("input:0")
  17. input_keep_prob_tensor = sess.graph.get_tensor_by_name("keep_prob:0")
  18. input_is_training_tensor = sess.graph.get_tensor_by_name("is_training:0")
  19. # 定义输出的张量名称
  20. output_tensor_name = sess.graph.get_tensor_by_name("InceptionV3/Logits/SpatialSqueeze:0")
  21. # 读取测试图片
  22. im=read_image(image_path,resize_height,resize_width,normalization=True)
  23. im=im[np.newaxis,:]
  24. # 测试读出来的模型是否正确,注意这里传入的是输出和输入节点的tensor的名字,不是操作节点的名字
  25. # out=sess.run("InceptionV3/Logits/SpatialSqueeze:0", feed_dict={'input:0': im,'keep_prob:0':1.0,'is_training:0':False})
  26. out=sess.run(output_tensor_name, feed_dict={input_image_tensor: im,
  27. input_keep_prob_tensor:1.0,
  28. input_is_training_tensor:False})
  29. print("out:{}".format(out))
  30. score = tf.nn.softmax(out, name='pre')
  31. class_id = tf.argmax(score, 1)
  32. print "pre class_id:{}".format(sess.run(class_id))

说明:

1、与ckpt预测不同的是,pb文件已经固化了网络模型结构,因此,即使不知道原训练模型(train)的源码,我们也可以恢复网络图,并进行预测。恢复模型十分简单,只需要从读取的序列化数据中导入网络结构即可:

tf.import_graph_def(output_graph_def, name="")

2、但必须知道原网络模型的输入和输出的节点名称(当然了,传递数据时,是通过输入输出的张量来完成的)。由于InceptionV3模型的输入有三个节点,因此这里需要定义输入的张量名称,它对应网络结构的输入张量:

  1. input_image_tensor = sess.graph.get_tensor_by_name("input:0")
  2. input_keep_prob_tensor = sess.graph.get_tensor_by_name("keep_prob:0")
  3. input_is_training_tensor = sess.graph.get_tensor_by_name("is_training:0")

以及输出的张量名称:

output_tensor_name = sess.graph.get_tensor_by_name("InceptionV3/Logits/SpatialSqueeze:0")

3、预测时,需要feed输入数据:

  1. # 测试读出来的模型是否正确,注意这里传入的是输出和输入节点的tensor的名字,不是操作节点的名字
  2. # out=sess.run("InceptionV3/Logits/SpatialSqueeze:0", feed_dict={'input:0': im,'keep_prob:0':1.0,'is_training:0':False})
  3. out=sess.run(output_tensor_name, feed_dict={input_image_tensor: im,
  4. input_keep_prob_tensor:1.0,
  5. input_is_training_tensor:False})

 4、其他网络模型预测时,也可以通过修改输入和输出的张量的名称 。

       PS:注意张量的名称,即为:节点名称+“:”+“id号”,如"InceptionV3/Logits/SpatialSqueeze:0"

完整的CKPT 转换成 PB格式和预测的代码如下:

  1. # -*-coding: utf-8 -*-
  2. """
  3. @Project: tensorflow_models_nets
  4. @File : convert_pb.py
  5. @Author : panjq
  6. @E-mail : pan_jinquan@163.com
  7. @Date : 2018-08-29 17:46:50
  8. @info :
  9. -通过传入 CKPT 模型的路径得到模型的图和变量数据
  10. -通过 import_meta_graph 导入模型中的图
  11. -通过 saver.restore 从模型中恢复图中各个变量的数据
  12. -通过 graph_util.convert_variables_to_constants 将模型持久化
  13. """
  14. import tensorflow as tf
  15. from create_tf_record import *
  16. from tensorflow.python.framework import graph_util
  17. resize_height = 299 # 指定图片高度
  18. resize_width = 299 # 指定图片宽度
  19. depths = 3
  20. def freeze_graph_test(pb_path, image_path):
  21. '''
  22. :param pb_path:pb文件的路径
  23. :param image_path:测试图片的路径
  24. :return:
  25. '''
  26. with tf.Graph().as_default():
  27. output_graph_def = tf.GraphDef()
  28. with open(pb_path, "rb") as f:
  29. output_graph_def.ParseFromString(f.read())
  30. tf.import_graph_def(output_graph_def, name="")
  31. with tf.Session() as sess:
  32. sess.run(tf.global_variables_initializer())
  33. # 定义输入的张量名称,对应网络结构的输入张量
  34. # input:0作为输入图像,keep_prob:0作为dropout的参数,测试时值为1,is_training:0训练参数
  35. input_image_tensor = sess.graph.get_tensor_by_name("input:0")
  36. input_keep_prob_tensor = sess.graph.get_tensor_by_name("keep_prob:0")
  37. input_is_training_tensor = sess.graph.get_tensor_by_name("is_training:0")
  38. # 定义输出的张量名称
  39. output_tensor_name = sess.graph.get_tensor_by_name("InceptionV3/Logits/SpatialSqueeze:0")
  40. # 读取测试图片
  41. im=read_image(image_path,resize_height,resize_width,normalization=True)
  42. im=im[np.newaxis,:]
  43. # 测试读出来的模型是否正确,注意这里传入的是输出和输入节点的tensor的名字,不是操作节点的名字
  44. # out=sess.run("InceptionV3/Logits/SpatialSqueeze:0", feed_dict={'input:0': im,'keep_prob:0':1.0,'is_training:0':False})
  45. out=sess.run(output_tensor_name, feed_dict={input_image_tensor: im,
  46. input_keep_prob_tensor:1.0,
  47. input_is_training_tensor:False})
  48. print("out:{}".format(out))
  49. score = tf.nn.softmax(out, name='pre')
  50. class_id = tf.argmax(score, 1)
  51. print "pre class_id:{}".format(sess.run(class_id))
  52. def freeze_graph(input_checkpoint,output_graph):
  53. '''
  54. :param input_checkpoint:
  55. :param output_graph: PB模型保存路径
  56. :return:
  57. '''
  58. # checkpoint = tf.train.get_checkpoint_state(model_folder) #检查目录下ckpt文件状态是否可用
  59. # input_checkpoint = checkpoint.model_checkpoint_path #得ckpt文件路径
  60. # 指定输出的节点名称,该节点名称必须是原模型中存在的节点
  61. output_node_names = "InceptionV3/Logits/SpatialSqueeze"
  62. saver = tf.train.import_meta_graph(input_checkpoint + '.meta', clear_devices=True)
  63. with tf.Session() as sess:
  64. saver.restore(sess, input_checkpoint) #恢复图并得到数据
  65. output_graph_def = graph_util.convert_variables_to_constants( # 模型持久化,将变量值固定
  66. sess=sess,
  67. input_graph_def=sess.graph_def,# 等于:sess.graph_def
  68. output_node_names=output_node_names.split(","))# 如果有多个输出节点,以逗号隔开
  69. with tf.gfile.GFile(output_graph, "wb") as f: #保存模型
  70. f.write(output_graph_def.SerializeToString()) #序列化输出
  71. print("%d ops in the final graph." % len(output_graph_def.node)) #得到当前图有几个操作节点
  72. # for op in sess.graph.get_operations():
  73. # print(op.name, op.values())
  74. def freeze_graph2(input_checkpoint,output_graph):
  75. '''
  76. :param input_checkpoint:
  77. :param output_graph: PB模型保存路径
  78. :return:
  79. '''
  80. # checkpoint = tf.train.get_checkpoint_state(model_folder) #检查目录下ckpt文件状态是否可用
  81. # input_checkpoint = checkpoint.model_checkpoint_path #得ckpt文件路径
  82. # 指定输出的节点名称,该节点名称必须是原模型中存在的节点
  83. output_node_names = "InceptionV3/Logits/SpatialSqueeze"
  84. saver = tf.train.import_meta_graph(input_checkpoint + '.meta', clear_devices=True)
  85. graph = tf.get_default_graph() # 获得默认的图
  86. input_graph_def = graph.as_graph_def() # 返回一个序列化的图代表当前的图
  87. with tf.Session() as sess:
  88. saver.restore(sess, input_checkpoint) #恢复图并得到数据
  89. output_graph_def = graph_util.convert_variables_to_constants( # 模型持久化,将变量值固定
  90. sess=sess,
  91. input_graph_def=input_graph_def,# 等于:sess.graph_def
  92. output_node_names=output_node_names.split(","))# 如果有多个输出节点,以逗号隔开
  93. with tf.gfile.GFile(output_graph, "wb") as f: #保存模型
  94. f.write(output_graph_def.SerializeToString()) #序列化输出
  95. print("%d ops in the final graph." % len(output_graph_def.node)) #得到当前图有几个操作节点
  96. # for op in graph.get_operations():
  97. # print(op.name, op.values())
  98. if __name__ == '__main__':
  99. # 输入ckpt模型路径
  100. input_checkpoint='models/model.ckpt-10000'
  101. # 输出pb模型的路径
  102. out_pb_path="models/pb/frozen_model.pb"
  103. # 调用freeze_graph将ckpt转为pb
  104. freeze_graph(input_checkpoint,out_pb_path)
  105. # 测试pb模型
  106. image_path = 'test_image/animal.jpg'
  107. freeze_graph_test(pb_path=out_pb_path, image_path=image_path)

三、源码下载和资料推荐

    1、训练方法

     上面的CKPT 转换成 PB格式例子,是我训练GoogleNet InceptionV3模型保存的ckpt转pb文件的例子,训练过程可参考博客:

使用自己的数据集训练GoogLenet InceptionNet V1 V2 V3模型(TensorFlow)》:https://blog.csdn.net/guyuealian/article/details/81560537

    2、本博客Github地址

Github源码:https://github.com/PanJinquan/tensorflow_models_learning中的convert_pb.py文件

预训练模型下载地址:https://download.csdn.net/download/guyuealian/10610847

    3、将模型移植Android的方法

     pb文件是可以移植到Android平台运行的,其方法,可参考:

《将tensorflow训练好的模型移植到Android (MNIST手写数字识别)》

https://blog.csdn.net/guyuealian/article/details/79672257

 

声明:本文内容由网友自发贡献,转载请注明出处:【wpsshop】
推荐阅读
相关标签
  

闽ICP备14008679号