作者: Divyashree Sreepathihalli
创建日期 2023/10/23
上次修改日期 2023/10/30
描述:将您的 Keras 2 代码迁移到多后端 Keras 3 的说明和故障排除。
本指南将帮助您将仅限 TensorFlow 的 Keras 2 代码迁移到多后端 Keras 3 代码。迁移的开销很小。迁移完成后,您可以在 JAX、TensorFlow 或 PyTorch 之上运行 Keras 工作流程。
本指南分为两个部分
让我们开始吧。
首先,让我们安装 keras-nightly
。
此示例使用 TensorFlow 后端 (os.environ["KERAS_BACKEND"] = "tensorflow"
)。在迁移代码后,您可以将 "tensorflow"
字符串更改为 "jax"
或 "torch"
,并在 Colab 中点击“重新启动运行时”,您的代码将在 JAX 或 PyTorch 后端上运行。
!pip install -q keras-nightly
import os
os.environ["KERAS_BACKEND"] = "tensorflow"
import keras
import tensorflow as tf
import numpy as np
[[34;49mnotice[1;39;49m][39;49m A new release of pip is available: [31;49m23.3.1[39;49m -> [32;49m24.0
[[34;49mnotice[1;39;49m][39;49m To update, run: [32;49mpip install --upgrade pip
首先,替换您的导入语句
from tensorflow import keras
替换为 import keras
from tensorflow.keras import xyz
(例如 from tensorflow.keras import layers
)替换为 from keras import xyz
(例如 from keras import layers
)tf.keras.*
替换为 keras.*
接下来,开始运行您的测试。大多数情况下,您的代码将在 Keras 3 上正常执行。您可能遇到的所有问题都详细列在下面,并附有相应的解决方法。
jit_compile
设置为 True
。在 Keras 3 中,Model
构造函数的 jit_compile
参数的默认值在 GPU 上已设置为 True
。这意味着模型默认情况下将在 GPU 上使用即时 (JIT) 编译进行编译。
JIT 编译可以提高某些模型的性能。但是,它可能不适用于所有 TensorFlow 操作。如果您使用的是自定义模型或层,并且看到与 XLA 相关的错误,则可能需要将 jit_compile
参数设置为 False
。这是一个与在 TensorFlow 中使用 XLA 遇到的已知问题列表。除了这些问题之外,XLA 还有一些不支持的操作。
您可能会遇到的错误消息如下所示
Detected unsupported operations when trying to compile graph
__inference_one_step_on_data_125[] on XLA_GPU_JIT
例如,以下代码片段将重现上述错误
class MyModel(keras.Model):
def __init__(self, *args, **kwargs):
super().__init__(*args, **kwargs)
def call(self, inputs):
string_input = tf.strings.as_string(inputs)
return tf.strings.to_number(string_input)
subclass_model = MyModel()
x_train = np.array([[1, 2, 3], [4, 5, 6]])
subclass_model.compile(optimizer="sgd", loss="mse")
subclass_model.predict(x_train)
如何解决:在 model.compile(..., jit_compile=False)
中设置 jit_compile=False
,或将 jit_compile
属性设置为 False
,如下所示
class MyModel(keras.Model):
def __init__(self, *args, **kwargs):
super().__init__(*args, **kwargs)
def call(self, inputs):
# tf.strings ops aren't support by XLA
string_input = tf.strings.as_string(inputs)
return tf.strings.to_number(string_input)
subclass_model = MyModel()
x_train = np.array([[1, 2, 3], [4, 5, 6]])
subclass_model.jit_compile = False
subclass_model.predict(x_train)
1/1 ━━━━━━━━━━━━━━━━━━━━ 0s 51ms/step
array([[1., 2., 3.],
[4., 5., 6.]], dtype=float32)
Keras 3 不再支持通过 model.save()
保存为 TF SavedModel 格式。
您可能会遇到的错误消息如下所示
>>> model.save("mymodel")
ValueError: Invalid filepath extension for saving. Please add either a `.keras` extension
for the native Keras format (recommended) or a `.h5` extension. Use
`model.export(filepath)` if you want to export a SavedModel for use with
TFLite/TFServing/etc. Received: filepath=saved_model.
以下代码片段将重现上述错误
sequential_model = keras.Sequential([
keras.layers.Dense(2)
])
sequential_model.save("saved_model")
如何解决:使用 model.export(filepath)
而不是 model.save(filepath)
sequential_model = keras.Sequential([keras.layers.Dense(2)])
sequential_model(np.random.rand(3, 5))
sequential_model.export("saved_model")
INFO:tensorflow:Assets written to: saved_model/assets
INFO:tensorflow:Assets written to: saved_model/assets
Saved artifact at 'saved_model'. The following endpoints are available:
* Endpoint 'serve'
args_0 (POSITIONAL_ONLY): TensorSpec(shape=(3, 5), dtype=tf.float32, name='keras_tensor')
Output Type:
TensorSpec(shape=(3, 2), dtype=tf.float32, name=None)
Captures:
14428321600: TensorSpec(shape=(), dtype=tf.resource, name=None)
14439128528: TensorSpec(shape=(), dtype=tf.resource, name=None)
不再支持通过 keras.models.load_model()
加载 TF SavedModel 文件。如果您尝试对 TF SavedModel 使用 keras.models.load_model()
,则会收到以下错误
ValueError: File format not supported: filepath=saved_model. Keras 3 only supports V3
`.keras` files and legacy H5 format files (`.h5` extension). Note that the legacy
SavedModel format is not supported by `load_model()` in Keras 3. In order to reload a
TensorFlow SavedModel as an inference-only layer in Keras 3, use
`keras.layers.TFSMLayer(saved_model, call_endpoint='serving_default')` (note that your
`call_endpoint` might have a different name).
以下代码片段将重现上述错误
keras.models.load_model("saved_model")
如何解决:使用 keras.layers.TFSMLayer(filepath, call_endpoint="serving_default")
将 TF SavedModel 重新加载为 Keras 层。这不仅限于源自 Keras 的 SavedModel – 它将适用于任何 SavedModel,例如 TF-Hub 模型。
keras.layers.TFSMLayer("saved_model", call_endpoint="serving_default")
<TFSMLayer name=tfsm_layer, built=True>
Model()
不再能传递深度嵌套的输入/输出(嵌套深度超过 1 层,例如张量列表的列表)。
您将遇到以下错误
ValueError: When providing `inputs` as a dict, all values in the dict must be
KerasTensors. Received: inputs={'foo': <KerasTensor shape=(None, 1), dtype=float32,
sparse=None, name=foo>, 'bar': {'baz': <KerasTensor shape=(None, 1), dtype=float32,
sparse=None, name=bar>}} including invalid value {'baz': <KerasTensor shape=(None, 1),
dtype=float32, sparse=None, name=bar>} of type <class 'dict'>
以下代码片段将重现上述错误
inputs = {
"foo": keras.Input(shape=(1,), name="foo"),
"bar": {
"baz": keras.Input(shape=(1,), name="bar"),
},
}
outputs = inputs["foo"] + inputs["bar"]["baz"]
keras.Model(inputs, outputs)
如何解决:将嵌套输入替换为输入张量的字典、列表和元组。
inputs = {
"foo": keras.Input(shape=(1,), name="foo"),
"bar": keras.Input(shape=(1,), name="bar"),
}
outputs = inputs["foo"] + inputs["bar"]
keras.Model(inputs, outputs)
<Functional name=functional_2, built=True>
在 Keras 2 中,TF autograph 在自定义层的 call()
方法上默认启用。在 Keras 3 中,它没有启用。这意味着如果您正在使用控制流,则可能需要使用 cond 操作,或者您可以使用 @tf.function
装饰您的 call()
方法。
您将遇到以下错误
OperatorNotAllowedInGraphError: Exception encountered when calling MyCustomLayer.call().
Using a symbolic [`tf.Tensor`](https://tensorflowcn.cn/api_docs/python/tf/Tensor) as a Python `bool` is not allowed. You can attempt the
following resolutions to the problem: If you are running in Graph mode, use Eager
execution mode or decorate this function with @tf.function. If you are using AutoGraph,
you can try decorating this function with @tf.function. If that does not work, then you
may be using an unsupported feature or your source code may not be visible to AutoGraph.
Here is a [link for more information](https://github.com/tensorflow/tensorflow/blob/master/tensorflow/python/autograph/g3doc/ref
erence/limitations.md#access-to-source-code).
以下代码片段将重现上述错误
class MyCustomLayer(keras.layers.Layer):
def call(self, inputs):
if tf.random.uniform(()) > 0.5:
return inputs * 2
else:
return inputs / 2
layer = MyCustomLayer()
data = np.random.uniform(size=[3, 3])
model = keras.models.Sequential([layer])
model.compile(optimizer="adam", loss="mse")
model.predict(data)
如何解决:使用 @tf.function
装饰您的 call()
方法
class MyCustomLayer(keras.layers.Layer):
@tf.function()
def call(self, inputs):
if tf.random.uniform(()) > 0.5:
return inputs * 2
else:
return inputs / 2
layer = MyCustomLayer()
data = np.random.uniform(size=[3, 3])
model = keras.models.Sequential([layer])
model.compile(optimizer="adam", loss="mse")
model.predict(data)
1/1 ━━━━━━━━━━━━━━━━━━━━ 0s 43ms/step
array([[0.59727275, 1.9986179 , 1.5514829 ],
[0.56239295, 1.6529864 , 0.33085832],
[0.67086476, 1.5208522 , 1.99276 ]], dtype=float32)
在函数式模型构建期间对 Keras 张量使用 TF 操作是不允许的:“KerasTensor 不能用作 TensorFlow 函数的输入”。
您将遇到的错误如下所示
ValueError: A KerasTensor cannot be used as input to a TensorFlow function. A KerasTensor
is a symbolic placeholder for a shape and dtype, used when constructing Keras Functional
models or Keras Functions. You can only use it as input to a Keras layer or a Keras
operation (from the namespaces `keras.layers` and `keras.operations`).
以下代码片段将重现错误
input = keras.layers.Input([2, 2, 1])
tf.squeeze(input)
如何解决:使用 keras.ops
中的等效操作。
input = keras.layers.Input([2, 2, 1])
keras.ops.squeeze(input)
<KerasTensor shape=(None, 2, 2), dtype=float32, sparse=None, name=keras_tensor_6>
多输出模型的 evaluate()
方法不再单独返回各个输出损失。相反,您应该利用 compile()
方法中的 metrics
参数来跟踪这些损失。
在处理多个命名输出(例如 output_a 和 output_b)时,旧版 tf.keras
将在指标中包含
以下代码片段将重现上述行为
from keras import layers
# A functional model with multiple outputs
inputs = layers.Input(shape=(10,))
x1 = layers.Dense(5, activation='relu')(inputs)
x2 = layers.Dense(5, activation='relu')(x1)
output_1 = layers.Dense(5, activation='softmax', name="output_1")(x1)
output_2 = layers.Dense(5, activation='softmax', name="output_2")(x2)
model = keras.Model(inputs=inputs, outputs=[output_1, output_2])
model.compile(optimizer='adam', loss='categorical_crossentropy')
# dummy data
x_test = np.random.uniform(size=[10, 10])
y_test = np.random.uniform(size=[10, 5])
model.evaluate(x_test, y_test)
from keras import layers
# A functional model with multiple outputs
inputs = layers.Input(shape=(10,))
x1 = layers.Dense(5, activation="relu")(inputs)
x2 = layers.Dense(5, activation="relu")(x1)
output_1 = layers.Dense(5, activation="softmax", name="output_1")(x1)
output_2 = layers.Dense(5, activation="softmax", name="output_2")(x2)
# dummy data
x_test = np.random.uniform(size=[10, 10])
y_test = np.random.uniform(size=[10, 5])
multi_output_model = keras.Model(inputs=inputs, outputs=[output_1, output_2])
multi_output_model.compile(
optimizer="adam",
loss="categorical_crossentropy",
metrics=["categorical_crossentropy", "categorical_crossentropy"],
)
multi_output_model.evaluate(x_test, y_test)
1/1 ━━━━━━━━━━━━━━━━━━━━ 0s 112ms/step - loss: 4.0217 - output_1_categorical_crossentropy: 4.0217
[4.021683692932129, 4.021683692932129]
将 tf.Variable
作为 Keras 3 层或模型的属性设置不会自动跟踪该变量,这与 Keras 2 不同。以下代码片段将显示 tf.Variables
没有被跟踪。
class MyCustomLayer(keras.layers.Layer):
def __init__(self, units):
super().__init__()
self.units = units
def build(self, input_shape):
input_dim = input_shape[-1]
self.w = tf.Variable(initial_value=tf.zeros([input_dim, self.units]))
self.b = tf.Variable(initial_value=tf.zeros([self.units,]))
def call(self, inputs):
return keras.ops.matmul(inputs, self.w) + self.b
layer = MyCustomLayer(3)
data = np.random.uniform(size=[3, 3])
model = keras.models.Sequential([layer])
model.compile(optimizer="adam", loss="mse")
model.predict(data)
# The model does not have any trainable variables
for layer in model.layers:
print(layer.trainable_variables)
您将看到以下警告
UserWarning: The model does not have any trainable weights.
warnings.warn("The model does not have any trainable weights.")
如何解决:使用 self.add_weight()
方法或选择 keras.Variable
。如果您当前正在使用 tf.variable
,则可以切换到 keras.Variable
。
class MyCustomLayer(keras.layers.Layer):
def __init__(self, units):
super().__init__()
self.units = units
def build(self, input_shape):
input_dim = input_shape[-1]
self.w = self.add_weight(
shape=[input_dim, self.units],
initializer="zeros",
)
self.b = self.add_weight(
shape=[
self.units,
],
initializer="zeros",
)
def call(self, inputs):
return keras.ops.matmul(inputs, self.w) + self.b
layer = MyCustomLayer(3)
data = np.random.uniform(size=[3, 3])
model = keras.models.Sequential([layer])
model.compile(optimizer="adam", loss="mse")
model.predict(data)
# Verify that the variables are now being tracked
for layer in model.layers:
print(layer.trainable_variables)
1/1 ━━━━━━━━━━━━━━━━━━━━ 0s 33ms/step
[<KerasVariable shape=(3, 3), dtype=float32, path=sequential_2/my_custom_layer_1/variable>, <KerasVariable shape=(3,), dtype=float32, path=sequential_2/my_custom_layer_1/variable_1>]
`None` 条目不允许作为 Layer.call()
中嵌套(例如列表/元组)张量参数的一部分,也不允许作为 call()
的嵌套返回值的一部分。
如果参数中的 None
是有意的并且具有特定目的,请确保该参数是可选的,并将其构造为一个单独的参数。例如,考虑使用可选参数定义 call
方法。
以下代码片段将重现错误。
class CustomLayer(keras.layers.Layer):
def __init__(self):
super().__init__()
def call(self, inputs):
foo = inputs["foo"]
baz = inputs["bar"]["baz"]
if baz is not None:
return foo + baz
return foo
layer = CustomLayer()
inputs = {
"foo": keras.Input(shape=(1,), name="foo"),
"bar": {
"baz": None,
},
}
layer(inputs)
如何解决
解决方案 1:用一个值替换 None
,如下所示
class CustomLayer(keras.layers.Layer):
def __init__(self):
super().__init__()
def call(self, inputs):
foo = inputs["foo"]
baz = inputs["bar"]["baz"]
return foo + baz
layer = CustomLayer()
inputs = {
"foo": keras.Input(shape=(1,), name="foo"),
"bar": {
"baz": keras.Input(shape=(1,), name="bar"),
},
}
layer(inputs)
<KerasTensor shape=(None, 1), dtype=float32, sparse=False, name=keras_tensor_14>
解决方案 2:使用可选参数定义 call 方法。这是一个修复示例
class CustomLayer(keras.layers.Layer):
def __init__(self):
super().__init__()
def call(self, foo, baz=None):
if baz is not None:
return foo + baz
return foo
layer = CustomLayer()
foo = keras.Input(shape=(1,), name="foo")
baz = None
layer(foo, baz=baz)
<KerasTensor shape=(None, 1), dtype=float32, sparse=False, name=keras_tensor_15>
Keras 3 在何时创建状态(例如数值权重变量)方面比 Keras 2 严格得多。Keras 3 希望所有状态都在模型可以训练之前创建。这是使用 JAX 的一项要求(而 TensorFlow 对状态创建时间非常宽松)。
Keras 层应在其构造函数 (__init__()
方法) 或其 build()
方法中创建其状态。它们应避免在 call()
中创建状态。
如果您忽略此建议并在 call()
中创建状态(例如,通过调用之前未构建的层),则 Keras 将尝试通过在训练前对符号输入调用 call()
方法来自动构建该层。但是,这种自动状态创建尝试在某些情况下可能会失败。这将导致一个看起来像这样的错误
Layer 'frame_position_embedding' looks like it has unbuilt state,
but Keras is not able to trace the layer `call()` in order to build it automatically.
Possible causes:
1. The `call()` method of your layer may be crashing.
Try to `__call__()` the layer eagerly on some test input first to see if it works.
E.g. `x = np.random.random((3, 4)); y = layer(x)`
2. If the `call()` method is correct, then you may need to implement
the `def build(self, input_shape)` method on your layer.
It should create all variables used by the layer
(e.g. by calling `layer.build()` on all its children layers).
您可以使用以下层(在使用 JAX 后端时)重现此错误
class PositionalEmbedding(keras.layers.Layer):
def __init__(self, sequence_length, output_dim, **kwargs):
super().__init__(**kwargs)
self.position_embeddings = layers.Embedding(
input_dim=sequence_length, output_dim=output_dim
)
self.sequence_length = sequence_length
self.output_dim = output_dim
def call(self, inputs):
inputs = keras.ops.cast(inputs, self.compute_dtype)
length = keras.ops.shape(inputs)[1]
positions = keras.ops.arange(start=0, stop=length, step=1)
embedded_positions = self.position_embeddings(positions)
return inputs + embedded_positions
如何解决:完全按照错误消息的要求去做。首先,尝试急切地运行该层以查看 call()
方法是否确实正确(注意:如果它在 Keras 2 中工作,那么它是正确的,不需要更改)。如果它确实正确,那么您应该实现一个 build(self, input_shape)
方法,该方法创建层的所有状态,包括子层的状态。以下是应用于上述层的修复程序(注意 build()
方法)
class PositionalEmbedding(keras.layers.Layer):
def __init__(self, sequence_length, output_dim, **kwargs):
super().__init__(**kwargs)
self.position_embeddings = layers.Embedding(
input_dim=sequence_length, output_dim=output_dim
)
self.sequence_length = sequence_length
self.output_dim = output_dim
def build(self, input_shape):
self.position_embeddings.build(input_shape)
def call(self, inputs):
inputs = keras.ops.cast(inputs, self.compute_dtype)
length = keras.ops.shape(inputs)[1]
positions = keras.ops.arange(start=0, stop=length, step=1)
embedded_positions = self.position_embeddings(positions)
return inputs + embedded_positions
作为清理措施,Keras 3 中删除了少量使用率非常低的遗留功能
keras.layers.ThresholdedReLU
。相反,您可以简单地使用带有 threshold
参数的 ReLU
层。Layer.add_loss()
:已删除符号 add_loss()
(您仍然可以在层的/模型的 call()
方法内使用 add_loss()
)。LocallyConnected1D
、LocallyConnected2D
)。要使用局部连接层,请将层实现复制到您自己的代码库中。keras.layers.experimental.RandomFourierFeatures
。要使用它,请将层实现复制到您自己的代码库中。metrics
、dynamic
。metrics
仍然可以在 Model
类中使用。constants
和 time_major
参数。constants
参数是 Theano 的残留物,使用率非常低。time_major
参数的使用率也很低。
reset_metrics
参数:reset_metrics
参数已从 model.*_on_batch()
方法中移除。此参数的使用率非常低。keras.constraints.RadialConstraint
对象已移除。此对象的使用率非常低。使用 TensorFlow 后端的 Keras 3 代码可以与原生 TensorFlow API 一起使用。但是,如果您希望您的代码与后端无关,则需要
tf.*
API 调用替换为等效的 Keras API。train_step
/test_step
方法转换为多框架实现。keras.random
操作。让我们详细介绍每个要点。
在许多情况下,这是您开始能够使用 JAX 和 PyTorch 运行自定义层和指标所需的唯一操作:将任何 tf.*
、tf.math*
、tf.linalg.*
等替换为 keras.ops.*
。大多数 TF 操作应与 Keras 3 保持一致。如果名称不同,本指南中将突出显示它们。
Keras 将 NumPy API 作为 keras.ops
的一部分实现。
下表仅列出了 TensorFlow 和 Keras 操作的一小部分;未列出的操作通常在两个框架中名称相同(例如 reshape
、matmul
、cast
等)。
train_step()
方法您的模型可能包含自定义 train_step()
或 test_step()
方法,这些方法依赖于仅 TensorFlow 的 API——例如,您的 train_step()
方法可能利用 TensorFlow 的 tf.GradientTape
。要将此类模型转换为在 JAX 或 PyTorch 上运行,您需要为要支持的每个后端编写不同的 train_step()
实现。
在某些情况下,您可能只需覆盖 Model.compute_loss()
方法并使其完全与后端无关,而不是覆盖 train_step()
。以下是一个具有自定义 compute_loss()
方法的层的示例,该方法可在 JAX、TensorFlow 和 PyTorch 中使用。
class MyModel(keras.Model):
def compute_loss(self, x=None, y=None, y_pred=None, sample_weight=None):
loss = keras.ops.sum(keras.losses.mean_squared_error(y, y_pred, sample_weight))
return loss
如果您需要修改优化机制本身(超出损失计算),则需要覆盖 train_step()
,并为每个后端实现一个 train_step
方法,如下所示。
有关如何处理每个后端的详细信息,请参阅以下指南
class MyModel(keras.Model):
def train_step(self, *args, **kwargs):
if keras.backend.backend() == "jax":
return self._jax_train_step(*args, **kwargs)
elif keras.backend.backend() == "tensorflow":
return self._tensorflow_train_step(*args, **kwargs)
elif keras.backend.backend() == "torch":
return self._torch_train_step(*args, **kwargs)
def _jax_train_step(self, state, data):
pass # See guide: keras.io/guides/custom_train_step_in_jax/
def _tensorflow_train_step(self, data):
pass # See guide: keras.io/guides/custom_train_step_in_tensorflow/
def _torch_train_step(self, data):
pass # See guide: keras.io/guides/custom_train_step_in_torch/
Keras 3 有一个新的 keras.random
命名空间,其中包含
这些操作是无状态的,这意味着如果您传递 seed
参数,它们每次都会返回相同的结果。像这样
print(keras.random.normal(shape=(), seed=123))
print(keras.random.normal(shape=(), seed=123))
tf.Tensor(0.7832616, shape=(), dtype=float32)
tf.Tensor(0.7832616, shape=(), dtype=float32)
至关重要的是,这与有状态 tf.random
操作的行为不同。
print(tf.random.normal(shape=(), seed=123))
print(tf.random.normal(shape=(), seed=123))
tf.Tensor(2.4435377, shape=(), dtype=float32)
tf.Tensor(-0.6386405, shape=(), dtype=float32)
当您编写使用 RNG 的层(例如自定义 dropout 层)时,您将希望在层调用时使用不同的种子值。但是,您不能只是递增 Python 整数并传递它,因为虽然这在急切执行时可以正常工作,但在使用编译(JAX、TensorFlow 和 PyTorch 提供)时不会按预期工作。在编译层时,层看到的第一个 Python 整数种子值将被硬编码到编译的图中。
为了解决这个问题,您应该将有状态 keras.random.SeedGenerator
对象的实例作为 seed
参数传递,如下所示
seed_generator = keras.random.SeedGenerator(1337)
print(keras.random.normal(shape=(), seed=seed_generator))
print(keras.random.normal(shape=(), seed=seed_generator))
tf.Tensor(0.6077996, shape=(), dtype=float32)
tf.Tensor(0.8211102, shape=(), dtype=float32)
因此,在编写使用 RNG 的层时,您将使用以下模式
class RandomNoiseLayer(keras.layers.Layer):
def __init__(self, noise_rate, **kwargs):
super().__init__(**kwargs)
self.noise_rate = noise_rate
self.seed_generator = keras.random.SeedGenerator(1337)
def call(self, inputs):
noise = keras.random.uniform(
minval=0, maxval=self.noise_rate, seed=self.seed_generator
)
return inputs + noise
这样的层在任何环境中都是安全的——在急切执行或编译模型中。每个层调用都将按预期使用不同的种子值。