gpt4 book ai didi

python - 将 tf1.x saved_model.pb 重新保存到新的 tf2.0 saved_model.pb

转载 作者:行者123 更新时间:2023-12-04 13:39:33 27 4
gpt4 key购买 nike

我有一个旧的训练有素的 tf1.x 模型(让它成为 Model1 ),用占位符、tf.contrib 等构建。我可以通过从 tf.Session(在 tf1.x 中)中的 .ckpt 检查点恢复图形来使用这个模型。
我解决了使用 的最简单方法型号1 是导出它:

# tf1.x code
tf.saved_model.simple_save(sess, saved_Model1_path,
inputs={'input':'Placeholder:0'}, outputs={'output':'.../Sigmoid:0'})

即使在 tf2.0 中,我也可以使用获得的 saved_model.pb:
# tf2.0 code
Model1 = tf.saved_model.load(saved_Model1_path)
out = Model1.signatures['serving_default'](tf.convert_to_tensor(data))['output'].numpy()
out = Model1.signatures['serving_default'].prune('Placeholder:0', '.../Sigmoid:0')(data)
out = Model1.prune('Placeholder:0', '.../Sigmoid:0')(data)

现在想象一下,我有一个用 tf2.0 tf.function 编写的前/后处理。

祝 build 预处理 -> Model1-> 后处理 将在 tf2.0 中的单个 saved_model.pb 中导出。
由于 的saved_model.pb 导致的问题来了型号1 利用 tf.Placeholders (像这样,我不是这里的专家)。

同时,我可以轻松地从其他 tf2.0 导出模型构建 saved_model.pb:
import os
import tensorflow as tf
assert tf.__version__[0] == '2'

class M1(tf.Module):
def __init__(self):
super(M1, self).__init__()
self.v = tf.Variable(2.)
@tf.function(input_signature=[tf.TensorSpec([], tf.float32)])
def M1_func(self, x):
return x * self.v

# build some saved_model.pb
m1 = M1()
path_1 = './save1'
path_to_save = os.path.realpath(path_1)
tf.saved_model.save(m1, path_to_save)

# load built saved_model.pb and check it works
m1 = tf.saved_model.load(path_1)
assert 6 == m1.M1_func(3.).numpy()

# build other saved_model.pb using first saved_model.pb as a part of computing graph
class M2(tf.Module):
def __init__(self):
super(M2, self).__init__()
self.run = m1
self.v = tf.Variable(3.)
@tf.function(input_signature=[tf.TensorSpec([], tf.float32)])
def M2_func(self, x):
return self.run.M1_func(x) * self.v
m2 = M2()
path_2 = './save2'
path_to_save = os.path.realpath(path_2)
tf.saved_model.save(m2, path_to_save)

m2 = tf.saved_model.load(path_2)
assert 18 == m2.M2_func(3.).numpy()

但是当我尝试做同样的事情时,除了在 tf1.x 保存时从 tf2.0 中替换第一个 saved_model.pb,它不起作用:
# save first saved_model.pb with tf1.x
import tensorflow as tf
assert tf.__version__[0] == '1'
inp = tf.placeholder(shape=[],dtype=tf.float32)
a = tf.Variable(1.5)
out = a*inp
sess = tf.Session()
sess.run(tf.global_variables_initializer())
assert 7.5 == out.eval({inp:5.}, sess)
path_3 = './save3'
path_to_save = os.path.realpath(path_3)
tf.saved_model.simple_save(sess, path_to_save, inputs={'input': inp}, outputs={'output': out})

现在切换到 tf2.0 并尝试使用第一个作为计算图的一部分构建新的 saved_model.pb:
import os
import tensorflow as tf
assert tf.__version__[0] == '2'

path_3 = './save3'
path_to_save = os.path.realpath(path_3)
m1 = tf.saved_model.load(path_to_save)

class M2(tf.Module):
def __init__(self):
super(M2, self).__init__()
self.run = m1.signatures['serving_default'].prune('Placeholder:0', 'mul:0')
self.v = tf.Variable(3.)

@tf.function(input_signature=[tf.TensorSpec([], tf.float32)])
def M2_func(self, x):
return self.run(x) * self.v

m2 = M2()
assert 22.5 == m2.M2_func(5.) # ofc eager execution works

