{ "cells": [ { "cell_type": "markdown", "metadata": { "id": "rX8mhOLljYeM" }, "source": [ "##### Copyright 2019 The TensorFlow Authors." ] }, { "cell_type": "code", "execution_count": 1, "metadata": { "cellView": "form", "execution": { "iopub.execute_input": "2024-06-20T03:05:58.678423Z", "iopub.status.busy": "2024-06-20T03:05:58.678053Z", "iopub.status.idle": "2024-06-20T03:05:58.681855Z", "shell.execute_reply": "2024-06-20T03:05:58.681252Z" }, "id": "BZSlp3DAjdYf" }, "outputs": [], "source": [ "#@title Licensed under the Apache License, Version 2.0 (the \"License\");\n", "# you may not use this file except in compliance with the License.\n", "# You may obtain a copy of the License at\n", "#\n", "# https://www.apache.org/licenses/LICENSE-2.0\n", "#\n", "# Unless required by applicable law or agreed to in writing, software\n", "# distributed under the License is distributed on an \"AS IS\" BASIS,\n", "# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.\n", "# See the License for the specific language governing permissions and\n", "# limitations under the License." ] }, { "cell_type": "markdown", "metadata": { "id": "3wF5wszaj97Y" }, "source": [ "# TensorFlow 2 quickstart for experts" ] }, { "cell_type": "markdown", "metadata": { "id": "DUNzJc4jTj6G" }, "source": [ "\n", " \n", " \n", " \n", " \n", "
\n", " View on TensorFlow.org\n", " \n", " Run in Google Colab\n", " \n", " View source on GitHub\n", " \n", " Download notebook\n", "
" ] }, { "cell_type": "markdown", "metadata": { "id": "hiH7AC-NTniF" }, "source": [ "This is a [Google Colaboratory](https://colab.research.google.com/notebooks/welcome.ipynb) notebook file. Python programs are run directly in the browser—a great way to learn and use TensorFlow. To follow this tutorial, run the notebook in Google Colab by clicking the button at the top of this page.\n", "\n", "1. In Colab, connect to a Python runtime: At the top-right of the menu bar, select *CONNECT*.\n", "2. Run all the notebook code cells: Select *Runtime* > *Run all*." ] }, { "cell_type": "markdown", "metadata": { "id": "eOsVdx6GGHmU" }, "source": [ "Download and install TensorFlow 2. Import TensorFlow into your program:\n", "\n", "Note: Upgrade `pip` to install the TensorFlow 2 package. See the [install guide](https://www.tensorflow.org/install) for details." ] }, { "cell_type": "markdown", "metadata": { "id": "QS7DDTiZGRTo" }, "source": [ "Import TensorFlow into your program:" ] }, { "cell_type": "code", "execution_count": 2, "metadata": { "execution": { "iopub.execute_input": "2024-06-20T03:05:58.685710Z", "iopub.status.busy": "2024-06-20T03:05:58.685095Z", "iopub.status.idle": "2024-06-20T03:06:01.022004Z", "shell.execute_reply": "2024-06-20T03:06:01.021295Z" }, "id": "0trJmd6DjqBZ" }, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "TensorFlow version: 2.16.1\n" ] } ], "source": [ "import tensorflow as tf\n", "print(\"TensorFlow version:\", tf.__version__)\n", "\n", "from tensorflow.keras.layers import Dense, Flatten, Conv2D\n", "from tensorflow.keras import Model" ] }, { "cell_type": "markdown", "metadata": { "id": "7NAbSZiaoJ4z" }, "source": [ "Load and prepare the [MNIST dataset](http://yann.lecun.com/exdb/mnist/)." ] }, { "cell_type": "code", "execution_count": 3, "metadata": { "execution": { "iopub.execute_input": "2024-06-20T03:06:01.062212Z", "iopub.status.busy": "2024-06-20T03:06:01.061757Z", "iopub.status.idle": "2024-06-20T03:06:01.603720Z", "shell.execute_reply": "2024-06-20T03:06:01.602977Z" }, "id": "JqFRS6K07jJs" }, "outputs": [], "source": [ "mnist = tf.keras.datasets.mnist\n", "\n", "(x_train, y_train), (x_test, y_test) = mnist.load_data()\n", "x_train, x_test = x_train / 255.0, x_test / 255.0\n", "\n", "# Add a channels dimension\n", "x_train = x_train[..., tf.newaxis].astype(\"float32\")\n", "x_test = x_test[..., tf.newaxis].astype(\"float32\")" ] }, { "cell_type": "markdown", "metadata": { "id": "k1Evqx0S22r_" }, "source": [ "Use `tf.data` to batch and shuffle the dataset:" ] }, { "cell_type": "code", "execution_count": 4, "metadata": { "execution": { "iopub.execute_input": "2024-06-20T03:06:01.608047Z", "iopub.status.busy": "2024-06-20T03:06:01.607737Z", "iopub.status.idle": "2024-06-20T03:06:04.381732Z", "shell.execute_reply": "2024-06-20T03:06:04.380985Z" }, "id": "8Iu_quO024c2" }, "outputs": [], "source": [ "train_ds = tf.data.Dataset.from_tensor_slices(\n", " (x_train, y_train)).shuffle(10000).batch(32)\n", "\n", "test_ds = tf.data.Dataset.from_tensor_slices((x_test, y_test)).batch(32)" ] }, { "cell_type": "markdown", "metadata": { "id": "BPZ68wASog_I" }, "source": [ "Build the `tf.keras` model using the Keras [model subclassing API](https://www.tensorflow.org/guide/keras/custom_layers_and_models):" ] }, { "cell_type": "code", "execution_count": 5, "metadata": { "execution": { "iopub.execute_input": "2024-06-20T03:06:04.386351Z", "iopub.status.busy": "2024-06-20T03:06:04.385631Z", "iopub.status.idle": "2024-06-20T03:06:04.394265Z", "shell.execute_reply": "2024-06-20T03:06:04.393693Z" }, "id": "h3IKyzTCDNGo" }, "outputs": [], "source": [ "class MyModel(Model):\n", " def __init__(self):\n", " super().__init__()\n", " self.conv1 = Conv2D(32, 3, activation='relu')\n", " self.flatten = Flatten()\n", " self.d1 = Dense(128, activation='relu')\n", " self.d2 = Dense(10)\n", "\n", " def call(self, x):\n", " x = self.conv1(x)\n", " x = self.flatten(x)\n", " x = self.d1(x)\n", " return self.d2(x)\n", "\n", "# Create an instance of the model\n", "model = MyModel()" ] }, { "cell_type": "markdown", "metadata": { "id": "uGih-c2LgbJu" }, "source": [ "Choose an optimizer and loss function for training:" ] }, { "cell_type": "code", "execution_count": 6, "metadata": { "execution": { "iopub.execute_input": "2024-06-20T03:06:04.397582Z", "iopub.status.busy": "2024-06-20T03:06:04.397347Z", "iopub.status.idle": "2024-06-20T03:06:04.405457Z", "shell.execute_reply": "2024-06-20T03:06:04.404805Z" }, "id": "u48C9WQ774n4" }, "outputs": [], "source": [ "loss_object = tf.keras.losses.SparseCategoricalCrossentropy(from_logits=True)\n", "\n", "optimizer = tf.keras.optimizers.Adam()" ] }, { "cell_type": "markdown", "metadata": { "id": "JB6A1vcigsIe" }, "source": [ "Select metrics to measure the loss and the accuracy of the model. These metrics accumulate the values over epochs and then print the overall result." ] }, { "cell_type": "code", "execution_count": 7, "metadata": { "execution": { "iopub.execute_input": "2024-06-20T03:06:04.408624Z", "iopub.status.busy": "2024-06-20T03:06:04.408161Z", "iopub.status.idle": "2024-06-20T03:06:04.425946Z", "shell.execute_reply": "2024-06-20T03:06:04.425264Z" }, "id": "N0MqHFb4F_qn" }, "outputs": [], "source": [ "train_loss = tf.keras.metrics.Mean(name='train_loss')\n", "train_accuracy = tf.keras.metrics.SparseCategoricalAccuracy(name='train_accuracy')\n", "\n", "test_loss = tf.keras.metrics.Mean(name='test_loss')\n", "test_accuracy = tf.keras.metrics.SparseCategoricalAccuracy(name='test_accuracy')" ] }, { "cell_type": "markdown", "metadata": { "id": "ix4mEL65on-w" }, "source": [ "Use `tf.GradientTape` to train the model:" ] }, { "cell_type": "code", "execution_count": 8, "metadata": { "execution": { "iopub.execute_input": "2024-06-20T03:06:04.429384Z", "iopub.status.busy": "2024-06-20T03:06:04.428877Z", "iopub.status.idle": "2024-06-20T03:06:04.433517Z", "shell.execute_reply": "2024-06-20T03:06:04.432943Z" }, "id": "OZACiVqA8KQV" }, "outputs": [], "source": [ "@tf.function\n", "def train_step(images, labels):\n", " with tf.GradientTape() as tape:\n", " # training=True is only needed if there are layers with different\n", " # behavior during training versus inference (e.g. Dropout).\n", " predictions = model(images, training=True)\n", " loss = loss_object(labels, predictions)\n", " gradients = tape.gradient(loss, model.trainable_variables)\n", " optimizer.apply_gradients(zip(gradients, model.trainable_variables))\n", "\n", " train_loss(loss)\n", " train_accuracy(labels, predictions)" ] }, { "cell_type": "markdown", "metadata": { "id": "Z8YT7UmFgpjV" }, "source": [ "Test the model:" ] }, { "cell_type": "code", "execution_count": 9, "metadata": { "execution": { "iopub.execute_input": "2024-06-20T03:06:04.436476Z", "iopub.status.busy": "2024-06-20T03:06:04.436243Z", "iopub.status.idle": "2024-06-20T03:06:04.440068Z", "shell.execute_reply": "2024-06-20T03:06:04.439502Z" }, "id": "xIKdEzHAJGt7" }, "outputs": [], "source": [ "@tf.function\n", "def test_step(images, labels):\n", " # training=False is only needed if there are layers with different\n", " # behavior during training versus inference (e.g. Dropout).\n", " predictions = model(images, training=False)\n", " t_loss = loss_object(labels, predictions)\n", "\n", " test_loss(t_loss)\n", " test_accuracy(labels, predictions)" ] }, { "cell_type": "code", "execution_count": 10, "metadata": { "execution": { "iopub.execute_input": "2024-06-20T03:06:04.443102Z", "iopub.status.busy": "2024-06-20T03:06:04.442705Z", "iopub.status.idle": "2024-06-20T03:06:30.626021Z", "shell.execute_reply": "2024-06-20T03:06:30.625336Z" }, "id": "i-2pkctU_Ci7" }, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ "2024-06-20 03:06:10.602984: W tensorflow/core/framework/local_rendezvous.cc:404] Local rendezvous is aborting with status: OUT_OF_RANGE: End of sequence\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "2024-06-20 03:06:11.221325: W tensorflow/core/framework/local_rendezvous.cc:404] Local rendezvous is aborting with status: OUT_OF_RANGE: End of sequence\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "Epoch 1, Loss: 0.13, Accuracy: 95.99, Test Loss: 0.06, Test Accuracy: 97.89\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "2024-06-20 03:06:15.659141: W tensorflow/core/framework/local_rendezvous.cc:404] Local rendezvous is aborting with status: OUT_OF_RANGE: End of sequence\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "2024-06-20 03:06:16.037794: W tensorflow/core/framework/local_rendezvous.cc:404] Local rendezvous is aborting with status: OUT_OF_RANGE: End of sequence\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "Epoch 2, Loss: 0.04, Accuracy: 98.68, Test Loss: 0.05, Test Accuracy: 98.18\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "2024-06-20 03:06:20.468401: W tensorflow/core/framework/local_rendezvous.cc:404] Local rendezvous is aborting with status: OUT_OF_RANGE: End of sequence\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "2024-06-20 03:06:20.855202: W tensorflow/core/framework/local_rendezvous.cc:404] Local rendezvous is aborting with status: OUT_OF_RANGE: End of sequence\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "Epoch 3, Loss: 0.02, Accuracy: 99.29, Test Loss: 0.06, Test Accuracy: 98.16\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "2024-06-20 03:06:25.382453: W tensorflow/core/framework/local_rendezvous.cc:404] Local rendezvous is aborting with status: OUT_OF_RANGE: End of sequence\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "2024-06-20 03:06:25.770027: W tensorflow/core/framework/local_rendezvous.cc:404] Local rendezvous is aborting with status: OUT_OF_RANGE: End of sequence\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "Epoch 4, Loss: 0.01, Accuracy: 99.61, Test Loss: 0.06, Test Accuracy: 98.41\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "2024-06-20 03:06:30.222981: W tensorflow/core/framework/local_rendezvous.cc:404] Local rendezvous is aborting with status: OUT_OF_RANGE: End of sequence\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "Epoch 5, Loss: 0.01, Accuracy: 99.66, Test Loss: 0.07, Test Accuracy: 98.11\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "2024-06-20 03:06:30.618574: W tensorflow/core/framework/local_rendezvous.cc:404] Local rendezvous is aborting with status: OUT_OF_RANGE: End of sequence\n" ] } ], "source": [ "EPOCHS = 5\n", "\n", "for epoch in range(EPOCHS):\n", " # Reset the metrics at the start of the next epoch\n", " train_loss.reset_state()\n", " train_accuracy.reset_state()\n", " test_loss.reset_state()\n", " test_accuracy.reset_state()\n", "\n", " for images, labels in train_ds:\n", " train_step(images, labels)\n", "\n", " for test_images, test_labels in test_ds:\n", " test_step(test_images, test_labels)\n", "\n", " print(\n", " f'Epoch {epoch + 1}, '\n", " f'Loss: {train_loss.result():0.2f}, '\n", " f'Accuracy: {train_accuracy.result() * 100:0.2f}, '\n", " f'Test Loss: {test_loss.result():0.2f}, '\n", " f'Test Accuracy: {test_accuracy.result() * 100:0.2f}'\n", " )" ] }, { "cell_type": "markdown", "metadata": { "id": "T4JfEh7kvx6m" }, "source": [ "The image classifier is now trained to ~98% accuracy on this dataset. To learn more, read the [TensorFlow tutorials](https://www.tensorflow.org/tutorials)." ] } ], "metadata": { "accelerator": "GPU", "colab": { "name": "advanced.ipynb", "provenance": [], "toc_visible": true }, "kernelspec": { "display_name": "Python 3", "name": "python3" }, "language_info": { "codemirror_mode": { "name": "ipython", "version": 3 }, "file_extension": ".py", "mimetype": "text/x-python", "name": "python", "nbconvert_exporter": "python", "pygments_lexer": "ipython3", "version": "3.9.19" } }, "nbformat": 4, "nbformat_minor": 0 }