开发者指南 / 超参数调整 / 定制搜索空间

定制搜索空间

作者:Luca Invernizzi,James Long,Francois Chollet,Tom O'Malley,Haifeng Jin
创建日期 2019/05/31
上次修改日期 2021/10/27
描述:在不更改超模型的情况下调整超参数的子集。

在 Colab 中查看 GitHub 源码

!pip install keras-tuner -q

在本指南中,我们将展示如何在不直接更改HyperModel代码的情况下定制搜索空间。例如,您只能调整一些超参数并保持其余超参数固定,或者可以覆盖编译参数,例如optimizerlossmetrics


超参数的默认值

在定制搜索空间之前,了解每个超参数都有一个默认值非常重要。在定制搜索空间期间不调整超参数时,此默认值将用作超参数值。

每当您注册超参数时,都可以使用default参数指定默认值。

hp.Int("units", min_value=32, max_value=128, step=32, default=64)

如果您不指定,超参数始终具有默认的默认值(对于Int,它等于min_value)。

在下面的模型构建函数中,我们将units超参数的默认值指定为 64。

import keras
from keras import layers
import keras_tuner
import numpy as np


def build_model(hp):
    model = keras.Sequential()
    model.add(layers.Flatten())
    model.add(
        layers.Dense(
            units=hp.Int("units", min_value=32, max_value=128, step=32, default=64)
        )
    )
    if hp.Boolean("dropout"):
        model.add(layers.Dropout(rate=0.25))
    model.add(layers.Dense(units=10, activation="softmax"))
    model.compile(
        optimizer=keras.optimizers.Adam(
            learning_rate=hp.Choice("learning_rate", values=[1e-2, 1e-3, 1e-4])
        ),
        loss="sparse_categorical_crossentropy",
        metrics=["accuracy"],
    )
    return model

我们将通过覆盖超参数(无需定义新的搜索空间)在本教程的其余部分重复使用此搜索空间。


搜索一些并固定其余

如果您有一个现有的超模型,并且只想搜索几个超参数,并保持其余超参数固定,则无需更改模型构建函数或HyperModel中的代码。您可以将HyperParameters传递给调谐器构造函数的hyperparameters参数,其中包含您想要调整的所有超参数。指定tune_new_entries=False以防止它调整其他超参数,其默认值将被使用。

在下面的示例中,我们仅调整learning_rate超参数,并更改了其类型和值范围。

hp = keras_tuner.HyperParameters()

# This will override the `learning_rate` parameter with your
# own selection of choices
hp.Float("learning_rate", min_value=1e-4, max_value=1e-2, sampling="log")

tuner = keras_tuner.RandomSearch(
    hypermodel=build_model,
    hyperparameters=hp,
    # Prevents unlisted parameters from being tuned
    tune_new_entries=False,
    objective="val_accuracy",
    max_trials=3,
    overwrite=True,
    directory="my_dir",
    project_name="search_a_few",
)

# Generate random data
x_train = np.random.rand(100, 28, 28, 1)
y_train = np.random.randint(0, 10, (100, 1))
x_val = np.random.rand(20, 28, 28, 1)
y_val = np.random.randint(0, 10, (20, 1))

# Run the search
tuner.search(x_train, y_train, epochs=1, validation_data=(x_val, y_val))
Trial 3 Complete [00h 00m 01s]
val_accuracy: 0.20000000298023224
Best val_accuracy So Far: 0.25
Total elapsed time: 00h 00m 03s

如果您总结搜索空间,您将只看到一个超参数。

tuner.search_space_summary()
Search space summary
Default search space size: 1
learning_rate (Float)
{'default': 0.0001, 'conditions': [], 'min_value': 0.0001, 'max_value': 0.01, 'step': None, 'sampling': 'log'}

固定一些并调整其余

在上面的示例中,我们展示了如何仅调整几个超参数并保持其余超参数固定。您也可以执行相反的操作:仅固定几个超参数并调整所有其他超参数。

在下面的示例中,我们固定了learning_rate超参数的值。传递一个带有Fixed条目(或任意数量的Fixed条目)的hyperparameters参数。还要记住指定tune_new_entries=True,这允许我们调整其余的超参数。

