ChatGPT解决这个技术问题 Extra ChatGPT

训练后如何保存/恢复模型?

在 Tensorflow 中训练模型后:

你如何保存训练好的模型?你以后如何恢复这个保存的模型?

您是否能够恢复初始模型中使用的变量?我也在尝试完全相同的问题,但我无法编写训练初始模型时使用的一组变量(我有 ckpt 文件)
我还没有尝试过初始模型。你有模型的网络结构和它的名字吗?正如 Ryan 解释的那样,您必须复制网络,然后加载权重和偏差(ckpt 文件)。也许自 15 年 11 月以来发生了一些变化,现在有一种更直接的方法,我不确定
哦,好的。我之前已经加载了其他预训练的张量流模型,但正在寻找初始模型的可变规格。谢谢。
如果您恢复继续训练,只需使用 Saver 检查点。如果您保存模型以进行参考,则只需使用 tensorflow SavedModel API。
此外,如果您使用 LSTM,您将拥有从字符串到字符列表的映射,请确保以相同的顺序保存和加载该列表!保存模型权重和模型图网络不涵盖这一点,并且会在您更改会话或数据更改时看起来好像您的模型没有加载。

P
Prags

我正在改进我的答案以添加更多用于保存和恢复模型的详细信息。

在(及之后)Tensorflow 0.11 版中:

保存模型:

import tensorflow as tf

#Prepare to feed input, i.e. feed_dict and placeholders
w1 = tf.placeholder("float", name="w1")
w2 = tf.placeholder("float", name="w2")
b1= tf.Variable(2.0,name="bias")
feed_dict ={w1:4,w2:8}

#Define a test operation that we will restore
w3 = tf.add(w1,w2)
w4 = tf.multiply(w3,b1,name="op_to_restore")
sess = tf.Session()
sess.run(tf.global_variables_initializer())

#Create a saver object which will save all the variables
saver = tf.train.Saver()

#Run the operation by feeding input
print sess.run(w4,feed_dict)
#Prints 24 which is sum of (w1+w2)*b1 

#Now, save the graph
saver.save(sess, 'my_test_model',global_step=1000)

恢复模型:

import tensorflow as tf

sess=tf.Session()    
#First let's load meta graph and restore weights
saver = tf.train.import_meta_graph('my_test_model-1000.meta')
saver.restore(sess,tf.train.latest_checkpoint('./'))


# Access saved Variables directly
print(sess.run('bias:0'))
# This will print 2, which is the value of bias that we saved


# Now, let's access and create placeholders variables and
# create feed-dict to feed new data

graph = tf.get_default_graph()
w1 = graph.get_tensor_by_name("w1:0")
w2 = graph.get_tensor_by_name("w2:0")
feed_dict ={w1:13.0,w2:17.0}

#Now, access the op that you want to run. 
op_to_restore = graph.get_tensor_by_name("op_to_restore:0")

print sess.run(op_to_restore,feed_dict)
#This will print 60 which is calculated 

这个和一些更高级的用例在这里得到了很好的解释。

A quick complete tutorial to save and restore Tensorflow models


+1 for this # Access saved Variables directly print(sess.run('bias:0')) # 这将打印 2,这是我们保存的偏差值。它对调试目的有很大帮助,以查看模型是否正确加载。变量可以通过 "All_varaibles = tf.get_collection(tf.GraphKeys.GLOBAL_VARIABLES" 获得。此外,"sess.run(tf.global_variables_initializer())" 必须在恢复之前。
您确定我们必须再次运行 global_variables_initializer 吗?我用 global_variable_initialization 恢复了我的图表,每次在相同的数据上它都会给我不同的输出。所以我注释掉了初始化,只是恢复了图形、输入变量和操作,现在它工作正常了。
@AdityaShinde 我不明白为什么每次我总是得到不同的值。而且我没有包括用于恢复的变量初始化步骤。顺便说一句,我正在使用我自己的代码。
@AdityaShinde:您不需要 init op 因为值已经由 restore 函数初始化,因此将其删除。但是,我不确定为什么使用 init op 确实得到了不同的输出。
@sankit 当您恢复张量时,为什么要将 :0 添加到名称中?
n
nbro

在 TensorFlow 0.11.0RC1(及之后)版本中,您可以根据 https://www.tensorflow.org/programmers_guide/meta_graph 调用 tf.train.export_meta_graphtf.train.import_meta_graph 直接保存和恢复模型。

保存模型

w1 = tf.Variable(tf.truncated_normal(shape=[10]), name='w1')
w2 = tf.Variable(tf.truncated_normal(shape=[20]), name='w2')
tf.add_to_collection('vars', w1)
tf.add_to_collection('vars', w2)
saver = tf.train.Saver()
sess = tf.Session()
sess.run(tf.global_variables_initializer())
saver.save(sess, 'my-model')
# `save` method will call `export_meta_graph` implicitly.
# you will get saved graph files:my-model.meta

恢复模型

sess = tf.Session()
new_saver = tf.train.import_meta_graph('my-model.meta')
new_saver.restore(sess, tf.train.latest_checkpoint('./'))
all_vars = tf.get_collection('vars')
for v in all_vars:
    v_ = sess.run(v)
    print(v_)

如何从保存的模型中加载变量?如何复制其他变量中的值?
我无法使此代码正常工作。模型确实保存了,但我无法恢复它。它给了我这个错误。 <built-in function TF_Run> returned a result with an error set
恢复后我访问如上所示的变量时,它可以工作。但我无法更直接地使用 tf.get_variable_scope().reuse_variables() 后跟 var = tf.get_variable("varname") 来获取变量。这给了我错误:“ValueError:变量 varname 不存在,或者不是用 tf.get_variable() 创建的。”为什么?这不应该吗?
这仅适用于变量,但如何在恢复图形后访问占位符并为其提供值?
这仅显示如何恢复变量。如何在不重新定义网络的情况下恢复整个模型并在新数据上对其进行测试?
t
ted

TensorFlow 2 文档

保存检查点

改编自 the docs

# -------------------------
# -----  Toy Context  -----
# -------------------------
import tensorflow as tf


class Net(tf.keras.Model):
    """A simple linear model."""

    def __init__(self):
        super(Net, self).__init__()
        self.l1 = tf.keras.layers.Dense(5)

    def call(self, x):
        return self.l1(x)


def toy_dataset():
    inputs = tf.range(10.0)[:, None]
    labels = inputs * 5.0 + tf.range(5.0)[None, :]
    return (
        tf.data.Dataset.from_tensor_slices(dict(x=inputs, y=labels)).repeat().batch(2)
    )


def train_step(net, example, optimizer):
    """Trains `net` on `example` using `optimizer`."""
    with tf.GradientTape() as tape:
        output = net(example["x"])
        loss = tf.reduce_mean(tf.abs(output - example["y"]))
    variables = net.trainable_variables
    gradients = tape.gradient(loss, variables)
    optimizer.apply_gradients(zip(gradients, variables))
    return loss


