Zobacz na TensorFlow.org | Uruchom w Google Colab | Wyświetl źródło na GitHub | Pobierz notatnik |
Wstęp
Kiedy robisz nadzorowanego uczenia się, można użyć fit()
i wszystko działa płynnie.
Kiedy trzeba napisać własną pętlę szkolenia od podstaw, można użyć GradientTape
i przejąć kontrolę nad każdym szczególe.
Ale co, jeśli trzeba algorytm szkoleniowy niestandardową, ale nadal chcą skorzystać z wygodnych funkcji fit()
, takie jak wywołania zwrotne, wbudowane wsparcie dystrybucji, lub etapie utrwalania?
Fundamentalną zasadą Keras jest progresywny ujawnienie złożoności. Zawsze powinieneś być w stanie przejść do przepływów pracy na niższym poziomie w sposób stopniowy. Nie powinieneś spaść z klifu, jeśli funkcjonalność wysokiego poziomu nie pasuje dokładnie do twojego przypadku użycia. Powinieneś być w stanie uzyskać większą kontrolę nad drobnymi szczegółami, zachowując proporcjonalną wygodę na wysokim poziomie.
Kiedy trzeba dostosować co fit()
nie powinny przesłonić funkcję krok szkolenie w Model
klasy. Jest to funkcja, która jest wywoływana przez fit()
dla każdej partii danych. Będziesz wtedy mógł zadzwonić fit()
jak zwykle - i to będzie prowadzenie własnej algorytm uczenia się.
Pamiętaj, że ten wzorzec nie uniemożliwia budowania modeli za pomocą funkcjonalnego interfejsu API. Można to zrobić, czy jesteś budynku Sequential
modeli, funkcjonalne modele API lub podklasy modeli.
Zobaczmy, jak to działa.
Ustawiać
Wymaga TensorFlow w wersji 2.2 lub nowszej.
import tensorflow as tf
from tensorflow import keras
Pierwszy prosty przykład
Zacznijmy od prostego przykładu:
- Tworzymy nową klasę, która podklasy
keras.Model
. - Po prostu zastąpić metodę
train_step(self, data)
. - Zwracamy nazwy metryk mapujących słownik (w tym straty) do ich bieżącej wartości.
Argument wejściowy data
jest to, co zostanie przekazane do dopasowania danych treningowych:
- Jeśli zdasz tablic numpy, wywołując
fit(x, y, ...)
, wtedydata
będą krotka(x, y)
- Jeśli zdać
tf.data.Dataset
, wywołującfit(dataset, ...)
, wtedydata
będą co zostanie uzyskane zedataset
w każdej partii.
W korpusie train_step
metody, wdrożymy regularną aktualizację treningowy, podobny do tego, co już znają. Co ważne, obliczyć straty poprzez self.compiled_loss
, która otacza funkcji strat (ES) (S), które zostały przekazane do compile()
.
Podobnie, nazywamy self.compiled_metrics.update_state(y, y_pred)
, aby zaktualizować stan metryk, które zostały przekazane w compile()
, a my zapytań Wyniki self.metrics
na końcu odzyskać swoją aktualną wartość.
class CustomModel(keras.Model):
def train_step(self, data):
# Unpack the data. Its structure depends on your model and
# on what you pass to `fit()`.
x, y = data
with tf.GradientTape() as tape:
y_pred = self(x, training=True) # Forward pass
# Compute the loss value
# (the loss function is configured in `compile()`)
loss = self.compiled_loss(y, y_pred, regularization_losses=self.losses)
# Compute gradients
trainable_vars = self.trainable_variables
gradients = tape.gradient(loss, trainable_vars)
# Update weights
self.optimizer.apply_gradients(zip(gradients, trainable_vars))
# Update metrics (includes the metric that tracks the loss)
self.compiled_metrics.update_state(y, y_pred)
# Return a dict mapping metric names to current value
return {m.name: m.result() for m in self.metrics}
Wypróbujmy to:
import numpy as np
# Construct and compile an instance of CustomModel
inputs = keras.Input(shape=(32,))
outputs = keras.layers.Dense(1)(inputs)
model = CustomModel(inputs, outputs)
model.compile(optimizer="adam", loss="mse", metrics=["mae"])
# Just use `fit` as usual
x = np.random.random((1000, 32))
y = np.random.random((1000, 1))
model.fit(x, y, epochs=3)
Epoch 1/3 32/32 [==============================] - 1s 2ms/step - loss: 0.9909 - mae: 0.8601 Epoch 2/3 32/32 [==============================] - 0s 2ms/step - loss: 0.4363 - mae: 0.5345 Epoch 3/3 32/32 [==============================] - 0s 2ms/step - loss: 0.2906 - mae: 0.4311 <keras.callbacks.History at 0x7f5ad1ca1090>
Przechodzenie na niższy poziom
Oczywiście, można po prostu pominąć przechodzącą funkcji straty w compile()
, a zamiast robić wszystko ręcznie w train_step
. Podobnie dla metryk.
Oto przykład niższego poziomu, który używa tylko compile()
aby skonfigurować optymalizator:
- Zaczynamy od utworzenia
Metric
instancje śledzić nasze straty i wynik MAE. - Realizujemy niestandardowe
train_step()
, który aktualizuje stan tych danych (poprzez wywołanieupdate_state()
na nich), a następnie zapytać je (przezresult()
), aby powrócić ich aktualnej średniej wartości, które mają być wyświetlane na pasku postępu i być przejść do dowolnego wywołania zwrotnego. - Zauważ, że musielibyśmy nazwać
reset_states()
na naszych metryk pomiędzy każdej epoce! Inaczej nazywającresult()
zwróciłby średnio od początku treningu, a my zazwyczaj pracują ze średnimi per-epoki. Na szczęście, ramy może zrobić to za nas: wystarczy wymienić dowolny parametr chcesz zresetować wmetrics
własności modelu. Model wezwiereset_states()
na dowolny obiekt wymienionych tutaj na początku każdegofit()
epoki lub na początku rozmowy doevaluate()
.
loss_tracker = keras.metrics.Mean(name="loss")
mae_metric = keras.metrics.MeanAbsoluteError(name="mae")
class CustomModel(keras.Model):
def train_step(self, data):
x, y = data
with tf.GradientTape() as tape:
y_pred = self(x, training=True) # Forward pass
# Compute our own loss
loss = keras.losses.mean_squared_error(y, y_pred)
# Compute gradients
trainable_vars = self.trainable_variables
gradients = tape.gradient(loss, trainable_vars)
# Update weights
self.optimizer.apply_gradients(zip(gradients, trainable_vars))
# Compute our own metrics
loss_tracker.update_state(loss)
mae_metric.update_state(y, y_pred)
return {"loss": loss_tracker.result(), "mae": mae_metric.result()}
@property
def metrics(self):
# We list our `Metric` objects here so that `reset_states()` can be
# called automatically at the start of each epoch
# or at the start of `evaluate()`.
# If you don't implement this property, you have to call
# `reset_states()` yourself at the time of your choosing.
return [loss_tracker, mae_metric]
# Construct an instance of CustomModel
inputs = keras.Input(shape=(32,))
outputs = keras.layers.Dense(1)(inputs)
model = CustomModel(inputs, outputs)
# We don't passs a loss or metrics here.
model.compile(optimizer="adam")
# Just use `fit` as usual -- you can use callbacks, etc.
x = np.random.random((1000, 32))
y = np.random.random((1000, 1))
model.fit(x, y, epochs=5)
Epoch 1/5 32/32 [==============================] - 0s 1ms/step - loss: 1.5969 - mae: 1.1523 Epoch 2/5 32/32 [==============================] - 0s 1ms/step - loss: 0.7352 - mae: 0.7310 Epoch 3/5 32/32 [==============================] - 0s 1ms/step - loss: 0.3830 - mae: 0.4999 Epoch 4/5 32/32 [==============================] - 0s 1ms/step - loss: 0.2809 - mae: 0.4215 Epoch 5/5 32/32 [==============================] - 0s 1ms/step - loss: 0.2590 - mae: 0.4058 <keras.callbacks.History at 0x7f5ad1b62c50>
Wspieranie sample_weight
& class_weight
Być może zauważyłeś, że w naszym pierwszym podstawowym przykładzie nie było żadnej wzmianki o ważeniu próbek. Jeśli chcesz wesprzeć fit()
argumenty sample_weight
i class_weight
, można po prostu wykonaj następujące czynności:
- Rozpakuj
sample_weight
zdata
argumentu - Przekazać je do
compiled_loss
&compiled_metrics
(oczywiście, można też po prostu zastosować go ręcznie, jeśli nie opierają się nacompile()
za straty i metryk) - Otóż to. To jest lista.
class CustomModel(keras.Model):
def train_step(self, data):
# Unpack the data. Its structure depends on your model and
# on what you pass to `fit()`.
if len(data) == 3:
x, y, sample_weight = data
else:
sample_weight = None
x, y = data
with tf.GradientTape() as tape:
y_pred = self(x, training=True) # Forward pass
# Compute the loss value.
# The loss function is configured in `compile()`.
loss = self.compiled_loss(
y,
y_pred,
sample_weight=sample_weight,
regularization_losses=self.losses,
)
# Compute gradients
trainable_vars = self.trainable_variables
gradients = tape.gradient(loss, trainable_vars)
# Update weights
self.optimizer.apply_gradients(zip(gradients, trainable_vars))
# Update the metrics.
# Metrics are configured in `compile()`.
self.compiled_metrics.update_state(y, y_pred, sample_weight=sample_weight)
# Return a dict mapping metric names to current value.
# Note that it will include the loss (tracked in self.metrics).
return {m.name: m.result() for m in self.metrics}
# Construct and compile an instance of CustomModel
inputs = keras.Input(shape=(32,))
outputs = keras.layers.Dense(1)(inputs)
model = CustomModel(inputs, outputs)
model.compile(optimizer="adam", loss="mse", metrics=["mae"])
# You can now use sample_weight argument
x = np.random.random((1000, 32))
y = np.random.random((1000, 1))
sw = np.random.random((1000, 1))
model.fit(x, y, sample_weight=sw, epochs=3)
Epoch 1/3 32/32 [==============================] - 0s 2ms/step - loss: 0.1365 - mae: 0.4196 Epoch 2/3 32/32 [==============================] - 0s 2ms/step - loss: 0.1285 - mae: 0.4068 Epoch 3/3 32/32 [==============================] - 0s 2ms/step - loss: 0.1212 - mae: 0.3971 <keras.callbacks.History at 0x7f5ad1ba64d0>
Zapewnienie własnego kroku oceny
Co zrobić, jeśli chcesz zrobić to samo dla połączeń do model.evaluate()
? Wtedy można zastąpić test_step
w dokładnie taki sam sposób. Oto jak to wygląda:
class CustomModel(keras.Model):
def test_step(self, data):
# Unpack the data
x, y = data
# Compute predictions
y_pred = self(x, training=False)
# Updates the metrics tracking the loss
self.compiled_loss(y, y_pred, regularization_losses=self.losses)
# Update the metrics.
self.compiled_metrics.update_state(y, y_pred)
# Return a dict mapping metric names to current value.
# Note that it will include the loss (tracked in self.metrics).
return {m.name: m.result() for m in self.metrics}
# Construct an instance of CustomModel
inputs = keras.Input(shape=(32,))
outputs = keras.layers.Dense(1)(inputs)
model = CustomModel(inputs, outputs)
model.compile(loss="mse", metrics=["mae"])
# Evaluate with our custom test_step
x = np.random.random((1000, 32))
y = np.random.random((1000, 1))
model.evaluate(x, y)
32/32 [==============================] - 0s 1ms/step - loss: 2.7584 - mae: 1.5920 [2.758362054824829, 1.59201979637146]
Podsumowanie: kompletny przykład GAN
Przyjrzyjmy się kompleksowemu przykładowi, który wykorzystuje wszystko, czego się właśnie nauczyłeś.
Rozważmy:
- Sieć generatora przeznaczona do generowania obrazów 28x28x1.
- Sieć dyskryminacyjna przeznaczona do klasyfikowania obrazów 28x28x1 na dwie klasy („fałszywe” i „prawdziwe”).
- Jeden optymalizator dla każdego.
- Funkcja straty do trenowania dyskryminatora.
from tensorflow.keras import layers
# Create the discriminator
discriminator = keras.Sequential(
[
keras.Input(shape=(28, 28, 1)),
layers.Conv2D(64, (3, 3), strides=(2, 2), padding="same"),
layers.LeakyReLU(alpha=0.2),
layers.Conv2D(128, (3, 3), strides=(2, 2), padding="same"),
layers.LeakyReLU(alpha=0.2),
layers.GlobalMaxPooling2D(),
layers.Dense(1),
],
name="discriminator",
)
# Create the generator
latent_dim = 128
generator = keras.Sequential(
[
keras.Input(shape=(latent_dim,)),
# We want to generate 128 coefficients to reshape into a 7x7x128 map
layers.Dense(7 * 7 * 128),
layers.LeakyReLU(alpha=0.2),
layers.Reshape((7, 7, 128)),
layers.Conv2DTranspose(128, (4, 4), strides=(2, 2), padding="same"),
layers.LeakyReLU(alpha=0.2),
layers.Conv2DTranspose(128, (4, 4), strides=(2, 2), padding="same"),
layers.LeakyReLU(alpha=0.2),
layers.Conv2D(1, (7, 7), padding="same", activation="sigmoid"),
],
name="generator",
)
Oto funkcja autouzupełniania klasa GAN, nadrzędnymi compile()
używać własnego podpisu i realizację całego algorytmu GAN w 17 liniach w train_step
:
class GAN(keras.Model):
def __init__(self, discriminator, generator, latent_dim):
super(GAN, self).__init__()
self.discriminator = discriminator
self.generator = generator
self.latent_dim = latent_dim
def compile(self, d_optimizer, g_optimizer, loss_fn):
super(GAN, self).compile()
self.d_optimizer = d_optimizer
self.g_optimizer = g_optimizer
self.loss_fn = loss_fn
def train_step(self, real_images):
if isinstance(real_images, tuple):
real_images = real_images[0]
# Sample random points in the latent space
batch_size = tf.shape(real_images)[0]
random_latent_vectors = tf.random.normal(shape=(batch_size, self.latent_dim))
# Decode them to fake images
generated_images = self.generator(random_latent_vectors)
# Combine them with real images
combined_images = tf.concat([generated_images, real_images], axis=0)
# Assemble labels discriminating real from fake images
labels = tf.concat(
[tf.ones((batch_size, 1)), tf.zeros((batch_size, 1))], axis=0
)
# Add random noise to the labels - important trick!
labels += 0.05 * tf.random.uniform(tf.shape(labels))
# Train the discriminator
with tf.GradientTape() as tape:
predictions = self.discriminator(combined_images)
d_loss = self.loss_fn(labels, predictions)
grads = tape.gradient(d_loss, self.discriminator.trainable_weights)
self.d_optimizer.apply_gradients(
zip(grads, self.discriminator.trainable_weights)
)
# Sample random points in the latent space
random_latent_vectors = tf.random.normal(shape=(batch_size, self.latent_dim))
# Assemble labels that say "all real images"
misleading_labels = tf.zeros((batch_size, 1))
# Train the generator (note that we should *not* update the weights
# of the discriminator)!
with tf.GradientTape() as tape:
predictions = self.discriminator(self.generator(random_latent_vectors))
g_loss = self.loss_fn(misleading_labels, predictions)
grads = tape.gradient(g_loss, self.generator.trainable_weights)
self.g_optimizer.apply_gradients(zip(grads, self.generator.trainable_weights))
return {"d_loss": d_loss, "g_loss": g_loss}
Przetestujmy to:
# Prepare the dataset. We use both the training & test MNIST digits.
batch_size = 64
(x_train, _), (x_test, _) = keras.datasets.mnist.load_data()
all_digits = np.concatenate([x_train, x_test])
all_digits = all_digits.astype("float32") / 255.0
all_digits = np.reshape(all_digits, (-1, 28, 28, 1))
dataset = tf.data.Dataset.from_tensor_slices(all_digits)
dataset = dataset.shuffle(buffer_size=1024).batch(batch_size)
gan = GAN(discriminator=discriminator, generator=generator, latent_dim=latent_dim)
gan.compile(
d_optimizer=keras.optimizers.Adam(learning_rate=0.0003),
g_optimizer=keras.optimizers.Adam(learning_rate=0.0003),
loss_fn=keras.losses.BinaryCrossentropy(from_logits=True),
)
# To limit the execution time, we only train on 100 batches. You can train on
# the entire dataset. You will need about 20 epochs to get nice results.
gan.fit(dataset.take(100), epochs=1)
100/100 [==============================] - 3s 11ms/step - d_loss: 0.4031 - g_loss: 0.9305 <keras.callbacks.History at 0x7f5ad1b37c50>
Idee deep learningu są proste, więc dlaczego ich wdrożenie miałoby być bolesne?