ดูบน TensorFlow.org | ทำงานใน Google Colab | ดูแหล่งที่มาบน GitHub | ดาวน์โหลดโน๊ตบุ๊ค |
คู่มือนี้สาธิตวิธีการย้ายจาก tf.estimator.Estimator API ของ TensorFlow 1 ไปยัง tf.estimator.Estimator
API ของ tf.keras
2 ขั้นแรก คุณจะต้องตั้งค่าและเรียกใช้โมเดลพื้นฐานสำหรับการฝึกอบรมและประเมินผลด้วย tf.estimator.Estimator
จากนั้น คุณจะทำตามขั้นตอนที่เทียบเท่าใน TensorFlow 2 ด้วย tf.keras
API คุณยังจะได้เรียนรู้วิธีการปรับแต่งขั้นตอนการฝึกโดยจัดคลาสย่อย tf.keras.Model
และใช้ tf.GradientTape
- ใน TensorFlow 1
tf.estimator.Estimator
ระดับสูงจะให้คุณฝึกฝนและประเมินโมเดล รวมถึงการอนุมานและบันทึกโมเดลของคุณ (สำหรับการให้บริการ) - ใน TensorFlow 2 ให้ใช้ Keras API เพื่อทำงานดังกล่าว เช่น การ สร้างแบบจำลอง แอปพลิเคชันการไล่ระดับสี การฝึกอบรม การประเมิน และการทำนาย
(สำหรับการย้ายเวิร์กโฟลว์การบันทึกโมเดล/จุดตรวจสอบไปยัง TensorFlow 2 โปรดดูคู่มือการโยกย้าย SavedModel และ Checkpoint )
ติดตั้ง
เริ่มต้นด้วยการนำเข้าและชุดข้อมูลอย่างง่าย:
import tensorflow as tf
import tensorflow.compat.v1 as tf1
features = [[1., 1.5], [2., 2.5], [3., 3.5]]
labels = [[0.3], [0.5], [0.7]]
eval_features = [[4., 4.5], [5., 5.5], [6., 6.5]]
eval_labels = [[0.8], [0.9], [1.]]
TensorFlow 1: ฝึกฝนและประเมินด้วย tf.estimator.Estimator
ตัวอย่างนี้แสดงวิธีดำเนินการฝึกอบรมและประเมินผลด้วย tf.estimator.Estimator
ใน TensorFlow 1
เริ่มต้นด้วยการกำหนดฟังก์ชันสองสามอย่าง: ฟังก์ชันอินพุตสำหรับข้อมูลการฝึก ฟังก์ชันอินพุตการประเมินผลสำหรับข้อมูลการประเมิน และฟังก์ชันโมเดลที่บอกผู้ Estimator
ว่า op การฝึกอบรมถูกกำหนดด้วยคุณสมบัติและป้ายกำกับอย่างไร:
def _input_fn():
return tf1.data.Dataset.from_tensor_slices((features, labels)).batch(1)
def _eval_input_fn():
return tf1.data.Dataset.from_tensor_slices(
(eval_features, eval_labels)).batch(1)
def _model_fn(features, labels, mode):
logits = tf1.layers.Dense(1)(features)
loss = tf1.losses.mean_squared_error(labels=labels, predictions=logits)
optimizer = tf1.train.AdagradOptimizer(0.05)
train_op = optimizer.minimize(loss, global_step=tf1.train.get_global_step())
return tf1.estimator.EstimatorSpec(mode, loss=loss, train_op=train_op)
สร้างอินสแตนซ์ Estimator
ของคุณ และฝึกโมเดล:
estimator = tf1.estimator.Estimator(model_fn=_model_fn)
estimator.train(_input_fn)
INFO:tensorflow:Using default config. WARNING:tensorflow:Using temporary folder as model directory: /tmp/tmpeovq622_ INFO:tensorflow:Using config: {'_model_dir': '/tmp/tmpeovq622_', '_tf_random_seed': None, '_save_summary_steps': 100, '_save_checkpoints_steps': None, '_save_checkpoints_secs': 600, '_session_config': allow_soft_placement: true graph_options { rewrite_options { meta_optimizer_iterations: ONE } } , '_keep_checkpoint_max': 5, '_keep_checkpoint_every_n_hours': 10000, '_log_step_count_steps': 100, '_train_distribute': None, '_device_fn': None, '_protocol': None, '_eval_distribute': None, '_experimental_distribute': None, '_experimental_max_worker_delay_secs': None, '_session_creation_timeout_secs': 7200, '_checkpoint_save_graph_def': True, '_service': None, '_cluster_spec': ClusterSpec({}), '_task_type': 'worker', '_task_id': 0, '_global_id_in_cluster': 0, '_master': '', '_evaluation_master': '', '_is_chief': True, '_num_ps_replicas': 0, '_num_worker_replicas': 1} WARNING:tensorflow:From /tmpfs/src/tf_docs_env/lib/python3.7/site-packages/tensorflow/python/training/training_util.py:236: Variable.initialized_value (from tensorflow.python.ops.variables) is deprecated and will be removed in a future version. Instructions for updating: Use Variable.read_value. Variables in 2.X are initialized automatically both in eager and graph (inside tf.defun) contexts. INFO:tensorflow:Calling model_fn. WARNING:tensorflow:From /tmpfs/src/tf_docs_env/lib/python3.7/site-packages/tensorflow/python/training/adagrad.py:77: calling Constant.__init__ (from tensorflow.python.ops.init_ops) with dtype is deprecated and will be removed in a future version. Instructions for updating: Call initializer instance with the dtype argument instead of passing it to the constructor INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Create CheckpointSaverHook. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. INFO:tensorflow:Calling checkpoint listeners before saving checkpoint 0... INFO:tensorflow:Saving checkpoints for 0 into /tmp/tmpeovq622_/model.ckpt. INFO:tensorflow:Calling checkpoint listeners after saving checkpoint 0... INFO:tensorflow:loss = 2.0834494, step = 0 INFO:tensorflow:Calling checkpoint listeners before saving checkpoint 3... INFO:tensorflow:Saving checkpoints for 3 into /tmp/tmpeovq622_/model.ckpt. INFO:tensorflow:Calling checkpoint listeners after saving checkpoint 3... INFO:tensorflow:Loss for final step: 9.88002. <tensorflow_estimator.python.estimator.estimator.Estimator at 0x7fbd06673350>
ประเมินโปรแกรมด้วยชุดการประเมิน:
estimator.evaluate(_eval_input_fn)
INFO:tensorflow:Calling model_fn. INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Starting evaluation at 2021-10-26T01:32:58 INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from /tmp/tmpeovq622_/model.ckpt-3 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. INFO:tensorflow:Inference Time : 0.10194s INFO:tensorflow:Finished evaluation at 2021-10-26-01:32:58 INFO:tensorflow:Saving dict for global step 3: global_step = 3, loss = 20.543152 INFO:tensorflow:Saving 'checkpoint_path' summary for global step 3: /tmp/tmpeovq622_/model.ckpt-3 {'loss': 20.543152, 'global_step': 3}
TensorFlow 2: ฝึกและประเมินด้วยเมธอด Keras ในตัว
ตัวอย่างนี้สาธิตวิธีการดำเนินการฝึกอบรมและประเมินผลด้วย Keras Model.fit
และ Model.evaluate
ใน TensorFlow 2 (คุณสามารถเรียนรู้เพิ่มเติมในการ ฝึกอบรมและการประเมินด้วยคู่มือวิธีการใน ตัว)
- เริ่มต้นด้วยการเตรียมไปป์ไลน์ชุดข้อมูลด้วย
tf.data.Dataset
API - กำหนดโมเดล Keras Sequential อย่างง่ายด้วยเลเยอร์เชิงเส้น (
tf.keras.layers.Dense
) หนึ่งเลเยอร์ - สร้างอินสแตนซ์เครื่องมือเพิ่มประสิทธิภาพ Adagrad (
tf.keras.optimizers.Adagrad
) - กำหนดค่าโมเดลสำหรับการฝึกโดยส่งตัวแปรตัว
optimizer
และข้อผิดพลาดกำลังสองเฉลี่ย ("mse"
) ไปที่Model.compile
dataset = tf.data.Dataset.from_tensor_slices((features, labels)).batch(1)
eval_dataset = tf.data.Dataset.from_tensor_slices(
(eval_features, eval_labels)).batch(1)
model = tf.keras.models.Sequential([tf.keras.layers.Dense(1)])
optimizer = tf.keras.optimizers.Adagrad(learning_rate=0.05)
model.compile(optimizer=optimizer, loss="mse")
เท่านี้คุณก็พร้อมที่จะฝึกโมเดลโดยเรียก Model.fit
:
model.fit(dataset)
3/3 [==============================] - 0s 2ms/step - loss: 0.2785 <keras.callbacks.History at 0x7fbc4b320350>
สุดท้าย ประเมินโมเดลด้วย Model.evaluate
:
model.evaluate(eval_dataset, return_dict=True)
3/3 [==============================] - 0s 1ms/step - loss: 0.0451 {'loss': 0.04510306194424629}
TensorFlow 2: ฝึกฝนและประเมินด้วยขั้นตอนการฝึกอบรมที่กำหนดเองและวิธีการ Keras ในตัว
ใน TensorFlow 2 คุณยังสามารถเขียนฟังก์ชันขั้นตอนการฝึกซ้อมแบบกำหนดเองด้วย tf.GradientTape
เพื่อส่งผ่านไปข้างหน้าและข้างหลัง ในขณะที่ยังคงใช้ประโยชน์จากการสนับสนุนการฝึกในตัว เช่น tf.keras.callbacks.Callback
และ tf.distribute.Strategy
. tf.distribute.Strategy
(เรียนรู้เพิ่มเติมในการ ปรับแต่งสิ่งที่เกิดขึ้นใน Model.fit และ การเขียนลูปการฝึกแบบกำหนดเองตั้งแต่เริ่มต้น )
ในตัวอย่างนี้ เริ่มต้นด้วยการสร้าง tf.keras.Model
แบบกำหนดเองโดยการจัดคลาสย่อย tf.keras.Sequential
ที่แทนที่ Model.train_step
(เรียนรู้เพิ่มเติมเกี่ยวกับ คลาสย่อย tf.keras.Model ) ภายในคลาสนั้น ให้กำหนดฟังก์ชัน train_step
แบบกำหนดเองที่สำหรับชุดข้อมูลแต่ละชุดจะทำการส่งต่อและส่งต่อระหว่างขั้นตอนการฝึกหนึ่งขั้นตอน
class CustomModel(tf.keras.Sequential):
"""A custom sequential model that overrides `Model.train_step`."""
def train_step(self, data):
batch_data, labels = data
with tf.GradientTape() as tape:
predictions = self(batch_data, training=True)
# Compute the loss value (the loss function is configured
# in `Model.compile`).
loss = self.compiled_loss(labels, predictions)
# Compute the gradients of the parameters with respect to the loss.
gradients = tape.gradient(loss, self.trainable_variables)
# Perform gradient descent by updating the weights/parameters.
self.optimizer.apply_gradients(zip(gradients, self.trainable_variables))
# Update the metrics (includes the metric that tracks the loss).
self.compiled_metrics.update_state(labels, predictions)
# Return a dict mapping metric names to the current values.
return {m.name: m.result() for m in self.metrics}
ต่อไปเหมือนเมื่อก่อน:
- เตรียมไปป์ไลน์ชุดข้อมูลด้วย
tf.data.Dataset
- กำหนดโมเดลอย่างง่ายด้วยเลเยอร์
tf.keras.layers.Dense
หนึ่งเลเยอร์ - สร้างอินสแตนซ์ Adagrad (
tf.keras.optimizers.Adagrad
) - กำหนดค่าโมเดลสำหรับการฝึกด้วย
Model.compile
ในขณะที่ใช้ค่าความคลาดเคลื่อนเฉลี่ย ("mse"
) เป็นฟังก์ชันการสูญเสีย
dataset = tf.data.Dataset.from_tensor_slices((features, labels)).batch(1)
eval_dataset = tf.data.Dataset.from_tensor_slices(
(eval_features, eval_labels)).batch(1)
model = CustomModel([tf.keras.layers.Dense(1)])
optimizer = tf.keras.optimizers.Adagrad(learning_rate=0.05)
model.compile(optimizer=optimizer, loss="mse")
โทร Model.fit
เพื่อฝึกโมเดล:
model.fit(dataset)
3/3 [==============================] - 0s 2ms/step - loss: 0.0587 <keras.callbacks.History at 0x7fbc3873f1d0>
และสุดท้าย ประเมินโปรแกรมด้วย Model.evaluate
:
model.evaluate(eval_dataset, return_dict=True)
3/3 [==============================] - 0s 2ms/step - loss: 0.0197 {'loss': 0.019738242030143738}
ขั้นตอนถัดไป
แหล่งข้อมูล Keras เพิ่มเติมที่คุณอาจพบว่ามีประโยชน์:
- คู่มือ: การฝึกอบรมและการประเมินด้วยวิธีการในตัว
- คำแนะนำ: ปรับแต่งสิ่งที่เกิดขึ้นใน Model.fit
- คำแนะนำ: การเขียนวงจรการฝึกตั้งแต่เริ่มต้น
- คำแนะนำ: การสร้างเลเยอร์และโมเดล Keras ใหม่ผ่านคลาสย่อย
คำแนะนำต่อไปนี้สามารถช่วยในการย้ายเวิร์กโฟลว์กลยุทธ์การกระจายจาก tf.estimator
APIs: