عرض على TensorFlow.org | تشغيل في Google Colab | عرض المصدر على جيثب | تحميل دفتر |
يثبت
import tensorflow as tf
from tensorflow import keras
from tensorflow.keras import layers
import numpy as np
مقدمة
يوفر Keras التدريب الافتراضي والحلقات التقييم، fit()
و evaluate()
. وتغطي استخدامها في دليل التدريب والتقييم مع طرق المدمج في .
إذا كنت ترغب في تخصيص خوارزمية التعلم من النموذج الخاص بك في حين لا يزال الاستفادة من الراحة ل fit()
(على سبيل المثال، لتدريب GAN باستخدام fit()
)، يمكنك فئة فرعية Model
الفئة وتنفيذ الخاص train_step()
الأسلوب، الذي ودعا مرارا خلال fit()
. وتغطي هذه في دليل تخصيص ما يحدث في fit()
.
الآن ، إذا كنت تريد مستوى منخفض جدًا من التحكم في التدريب والتقييم ، فيجب عليك كتابة حلقات التدريب والتقييم الخاصة بك من البداية. هذا ما يدور حوله هذا الدليل.
باستخدام GradientTape
: لأول مثال نهاية إلى نهاية
استدعاء نموذج داخل GradientTape
نطاق تمكنك من استرداد التدرجات من الأوزان المدربة طبقة فيما يتعلق قيمة الخسارة. باستخدام مثيل محسن، يمكنك استخدام هذه التدرجات لتحديث هذه المتغيرات (والتي يمكنك استرداد باستخدام model.trainable_weights
).
لنفكر في نموذج MNIST البسيط:
inputs = keras.Input(shape=(784,), name="digits")
x1 = layers.Dense(64, activation="relu")(inputs)
x2 = layers.Dense(64, activation="relu")(x1)
outputs = layers.Dense(10, name="predictions")(x2)
model = keras.Model(inputs=inputs, outputs=outputs)
دعنا ندربها باستخدام التدرج اللوني الصغير مع حلقة تدريب مخصصة.
أولاً ، سنحتاج إلى مُحسِّن ووظيفة خسارة ومجموعة بيانات:
# Instantiate an optimizer.
optimizer = keras.optimizers.SGD(learning_rate=1e-3)
# Instantiate a loss function.
loss_fn = keras.losses.SparseCategoricalCrossentropy(from_logits=True)
# Prepare the training dataset.
batch_size = 64
(x_train, y_train), (x_test, y_test) = keras.datasets.mnist.load_data()
x_train = np.reshape(x_train, (-1, 784))
x_test = np.reshape(x_test, (-1, 784))
# Reserve 10,000 samples for validation.
x_val = x_train[-10000:]
y_val = y_train[-10000:]
x_train = x_train[:-10000]
y_train = y_train[:-10000]
# Prepare the training dataset.
train_dataset = tf.data.Dataset.from_tensor_slices((x_train, y_train))
train_dataset = train_dataset.shuffle(buffer_size=1024).batch(batch_size)
# Prepare the validation dataset.
val_dataset = tf.data.Dataset.from_tensor_slices((x_val, y_val))
val_dataset = val_dataset.batch(batch_size)
Downloading data from https://storage.googleapis.com/tensorflow/tf-keras-datasets/mnist.npz 11493376/11490434 [==============================] - 1s 0us/step 11501568/11490434 [==============================] - 1s 0us/step
ها هي حلقة التدريب لدينا:
- نفتح
for
حلقة التي بالتكرار عبر الحقب - لكل عصر، نفتح
for
حلقة التي بالتكرار عبر مجموعة البيانات، على دفعات - لكل دفعة، نفتح
GradientTape()
نطاق - داخل هذا النطاق ، نسمي النموذج (تمرير إلى الأمام) ونحسب الخسارة
- خارج النطاق ، نسترجع تدرجات أوزان النموذج فيما يتعلق بالخسارة
- أخيرًا ، نستخدم المُحسِّن لتحديث أوزان النموذج بناءً على التدرجات اللونية
epochs = 2
for epoch in range(epochs):
print("\nStart of epoch %d" % (epoch,))
# Iterate over the batches of the dataset.
for step, (x_batch_train, y_batch_train) in enumerate(train_dataset):
# Open a GradientTape to record the operations run
# during the forward pass, which enables auto-differentiation.
with tf.GradientTape() as tape:
# Run the forward pass of the layer.
# The operations that the layer applies
# to its inputs are going to be recorded
# on the GradientTape.
logits = model(x_batch_train, training=True) # Logits for this minibatch
# Compute the loss value for this minibatch.
loss_value = loss_fn(y_batch_train, logits)
# Use the gradient tape to automatically retrieve
# the gradients of the trainable variables with respect to the loss.
grads = tape.gradient(loss_value, model.trainable_weights)
# Run one step of gradient descent by updating
# the value of the variables to minimize the loss.
optimizer.apply_gradients(zip(grads, model.trainable_weights))
# Log every 200 batches.
if step % 200 == 0:
print(
"Training loss (for one batch) at step %d: %.4f"
% (step, float(loss_value))
)
print("Seen so far: %s samples" % ((step + 1) * batch_size))
Start of epoch 0 Training loss (for one batch) at step 0: 68.7478 Seen so far: 64 samples Training loss (for one batch) at step 200: 1.9448 Seen so far: 12864 samples Training loss (for one batch) at step 400: 1.1859 Seen so far: 25664 samples Training loss (for one batch) at step 600: 0.6914 Seen so far: 38464 samples Start of epoch 1 Training loss (for one batch) at step 0: 0.9113 Seen so far: 64 samples Training loss (for one batch) at step 200: 0.9550 Seen so far: 12864 samples Training loss (for one batch) at step 400: 0.5139 Seen so far: 25664 samples Training loss (for one batch) at step 600: 0.7227 Seen so far: 38464 samples
معالجة منخفضة المستوى للمقاييس
دعنا نضيف مراقبة المقاييس إلى هذه الحلقة الأساسية.
يمكنك بسهولة إعادة استخدام المقاييس المضمنة (أو المقاييس المخصصة التي كتبتها) في حلقات التدريب المكتوبة من البداية. هذا هو التدفق:
- إنشاء المتري في بداية الحلقة
- استدعاء
metric.update_state()
بعد كل دفعة - استدعاء
metric.result()
عند الحاجة لعرض القيمة الحالية للقياس - استدعاء
metric.reset_states()
عندما تحتاج إلى مسح حالة متري (عادة في نهاية عصر)
دعونا استخدام هذه المعرفة لحساب SparseCategoricalAccuracy
على التحقق من صحة البيانات في نهاية كل عصر:
# Get model
inputs = keras.Input(shape=(784,), name="digits")
x = layers.Dense(64, activation="relu", name="dense_1")(inputs)
x = layers.Dense(64, activation="relu", name="dense_2")(x)
outputs = layers.Dense(10, name="predictions")(x)
model = keras.Model(inputs=inputs, outputs=outputs)
# Instantiate an optimizer to train the model.
optimizer = keras.optimizers.SGD(learning_rate=1e-3)
# Instantiate a loss function.
loss_fn = keras.losses.SparseCategoricalCrossentropy(from_logits=True)
# Prepare the metrics.
train_acc_metric = keras.metrics.SparseCategoricalAccuracy()
val_acc_metric = keras.metrics.SparseCategoricalAccuracy()
إليك حلقة التدريب والتقييم الخاصة بنا:
import time
epochs = 2
for epoch in range(epochs):
print("\nStart of epoch %d" % (epoch,))
start_time = time.time()
# Iterate over the batches of the dataset.
for step, (x_batch_train, y_batch_train) in enumerate(train_dataset):
with tf.GradientTape() as tape:
logits = model(x_batch_train, training=True)
loss_value = loss_fn(y_batch_train, logits)
grads = tape.gradient(loss_value, model.trainable_weights)
optimizer.apply_gradients(zip(grads, model.trainable_weights))
# Update training metric.
train_acc_metric.update_state(y_batch_train, logits)
# Log every 200 batches.
if step % 200 == 0:
print(
"Training loss (for one batch) at step %d: %.4f"
% (step, float(loss_value))
)
print("Seen so far: %d samples" % ((step + 1) * batch_size))
# Display metrics at the end of each epoch.
train_acc = train_acc_metric.result()
print("Training acc over epoch: %.4f" % (float(train_acc),))
# Reset training metrics at the end of each epoch
train_acc_metric.reset_states()
# Run a validation loop at the end of each epoch.
for x_batch_val, y_batch_val in val_dataset:
val_logits = model(x_batch_val, training=False)
# Update val metrics
val_acc_metric.update_state(y_batch_val, val_logits)
val_acc = val_acc_metric.result()
val_acc_metric.reset_states()
print("Validation acc: %.4f" % (float(val_acc),))
print("Time taken: %.2fs" % (time.time() - start_time))
Start of epoch 0 Training loss (for one batch) at step 0: 88.9958 Seen so far: 64 samples Training loss (for one batch) at step 200: 2.2214 Seen so far: 12864 samples Training loss (for one batch) at step 400: 1.3083 Seen so far: 25664 samples Training loss (for one batch) at step 600: 0.8282 Seen so far: 38464 samples Training acc over epoch: 0.7406 Validation acc: 0.8201 Time taken: 6.31s Start of epoch 1 Training loss (for one batch) at step 0: 0.3276 Seen so far: 64 samples Training loss (for one batch) at step 200: 0.4819 Seen so far: 12864 samples Training loss (for one batch) at step 400: 0.5971 Seen so far: 25664 samples Training loss (for one batch) at step 600: 0.5862 Seen so far: 38464 samples Training acc over epoch: 0.8474 Validation acc: 0.8676 Time taken: 5.98s
مسرعة المتابعة خطوة التدريب الخاص بك مع tf.function
وقت التشغيل الافتراضي في TensorFlow 2 هو تنفيذ حريصة . على هذا النحو ، يتم تنفيذ حلقة التدريب أعلاه بشغف.
يعد هذا أمرًا رائعًا لتصحيح الأخطاء ، ولكن تجميع الرسوم البيانية له ميزة أداء محددة. إن وصف الحساب الخاص بك كرسم بياني ثابت يمكّن إطار العمل من تطبيق تحسينات الأداء العالمية. هذا مستحيل عندما يكون الإطار مقيدًا بتنفيذ عملية جشعة واحدة تلو الأخرى ، دون معرفة ما سيحدث بعد ذلك.
يمكنك تجميع أي دالة تأخذ الموترات كمدخلات في رسم بياني ثابت. فقط إضافة @tf.function
الديكور على ذلك، مثل هذا:
@tf.function
def train_step(x, y):
with tf.GradientTape() as tape:
logits = model(x, training=True)
loss_value = loss_fn(y, logits)
grads = tape.gradient(loss_value, model.trainable_weights)
optimizer.apply_gradients(zip(grads, model.trainable_weights))
train_acc_metric.update_state(y, logits)
return loss_value
لنفعل الشيء نفسه مع خطوة التقييم:
@tf.function
def test_step(x, y):
val_logits = model(x, training=False)
val_acc_metric.update_state(y, val_logits)
الآن ، دعنا نعيد تشغيل حلقة التدريب الخاصة بنا بخطوة التدريب المجمعة هذه:
import time
epochs = 2
for epoch in range(epochs):
print("\nStart of epoch %d" % (epoch,))
start_time = time.time()
# Iterate over the batches of the dataset.
for step, (x_batch_train, y_batch_train) in enumerate(train_dataset):
loss_value = train_step(x_batch_train, y_batch_train)
# Log every 200 batches.
if step % 200 == 0:
print(
"Training loss (for one batch) at step %d: %.4f"
% (step, float(loss_value))
)
print("Seen so far: %d samples" % ((step + 1) * batch_size))
# Display metrics at the end of each epoch.
train_acc = train_acc_metric.result()
print("Training acc over epoch: %.4f" % (float(train_acc),))
# Reset training metrics at the end of each epoch
train_acc_metric.reset_states()
# Run a validation loop at the end of each epoch.
for x_batch_val, y_batch_val in val_dataset:
test_step(x_batch_val, y_batch_val)
val_acc = val_acc_metric.result()
val_acc_metric.reset_states()
print("Validation acc: %.4f" % (float(val_acc),))
print("Time taken: %.2fs" % (time.time() - start_time))
Start of epoch 0 Training loss (for one batch) at step 0: 0.7921 Seen so far: 64 samples Training loss (for one batch) at step 200: 0.7755 Seen so far: 12864 samples Training loss (for one batch) at step 400: 0.1564 Seen so far: 25664 samples Training loss (for one batch) at step 600: 0.3181 Seen so far: 38464 samples Training acc over epoch: 0.8788 Validation acc: 0.8866 Time taken: 1.59s Start of epoch 1 Training loss (for one batch) at step 0: 0.5222 Seen so far: 64 samples Training loss (for one batch) at step 200: 0.4574 Seen so far: 12864 samples Training loss (for one batch) at step 400: 0.4035 Seen so far: 25664 samples Training loss (for one batch) at step 600: 0.7561 Seen so far: 38464 samples Training acc over epoch: 0.8959 Validation acc: 0.9028 Time taken: 1.27s
أسرع بكثير ، أليس كذلك؟
معالجة منخفضة المستوى للخسائر التي يتتبعها النموذج
طبقات ونماذج تتبع بشكل متكرر أي خسائر التي تم إنشاؤها أثناء مرور إلى الأمام من خلال طبقات تلك الدعوة self.add_loss(value)
. تتوفر عبر خاصية القائمة الناتجة من القيم العددية فقدان model.losses
في نهاية الممر إلى الأمام.
إذا كنت تريد استخدام مكونات الخسارة هذه ، فيجب عليك جمعها وإضافتها إلى الخسارة الرئيسية في خطوة التدريب الخاصة بك.
ضع في اعتبارك هذه الطبقة ، التي تخلق خسارة تنظيم النشاط:
class ActivityRegularizationLayer(layers.Layer):
def call(self, inputs):
self.add_loss(1e-2 * tf.reduce_sum(inputs))
return inputs
دعونا نبني نموذجًا بسيطًا حقًا يستخدمه:
inputs = keras.Input(shape=(784,), name="digits")
x = layers.Dense(64, activation="relu")(inputs)
# Insert activity regularization as a layer
x = ActivityRegularizationLayer()(x)
x = layers.Dense(64, activation="relu")(x)
outputs = layers.Dense(10, name="predictions")(x)
model = keras.Model(inputs=inputs, outputs=outputs)
إليك ما يجب أن تبدو عليه خطوة التدريب لدينا الآن:
@tf.function
def train_step(x, y):
with tf.GradientTape() as tape:
logits = model(x, training=True)
loss_value = loss_fn(y, logits)
# Add any extra losses created during the forward pass.
loss_value += sum(model.losses)
grads = tape.gradient(loss_value, model.trainable_weights)
optimizer.apply_gradients(zip(grads, model.trainable_weights))
train_acc_metric.update_state(y, logits)
return loss_value
ملخص
أنت الآن تعرف كل ما يمكن معرفته حول استخدام حلقات التدريب المضمنة وكتابة الحلقات التدريبية الخاصة بك من البداية.
في الختام ، إليك مثال بسيط شامل يربط بين كل ما تعلمته في هذا الدليل: DCGAN تم تدريبه على أرقام MNIST.
مثال شامل: حلقة تدريب GAN من البداية
قد تكون على دراية بشبكات الخصومة التوليدية (GANs). يمكن أن تولد شبكات GAN صورًا جديدة تبدو حقيقية تقريبًا ، من خلال تعلم التوزيع الكامن لمجموعة بيانات التدريب للصور ("المساحة الكامنة" للصور).
يتكون GAN من جزأين: نموذج "منشئ" يقوم بتعيين النقاط في المساحة الكامنة للنقاط في مساحة الصورة ، ونموذج "أداة تمييز" ، ومصنف يمكنه التمييز بين الصور الحقيقية (من مجموعة بيانات التدريب) والصورة المزيفة الصور (خرج شبكة المولد).
تبدو حلقة تدريب GAN كما يلي:
1) تدريب المميز. - عينة من مجموعة من النقاط العشوائية في الفضاء الكامن. - تحويل النقاط إلى صور وهمية عبر نموذج "المولد". - احصل على مجموعة من الصور الحقيقية ودمجها مع الصور التي تم إنشاؤها. - تدريب نموذج "أداة التمييز" على تصنيف الصور المُنشأة مقابل الصور الحقيقية.
2) تدريب المولد. - عينة نقاط عشوائية في الفضاء الكامن. - تحويل النقاط إلى صور وهمية عبر شبكة "المولد". - احصل على مجموعة من الصور الحقيقية ودمجها مع الصور التي تم إنشاؤها. - تدريب نموذج "المولد" على "خداع" المميّز وتصنيف الصور الزائفة على أنها حقيقية.
لمحة أكثر تفصيلا لكيفية عمل GANS، انظر ديب التعلم مع بيثون .
دعونا ننفذ حلقة التدريب هذه. أولاً ، قم بإنشاء أداة تمييز تهدف إلى تصنيف الأرقام المزيفة مقابل الأرقام الحقيقية:
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",
)
discriminator.summary()
Model: "discriminator" _________________________________________________________________ Layer (type) Output Shape Param # ================================================================= conv2d (Conv2D) (None, 14, 14, 64) 640 _________________________________________________________________ leaky_re_lu (LeakyReLU) (None, 14, 14, 64) 0 _________________________________________________________________ conv2d_1 (Conv2D) (None, 7, 7, 128) 73856 _________________________________________________________________ leaky_re_lu_1 (LeakyReLU) (None, 7, 7, 128) 0 _________________________________________________________________ global_max_pooling2d (Global (None, 128) 0 _________________________________________________________________ dense_4 (Dense) (None, 1) 129 ================================================================= Total params: 74,625 Trainable params: 74,625 Non-trainable params: 0 _________________________________________________________________
ثم دعونا خلق شبكة مولد، الذي يحول ناقلات الكامنة في مخرجات شكل (28, 28, 1)
(تمثل الأرقام MNIST):
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",
)
ها هو الجزء الأساسي: حلقة التدريب. كما ترى ، الأمر واضح تمامًا. تستغرق وظيفة خطوة التدريب 17 سطرًا فقط.
# Instantiate one optimizer for the discriminator and another for the generator.
d_optimizer = keras.optimizers.Adam(learning_rate=0.0003)
g_optimizer = keras.optimizers.Adam(learning_rate=0.0004)
# Instantiate a loss function.
loss_fn = keras.losses.BinaryCrossentropy(from_logits=True)
@tf.function
def train_step(real_images):
# Sample random points in the latent space
random_latent_vectors = tf.random.normal(shape=(batch_size, latent_dim))
# Decode them to fake images
generated_images = 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((real_images.shape[0], 1))], axis=0
)
# Add random noise to the labels - important trick!
labels += 0.05 * tf.random.uniform(labels.shape)
# Train the discriminator
with tf.GradientTape() as tape:
predictions = discriminator(combined_images)
d_loss = loss_fn(labels, predictions)
grads = tape.gradient(d_loss, discriminator.trainable_weights)
d_optimizer.apply_gradients(zip(grads, discriminator.trainable_weights))
# Sample random points in the latent space
random_latent_vectors = tf.random.normal(shape=(batch_size, 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 = discriminator(generator(random_latent_vectors))
g_loss = loss_fn(misleading_labels, predictions)
grads = tape.gradient(g_loss, generator.trainable_weights)
g_optimizer.apply_gradients(zip(grads, generator.trainable_weights))
return d_loss, g_loss, generated_images
دعونا تدريب GAN لدينا، من خلال الدعوة المتكررة train_step
على دفعات من الصور.
نظرًا لأن أداة التمييز والمولد الخاصة بنا عبارة عن محولات ، فأنت تريد تشغيل هذا الرمز على وحدة معالجة الرسومات.
import os
# 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)
epochs = 1 # In practice you need at least 20 epochs to generate nice digits.
save_dir = "./"
for epoch in range(epochs):
print("\nStart epoch", epoch)
for step, real_images in enumerate(dataset):
# Train the discriminator & generator on one batch of real images.
d_loss, g_loss, generated_images = train_step(real_images)
# Logging.
if step % 200 == 0:
# Print metrics
print("discriminator loss at step %d: %.2f" % (step, d_loss))
print("adversarial loss at step %d: %.2f" % (step, g_loss))
# Save one generated image
img = tf.keras.preprocessing.image.array_to_img(
generated_images[0] * 255.0, scale=False
)
img.save(os.path.join(save_dir, "generated_img" + str(step) + ".png"))
# To limit execution time we stop after 10 steps.
# Remove the lines below to actually train the model!
if step > 10:
break
Start epoch 0 discriminator loss at step 0: 0.69 adversarial loss at step 0: 0.69
هذا هو! ستحصل على أرقام MNIST مزيفة ذات مظهر جميل بعد 30 ثانية فقط من التدريب على وحدة معالجة الرسومات Colab.