hp = keras_tuner.HyperParameters()
hp.Fixed("learning_rate", value=1e-4)

tuner = keras_tuner.RandomSearch(
    build_model,
    hyperparameters=hp,
    tune_new_entries=True,
    objective="val_accuracy",
    max_trials=3,
    overwrite=True,
    directory="my_dir",
    project_name="fix_a_few",
)

tuner.search(x_train, y_train, epochs=1, validation_data=(x_val, y_val))
Trial 3 Complete [00h 00m 01s]
val_accuracy: 0.15000000596046448
Best val_accuracy So Far: 0.15000000596046448
Total elapsed time: 00h 00m 03s

如果您总结搜索空间,您将看到learning_rate被标记为固定,并且其余超参数正在被调整。

tuner.search_space_summary()
Search space summary
Default search space size: 3
learning_rate (Fixed)
{'conditions': [], 'value': 0.0001}
units (Int)
{'default': 64, 'conditions': [], 'min_value': 32, 'max_value': 128, 'step': 32, 'sampling': 'linear'}
dropout (Boolean)
{'default': False, 'conditions': []}

覆盖编译参数

如果您有一个超模型,想要更改现有的优化器、损失函数或指标,您可以通过将这些参数传递给调谐器构造函数来实现。

tuner = keras_tuner.RandomSearch(
    build_model,
    optimizer=keras.optimizers.Adam(1e-3),
    loss="mse",
    metrics=[
        "sparse_categorical_crossentropy",
    ],
    objective="val_loss",
    max_trials=3,
    overwrite=True,
    directory="my_dir",
    project_name="override_compile",
)

tuner.search(x_train, y_train, epochs=1, validation_data=(x_val, y_val))
Trial 3 Complete [00h 00m 01s]
val_loss: 29.39796257019043
Best val_loss So Far: 29.39630699157715
Total elapsed time: 00h 00m 04s

如果您获得最佳模型,您会看到损失函数已更改为 MSE。

tuner.get_best_models()[0].loss
/usr/local/python/3.10.13/lib/python3.10/site-packages/keras/src/saving/saving_lib.py:388: UserWarning: Skipping variable loading for optimizer 'adam', because it has 2 variables whereas the saved optimizer has 10 variables. 
  trackable.load_own_variables(weights_store.get(inner_path))

'mse'

定制预构建 HyperModels 的搜索空间

您也可以将这些技术与 KerasTuner 中的预构建模型(如HyperResNetHyperXception)一起使用。但是,要查看这些预构建HyperModel中有哪些超参数,您需要阅读源代码。

在下面的示例中,我们仅调整HyperXceptionlearning_rate并固定所有其他超参数。因为HyperXception的默认损失是categorical_crossentropy,它期望标签为独热编码,这与我们的原始整数标签数据不匹配,我们需要通过在编译参数中覆盖losssparse_categorical_crossentropy来更改它。

hypermodel = keras_tuner.applications.HyperXception(input_shape=(28, 28, 1), classes=10)

hp = keras_tuner.HyperParameters()

# This will override the `learning_rate` parameter with your
# own selection of choices
hp.Choice("learning_rate", values=[1e-2, 1e-3, 1e-4])

tuner = keras_tuner.RandomSearch(
    hypermodel,
    hyperparameters=hp,
    # Prevents unlisted parameters from being tuned
    tune_new_entries=False,
    # Override the loss.
    loss="sparse_categorical_crossentropy",
    metrics=["accuracy"],
    objective="val_accuracy",
    max_trials=3,
    overwrite=True,
    directory="my_dir",
    project_name="helloworld",
)

# Run the search
tuner.search(x_train, y_train, epochs=1, validation_data=(x_val, y_val))
tuner.search_space_summary()
Trial 3 Complete [00h 00m 19s]
val_accuracy: 0.15000000596046448
Best val_accuracy So Far: 0.20000000298023224
Total elapsed time: 00h 00m 58s
Search space summary
Default search space size: 1
learning_rate (Choice)
{'default': 0.01, 'conditions': [], 'values': [0.01, 0.001, 0.0001], 'ordered': True}