# ----------------------------
# -----  Create Objects  -----
# ----------------------------

net = Net()
opt = tf.keras.optimizers.Adam(0.1)
dataset = toy_dataset()
iterator = iter(dataset)
ckpt = tf.train.Checkpoint(
    step=tf.Variable(1), optimizer=opt, net=net, iterator=iterator
)
manager = tf.train.CheckpointManager(ckpt, "./tf_ckpts", max_to_keep=3)

# ----------------------------
# -----  Train and Save  -----
# ----------------------------

ckpt.restore(manager.latest_checkpoint)
if manager.latest_checkpoint:
    print("Restored from {}".format(manager.latest_checkpoint))
else:
    print("Initializing from scratch.")

for _ in range(50):
    example = next(iterator)
    loss = train_step(net, example, opt)
    ckpt.step.assign_add(1)
    if int(ckpt.step) % 10 == 0:
        save_path = manager.save()
        print("Saved checkpoint for step {}: {}".format(int(ckpt.step), save_path))
        print("loss {:1.2f}".format(loss.numpy()))


# ---------------------
# -----  Restore  -----
# ---------------------

# In another script, re-initialize objects
opt = tf.keras.optimizers.Adam(0.1)
net = Net()
dataset = toy_dataset()
iterator = iter(dataset)
ckpt = tf.train.Checkpoint(
    step=tf.Variable(1), optimizer=opt, net=net, iterator=iterator
)
manager = tf.train.CheckpointManager(ckpt, "./tf_ckpts", max_to_keep=3)

# Re-use the manager code above ^

ckpt.restore(manager.latest_checkpoint)
if manager.latest_checkpoint:
    print("Restored from {}".format(manager.latest_checkpoint))
else:
    print("Initializing from scratch.")

for _ in range(50):
    example = next(iterator)
    # Continue training or evaluate etc.

更多链接

关于 saved_model 的详尽而有用的教程 -> https://www.tensorflow.org/guide/saved_model

keras 保存模型的详细指南-> https://www.tensorflow.org/guide/keras/save_and_serialize

