|  Xem trên TensorFlow.org |  Chạy trong Google Colab |  Xem nguồn trên GitHub |  Tải xuống sổ ghi chép | 
Giới thiệu
 Khi bạn đang làm học có giám sát, bạn có thể sử dụng fit() và mọi thứ hoạt động trơn tru.
 Khi bạn cần phải viết lặp đào tạo của riêng bạn từ đầu, bạn có thể sử dụng GradientTape và kiểm soát từng chi tiết nhỏ.
 Nhưng nếu bạn cần một thuật toán huấn luyện tùy chỉnh, nhưng bạn vẫn muốn được hưởng lợi từ các tính năng thuận tiện fit() , chẳng hạn như callbacks, built-in hỗ trợ phân phối, hoặc bước nung chảy?
Một nguyên tắc cốt lõi của Keras là tiết lộ tiến phức tạp. Bạn sẽ luôn có thể tham gia vào quy trình công việc cấp thấp hơn một cách dần dần. Bạn không nên rơi xuống vực nếu chức năng cấp cao không hoàn toàn phù hợp với trường hợp sử dụng của bạn. Bạn sẽ có thể kiểm soát nhiều hơn các chi tiết nhỏ trong khi vẫn giữ được mức độ tiện lợi cấp cao tương xứng.
 Khi bạn cần để tùy chỉnh những gì fit() không, bạn nên ghi đè lên các chức năng bước đào tạo của Model lớp. Đây là chức năng mà được gọi bằng fit() cho mỗi lô dữ liệu. Sau đó bạn sẽ có thể gọi fit() như bình thường - và nó sẽ được chạy thuật toán học của riêng bạn.
 Lưu ý rằng mẫu này không ngăn bạn xây dựng các mô hình bằng API chức năng. Bạn có thể làm điều này cho dù bạn đang xây dựng Sequential các mô hình, mô hình API chức năng, hoặc các mô hình subclassed.
Hãy xem nó hoạt động như thế nào.
Thành lập
Yêu cầu TensorFlow 2.2 trở lên.
import tensorflow as tf
from tensorflow import keras
Một ví dụ đơn giản đầu tiên
Hãy bắt đầu từ một ví dụ đơn giản:
-  Chúng tôi tạo ra một lớp mới mà lớp con keras.Model.
-  Chúng tôi chỉ ghi đè lên các phương pháp train_step(self, data).
- Chúng tôi trả lại tên chỉ số ánh xạ từ điển (bao gồm cả sự mất mát) về giá trị hiện tại của chúng.
 Đối số đầu vào data là những gì được thông qua để phù hợp như dữ liệu huấn luyện:
-  Nếu bạn vượt qua mảng NumPy, bằng cách gọi fit(x, y, ...), sau đódatasẽ là tuple(x, y)
-  Nếu bạn vượt qua một tf.data.Dataset, bằng cách gọifit(dataset, ...), sau đódatasẽ được những gì được mang lại bởidatasettại từng lô.
 Trong cơ thể của train_step phương pháp, chúng tôi thực hiện một cập nhật thường xuyên đào tạo, tương tự như những gì bạn đã quen thuộc với. Quan trọng hơn, chúng tôi tính toán sự mất mát qua self.compiled_loss , mà kết thúc tốt đẹp sự mất mát (es) chức năng (s) đã được thông qua để compile() .
 Tương tự như vậy, chúng ta gọi là self.compiled_metrics.update_state(y, y_pred) để cập nhật tình trạng của các số liệu đã được thông qua trong compile() , và chúng tôi truy vấn kết quả từ self.metrics ở cuối để lấy giá trị hiện tại của họ.
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}
Hãy thử điều này:
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>
Lên cấp thấp hơn
 Đương nhiên, bạn chỉ có thể bỏ qua một hàm mất mát trong compile() , và thay vào đó làm mọi thứ bằng tay trong train_step . Tương tự như vậy đối với các chỉ số.
 Dưới đây là một ví dụ cấp dưới, mà chỉ sử dụng compile() để cấu hình tối ưu:
-  Chúng ta bắt đầu bằng cách tạo ra Metrictrường để theo dõi sự mất mát của chúng tôi và một số MAE.
-  Chúng tôi thực hiện một phong tục train_step()mà cập nhật tình trạng của những số liệu (bằng cách gọiupdate_state()trên đó), sau đó truy vấn họ (thông quaresult()) để trở về giá trị trung bình hiện tại của họ, sẽ được hiển thị bằng thanh tiến trình và được chuyển đến bất kỳ cuộc gọi lại nào.
-  Lưu ý rằng chúng tôi sẽ cần phải gọi reset_states()trên số liệu của chúng tôi giữa mỗi thời đại! Nếu không gọiresult()sẽ trả về một trung bình kể từ khi bắt đầu đào tạo, trong khi chúng ta thường làm việc với trung bình mỗi thời đại. Rất may, khuôn khổ có thể làm điều đó cho chúng tôi: chỉ cần liệt kê bất kỳ số liệu bạn muốn thiết lập lại trongmetricstài sản của mô hình. Mô hình này sẽ gọireset_states()trên bất kỳ đối tượng được liệt kê ở đây vào đầu của mỗifit()kỷ nguyên hoặc lúc bắt đầu của một cuộc gọi đểevaluate().
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>
 Hỗ trợ sample_weight & class_weight
 Bạn có thể nhận thấy rằng ví dụ cơ bản đầu tiên của chúng tôi không đề cập đến trọng số mẫu. Nếu bạn muốn hỗ trợ fit() lập luận sample_weight và class_weight , bạn chỉ đơn giản là làm như sau:
-  Unpack sample_weighttừdataluận
-  Vượt qua nó để compiled_loss&compiled_metrics(tất nhiên, bạn cũng có thể chỉ áp dụng nó bằng tay nếu bạn không dựa vàocompile()cho các tổn thất & số liệu)
- Đó là nó. Đó là danh sách.
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>
Cung cấp bước đánh giá của riêng bạn
 Điều gì nếu bạn muốn làm tương tự cho các cuộc gọi đến model.evaluate() ? Sau đó, bạn sẽ ghi đè test_step chính xác theo cùng một cách. Đây là những gì nó trông giống như:
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]
Kết thúc: một ví dụ GAN end-to-end
Hãy xem qua một ví dụ end-to-end tận dụng mọi thứ bạn vừa học được.
Hãy xem xét:
- Mạng trình tạo có nghĩa là tạo ra hình ảnh 28x28x1.
- Mạng phân biệt có nghĩa là phân loại hình ảnh 28x28x1 thành hai lớp ("giả" và "thật").
- Một trình tối ưu hóa cho mỗi.
- Một hàm mất mát để đào tạo người phân biệt.
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",
)
 Dưới đây là một lớp GAN tính năng hoàn chỉnh, trọng compile() sử dụng chữ ký riêng của mình, và thực hiện toàn bộ thuật toán GAN trong 17 dòng trong 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}
Hãy lái thử nó:
# 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>
Những ý tưởng đằng sau việc học sâu rất đơn giản, vậy tại sao việc triển khai chúng lại gây khó khăn?