# now save M2 to saved_model.pb and check it works (it does not)
path_4 = './save4'
path_to_save = os.path.realpath(path_4)
tf.saved_model.save(m2, path_to_save)
m2 = tf.saved_model.load(path_4)
m2.M2_func(5.) # error:
tensorflow.python.framework.errors_impl.FailedPreconditionError:  Attempting to use uninitialized value StatefulPartitionedCall/StatefulPartitionedCall/Variable
[[{{node StatefulPartitionedCall/StatefulPartitionedCall/Variable/read}}]] [Op:__inference_restored_function_body_207]

Function call stack:
restored_function_body

所以问题是:如何在 tf2.0 中的单个 saved_model.pb 中保存此架构

预处理 (tf2.0 @tf.function) -> 模型 1 (saved_model.pb 在 tf1.x 中创建) -> 后处理 (tf2.0 @tf.function)

最佳答案

问题解决了。看看这个导出函数以及如何使用它。此函数实现接受单个输入张量名称和输出张量名称列表。

import tensorflow as tf

def export_tf1(session, in_tnsr_fullname, out_tnsrS_fullname, export_dir='./export'):
assert isinstance(in_tnsr_fullname, str)
assert all([isinstance(out_tnsr_fullname, str) for out_tnsr_fullname in out_tnsrS_fullname])

in_tnsr_name = in_tnsr_fullname.split(':')[0]
out_tnsrS_name = [out_tnsr_fullname.split(':')[0] for out_tnsr_fullname in out_tnsrS_fullname]

graph_def = tf.graph_util.convert_variables_to_constants(session, session.graph.as_graph_def(), out_tnsrS_name)

tf.reset_default_graph()
outs = tf.import_graph_def(graph_def, name="", return_elements=out_tnsrS_fullname)
g = outs[0].graph

builder = tf.saved_model.builder.SavedModelBuilder(export_dir)

with tf.Session(graph=g) as sess:
input_signatures = {in_tnsr_name: g.get_tensor_by_name(in_tnsr_fullname)}
output_signatures = {}
for out_tnsr_name, out_tnsr_fullname in zip(out_tnsrS_name, out_tnsrS_fullname):
output_signatures[out_tnsr_name] = g.get_tensor_by_name(out_tnsr_fullname)
signature = tf.saved_model.signature_def_utils.predict_signature_def(input_signatures, output_signatures)

builder.add_meta_graph_and_variables(
sess,
[tf.saved_model.tag_constants.SERVING],
{tf.saved_model.signature_constants.DEFAULT_SERVING_SIGNATURE_DEF_KEY: signature},
clear_devices=True
)

builder.save()
如何使用导出函数从 tf1_ckpt 检查点接收 .pb:
import tensorflow as tf
assert tf.__version__[0] == '1'

g = tf.get_default_graph()
sess = tf.Session(graph=g)
ckpt_tf1_path = 'some_directory/name.ckpt' # just an example
tf.train.Saver().restore(sess, ckpt_tf1_path)
input_tensor_name = 'x_tnsr:0' # just an example
out_tensor_name = 'y_tnsr:0' # just an example
export_tf1(sess, input_tensor_name, [out_tensor_name], export_dir)
如何使用 tf2.0 在 .pb 中重用来自 tf1_ckpt 的 .pb:
import tensorflow as tf
assert tf.__version__[0] == '2'

class Export(tf.Module):
def __init__(self):
super(Export, self).__init__()
tf1_saved_model_directory = 'directory/saved_model' # just an example
self.tf1_model = tf.saved_model.load(tf1_saved_model_directory)
input_tensor_name = 'x_tnsr:0' # just an example
out_tensor_name = 'y_tnsr:0' # just an example
self.tf1_model = self.tf1_model.prune(input_tensor_name, out_tensor_name)

@tf.function
def __call__(self, x):
out = self.tf1_model(x)
return out

export_dir = './saved_model'
tf.saved_model.save(Export(), export_dir)

关于python - 将 tf1.x saved_model.pb 重新保存到新的 tf2.0 saved_model.pb,我们在Stack Overflow上找到一个类似的问题: https://stackoverflow.com/questions/59504276/

27 4 0
Copyright 2021 - 2024 cfsdn All Rights Reserved 蜀ICP备2022000587号
广告合作:1813099741@qq.com 6ren.com