检查点捕获模型使用的所有参数(tf.Variable 对象)的确切值。检查点不包含模型定义的计算的任何描述,因此通常仅在使用保存的参数值的源代码可用时才有用。另一方面,SavedModel 格式除了参数值(检查点)之外,还包括模型定义的计算的序列化描述。这种格式的模型独立于创建模型的源代码。因此,它们适合通过 TensorFlow Serving、TensorFlow Lite、TensorFlow.js 或其他编程语言(C、C++、Java、Go、Rust、C# 等 TensorFlow API)的程序进行部署。

(重点是我自己的)

张量流 < 2

从文档:

节省

# Create some variables.
v1 = tf.get_variable("v1", shape=[3], initializer = tf.zeros_initializer)
v2 = tf.get_variable("v2", shape=[5], initializer = tf.zeros_initializer)

inc_v1 = v1.assign(v1+1)
dec_v2 = v2.assign(v2-1)

# Add an op to initialize the variables.
init_op = tf.global_variables_initializer()

# Add ops to save and restore all the variables.
saver = tf.train.Saver()

# Later, launch the model, initialize the variables, do some work, and save the
# variables to disk.
with tf.Session() as sess:
  sess.run(init_op)
  # Do some work with the model.
  inc_v1.op.run()
  dec_v2.op.run()
  # Save the variables to disk.
  save_path = saver.save(sess, "/tmp/model.ckpt")
  print("Model saved in path: %s" % save_path)

恢复

tf.reset_default_graph()

# Create some variables.
v1 = tf.get_variable("v1", shape=[3])
v2 = tf.get_variable("v2", shape=[5])

# Add ops to save and restore all the variables.
saver = tf.train.Saver()

# Later, launch the model, use the saver to restore variables from disk, and
# do some work with the model.
with tf.Session() as sess:
  # Restore variables from disk.
  saver.restore(sess, "/tmp/model.ckpt")
  print("Model restored.")
  # Check the values of the variables
  print("v1 : %s" % v1.eval())
  print("v2 : %s" % v2.eval())

simple_save

很多很好的答案,为了完整起见,我会加上我的 2 美分:simple_save。也是使用 tf.data.Dataset API 的独立代码示例。

蟒蛇3;张量流 1.14

import tensorflow as tf
from tensorflow.saved_model import tag_constants

with tf.Graph().as_default():
    with tf.Session() as sess:
        ...

        # Saving
        inputs = {
            "batch_size_placeholder": batch_size_placeholder,
            "features_placeholder": features_placeholder,
            "labels_placeholder": labels_placeholder,
        }
        outputs = {"prediction": model_output}
        tf.saved_model.simple_save(
            sess, 'path/to/your/location/', inputs, outputs
        )

恢复:

graph = tf.Graph()
with restored_graph.as_default():
    with tf.Session() as sess:
        tf.saved_model.loader.load(
            sess,
            [tag_constants.SERVING],
            'path/to/your/location/',
        )
        batch_size_placeholder = graph.get_tensor_by_name('batch_size_placeholder:0')
        features_placeholder = graph.get_tensor_by_name('features_placeholder:0')
        labels_placeholder = graph.get_tensor_by_name('labels_placeholder:0')
        prediction = restored_graph.get_tensor_by_name('dense/BiasAdd:0')

        sess.run(prediction, feed_dict={
            batch_size_placeholder: some_value,
            features_placeholder: some_other_value,
            labels_placeholder: another_value
        })

独立示例

Original blog post

为了演示,以下代码生成随机数据。

我们首先创建占位符。他们将在运行时保存数据。从它们中,我们创建数据集,然后创建它的迭代器。我们得到迭代器生成的张量,称为 input_tensor,它将作为我们模型的输入。模型本身是从 input_tensor 构建的:一个基于 GRU 的双向 RNN,后跟一个密集分类器。因为为什么不。损失是一个 softmax_cross_entropy_with_logits,用 Adam 优化。在 2 个 epoch(每个 2 个批次)之后,我们使用 tf.saved_model.simple_save 保存“训练过的”模型。如果按原样运行代码,则模型将保存在当前工作目录中名为 simple/ 的文件夹中。在新图中,我们然后使用 tf.saved_model.loader.load 恢复保存的模型。我们使用 graph.get_tensor_by_name 获取占位符和 logits,使用 graph.get_operation_by_name 获取迭代器初始化操作。最后,我们对数据集中的两个批次进行推理,并检查保存和恢复的模型是否都产生相同的值。他们是这样!

代码:

import os
import shutil
import numpy as np
import tensorflow as tf
from tensorflow.python.saved_model import tag_constants


def model(graph, input_tensor):
    """Create the model which consists of
    a bidirectional rnn (GRU(10)) followed by a dense classifier

    Args:
        graph (tf.Graph): Tensors' graph
        input_tensor (tf.Tensor): Tensor fed as input to the model

    Returns:
        tf.Tensor: the model's output layer Tensor
    """
    cell = tf.nn.rnn_cell.GRUCell(10)
    with graph.as_default():
        ((fw_outputs, bw_outputs), (fw_state, bw_state)) = tf.nn.bidirectional_dynamic_rnn(
            cell_fw=cell,
            cell_bw=cell,
            inputs=input_tensor,
            sequence_length=[10] * 32,
            dtype=tf.float32,
            swap_memory=True,
            scope=None)
        outputs = tf.concat((fw_outputs, bw_outputs), 2)
        mean = tf.reduce_mean(outputs, axis=1)
        dense = tf.layers.dense(mean, 5, activation=None)

        return dense


def get_opt_op(graph, logits, labels_tensor):
    """Create optimization operation from model's logits and labels

    Args:
        graph (tf.Graph): Tensors' graph
        logits (tf.Tensor): The model's output without activation
        labels_tensor (tf.Tensor): Target labels

    Returns:
        tf.Operation: the operation performing a stem of Adam optimizer
    """
    with graph.as_default():
        with tf.variable_scope('loss'):
            loss = tf.reduce_mean(tf.nn.softmax_cross_entropy_with_logits(
                    logits=logits, labels=labels_tensor, name='xent'),
                    name="mean-xent"
                    )
        with tf.variable_scope('optimizer'):
            opt_op = tf.train.AdamOptimizer(1e-2).minimize(loss)
        return opt_op


if __name__ == '__main__':
    # Set random seed for reproducibility
    # and create synthetic data
    np.random.seed(0)
    features = np.random.randn(64, 10, 30)
    labels = np.eye(5)[np.random.randint(0, 5, (64,))]

    graph1 = tf.Graph()
    with graph1.as_default():
        # Random seed for reproducibility
        tf.set_random_seed(0)
        # Placeholders
        batch_size_ph = tf.placeholder(tf.int64, name='batch_size_ph')
        features_data_ph = tf.placeholder(tf.float32, [None, None, 30], 'features_data_ph')
        labels_data_ph = tf.placeholder(tf.int32, [None, 5], 'labels_data_ph')
        # Dataset
        dataset = tf.data.Dataset.from_tensor_slices((features_data_ph, labels_data_ph))
        dataset = dataset.batch(batch_size_ph)
        iterator = tf.data.Iterator.from_structure(dataset.output_types, dataset.output_shapes)
        dataset_init_op = iterator.make_initializer(dataset, name='dataset_init')
        input_tensor, labels_tensor = iterator.get_next()

        # Model
        logits = model(graph1, input_tensor)
        # Optimization
        opt_op = get_opt_op(graph1, logits, labels_tensor)

        with tf.Session(graph=graph1) as sess:
            # Initialize variables
            tf.global_variables_initializer().run(session=sess)
            for epoch in range(3):
                batch = 0
                # Initialize dataset (could feed epochs in Dataset.repeat(epochs))
                sess.run(
                    dataset_init_op,
                    feed_dict={
                        features_data_ph: features,
                        labels_data_ph: labels,
                        batch_size_ph: 32
                    })
                values = []
                while True:
                    try:
                        if epoch < 2:
                            # Training
                            _, value = sess.run([opt_op, logits])
                            print('Epoch {}, batch {} | Sample value: {}'.format(epoch, batch, value[0]))
                            batch += 1
                        else:
                            # Final inference
                            values.append(sess.run(logits))
                            print('Epoch {}, batch {} | Final inference | Sample value: {}'.format(epoch, batch, values[-1][0]))
                            batch += 1
                    except tf.errors.OutOfRangeError:
                        break
            # Save model state
            print('\nSaving...')
            cwd = os.getcwd()
            path = os.path.join(cwd, 'simple')
            shutil.rmtree(path, ignore_errors=True)
            inputs_dict = {
                "batch_size_ph": batch_size_ph,
                "features_data_ph": features_data_ph,
                "labels_data_ph": labels_data_ph
            }
            outputs_dict = {
                "logits": logits
            }
            tf.saved_model.simple_save(
                sess, path, inputs_dict, outputs_dict
            )
            print('Ok')
    # Restoring
    graph2 = tf.Graph()
    with graph2.as_default():
        with tf.Session(graph=graph2) as sess:
            # Restore saved values
            print('\nRestoring...')
            tf.saved_model.loader.load(
                sess,
                [tag_constants.SERVING],
                path
            )
            print('Ok')
            # Get restored placeholders
            labels_data_ph = graph2.get_tensor_by_name('labels_data_ph:0')
            features_data_ph = graph2.get_tensor_by_name('features_data_ph:0')
            batch_size_ph = graph2.get_tensor_by_name('batch_size_ph:0')
            # Get restored model output
            restored_logits = graph2.get_tensor_by_name('dense/BiasAdd:0')
            # Get dataset initializing operation
            dataset_init_op = graph2.get_operation_by_name('dataset_init')

            # Initialize restored dataset
            sess.run(
                dataset_init_op,
                feed_dict={
                    features_data_ph: features,
                    labels_data_ph: labels,
                    batch_size_ph: 32
                }

            )
            # Compute inference for both batches in dataset
            restored_values = []
            for i in range(2):
                restored_values.append(sess.run(restored_logits))
                print('Restored values: ', restored_values[i][0])

    # Check if original inference and restored inference are equal
    valid = all((v == rv).all() for v, rv in zip(values, restored_values))
    print('\nInferences match: ', valid)

这将打印:

$ python3 save_and_restore.py

Epoch 0, batch 0 | Sample value: [-0.13851789 -0.3087595   0.12804556  0.20013677 -0.08229901]
Epoch 0, batch 1 | Sample value: [-0.00555491 -0.04339041 -0.05111827 -0.2480045  -0.00107776]
Epoch 1, batch 0 | Sample value: [-0.19321944 -0.2104792  -0.00602257  0.07465433  0.11674127]
Epoch 1, batch 1 | Sample value: [-0.05275984  0.05981954 -0.15913513 -0.3244143   0.10673307]
Epoch 2, batch 0 | Final inference | Sample value: [-0.26331693 -0.13013336 -0.12553    -0.04276478  0.2933622 ]
Epoch 2, batch 1 | Final inference | Sample value: [-0.07730117  0.11119192 -0.20817074 -0.35660955  0.16990358]

Saving...
INFO:tensorflow:Assets added to graph.
INFO:tensorflow:No assets to write.
INFO:tensorflow:SavedModel written to: b'/some/path/simple/saved_model.pb'
Ok

Restoring...
INFO:tensorflow:Restoring parameters from b'/some/path/simple/variables/variables'
Ok
Restored values:  [-0.26331693 -0.13013336 -0.12553    -0.04276478  0.2933622 ]
Restored values:  [-0.07730117  0.11119192 -0.20817074 -0.35660955  0.16990358]

Inferences match:  True

我是初学者,我需要更多解释......:如果我有一个 CNN 模型,我应该只存储 1.inputs_placeholder 2.labels_placeholder 和 3.output_of_cnn 吗?还是所有的中间tf.contrib.layers
该图已完全恢复。您可以检查它是否正在运行 [n.name for n in graph2.as_graph_def().node]。正如文档所说,简单保存旨在简化与 tensorflow 服务的交互,这就是争论的重点;然而,其他变量仍然被恢复,否则推理不会发生。就像我在示例中所做的那样,抓住你感兴趣的变量。查看documentation
我想很好,但它是否也适用于 Eager 模式模型和 tfe.Saver?
如果没有 global_step 作为参数,如果你停下来然后尝试重新开始训练,它会认为你是第一步。它至少会搞砸你的张量板可视化
我正在尝试调用 restore 并收到此错误 ValueError: No variables to save。任何人都可以帮忙吗?
a
abhinonymous

对于 TensorFlow 版本 < 0.11.0RC1:

保存的检查点包含模型中 Variable 的值,而不是模型/图形本身,这意味着当您恢复检查点时图形应该是相同的。

这是一个线性回归示例,其中有一个保存变量检查点的训练循环和一个评估部分,它将恢复先前运行中保存的变量并计算预测。当然,如果您愿意,您也可以恢复变量并继续训练。

x = tf.placeholder(tf.float32)
y = tf.placeholder(tf.float32)

w = tf.Variable(tf.zeros([1, 1], dtype=tf.float32))
b = tf.Variable(tf.ones([1, 1], dtype=tf.float32))
y_hat = tf.add(b, tf.matmul(x, w))

...more setup for optimization and what not...

saver = tf.train.Saver()  # defaults to saving all variables - in this case w and b

with tf.Session() as sess:
    sess.run(tf.initialize_all_variables())
    if FLAGS.train:
        for i in xrange(FLAGS.training_steps):
            ...training loop...
            if (i + 1) % FLAGS.checkpoint_steps == 0:
                saver.save(sess, FLAGS.checkpoint_dir + 'model.ckpt',
                           global_step=i+1)
    else:
        # Here's where you're restoring the variables w and b.
        # Note that the graph is exactly as it was when the variables were
        # saved in a prior training run.
        ckpt = tf.train.get_checkpoint_state(FLAGS.checkpoint_dir)
        if ckpt and ckpt.model_checkpoint_path:
            saver.restore(sess, ckpt.model_checkpoint_path)
        else:
            ...no checkpoint found...

        # Now you can run the model to get predictions
        batch_x = ...load some data...
        predictions = sess.run(y_hat, feed_dict={x: batch_x})

以下是 Variabledocs,包括保存和恢复。这里是 Saverdocs


FLAGS 是用户定义的。以下是定义它们的示例:github.com/tensorflow/tensorflow/blob/master/tensorflow/…
batch_x 需要采用哪种格式?二进制? numpy 数组?
@pepe Numpy arrary 应该没问题。并且元素的类型应该与占位符的类型相对应。 [链接]tensorflow.org/versions/r0.9/api_docs/python/…
FLAGS 给出错误 undefined。你能告诉我这段代码的 FLAGS 是哪个 def 吗? @RyanSepassi
明确地说:Tensorflow 的最新版本确实允许存储模型/图形。 [我不清楚答案的哪些方面适用于 <0.11 约束。鉴于大量的赞成票,我很想相信这个一般性陈述对于最近的版本仍然适用。]
M
Mike S.

我的环境:Python 3.6、Tensorflow 1.3.0

虽然有很多解决方案,但大多数都是基于tf.train.Saver。当我们加载由 Saver 保存的 .ckpt 时,我们必须重新定义 tensorflow 网络或使用一些奇怪且难以记住的名称,例如 'placehold_0:0''dense/Adam/Weight:0'。这里我推荐使用 tf.saved_model,下面给出了一个最简单的示例,您可以从 Serving a TensorFlow Model 中了解更多信息:

保存模型:

import tensorflow as tf

# define the tensorflow network and do some trains
x = tf.placeholder("float", name="x")
w = tf.Variable(2.0, name="w")
b = tf.Variable(0.0, name="bias")

h = tf.multiply(x, w)
y = tf.add(h, b, name="y")
sess = tf.Session()
sess.run(tf.global_variables_initializer())

# save the model
export_path =  './savedmodel'
builder = tf.saved_model.builder.SavedModelBuilder(export_path)

tensor_info_x = tf.saved_model.utils.build_tensor_info(x)
tensor_info_y = tf.saved_model.utils.build_tensor_info(y)

prediction_signature = (
  tf.saved_model.signature_def_utils.build_signature_def(
      inputs={'x_input': tensor_info_x},
      outputs={'y_output': tensor_info_y},
      method_name=tf.saved_model.signature_constants.PREDICT_METHOD_NAME))

builder.add_meta_graph_and_variables(
  sess, [tf.saved_model.tag_constants.SERVING],
  signature_def_map={
      tf.saved_model.signature_constants.DEFAULT_SERVING_SIGNATURE_DEF_KEY:
          prediction_signature 
  },
  )
builder.save()

加载模型:

import tensorflow as tf
sess=tf.Session() 
signature_key = tf.saved_model.signature_constants.DEFAULT_SERVING_SIGNATURE_DEF_KEY
input_key = 'x_input'
output_key = 'y_output'

export_path =  './savedmodel'
meta_graph_def = tf.saved_model.loader.load(
           sess,
          [tf.saved_model.tag_constants.SERVING],
          export_path)
signature = meta_graph_def.signature_def

x_tensor_name = signature[signature_key].inputs[input_key].name
y_tensor_name = signature[signature_key].outputs[output_key].name

x = sess.graph.get_tensor_by_name(x_tensor_name)
y = sess.graph.get_tensor_by_name(y_tensor_name)

y_out = sess.run(y, {x: 3.0})

+1 是 SavedModel API 的一个很好的例子。但是,我希望您的“保存模型”部分显示像 Ryan Sepassi 的回答一样的训练循环!我意识到这是一个老问题,但这个回复是我在 Google 上找到的为数不多的(且有价值的)SavedModel 示例之一。
@Tom 这是一个很好的答案——只有一个针对新的 SavedModel。你能看看这个 SavedModel 问题吗? stackoverflow.com/questions/48540744/…
现在让它与 TF Eager 模型一起正常工作。谷歌在 2018 年的演讲中建议大家远离 TF 图形代码。
D
David Silva-Barrera

模型有两部分,模型定义,由 Supervisor 保存为模型目录中的 graph.pbtxt 和张量的数值,保存到像 model.ckpt-1003418 这样的检查点文件中。

可以使用 tf.import_graph_def 恢复模型定义,使用 Saver 恢复权重。

但是,Saver 使用特殊的集合来保存附加到模型 Graph 的变量列表,并且此集合没有使用 import_graph_def 初始化,因此您目前不能同时使用这两者(它在我们的路线图上进行修复)。现在,您必须使用 Ryan Sepassi 的方法 - 手动构建具有相同节点名称的图,并使用 Saver 将权重加载到其中。

(或者,您可以通过使用 import_graph_def 来破解它,手动创建变量,并为每个变量使用 tf.add_to_collection(tf.GraphKeys.VARIABLES, variable),然后使用 Saver


在使用 inceptionv3 的分类图像.py 示例中,仅加载了 graphdef。这是否意味着现在 GraphDef 也包含变量?
@jrabary 该模型可能是frozen
嘿,我是 tensorflow 的新手,无法保存我的模型。如果您能帮助我,我将不胜感激stackoverflow.com/questions/48083474/…
n
nbro

您也可以采用这种更简单的方法。

第 1 步:初始化所有变量

W1 = tf.Variable(tf.truncated_normal([6, 6, 1, K], stddev=0.1), name="W1")
B1 = tf.Variable(tf.constant(0.1, tf.float32, [K]), name="B1")

Similarly, W2, B2, W3, .....

第 2 步:将会话保存在模型 Saver 中并保存

model_saver = tf.train.Saver()

# Train the model and save it in the end
model_saver.save(session, "saved_models/CNN_New.ckpt")

第三步:恢复模型

with tf.Session(graph=graph_cnn) as session:
    model_saver.restore(session, "saved_models/CNN_New.ckpt")
    print("Model restored.") 
    print('Initialized')

第 4 步:检查您的变量

W1 = session.run(W1)
print(W1)

在不同的 python 实例中运行时,使用

with tf.Session() as sess:
    # Restore latest checkpoint
    saver.restore(sess, tf.train.latest_checkpoint('saved_model/.'))

    # Initalize the variables
    sess.run(tf.global_variables_initializer())

    # Get default graph (supply your custom graph if you have one)
    graph = tf.get_default_graph()

    # It will give tensor object
    W1 = graph.get_tensor_by_name('W1:0')

    # To get the value (numpy array)
    W1_value = session.run(W1)

嗨,我如何在假设 3000 次迭代后保存模型,类似于 Caffe。我发现 tensorflow 只保存最后一个模型,尽管我将迭代次数与模型连接起来以在所有迭代中区分它。我的意思是model_3000.ckpt,model_6000.ckpt,---model_100000.ckpt。您能否解释一下为什么它不保存所有内容,而只保存最后 3 次迭代。
有没有一种方法可以获取图表中保存的所有变量/操作名称?
n
nbro

在大多数情况下,使用 tf.train.Saver 从磁盘保存和恢复是您的最佳选择:

... # build your model
saver = tf.train.Saver()

with tf.Session() as sess:
    ... # train the model
    saver.save(sess, "/tmp/my_great_model")

with tf.Session() as sess:
    saver.restore(sess, "/tmp/my_great_model")
    ... # use the model

您还可以保存/恢复图形结构本身(有关详细信息,请参阅 MetaGraph documentation)。默认情况下,Saver 将图形结构保存到 .meta 文件中。您可以调用 import_meta_graph() 来恢复它。它恢复图形结构并返回一个 Saver,您可以使用它来恢复模型的状态:

saver = tf.train.import_meta_graph("/tmp/my_great_model.meta")

with tf.Session() as sess:
    saver.restore(sess, "/tmp/my_great_model")
    ... # use the model

但是,在某些情况下,您需要更快的东西。例如,如果您实施提前停止,您希望在训练期间每次模型改进时保存检查点(如在验证集上测量的那样),然后如果一段时间内没有进展,您希望回滚到最佳模型。如果每次改进时都将模型保存到磁盘,则会大大减慢训练速度。诀窍是将变量状态保存到内存中,然后稍后再恢复它们:

... # build your model

# get a handle on the graph nodes we need to save/restore the model
graph = tf.get_default_graph()
gvars = graph.get_collection(tf.GraphKeys.GLOBAL_VARIABLES)
assign_ops = [graph.get_operation_by_name(v.op.name + "/Assign") for v in gvars]
init_values = [assign_op.inputs[1] for assign_op in assign_ops]

with tf.Session() as sess:
    ... # train the model

    # when needed, save the model state to memory
    gvars_state = sess.run(gvars)

    # when needed, restore the model state
    feed_dict = {init_value: val
                 for init_value, val in zip(init_values, gvars_state)}
    sess.run(assign_ops, feed_dict=feed_dict)

简单解释一下:当你创建一个变量 X 时,TensorFlow 会自动创建一个赋值操作 X/Assign 来设置变量的初始值。我们没有创建占位符和额外的分配操作(这只会使图形变得混乱),而是使用这些现有的分配操作。每个赋值操作的第一个输入是对它应该初始化的变量的引用,第二个输入 (assign_op.inputs[1]) 是初始值。因此,为了设置我们想要的任何值(而不是初始值),我们需要使用 feed_dict 并替换初始值。是的,TensorFlow 允许您为任何操作提供值,而不仅仅是占位符,所以这很好用。


感谢你的回答。我有一个类似的问题,关于如何将单个 .ckpt 文件转换为两个 .index 和 .data 文件(比如 tf.slim 上可用的预训练初始模型)。我的问题在这里:stackoverflow.com/questions/47762114/…
嘿,我是 tensorflow 的新手,无法保存我的模型。如果您能帮助我,我将不胜感激stackoverflow.com/questions/48083474/…
n
nikitakit

正如 Yaroslav 所说,您可以通过导入图形、手动创建变量然后使用 Saver 来破解从 graph_def 和检查点恢复。

我为我的个人使用实现了这个,所以我想在这里分享代码。

链接:https://gist.github.com/nikitakit/6ef3b72be67b86cb7868

(当然,这是一种 hack,并且不能保证以这种方式保存的模型在 TensorFlow 的未来版本中仍然可读。)


S
Sergey Demyanov

如果它是一个内部保存的模型,您只需为所有变量指定一个恢复器

restorer = tf.train.Saver(tf.all_variables())

并使用它来恢复当前会话中的变量:

restorer.restore(self._sess, model_file)

对于外部模型,您需要指定从其变量名到变量名的映射。您可以使用命令查看模型变量名称

python /path/to/tensorflow/tensorflow/python/tools/inspect_checkpoint.py --file_name=/path/to/pretrained_model/model.ckpt

inspect_checkpoint.py 脚本可以在 Tensorflow 源代码的 './tensorflow/python/tools' 文件夹中找到。

要指定映射,您可以使用我的 Tensorflow-Worklab,其中包含一组类和脚本来训练和重新训练不同的模型。它包括一个重新训练 ResNet 模型的示例,位于 here


all_variables() 现已弃用
嘿,我是 tensorflow 的新手,无法保存我的模型。如果您能帮助我,我将不胜感激stackoverflow.com/questions/48083474/…
M
Martin Pecka

这是我针对两种基本情况的简单解决方案,即您是要从文件加载图形还是在运行时构建图形。

这个答案适用于 Tensorflow 0.12+(包括 1.0)。

在代码中重建图形

保存

graph = ... # build the graph
saver = tf.train.Saver()  # create the saver after the graph
with ... as sess:  # your session object
    saver.save(sess, 'my-model')

正在加载

graph = ... # build the graph
saver = tf.train.Saver()  # create the saver after the graph
with ... as sess:  # your session object
    saver.restore(sess, tf.train.latest_checkpoint('./'))
    # now you can use the graph, continue training or whatever

还从文件加载图形

使用此技术时,请确保您的所有层/变量都明确设置了唯一名称。否则,Tensorflow 将使名称本身独一无二,因此它们将与存储在文件中的名称不同。在以前的技术中这不是问题,因为名称在加载和保存时都以相同的方式“损坏”。

保存

graph = ... # build the graph

for op in [ ... ]:  # operators you want to use after restoring the model
    tf.add_to_collection('ops_to_restore', op)

saver = tf.train.Saver()  # create the saver after the graph
with ... as sess:  # your session object
    saver.save(sess, 'my-model')

正在加载

with ... as sess:  # your session object
    saver = tf.train.import_meta_graph('my-model.meta')
    saver.restore(sess, tf.train.latest_checkpoint('./'))
    ops = tf.get_collection('ops_to_restore')  # here are your operators in the same order in which you saved them to the collection

-1 通过忽略“这里的所有其他答案”来开始你的答案有点苛刻。也就是说,我出于其他原因投了反对票:您绝对应该保存所有全局变量,而不仅仅是可训练的变量。例如,global_step 变量和批量归一化的移动平均值是不可训练的变量,但两者都绝对值得保存。此外,您应该更清楚地区分图表的构建与运行会话,例如 Saver(...).save() 将在您每次运行时创建新节点。可能不是你想要的。还有更多...:/
@MiniQuark 好的,感谢您的反馈,我将根据您的建议编辑答案;)
C
Community

tf.keras 使用 TF2.0 保存模型

我看到了使用 TF1.x 保存模型的好答案。我想在保存 tensorflow.keras 模型方面提供更多指示,这有点复杂,因为有很多方法可以保存模型。

这里我提供了一个将 tensorflow.keras 模型保存到当前目录下的 model_path 文件夹的示例。这适用于最新的 tensorflow (TF2.0)。如果在不久的将来有任何变化,我将更新此描述。

保存和加载整个模型

import tensorflow as tf
from tensorflow import keras
mnist = tf.keras.datasets.mnist

#import data
(x_train, y_train),(x_test, y_test) = mnist.load_data()
x_train, x_test = x_train / 255.0, x_test / 255.0

# create a model
def create_model():
  model = tf.keras.models.Sequential([
    tf.keras.layers.Flatten(input_shape=(28, 28)),
    tf.keras.layers.Dense(512, activation=tf.nn.relu),
    tf.keras.layers.Dropout(0.2),
    tf.keras.layers.Dense(10, activation=tf.nn.softmax)
    ])
# compile the model
  model.compile(optimizer='adam',
              loss='sparse_categorical_crossentropy',
              metrics=['accuracy'])
  return model

# Create a basic model instance
model=create_model()

model.fit(x_train, y_train, epochs=1)
loss, acc = model.evaluate(x_test, y_test,verbose=1)
print("Original model, accuracy: {:5.2f}%".format(100*acc))

# Save entire model to a HDF5 file
model.save('./model_path/my_model.h5')

# Recreate the exact same model, including weights and optimizer.
new_model = keras.models.load_model('./model_path/my_model.h5')
loss, acc = new_model.evaluate(x_test, y_test)
print("Restored model, accuracy: {:5.2f}%".format(100*acc))

仅保存和加载模型权重

如果您只想保存模型权重然后加载权重以恢复模型,那么

model.fit(x_train, y_train, epochs=5)
loss, acc = model.evaluate(x_test, y_test,verbose=1)
print("Original model, accuracy: {:5.2f}%".format(100*acc))

# Save the weights
model.save_weights('./checkpoints/my_checkpoint')

# Restore the weights
model = create_model()
model.load_weights('./checkpoints/my_checkpoint')

loss,acc = model.evaluate(x_test, y_test)
print("Restored model, accuracy: {:5.2f}%".format(100*acc))

使用 keras 检查点回调保存和恢复

# include the epoch in the file name. (uses `str.format`)
checkpoint_path = "training_2/cp-{epoch:04d}.ckpt"
checkpoint_dir = os.path.dirname(checkpoint_path)

cp_callback = tf.keras.callbacks.ModelCheckpoint(
    checkpoint_path, verbose=1, save_weights_only=True,
    # Save weights, every 5-epochs.
    period=5)

model = create_model()
model.save_weights(checkpoint_path.format(epoch=0))
model.fit(train_images, train_labels,
          epochs = 50, callbacks = [cp_callback],
          validation_data = (test_images,test_labels),
          verbose=0)

latest = tf.train.latest_checkpoint(checkpoint_dir)

new_model = create_model()
new_model.load_weights(latest)
loss, acc = new_model.evaluate(test_images, test_labels)
print("Restored model, accuracy: {:5.2f}%".format(100*acc))

使用自定义指标保存模型

import tensorflow as tf
from tensorflow import keras
mnist = tf.keras.datasets.mnist

(x_train, y_train),(x_test, y_test) = mnist.load_data()
x_train, x_test = x_train / 255.0, x_test / 255.0

# Custom Loss1 (for example) 
@tf.function() 
def customLoss1(yTrue,yPred):
  return tf.reduce_mean(yTrue-yPred) 

# Custom Loss2 (for example) 
@tf.function() 
def customLoss2(yTrue, yPred):
  return tf.reduce_mean(tf.square(tf.subtract(yTrue,yPred))) 

def create_model():
  model = tf.keras.models.Sequential([
    tf.keras.layers.Flatten(input_shape=(28, 28)),
    tf.keras.layers.Dense(512, activation=tf.nn.relu),  
    tf.keras.layers.Dropout(0.2),
    tf.keras.layers.Dense(10, activation=tf.nn.softmax)
    ])
  model.compile(optimizer='adam',
              loss='sparse_categorical_crossentropy',
              metrics=['accuracy', customLoss1, customLoss2])
  return model

# Create a basic model instance
model=create_model()

# Fit and evaluate model 
model.fit(x_train, y_train, epochs=1)
loss, acc,loss1, loss2 = model.evaluate(x_test, y_test,verbose=1)
print("Original model, accuracy: {:5.2f}%".format(100*acc))

model.save("./model.h5")

new_model=tf.keras.models.load_model("./model.h5",custom_objects={'customLoss1':customLoss1,'customLoss2':customLoss2})

使用自定义操作保存 keras 模型

当我们在以下情况 (tf.tile) 中具有自定义操作时,我们需要创建一个函数并使用 Lambda 层进行包装。否则无法保存模型。

import numpy as np
import tensorflow as tf
from tensorflow.keras.layers import Input, Lambda
from tensorflow.keras import Model

def my_fun(a):
  out = tf.tile(a, (1, tf.shape(a)[0]))
  return out

a = Input(shape=(10,))
#out = tf.tile(a, (1, tf.shape(a)[0]))
out = Lambda(lambda x : my_fun(x))(a)
model = Model(a, out)

x = np.zeros((50,10), dtype=np.float32)
print(model(x).numpy())

model.save('my_model.h5')

#load the model
new_model=tf.keras.models.load_model("my_model.h5")

我想我已经介绍了许多保存 tf.keras 模型的方法中的一些。但是,还有许多其他方法。如果您发现上面没有涵盖您的用例,请在下面发表评论。谢谢!


Y
Yuan Tang

您还可以查看 TensorFlow/skflow 中的 examples,它提供了可帮助您轻松管理模型的 saverestore 方法。它具有参数,您还可以控制备份模型的频率。


C
Changming Sun

如果您使用 tf.train.MonitoredTrainingSession 作为默认会话,则无需添加额外代码来执行保存/恢复操作。只需将检查点目录名称传递给 MonitoredTrainingSession 的构造函数,它将使用会话挂钩来处理这些。


使用 tf.train.Supervisor 将为您创建此类会话,并提供更完整的解决方案。
@Mark tf.train.Supervisor 已弃用
您是否有任何链接支持不推荐使用 Supervisor 的说法?我没有看到任何迹象表明情况如此。
感谢您的 URL——我检查了信息的原始来源,并被告知它可能会在 TF 1.x 系列结束之前出现,但在那之后不能保证。
s
saetch_g

这里的所有答案都很好,但我想补充两点。

首先,要详细说明@user7505159 的答案,将“./”添加到要恢复的文件名的开头可能很重要。

例如,您可以保存文件名中没有“./”的图形,如下所示:

# Some graph defined up here with specific names

saver = tf.train.Saver()
save_file = 'model.ckpt'

with tf.Session() as sess:
    sess.run(tf.global_variables_initializer())
    saver.save(sess, save_file)

但为了恢复图形,您可能需要在文件名前添加“./”:

# Same graph defined up here

saver = tf.train.Saver()
save_file = './' + 'model.ckpt' # String addition used for emphasis

with tf.Session() as sess:
    sess.run(tf.global_variables_initializer())
    saver.restore(sess, save_file)

您并不总是需要“./”,但根据您的环境和 TensorFlow 版本,它可能会导致问题。

它还想提一下,在恢复会话之前 sess.run(tf.global_variables_initializer()) 可能很重要。

如果您在尝试恢复已保存的会话时收到有关未初始化变量的错误,请确保在 saver.restore(sess, save_file) 行之前包含 sess.run(tf.global_variables_initializer())。它可以让你头疼。


A
Amir

根据新的 TensorFlow 版本,tf.train.Checkpoint 是保存和恢复模型的首选方式:

Checkpoint.save 和 Checkpoint.restore 写入和读取基于对象的检查点,而 tf.train.Saver 写入和读取基于 variable.name 的检查点。基于对象的检查点保存具有命名边的 Python 对象(层、优化器、变量等)之间的依赖关系图,该图用于在恢复检查点时匹配变量。它可以对 Python 程序中的更改更加健壮,并有助于在急切执行时支持变量的创建时恢复。对于新代码,首选 tf.train.Checkpoint 而不是 tf.train.Saver。

这是一个例子:

import tensorflow as tf
import os

tf.enable_eager_execution()

checkpoint_directory = "/tmp/training_checkpoints"
checkpoint_prefix = os.path.join(checkpoint_directory, "ckpt")

checkpoint = tf.train.Checkpoint(optimizer=optimizer, model=model)
status = checkpoint.restore(tf.train.latest_checkpoint(checkpoint_directory))
for _ in range(num_training_steps):
  optimizer.minimize( ... )  # Variables will be restored on creation.
status.assert_consumed()  # Optional sanity checks.
checkpoint.save(file_prefix=checkpoint_prefix)

More information and example here.


G
Grisha Levit

如问题 6255 中所述:

use '**./**model_name.ckpt'
saver.restore(sess,'./my_model_final.ckpt')

代替

saver.restore('my_model_final.ckpt')

s
serv-inc

对于 tensorflow 2.0,它是 as simple as

# 保存模型 model.save('path_to_my_model.h5')

恢复:

new_model = tensorflow.keras.models.load_model('path_to_my_model.h5')

不属于模型对象的所有自定义 tf 操作和变量呢?当您在模型上调用 save() 时,它们会以某种方式保存吗?我有各种用于推理和生成网络的自定义损失和张量流概率表达式,但它们不是我模型的一部分。我的 keras 模型对象仅包含密集层和卷积层。在 TF 1 中,我只调用了 save 方法,我可以确定图表中使用的每个操作和张量都会被保存。在 TF2 中,我看不到如何保存未以某种方式添加到 keras 模型的操作。
是否有更多关于在 TF 2.0 中恢复模型的信息?我无法从通过 C api 生成的检查点文件恢复权重,请参阅:stackoverflow.com/questions/57944786/…
A
Ashiq Imran

对于 tensorflow-2.0

这很简单。

import tensorflow as tf

节省

model.save("model_name")

恢复

model = tf.keras.models.load_model('model_name')

谢谢!这是对我有用的答案。
B
Bersan

这是一个简单的示例,使用 Tensorflow 2.0 SavedModel 格式(这是推荐的格式,according to the docs 用于简单的 MNIST 数据集分类器,使用 Keras 函数式 API,没有太多花哨继续:

# Imports
import tensorflow as tf
from tensorflow.keras.layers import Input, Dense, Flatten
from tensorflow.keras.models import Model
import matplotlib.pyplot as plt

# Load data
mnist = tf.keras.datasets.mnist # 28 x 28
(x_train,y_train), (x_test, y_test) = mnist.load_data()

# Normalize pixels [0,255] -> [0,1]
x_train = tf.keras.utils.normalize(x_train,axis=1)
x_test = tf.keras.utils.normalize(x_test,axis=1)

# Create model
input = Input(shape=(28,28), dtype='float64', name='graph_input')
x = Flatten()(input)
x = Dense(128, activation='relu')(x)
x = Dense(128, activation='relu')(x)
output = Dense(10, activation='softmax', name='graph_output', dtype='float64')(x)
model = Model(inputs=input, outputs=output)

model.compile(optimizer='adam',
             loss='sparse_categorical_crossentropy',
             metrics=['accuracy'])

# Train
model.fit(x_train, y_train, epochs=3)

# Save model in SavedModel format (Tensorflow 2.0)
export_path = 'model'
tf.saved_model.save(model, export_path)

# ... possibly another python program 

# Reload model
loaded_model = tf.keras.models.load_model(export_path) 

# Get image sample for testing
index = 0
img = x_test[index] # I normalized the image on a previous step

# Predict using the signature definition (Tensorflow 2.0)
predict = loaded_model.signatures["serving_default"]
prediction = predict(tf.constant(img))

# Show results
print(np.argmax(prediction['graph_output']))  # prints the class number
plt.imshow(x_test[index], cmap=plt.cm.binary)  # prints the image

什么是 serving_default

它是您选择的 signature def of the tag 的名称(在本例中,选择了默认的 serve 标记)。此外,here 解释了如何使用 saved_model_cli 查找模型的标签和签名。

免责声明

如果您只想启动并运行它,这只是一个基本示例,但绝不是一个完整的答案——也许我将来可以更新它。我只是想举一个使用 TF 2.0 中的 SavedModel 的简单示例,因为我在任何地方都没有见过,即使是这么简单。

@Tom 的答案是 SavedModel 示例,但它不适用于 Tensorflow 2.0,因为不幸的是有一些重大更改。

@Vishnuvardhan Janapati 的答案是 TF 2.0,但它不适用于 SavedModel 格式。


s
sk29910

您可以使用将变量保存在网络中

saver = tf.train.Saver() 
saver.save(sess, 'path of save/fileName.ckpt')

要恢复网络以供以后或在另一个脚本中重复使用,请使用:

saver = tf.train.Saver()
saver.restore(sess, tf.train.latest_checkpoint('path of save/')
sess.run(....) 

要点:

sess 在第一次和以后的运行之间必须相同(连贯结构)。 saver.restore 需要保存文件的文件夹路径,而不是单个文件路径。


y
yiyang

在@Vishnuvardhan Janapati 的回答之后,这是另一种在 TensorFlow 2.0.0 下使用自定义层/度量/损失保存和重新加载模型的方法

import tensorflow as tf
from tensorflow.keras.layers import Layer
from tensorflow.keras.utils.generic_utils import get_custom_objects

# custom loss (for example)  
def custom_loss(y_true,y_pred):
  return tf.reduce_mean(y_true - y_pred)
get_custom_objects().update({'custom_loss': custom_loss}) 

# custom loss (for example) 
class CustomLayer(Layer):
  def __init__(self, ...):
      ...
  # define custom layer and all necessary custom operations inside custom layer

get_custom_objects().update({'CustomLayer': CustomLayer})  

这样,一旦您执行了此类代码,并使用 tf.keras.models.save_modelmodel.saveModelCheckpoint 回调保存了您的模型,您就可以重新加载您的模型,而无需精确的自定义对象,就像

new_model = tf.keras.models.load_model("./model.h5"})

k
keertika jain

Tensorflow 2.6:现在变得更简单了,您可以将模型保存为 2 种格式

Saved_model ( tf-serving 兼容) H5 或 HDF5

以两种格式保存模型:

 from tensorflow.keras import Model
 inputs = tf.keras.Input(shape=(224,224,3))
 y = tf.keras.layers.Conv2D(24, 3, activation='relu', input_shape=input_shape[1:])(inputs)
 outputs = tf.keras.layers.Dense(5, activation=tf.nn.softmax)(y)
 model = tf.keras.Model(inputs=inputs, outputs=outputs)
 model.save("saved_model/my_model") #To Save in Saved_model format
 model.save("my_model.h5") #To save model in H5 or HDF5 format

以两种格式加载模型

import tensorflow as tf
h5_model = tf.keras.models.load_model("my_model.h5") # loading model in h5 format
h5_model.summary()
saved_m = tf.keras.models.load_model("saved_model/my_model") #loading model in saved_model format
saved_m.summary()

M
Mario

使用 tf.train.Saver 保存模型。请记住,如果您想减小模型大小,您需要指定 var_listval_list 可以是:

tf.trainable_variables 或

tf.global_variables。


A
Akshaya Natarajan

无论您想将模型保存在哪里,

self.saver = tf.train.Saver()
with tf.Session() as sess:
            sess.run(tf.global_variables_initializer())
            ...
            self.saver.save(sess, filename)

请确保您的所有 tf.Variable 都有名称,因为您可能希望稍后使用它们的名称来恢复它们。而你想预测的地方,

saver = tf.train.import_meta_graph(filename)
name = 'name given when you saved the file' 
with tf.Session() as sess:
      saver.restore(sess, name)
      print(sess.run('W1:0')) #example to retrieve by variable name

确保保护程序在相应的会话中运行。请记住,如果您使用 tf.train.latest_checkpoint('./'),则只会使用最新的检查点。


0
007fred

我在版本:

tensorflow (1.13.1)
tensorflow-gpu (1.13.1)

简单的方法是

节省:

model.save("model.h5")

恢复:

model = tf.keras.models.load_model("model.h5")

V
Vineet Suryan

在新版本的 tensorflow 2.0 中,保存/加载模型的过程要容易得多。因为 Keras API 的实现,TensorFlow 的高级 API。

保存模型:查看文档以供参考:https://www.tensorflow.org/versions/r2.0/api_docs/python/tf/keras/models/save_model

tf.keras.models.save_model(model_name, filepath, save_format)

要加载模型:

https://www.tensorflow.org/versions/r2.0/api_docs/python/tf/keras/models/load_model

model = tf.keras.models.load_model(filepath)

A
Ali karimi

最简单的方法是使用keras api,在线保存模型,在线加载模型

from keras.models import load_model

my_model.save('my_model.h5')  # creates a HDF5 file 'my_model.h5'

del my_model  # deletes the existing model


my_model = load_model('my_model.h5') # returns a compiled model identical to the previous one

M
Matias Molinas

您可以使用 Tensorflow 中的 saver 对象来保存您的训练模型。该对象提供了保存和恢复模型的方法。

要在 TensorFlow 中保存经过训练的模型:

tf.train.Saver.save(sess, save_path, global_step=None, latest_filename=None,
                    meta_graph_suffix='meta', write_meta_graph=True,
                    write_state=True, strip_default_attrs=False,
                    save_debug_info=False)

要在 TensorFlow 中恢复已保存的模型:

tf.train.Saver.restore(sess, save_path, latest_filename=None,
                       meta_graph_suffix='meta', clear_devices=False,
                       import_scope=None)