{"cells": [{"cell_type": "markdown", "id": "c06cf6e8", "metadata": {"papermill": {"duration": 0.004842, "end_time": "2022-08-15T07:38:11.808033", "exception": false, "start_time": "2022-08-15T07:38:11.803191", "status": "completed"}, "tags": []}, "source": ["\n", "# Introduction to Pytorch Lightning\n", "\n", "* **Author:** PL team\n", "* **License:** CC BY-SA\n", "* **Generated:** 2022-08-15T09:28:49.859904\n", "\n", "In this notebook, we'll go over the basics of lightning by preparing models to train on the [MNIST Handwritten Digits dataset](https://en.wikipedia.org/wiki/MNIST_database).\n", "\n", "---\n", "Open in [{height=\"20px\" width=\"117px\"}](https://colab.research.google.com/github/PytorchLightning/lightning-tutorials/blob/publication/.notebooks/lightning_examples/mnist-hello-world.ipynb)\n", "\n", "Give us a \u2b50 [on Github](https://www.github.com/PytorchLightning/pytorch-lightning/)\n", "| Check out [the documentation](https://pytorch-lightning.readthedocs.io/en/stable/)\n", "| Join us [on Slack](https://www.pytorchlightning.ai/community)"]}, {"cell_type": "markdown", "id": "50e2fd17", "metadata": {"papermill": {"duration": 0.003993, "end_time": "2022-08-15T07:38:11.814891", "exception": false, "start_time": "2022-08-15T07:38:11.810898", "status": "completed"}, "tags": []}, "source": ["## Setup\n", "This notebook requires some packages besides pytorch-lightning."]}, {"cell_type": "code", "execution_count": 1, "id": "25d6a362", "metadata": {"colab": {}, "colab_type": "code", "execution": {"iopub.execute_input": "2022-08-15T07:38:11.822333Z", "iopub.status.busy": "2022-08-15T07:38:11.821497Z", "iopub.status.idle": "2022-08-15T07:38:16.125962Z", "shell.execute_reply": "2022-08-15T07:38:16.124965Z"}, "id": "LfrJLKPFyhsK", "lines_to_next_cell": 0, "papermill": {"duration": 4.310742, "end_time": "2022-08-15T07:38:16.128255", "exception": false, "start_time": "2022-08-15T07:38:11.817513", "status": "completed"}, "tags": []}, "outputs": [], "source": ["! pip install --quiet \"pandas\" \"ipython[notebook]\" \"torchvision\" \"setuptools==59.5.0\" \"torch>=1.8\" \"torchmetrics>=0.7\" \"seaborn\" \"pytorch-lightning>=1.4\""]}, {"cell_type": "code", "execution_count": 2, "id": "2d0b3468", "metadata": {"execution": {"iopub.execute_input": "2022-08-15T07:38:16.135797Z", "iopub.status.busy": "2022-08-15T07:38:16.135237Z", "iopub.status.idle": "2022-08-15T07:38:21.149397Z", "shell.execute_reply": "2022-08-15T07:38:21.148489Z"}, "papermill": {"duration": 5.020155, "end_time": "2022-08-15T07:38:21.151455", "exception": false, "start_time": "2022-08-15T07:38:16.131300", "status": "completed"}, "tags": []}, "outputs": [{"name": "stderr", "output_type": "stream", "text": ["/tmp/ipykernel_4119/1920170836.py:6: DeprecationWarning: Importing display from IPython.core.display is deprecated since IPython 7.14, please import from IPython display\n", " from IPython.core.display import display\n"]}, {"name": "stderr", "output_type": "stream", "text": ["WARNING:root:Bagua cannot detect bundled NCCL library, Bagua will try to use system NCCL instead. If you encounter any error, please run `import bagua_core; bagua_core.install_deps()` or the `bagua_install_deps.py` script to install bundled libraries.\n"]}], "source": ["import os\n", "\n", "import pandas as pd\n", "import seaborn as sn\n", "import torch\n", "from IPython.core.display import display\n", "from pytorch_lightning import LightningModule, Trainer\n", "from pytorch_lightning.callbacks.progress import TQDMProgressBar\n", "from pytorch_lightning.loggers import CSVLogger\n", "from torch import nn\n", "from torch.nn import functional as F\n", "from torch.utils.data import DataLoader, random_split\n", "from torchmetrics import Accuracy\n", "from torchvision import transforms\n", "from torchvision.datasets import MNIST\n", "\n", "PATH_DATASETS = os.environ.get(\"PATH_DATASETS\", \".\")\n", "BATCH_SIZE = 256 if torch.cuda.is_available() else 64"]}, {"cell_type": "markdown", "id": "f3d202be", "metadata": {"lines_to_next_cell": 2, "papermill": {"duration": 0.002704, "end_time": "2022-08-15T07:38:21.157367", "exception": false, "start_time": "2022-08-15T07:38:21.154663", "status": "completed"}, "tags": []}, "source": ["## Simplest example\n", "\n", "Here's the simplest most minimal example with just a training loop (no validation, no testing).\n", "\n", "**Keep in Mind** - A `LightningModule` *is* a PyTorch `nn.Module` - it just has a few more helpful features."]}, {"cell_type": "code", "execution_count": 3, "id": "b4006d34", "metadata": {"execution": {"iopub.execute_input": "2022-08-15T07:38:21.164985Z", "iopub.status.busy": "2022-08-15T07:38:21.163865Z", "iopub.status.idle": "2022-08-15T07:38:21.169743Z", "shell.execute_reply": "2022-08-15T07:38:21.169093Z"}, "papermill": {"duration": 0.011232, "end_time": "2022-08-15T07:38:21.171284", "exception": false, "start_time": "2022-08-15T07:38:21.160052", "status": "completed"}, "tags": []}, "outputs": [], "source": ["class MNISTModel(LightningModule):\n", " def __init__(self):\n", " super().__init__()\n", " self.l1 = torch.nn.Linear(28 * 28, 10)\n", "\n", " def forward(self, x):\n", " return torch.relu(self.l1(x.view(x.size(0), -1)))\n", "\n", " def training_step(self, batch, batch_nb):\n", " x, y = batch\n", " loss = F.cross_entropy(self(x), y)\n", " return loss\n", "\n", " def configure_optimizers(self):\n", " return torch.optim.Adam(self.parameters(), lr=0.02)"]}, {"cell_type": "markdown", "id": "8f90796b", "metadata": {"papermill": {"duration": 0.003934, "end_time": "2022-08-15T07:38:21.178257", "exception": false, "start_time": "2022-08-15T07:38:21.174323", "status": "completed"}, "tags": []}, "source": ["By using the `Trainer` you automatically get:\n", "1. Tensorboard logging\n", "2. Model checkpointing\n", "3. Training and validation loop\n", "4. early-stopping"]}, {"cell_type": "code", "execution_count": 4, "id": "3268802f", "metadata": {"execution": {"iopub.execute_input": "2022-08-15T07:38:21.186850Z", "iopub.status.busy": "2022-08-15T07:38:21.186288Z", "iopub.status.idle": "2022-08-15T07:38:44.086018Z", "shell.execute_reply": "2022-08-15T07:38:44.085313Z"}, "papermill": {"duration": 22.906386, "end_time": "2022-08-15T07:38:44.087649", "exception": false, "start_time": "2022-08-15T07:38:21.181263", "status": "completed"}, "tags": []}, "outputs": [{"name": "stderr", "output_type": "stream", "text": ["GPU available: True (cuda), used: True\n"]}, {"name": "stderr", "output_type": "stream", "text": ["TPU available: False, using: 0 TPU cores\n"]}, {"name": "stderr", "output_type": "stream", "text": ["IPU available: False, using: 0 IPUs\n"]}, {"name": "stderr", "output_type": "stream", "text": ["HPU available: False, using: 0 HPUs\n"]}, {"name": "stderr", "output_type": "stream", "text": ["LOCAL_RANK: 0 - CUDA_VISIBLE_DEVICES: [0,1]\n"]}, {"name": "stderr", "output_type": "stream", "text": ["\n", " | Name | Type | Params\n", "--------------------------------\n", "0 | l1 | Linear | 7.9 K \n", "--------------------------------\n", "7.9 K Trainable params\n", "0 Non-trainable params\n", "7.9 K Total params\n", "0.031 Total estimated model params size (MB)\n"]}, {"name": "stderr", "output_type": "stream", "text": ["/home/AzDevOps_azpcontainer/.local/lib/python3.8/site-packages/pytorch_lightning/trainer/connectors/data_connector.py:219: PossibleUserWarning: The dataloader, train_dataloader, does not have many workers which may be a bottleneck. Consider increasing the value of the `num_workers` argument` (try 12 which is the number of cpus on this machine) in the `DataLoader` init to improve performance.\n", " rank_zero_warn(\n"]}, {"data": {"application/vnd.jupyter.widget-view+json": {"model_id": "b250fc528ad34540a8c799a8edcbcaa6", "version_major": 2, "version_minor": 0}, "text/plain": ["Training: 0it [00:00, ?it/s]"]}, "metadata": {}, "output_type": "display_data"}, {"name": "stderr", "output_type": "stream", "text": ["`Trainer.fit` stopped: `max_epochs=3` reached.\n"]}], "source": ["# Init our model\n", "mnist_model = MNISTModel()\n", "\n", "# Init DataLoader from MNIST Dataset\n", "train_ds = MNIST(PATH_DATASETS, train=True, download=True, transform=transforms.ToTensor())\n", "train_loader = DataLoader(train_ds, batch_size=BATCH_SIZE)\n", "\n", "# Initialize a trainer\n", "trainer = Trainer(\n", " accelerator=\"auto\",\n", " devices=1 if torch.cuda.is_available() else None, # limiting got iPython runs\n", " max_epochs=3,\n", " callbacks=[TQDMProgressBar(refresh_rate=20)],\n", ")\n", "\n", "# Train the model \u26a1\n", "trainer.fit(mnist_model, train_loader)"]}, {"cell_type": "markdown", "id": "2d68706b", "metadata": {"lines_to_next_cell": 2, "papermill": {"duration": 0.003345, "end_time": "2022-08-15T07:38:44.094709", "exception": false, "start_time": "2022-08-15T07:38:44.091364", "status": "completed"}, "tags": []}, "source": ["## A more complete MNIST Lightning Module Example\n", "\n", "That wasn't so hard was it?\n", "\n", "Now that we've got our feet wet, let's dive in a bit deeper and write a more complete `LightningModule` for MNIST...\n", "\n", "This time, we'll bake in all the dataset specific pieces directly in the `LightningModule`.\n", "This way, we can avoid writing extra code at the beginning of our script every time we want to run it.\n", "\n", "---\n", "\n", "### Note what the following built-in functions are doing:\n", "\n", "1. [prepare_data()](https://pytorch-lightning.readthedocs.io/en/stable/common/lightning_module.html#prepare-data) \ud83d\udcbe\n", " - This is where we can download the dataset. We point to our desired dataset and ask torchvision's `MNIST` dataset class to download if the dataset isn't found there.\n", " - **Note we do not make any state assignments in this function** (i.e. `self.something = ...`)\n", "\n", "2. [setup(stage)](https://pytorch-lightning.readthedocs.io/en/stable/common/lightning_module.html#setup) \u2699\ufe0f\n", " - Loads in data from file and prepares PyTorch tensor datasets for each split (train, val, test).\n", " - Setup expects a 'stage' arg which is used to separate logic for 'fit' and 'test'.\n", " - If you don't mind loading all your datasets at once, you can set up a condition to allow for both 'fit' related setup and 'test' related setup to run whenever `None` is passed to `stage` (or ignore it altogether and exclude any conditionals).\n", " - **Note this runs across all GPUs and it *is* safe to make state assignments here**\n", "\n", "3. [x_dataloader()](https://pytorch-lightning.readthedocs.io/en/stable/api/pytorch_lightning.core.hooks.DataHooks.html#pytorch_lightning.core.hooks.DataHooks.train_dataloader) \u267b\ufe0f\n", " - `train_dataloader()`, `val_dataloader()`, and `test_dataloader()` all return PyTorch `DataLoader` instances that are created by wrapping their respective datasets that we prepared in `setup()`"]}, {"cell_type": "code", "execution_count": 5, "id": "d044c45e", "metadata": {"execution": {"iopub.execute_input": "2022-08-15T07:38:44.102843Z", "iopub.status.busy": "2022-08-15T07:38:44.102322Z", "iopub.status.idle": "2022-08-15T07:38:44.116414Z", "shell.execute_reply": "2022-08-15T07:38:44.115760Z"}, "papermill": {"duration": 0.020071, "end_time": "2022-08-15T07:38:44.117930", "exception": false, "start_time": "2022-08-15T07:38:44.097859", "status": "completed"}, "tags": []}, "outputs": [], "source": ["class LitMNIST(LightningModule):\n", " def __init__(self, data_dir=PATH_DATASETS, hidden_size=64, learning_rate=2e-4):\n", "\n", " super().__init__()\n", "\n", " # Set our init args as class attributes\n", " self.data_dir = data_dir\n", " self.hidden_size = hidden_size\n", " self.learning_rate = learning_rate\n", "\n", " # Hardcode some dataset specific attributes\n", " self.num_classes = 10\n", " self.dims = (1, 28, 28)\n", " channels, width, height = self.dims\n", " self.transform = transforms.Compose(\n", " [\n", " transforms.ToTensor(),\n", " transforms.Normalize((0.1307,), (0.3081,)),\n", " ]\n", " )\n", "\n", " # Define PyTorch model\n", " self.model = nn.Sequential(\n", " nn.Flatten(),\n", " nn.Linear(channels * width * height, hidden_size),\n", " nn.ReLU(),\n", " nn.Dropout(0.1),\n", " nn.Linear(hidden_size, hidden_size),\n", " nn.ReLU(),\n", " nn.Dropout(0.1),\n", " nn.Linear(hidden_size, self.num_classes),\n", " )\n", "\n", " self.val_accuracy = Accuracy()\n", " self.test_accuracy = Accuracy()\n", "\n", " def forward(self, x):\n", " x = self.model(x)\n", " return F.log_softmax(x, dim=1)\n", "\n", " def training_step(self, batch, batch_idx):\n", " x, y = batch\n", " logits = self(x)\n", " loss = F.nll_loss(logits, y)\n", " return loss\n", "\n", " def validation_step(self, batch, batch_idx):\n", " x, y = batch\n", " logits = self(x)\n", " loss = F.nll_loss(logits, y)\n", " preds = torch.argmax(logits, dim=1)\n", " self.val_accuracy.update(preds, y)\n", "\n", " # Calling self.log will surface up scalars for you in TensorBoard\n", " self.log(\"val_loss\", loss, prog_bar=True)\n", " self.log(\"val_acc\", self.val_accuracy, prog_bar=True)\n", "\n", " def test_step(self, batch, batch_idx):\n", " x, y = batch\n", " logits = self(x)\n", " loss = F.nll_loss(logits, y)\n", " preds = torch.argmax(logits, dim=1)\n", " self.test_accuracy.update(preds, y)\n", "\n", " # Calling self.log will surface up scalars for you in TensorBoard\n", " self.log(\"test_loss\", loss, prog_bar=True)\n", " self.log(\"test_acc\", self.test_accuracy, prog_bar=True)\n", "\n", " def configure_optimizers(self):\n", " optimizer = torch.optim.Adam(self.parameters(), lr=self.learning_rate)\n", " return optimizer\n", "\n", " ####################\n", " # DATA RELATED HOOKS\n", " ####################\n", "\n", " def prepare_data(self):\n", " # download\n", " MNIST(self.data_dir, train=True, download=True)\n", " MNIST(self.data_dir, train=False, download=True)\n", "\n", " def setup(self, stage=None):\n", "\n", " # Assign train/val datasets for use in dataloaders\n", " if stage == \"fit\" or stage is None:\n", " mnist_full = MNIST(self.data_dir, train=True, transform=self.transform)\n", " self.mnist_train, self.mnist_val = random_split(mnist_full, [55000, 5000])\n", "\n", " # Assign test dataset for use in dataloader(s)\n", " if stage == \"test\" or stage is None:\n", " self.mnist_test = MNIST(self.data_dir, train=False, transform=self.transform)\n", "\n", " def train_dataloader(self):\n", " return DataLoader(self.mnist_train, batch_size=BATCH_SIZE)\n", "\n", " def val_dataloader(self):\n", " return DataLoader(self.mnist_val, batch_size=BATCH_SIZE)\n", "\n", " def test_dataloader(self):\n", " return DataLoader(self.mnist_test, batch_size=BATCH_SIZE)"]}, {"cell_type": "code", "execution_count": 6, "id": "e2be9463", "metadata": {"execution": {"iopub.execute_input": "2022-08-15T07:38:44.130113Z", "iopub.status.busy": "2022-08-15T07:38:44.129645Z", "iopub.status.idle": "2022-08-15T07:39:18.947964Z", "shell.execute_reply": "2022-08-15T07:39:18.947221Z"}, "papermill": {"duration": 34.824096, "end_time": "2022-08-15T07:39:18.949581", "exception": false, "start_time": "2022-08-15T07:38:44.125485", "status": "completed"}, "tags": []}, "outputs": [{"name": "stderr", "output_type": "stream", "text": ["GPU available: True (cuda), used: True\n"]}, {"name": "stderr", "output_type": "stream", "text": ["TPU available: False, using: 0 TPU cores\n"]}, {"name": "stderr", "output_type": "stream", "text": ["IPU available: False, using: 0 IPUs\n"]}, {"name": "stderr", "output_type": "stream", "text": ["HPU available: False, using: 0 HPUs\n"]}, {"name": "stderr", "output_type": "stream", "text": ["Missing logger folder: logs/lightning_logs\n"]}, {"name": "stderr", "output_type": "stream", "text": ["LOCAL_RANK: 0 - CUDA_VISIBLE_DEVICES: [0,1]\n"]}, {"name": "stderr", "output_type": "stream", "text": ["\n", " | Name | Type | Params\n", "---------------------------------------------\n", "0 | model | Sequential | 55.1 K\n", "1 | val_accuracy | Accuracy | 0 \n", "2 | test_accuracy | Accuracy | 0 \n", "---------------------------------------------\n", "55.1 K Trainable params\n", "0 Non-trainable params\n", "55.1 K Total params\n", "0.220 Total estimated model params size (MB)\n"]}, {"data": {"application/vnd.jupyter.widget-view+json": {"model_id": "d8f9e9b32b8f46479efebbd2a82a90ea", "version_major": 2, "version_minor": 0}, "text/plain": ["Sanity Checking: 0it [00:00, ?it/s]"]}, "metadata": {}, "output_type": "display_data"}, {"name": "stderr", "output_type": "stream", "text": ["/home/AzDevOps_azpcontainer/.local/lib/python3.8/site-packages/pytorch_lightning/trainer/connectors/data_connector.py:219: PossibleUserWarning: The dataloader, val_dataloader 0, does not have many workers which may be a bottleneck. Consider increasing the value of the `num_workers` argument` (try 12 which is the number of cpus on this machine) in the `DataLoader` init to improve performance.\n", " rank_zero_warn(\n"]}, {"data": {"application/vnd.jupyter.widget-view+json": {"model_id": "c2c31c5cad74431faa620232e62dc3c6", "version_major": 2, "version_minor": 0}, "text/plain": ["Training: 0it [00:00, ?it/s]"]}, "metadata": {}, "output_type": "display_data"}, {"data": {"application/vnd.jupyter.widget-view+json": {"model_id": "7cd0f98adc9e4cbc817a2bbf7ff8fd6e", "version_major": 2, "version_minor": 0}, "text/plain": ["Validation: 0it [00:00, ?it/s]"]}, "metadata": {}, "output_type": "display_data"}, {"data": {"application/vnd.jupyter.widget-view+json": {"model_id": "90f26221f5aa4d9fad7efda328ee7872", "version_major": 2, "version_minor": 0}, "text/plain": ["Validation: 0it [00:00, ?it/s]"]}, "metadata": {}, "output_type": "display_data"}, {"data": {"application/vnd.jupyter.widget-view+json": {"model_id": "b50edce1334f431eaab470ec9592ca2c", "version_major": 2, "version_minor": 0}, "text/plain": ["Validation: 0it [00:00, ?it/s]"]}, "metadata": {}, "output_type": "display_data"}, {"name": "stderr", "output_type": "stream", "text": ["`Trainer.fit` stopped: `max_epochs=3` reached.\n"]}], "source": ["model = LitMNIST()\n", "trainer = Trainer(\n", " accelerator=\"auto\",\n", " devices=1 if torch.cuda.is_available() else None, # limiting got iPython runs\n", " max_epochs=3,\n", " callbacks=[TQDMProgressBar(refresh_rate=20)],\n", " logger=CSVLogger(save_dir=\"logs/\"),\n", ")\n", "trainer.fit(model)"]}, {"cell_type": "markdown", "id": "dd635b38", "metadata": {"papermill": {"duration": 0.004346, "end_time": "2022-08-15T07:39:18.958411", "exception": false, "start_time": "2022-08-15T07:39:18.954065", "status": "completed"}, "tags": []}, "source": ["### Testing\n", "\n", "To test a model, call `trainer.test(model)`.\n", "\n", "Or, if you've just trained a model, you can just call `trainer.test()` and Lightning will automatically\n", "test using the best saved checkpoint (conditioned on val_loss)."]}, {"cell_type": "code", "execution_count": 7, "id": "c408962a", "metadata": {"execution": {"iopub.execute_input": "2022-08-15T07:39:18.967997Z", "iopub.status.busy": "2022-08-15T07:39:18.967629Z", "iopub.status.idle": "2022-08-15T07:39:20.800679Z", "shell.execute_reply": "2022-08-15T07:39:20.799929Z"}, "papermill": {"duration": 1.840978, "end_time": "2022-08-15T07:39:20.803493", "exception": false, "start_time": "2022-08-15T07:39:18.962515", "status": "completed"}, "tags": []}, "outputs": [{"name": "stderr", "output_type": "stream", "text": ["/home/AzDevOps_azpcontainer/.local/lib/python3.8/site-packages/pytorch_lightning/trainer/trainer.py:1388: UserWarning: `.test(ckpt_path=None)` was called without a model. The best model of the previous `fit` call will be used. You can pass `.test(ckpt_path='best')` to use the best model or `.test(ckpt_path='last')` to use the last model. If you pass a value, this warning will be silenced.\n", " rank_zero_warn(\n", "Restoring states from the checkpoint path at logs/lightning_logs/version_0/checkpoints/epoch=2-step=645.ckpt\n"]}, {"name": "stderr", "output_type": "stream", "text": ["LOCAL_RANK: 0 - CUDA_VISIBLE_DEVICES: [0,1]\n"]}, {"name": "stderr", "output_type": "stream", "text": ["Loaded model weights from checkpoint at logs/lightning_logs/version_0/checkpoints/epoch=2-step=645.ckpt\n"]}, {"name": "stderr", "output_type": "stream", "text": ["/home/AzDevOps_azpcontainer/.local/lib/python3.8/site-packages/pytorch_lightning/trainer/connectors/data_connector.py:219: PossibleUserWarning: The dataloader, test_dataloader 0, does not have many workers which may be a bottleneck. Consider increasing the value of the `num_workers` argument` (try 12 which is the number of cpus on this machine) in the `DataLoader` init to improve performance.\n", " rank_zero_warn(\n"]}, {"data": {"application/vnd.jupyter.widget-view+json": {"model_id": "6364c95a14c6439b9d146e9678bbdcd5", "version_major": 2, "version_minor": 0}, "text/plain": ["Testing: 0it [00:00, ?it/s]"]}, "metadata": {}, "output_type": "display_data"}, {"data": {"text/html": ["<pre style=\"white-space:pre;overflow-x:auto;line-height:normal;font-family:Menlo,'DejaVu Sans Mono',consolas,'Courier New',monospace\">\u250f\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2533\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2513\n", "\u2503<span style=\"font-weight: bold\"> Test metric </span>\u2503<span style=\"font-weight: bold\"> DataLoader 0 </span>\u2503\n", "\u2521\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2547\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2529\n", "\u2502<span style=\"color: #008080; text-decoration-color: #008080\"> test_acc </span>\u2502<span style=\"color: #800080; text-decoration-color: #800080\"> 0.9221000075340271 </span>\u2502\n", "\u2502<span style=\"color: #008080; text-decoration-color: #008080\"> test_loss </span>\u2502<span style=\"color: #800080; text-decoration-color: #800080\"> 0.2563731074333191 </span>\u2502\n", "\u2514\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2534\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2518\n", "</pre>\n"], "text/plain": ["\u250f\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2533\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2513\n", "\u2503\u001b[1m \u001b[0m\u001b[1m Test metric \u001b[0m\u001b[1m \u001b[0m\u2503\u001b[1m \u001b[0m\u001b[1m DataLoader 0 \u001b[0m\u001b[1m \u001b[0m\u2503\n", "\u2521\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2547\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2529\n", "\u2502\u001b[36m \u001b[0m\u001b[36m test_acc \u001b[0m\u001b[36m \u001b[0m\u2502\u001b[35m \u001b[0m\u001b[35m 0.9221000075340271 \u001b[0m\u001b[35m \u001b[0m\u2502\n", "\u2502\u001b[36m \u001b[0m\u001b[36m test_loss \u001b[0m\u001b[36m \u001b[0m\u2502\u001b[35m \u001b[0m\u001b[35m 0.2563731074333191 \u001b[0m\u001b[35m \u001b[0m\u2502\n", "\u2514\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2534\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2518\n"]}, "metadata": {}, "output_type": "display_data"}, {"data": {"text/plain": ["[{'test_loss': 0.2563731074333191, 'test_acc': 0.9221000075340271}]"]}, "execution_count": 7, "metadata": {}, "output_type": "execute_result"}], "source": ["trainer.test()"]}, {"cell_type": "markdown", "id": "c7cfa5b0", "metadata": {"papermill": {"duration": 0.004456, "end_time": "2022-08-15T07:39:20.812997", "exception": false, "start_time": "2022-08-15T07:39:20.808541", "status": "completed"}, "tags": []}, "source": ["### Bonus Tip\n", "\n", "You can keep calling `trainer.fit(model)` as many times as you'd like to continue training"]}, {"cell_type": "code", "execution_count": 8, "id": "11c15b6d", "metadata": {"execution": {"iopub.execute_input": "2022-08-15T07:39:20.824136Z", "iopub.status.busy": "2022-08-15T07:39:20.823685Z", "iopub.status.idle": "2022-08-15T07:39:21.093991Z", "shell.execute_reply": "2022-08-15T07:39:21.093269Z"}, "papermill": {"duration": 0.278034, "end_time": "2022-08-15T07:39:21.095622", "exception": false, "start_time": "2022-08-15T07:39:20.817588", "status": "completed"}, "tags": []}, "outputs": [{"name": "stderr", "output_type": "stream", "text": ["/home/AzDevOps_azpcontainer/.local/lib/python3.8/site-packages/pytorch_lightning/callbacks/model_checkpoint.py:616: UserWarning: Checkpoint directory logs/lightning_logs/version_0/checkpoints exists and is not empty.\n", " rank_zero_warn(f\"Checkpoint directory {dirpath} exists and is not empty.\")\n"]}, {"name": "stderr", "output_type": "stream", "text": ["LOCAL_RANK: 0 - CUDA_VISIBLE_DEVICES: [0,1]\n"]}, {"name": "stderr", "output_type": "stream", "text": ["\n", " | Name | Type | Params\n", "---------------------------------------------\n", "0 | model | Sequential | 55.1 K\n", "1 | val_accuracy | Accuracy | 0 \n", "2 | test_accuracy | Accuracy | 0 \n", "---------------------------------------------\n", "55.1 K Trainable params\n", "0 Non-trainable params\n", "55.1 K Total params\n", "0.220 Total estimated model params size (MB)\n"]}, {"data": {"application/vnd.jupyter.widget-view+json": {"model_id": "095e69aee4b94600aa62b3254319b657", "version_major": 2, "version_minor": 0}, "text/plain": ["Sanity Checking: 0it [00:00, ?it/s]"]}, "metadata": {}, "output_type": "display_data"}, {"name": "stderr", "output_type": "stream", "text": ["`Trainer.fit` stopped: `max_epochs=3` reached.\n"]}], "source": ["trainer.fit(model)"]}, {"cell_type": "markdown", "id": "c5dc723e", "metadata": {"papermill": {"duration": 0.004673, "end_time": "2022-08-15T07:39:21.105679", "exception": false, "start_time": "2022-08-15T07:39:21.101006", "status": "completed"}, "tags": []}, "source": ["In Colab, you can use the TensorBoard magic function to view the logs that Lightning has created for you!"]}, {"cell_type": "code", "execution_count": 9, "id": "047afaca", "metadata": {"execution": {"iopub.execute_input": "2022-08-15T07:39:21.116914Z", "iopub.status.busy": "2022-08-15T07:39:21.116563Z", "iopub.status.idle": "2022-08-15T07:39:21.472331Z", "shell.execute_reply": "2022-08-15T07:39:21.471622Z"}, "papermill": {"duration": 0.363582, "end_time": "2022-08-15T07:39:21.473935", "exception": false, "start_time": "2022-08-15T07:39:21.110353", "status": "completed"}, "tags": []}, "outputs": [{"data": {"text/html": ["<div>\n", "<style scoped>\n", " .dataframe tbody tr th:only-of-type {\n", " vertical-align: middle;\n", " }\n", "\n", " .dataframe tbody tr th {\n", " vertical-align: top;\n", " }\n", "\n", " .dataframe thead th {\n", " text-align: right;\n", " }\n", "</style>\n", "<table border=\"1\" class=\"dataframe\">\n", " <thead>\n", " <tr style=\"text-align: right;\">\n", " <th></th>\n", " <th>val_loss</th>\n", " <th>val_acc</th>\n", " <th>test_loss</th>\n", " <th>test_acc</th>\n", " </tr>\n", " <tr>\n", " <th>epoch</th>\n", " <th></th>\n", " <th></th>\n", " <th></th>\n", " <th></th>\n", " </tr>\n", " </thead>\n", " <tbody>\n", " <tr>\n", " <th>0</th>\n", " <td>0.421239</td>\n", " <td>0.8878</td>\n", " <td>NaN</td>\n", " <td>NaN</td>\n", " </tr>\n", " <tr>\n", " <th>1</th>\n", " <td>0.308142</td>\n", " <td>0.9100</td>\n", " <td>NaN</td>\n", " <td>NaN</td>\n", " </tr>\n", " <tr>\n", " <th>2</th>\n", " <td>0.264550</td>\n", " <td>0.9236</td>\n", " <td>NaN</td>\n", " <td>NaN</td>\n", " </tr>\n", " <tr>\n", " <th>2</th>\n", " <td>NaN</td>\n", " <td>NaN</td>\n", " <td>0.256373</td>\n", " <td>0.9221</td>\n", " </tr>\n", " </tbody>\n", "</table>\n", "</div>"], "text/plain": [" val_loss val_acc test_loss test_acc\n", "epoch \n", "0 0.421239 0.8878 NaN NaN\n", "1 0.308142 0.9100 NaN NaN\n", "2 0.264550 0.9236 NaN NaN\n", "2 NaN NaN 0.256373 0.9221"]}, "metadata": {}, "output_type": "display_data"}, {"data": {"text/plain": ["<seaborn.axisgrid.FacetGrid at 0x7f4340612730>"]}, "execution_count": 9, "metadata": {}, "output_type": "execute_result"}, {"data": {"image/png": "iVBORw0KGgoAAAANSUhEUgAAAasAAAFgCAYAAAAFPlYaAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjUuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8qNh9FAAAACXBIWXMAAAsTAAALEwEAmpwYAAAsOElEQVR4nO3deXxddZ3/8denWZqlbdq06ZK06QKFrjRABBFUkK0UaWRELY6OuOECjsjo74c/dAZxVNyXGcYRkcEFBWTUhkVAZBURGiHpTimFLklL23Rv2qyf3x/npLlJkzRJ78k9Sd7Px+M+eu855577uSc3efd8z+eeY+6OiIhInA1LdQEiIiLHorASEZHYU1iJiEjsKaxERCT2FFYiIhJ76akuoLcWLlzoDz/8cKrLEBHpiqW6gMFowO1Z7dy5M9UliIhIPxtwYSUiIkOPwkpERGJPYSUiIrGnsBIRkdhTWImISOwprEREJPYUViIiEnsKKxERiT2FlYiIxJ7CSkREYk9hJSIisTfgTmQrIpJU+7dB/X5oOAiNh6DxIDTUwQnvgOEjUl2dhBRWIhJfDXVQvy8MkrogTBoOwtgTYHQx1L4KrzzaNr+hLgibiafAGR+Hg7XwmyXtQ6ixDoaPgutXBa/xP4tg16tHv/Y1L0DByf37fqVLCisR6ZuWlrYAORIEhyAzB8bPhsbDsOK34TJ1bUFhBhf9e7CO+z8LO9a1D5KGg/CRR2D8LPjTl2HZ7Ue/9iXfgjM/AW+sgodvCKZZGmTmQkY2DAv/tKVlBPXkFgTTM3MgIxeyx7St64J/g6Z6yMhpm5+ZA6OnRrv9pFcUViKDlTs0HW4Lgca64PGkBcH8Vx8PhsCODH+FQXHmJyGvCF76Faxe2ra30ngouP/Wz0HpR2DdH+Hu9x/9uicthPffA80NUH5twgwLAiF3bFtYNTXAsDQYMbF9ULQOv839Bxg/JwyhnLZAyT8hmD/zIvi/rwfT0zKDIEyUNQr+aWn322lOWW+3rKSAwkoklZoa2gfBqMLgj/HOV2DH2ragaA2cqWfDtLNh20p45rtHD28VnQZltwbTv14I3tL+9dKGw5e3B/cf/xpUV7Sfn54Fc94VhNXhfXBgexAUOePCMMmBvCnBsuNnwwVfaQuS1rAZNSmYP3wkXLcimJaRHdw6hsnlP+5++0wL329XMrKCmwx6CiuR7rQ0tw1hpQ+H7NFwaA9srWw/bNVYFww1zb8ieM4Dn2u/t9JYFww1feKpYL2/vBxeexpamtq/3of/CFPfAsvvgae/fXQ9590Y/PFuOAhbq9oCImsUjJwIY6YFy6VnwTnXt99bycgJgsU9CI0rfhbcPxI0OcFeTquzPh3cupI/A865ruv5ZsFxJZEkMHdPdQ29Ulpa6hUVFcdeUIY29+AP+qHdcHhP8O+0twZ/QJffC9tXB9MO7YGGA0HwLPw6FJ4Kz90aBEVDHTTXt63zbV+Ad3wJXn8W7lx09GtOeTN89JHgtb8/NxiWSgyCjBxYclcQCC/8FPZVHx0kM86FEeNhbzXU1bYdg2mdn5bRTxtQjoMuax8B7VlJvDU3BoEyLA1y8qFuV9D9dWhP+yAaMb7tOMj35sKBN6Clsf26/t/WIBiW3wsbngwOsmePhswR4R5HOGQ27iSYd0XbXknrgfnCU4P5E+cFe0AZ2e3DJiMnmG8G16/u/n2d8fHu5+cVBTcRASIOKzNbCPwQSANud/dbOsyfCtwBFAC7gA+4+5Yoa5IUaN17NwtajfduPjps5r8HJs6Hlb+DZ77XNr3hQPDcMz8Jl3wT9tXA7z/Rtu7heZCdB5NK2qbNfVewB5I9JrhljQ7+bd0rWXJX5wfjW828MLh1JSsvGKoTkX4TWViZWRpwK3AhsAVYZmbl7p74X87vAL9w95+b2TuAbwAfjKomOU4tLVC3s234rDVsABYsCf598F9g98a2sDm0J7j/uVXBMZUnvg4r72u/3rTMoENt4vxgLydvcnA/e3Rb2LR2sI2bCZ95MZiWlQdpnXyEL/5a9+8jfXjf3r+IpEyUe1ZnAOvdfQOAmd0NlAGJYTUHuD68/wTwhwjrEQj2cur3tQ+b/BnBgfBtK4IhsiN7POFtxtuDANhXDT+Yd/Q6R0xsC6udr8DhvUHI5E1u27tJywzmn3MdlH64/R5PYpfYSRcFt66kDw++ECoiQ0qUYVUEbE54vAU4s8MyVcA/EAwVXg6MNLOx7l6buJCZXQ1cDVBcrO4iIOgsO7Qb6g/AuBODaWsegD2b2g+vHdoDl34XxkyFR26Ev/0YvLn9ulq/YLnrNXj+J20Bkz0GRk+BUeGxk9wCWPSdtmM9iYHT6kPl3dc9cX5y3r+IDCmpbrD4PPCfZnYV8DRQDTR3XMjdbwNug6AbsD8LjFRLS9C6nJ4ZNA5srWw/xHZod7DHc+Yngs602y9oC6LGumAdGTlw49bg/jPfhZoXAQuGyFpDpXXZqWcHLc0dw2bczGD+7MvavoPTmYysYzcGiIhEIMqwqgamJDyeHE47wt1rCPasMLMRwLvdfU+ENUXn4E44uOPosJlTFuydrLgPKn/dfq/n8F4494vw9v8TDMH98vL268zICU6meeYngqGy/OmQdWoYNKPbwqb1ezNX3h0E3/A8GNbJCfVnLQpuXemq4UBEJMWiDKtlwEwzm04QUkuAdudmMbNxwC53bwG+SNAZmBotzUF4JIbJsIzgeA3Ao18O9n5aQ6h1metWBF1m//vRoB26o4KTg7BqOBg8Jyc/OEbUOszW2lU2aQF8+OG2vZ6s0e2/mW8WdLF1Z+SE490KIiKxFFlYuXuTmV0LPELQun6Hu68ys5uBCncvB84FvmFmTjAMeE0kxWxbGZwHLfE4zqHdwTnM3vxJ2LocfvI2oMMI44R58Klng/sr7gsCo3VvpjVwmhuCsDr7s3Dah9oPsWWPgcyRwfNP/1Bw60r2aJh6VrLfuYjIoDA0zmBR8T/wwHXBWZkTh8/m/QOcdU0whNexsSB7dNBQoM4zEekdjadHYGiEVUNd0MgwfKSOy4hI1PRHJgKp7gbsH5k5qa5ARESOQyctYyIiIvGisBIRkdhTWImISOwprEREJPYUViIiEnsKKxERiT2FlYiIxJ7CSkREYk9hJSIisaewEhGR2FNYiYhI7CmsREQk9hRWIiISeworERGJPYWViIjEnsJKRERiT2ElIiKxp7ASEZHYU1iJiEjsKaxERCT2FFYiIhJ7CisREYk9hZWIiMSewkpERGJPYSUiIrGnsBIRkdhTWImISOwprEREJPYUViIiEnsKKxERiT2FlYiIxF6kYWVmC83sZTNbb2Y3dDK/2MyeMLOXzGy5mS2Ksh4RERmYIgsrM0sDbgUuAeYAV5rZnA6LfQm4191PBZYA/xVVPSIiMnBFuWd1BrDe3Te4ewNwN1DWYRkHRoX384CaCOsREZEBKsqwKgI2JzzeEk5LdBPwATPbAjwEfKazFZnZ1WZWYWYVO3bsiKJWERGJsVQ3WFwJ3Onuk4FFwC/N7Kia3P02dy9199KCgoJ+L1JERFIryrCqBqYkPJ4cTkv0UeBeAHd/DsgCxkVYk4iIDEBRhtUyYKaZTTezTIIGivIOy2wCzgcws9kEYaVxPhERaSeysHL3JuBa4BFgDUHX3yozu9nMFoeL/QvwcTOrAn4DXOXuHlVNIiIyMNlAy4bS0lKvqKhIdRkiIl2xVBcwGKW6wUJEROSYFFYiIhJ7CisREYk9hZWIiMSewkpERGJPYSUiIrGnsBIRkdhTWImISOwprEREJPYUViIiEnsKKxERiT2FlYiIxJ7CSkREYk9hJSIisaewEhGR2FNYiYhI7CmsREQk9hRWIiISeworERGJPYWViIjEnsJKRERiT2ElIiKxp7ASEZHYU1iJiEjsKaxERCT2FFYiIhJ7CisREYk9hZWIiMSewkpERGJPYSUiIrGnsBIRkdhTWImISOwprEREJPYiDSszW2hmL5vZejO7oZP53zezyvC2zsz2RFmPiIgMTOlRrdjM0oBbgQuBLcAyMyt399Wty7j75xKW/wxwalT1iIjIwBXlntUZwHp33+DuDcDdQFk3y18J/CbCekREZICKMqyKgM0Jj7eE045iZlOB6cDjXcy/2swqzKxix44dSS9URETiLS4NFkuA+9y9ubOZ7n6bu5e6e2lBQUE/lyYiIqkWZVhVA1MSHk8Op3VmCRoCFBGRLkQZVsuAmWY23cwyCQKpvONCZjYLGAM8F2EtIiIygEUWVu7eBFwLPAKsAe5191VmdrOZLU5YdAlwt7t7VLWIiMjAZgMtI0pLS72ioiLVZYiIdMVSXcBgFJcGCxERkS4prEREJPYUViIiEnsKKxERiT2FlYiIxJ7CSkREYk9hJSIisaewEhGR2FNYiYhI7CmsREQk9hRWIiISeworERGJPYWViIjEnsJKRERiT2ElIiKxp7ASEZHYU1iJiEjsKaxERCT2FFYiIhJ7CisREYk9hZWIiMSewkpERGJPYSUiIrGnsBIRkdhTWImISOwprEREJPYUViIiEnsKKxERiT2FlYiIYGYHupk3zcxW9mc9HSmsREQk9tJTXYCIyGA37YYHfwCUJHm1la/fcul1Xc00s1uAze5+a/j4JqAJOA8YA2QAX3L3pb15UTPLAn4MlIbru97dnzCzucD/AJkEO0LvBmqAe4HJQBrwVXe/pzev10phJSIyON0D/AC4NXz8XuBi4Efuvs/MxgF/M7Nyd/derPcawN19vpnNAh41s5OATwI/dPe7zCyTIJwWATXufimAmeX19c0orEREItbdHlBU3P0lMxtvZoVAAbAb2AZ838zeBrQARcCEcHpPnQP8R/gaa81sI3AS8Bxwo5lNBn7n7q+Y2Qrgu2b2TeABd3+mr+8n0mNWZrbQzF42s/VmdkMXy7zXzFab2Soz+3WU9YiIDDG/Ba4A3kewp/WPBMF1uruXAG8AWcl4IXf/NbAYOAQ8ZGbvcPd1wGnACuDfzexf+7r+yPaszCyNYPfzQmALsCzc3VydsMxM4IvA2e6+28zGR1WPiMgQdA/wU2Ac8HaCocDt7t5oZucBU/uwzmcIQu/xcPivGHjZzGYAG9z9R2ZWDJxiZmuBXe7+KzPbA3ysr28kymHAM4D17r4BwMzuBsqA1QnLfBy41d13A7j79gjrEREZUtx9lZmNBKrdfauZ3QXcHw7PVQBr+7Da/wJ+HK6jCbjK3evN7L3AB82skWBY8evAm4Bvm1kL0Ah8qq/vxY51XM3MPgP8qjVQerxisyuAhe7+sfDxB4Ez3f3ahGX+AKwDziY4GHeTuz/cybquBq4GKC4uPn3jxo29KUVEpD9ZqgsYjHpyzGoCwRDeveExqGT+INKBmcC5wJXAT81sdMeF3P02dy9199KCgoIkvryIiAwExwwrd/8SQaD8DLgKeMXMvm5mJxzjqdXAlITHk8NpibYA5e7e6O6vEexlzexh7SIikkRmNt/MKjvcnk91XdDDbsCwB39beGsi+ELZfWb2rW6etgyYaWbTw577JUB5h2X+QLBXRdjzfxKwoRf1i4hIkrj7Cncv6XA7M9V1QQ/Cysw+a2Z/B74FPAvMd/dPAacD7+5s2A7A3ZuAa4FHgDXAveHBvpvNbHG42CNArZmtBp4AvuDutcf7pkREZHDpSYPFV4A73P2orgYzm0PQfHFaRPUdpbS01CsqKvrr5UREeksNFhE4Zuu6u/9bN/NWJ7nhQkRE5CjJOINFb84pJSIi0mu6RIiIiHR7Pas4SEZYaRhQREQilYzTLZ2fhHWIiAxuN+U92fn0veeG839A59e8uo6b9lZyU95VBN91bf+8LiTzelZmNgJY2tnzzOyfgM8THBJa7u4fNLMJwH8DM8JVfMrd/3qs1+nOcYeVu+863nWIiEjSJfN6VoeByzs+D5gDfAl4i7vvNLP8cPkfAU+5++XhSc1HHO+bOWbretyodV1EYi42h0bMbA3B6FcBwQlozwW+D7Rez+pkYLq7bzOzA+7eaaiYWUZnzwPeA0x09xs7LL8DmOzu9cl6L7r4oojI4NV6PauJHH09q0Yze52eXc+qr89LGnUDiogMXvcQnOruCoLgyqNv17Pq6nmPA+8xs7EACcOAfya8HIiZpR3P5exbKaxERAYpd18FHLmeFXAXUBpei+qf6Pn1rDp9Xrj+rwFPmVkV8L1w+c8C54XL/53g2NZx0TErEZHkis0xq8FEe1YiIhJ7arAQEREguJ4V8MsOk+vjcJkQhZWIiADB9azo/IvJKadhQBERiT2FlYiIxJ7CSkREYk9hJSIisaewEhEZhMxstJl9uo/Pvc7Mco6xzOvhSW37hcJKRGRwGg30KayA64Buw6q/KaxERPrB/J/Pf3L+z+dflcz7x3ALcIKZVZrZt83sC2a2zMyWm9lXAMws18weNLMqM1tpZu8zs38GCoEnzOyJnrw3M7s+fP5KM7uuq3WH028xs9VhHd/pyfpB37MSERmsbgDmuXuJmV1EcDLbMwhOB1VuZm8jOJN6jbtfCmBmee6+18yuB85z953HehEzOx34MHBmuO7nzewpggsvtlt3eMLby4FZ7u5mNrqnb0bnBhQRSa5YnBvQzKYBD7j7vHAP5gpgTzh7BPAN4BngUYKzsz/g7s+Ez30dKO0urFqXIbh8yFh3/9dw+leBHcDDHddtZukEJ7b9O/BAOL2hJ+9Hw4AiIoOfAd9w95LwdqK7/8zd1wGnASuAfzezf03WC3a2bndvIti7uw94J0Gg9YjCSkRkcNpPcHkQgEeAj5jZCAAzKzKz8WZWCNS5+6+AbxOES8fnHsszwLvMLMfMcgmG+Z7pbN3h6+e5+0PA54AFPX0zOmYlIjIIuXutmT1rZiuBPwK/Bp4zM4ADwAeAE4Fvm1kL0Eh4wUTgNuBhM6tx9/OO8TovmtmdwAvhpNvd/SUzu7iTdY8ElppZFsHe3vU9fT86ZiUiklyxOGY12GgYUEREYk/DgCIi0iUzex4Y3mHyB8PLifQbhZWIiHQpDhdeBA0DiojIAKCwEhGR2FNYiYhI7EUaVma20MxeNrP1ZnZDJ/OvMrMd4YkWK83sY1HWIyIyVER9iZD+FllYmVkacCtwCTAHuNLM5nSy6D0JpwC5Pap6RESGmNHoEiE9cgaw3t03hCcqvBsoi/D1RESkTaSXCDGzH5tZhZmtal1fOP1NZvbXcJ0vmNlIM0szs++Er7HczD7T2zcTZet6EbA54fEWglPId/Tu8FT164DPufvmjguY2dXA1QDFxcURlCoiEq01s2Y/2WHSnbPXrrlzzazZNwALgYdnr11zy5pZs68CrkpccPbaNeeumTV7IsF/+gGWzF67ZtsxXjLqS4Tc6O67wlG0P5vZKcBagrOsv8/dl5nZKOAQwd/vaUCJuzeZWf4xaj9Kqhss7gemufspwJ+An3e2kLvf5u6l7l5aUFDQrwWKiAwCF4W3l4AXgVnATIIzol9oZt80s7e6+95erPO9ZvZiuM65BId7Tga2uvsyAHffF55p/QLgJ+F93H1Xb99AlHtW1cCUhMeTw2lHuHttwsPbgW9FWI+ISMrMXrvm3C6m30IwZNf6+E7gzk6W2wZ0uo4eaL1EyE+OmmF2GrCI4DIef3b3m4+5MrPpwOeBN7n77vBEtll9rK1HotyzWgbMNLPpZpYJLAHKExcws0kJDxcDayKsR0RkKInyEiGjgIPAXjObQNBIB/AyMMnM3hS+zsjwgot/Aj4R3qcvw4CR7VmF45LXEmykNOAOd19lZjcDFe5eDvyzmS0GmoBddBinFRGRvonyEiHuXmVmLxEco9oMPBtObzCz9wH/YWbZBMerLiAYOTsJWG5mjcBPgf/szfvRJUJERJJLlwiJQKobLERERI5JZ10XEZEu6RIhIiISe7pEiIiISA8prEREJPYUViIiEnsKKxERiT2FlYiIxJ7CSkREYk9hJSIisaewEhGR2FNYiYhI7CmsREQk9hRWIiISeworERGJPYWViIjEnsJKRERiT2ElIiKxp7ASEZHYU1iJiEjsKaxERCT2FFYiIhJ7CisREYk9hZWIiMSewkpERGJvSITV/sONqS5BRESOw6APq+o9hzj9q4/xkTuXsbSymoP1TakuSUREeik91QVELX2Y8eGzp1FeVcPja7eTnZHGBXMmULagkLedVEBm+qDPaxGRAc/cPdU19EppaalXVFT0+nktLc6y13dRXlXDgyu2sqeukbzsDBbNn8jiBUWcOT2fYcMsgopFZIjRH5IIDJmwStTQ1MJf1u+gvLKGR1e/QV1DMxNHZfHOUyZRVlLEvKJRmOnzJiJ9oj8eERiSYZWorqGJx9Zsp7yymqfW7aCx2ZkxLpfFJYUsXlDIjIIRSXstERkSFFYRGPJhlWhPXQN/XLmNpZXVPP/aLtxhflEeZSWFvPOUQibmZUXyuiIyqCisIhBpWJnZQuCHQBpwu7vf0sVy7wbuA97k7t0mUZRhlWjb3sM8sLyGpZU1rKjeixmcOT2fspIiLpk3kdE5mZHXICIDksIqApGFlZmlAeuAC4EtwDLgSndf3WG5kcCDQCZwbVzCKtGGHQcor6qhvLKGDTsPkpFmvP2kAhaXFHHB7PHkZA76pkoR6TmFVQSi/Ct7BrDe3TcAmNndQBmwusNyXwW+CXwhwlqOy4yCEVx3wUl89vyZrKrZx9LKasqranhszXZyMtO4cM4EykoKeevMAjLS1AovIpJsUYZVEbA54fEW4MzEBczsNGCKuz9oZrENq1ZmxryiPOYV5XHDJbN54bWgFf6hFVtZWlnDmJwMLpk/ibIFhbxpmlrhRUSSJWXjV2Y2DPgecFUPlr0auBqguLg42sJ6KG2YcdYJYznrhLF8ZfFcnl63g/KqGn7/YjW/fn4Tk/KyuGxB0FE4t1Ct8CIixyPKY1ZnATe5+8Xh4y8CuPs3wsd5wKvAgfApE4FdwOLujlul4phVbxysb+KxNW+wtLKGp9ftoKnFOaEgl7KSIhYvKGTauNxUlygi0dL/TCMQZVilEzRYnA9UEzRYvN/dV3Wx/JPA5+PYYNFXuw828NDKYIjwhdd2AbBgch6LS4q47JRJjB+lVniRQUhhFYGoW9cXAT8gaF2/w92/ZmY3AxXuXt5h2ScZZGGVqGbPoSOt8Ktq9mEGZ80YS1lJIQvnTiIvJyPVJYpIciisIqAvBafA+u2trfDVvF5bR2baMN5+cgFlJYWcP2sC2ZlpqS5RRPpOYRUBhVUKuTvLt+ylvKqG+6tq2L6/ntzMNC6aO5HFJYWcc+I4tcKLDDwKqwgorGKiucV5fkPtkVb4fYebyM/NZNH8iZSVFHF68Ri1wosMDPpFjYDCKobqm5p56uUd4ReP3+BwYwtFo7N554JJlC0oYvakkWqFF4kv/XJGQGEVcwfqm/jT6m2UV9bw9Cs7aW5xZo4fweIFhSwuKWTqWLXCi8SMwioCCqsBpPZAPQ+t3EZ5ZTXLXt8NQMmU0ZSVFHLpKZMYP1Kt8CIxoLCKgMJqgKrec4j7q4JW+DVb9zHM4C0njGNxSSEXz51IXrZa4UVSRGEVAYXVIPDKG/spD4Nr066gFf68WQWUlRTxjlnjycpQK7xIP1JYRUBhNYi4O1Vb9rK0spr7q7ay80A9I4anc9HcCZSVFHH2CWNJVyu8SNQUVhFQWA1SzS3Oc6/WUl5VzR9XbmP/4SbG5mZy6SmTKCsp5LTiMeooFImGfrEioLAaAg43NvPkyzu4P2yFr29qYfKYbC5bUEhZSSGzJo5KdYkig4nCKgIKqyFm/+FGHl31BuVVNfxlfdAKf/KEkSwuCS5nMiU/J9Uligx0CqsIKKyGsJ0H6nloxVbKK2uo2Bi0wp9WPJqykiIWzZ9EwcjhKa5QZEBSWEVAYSUAbN5Vx/3LayivrGHttv0MMzj7xHGUlRRx8dwJjMxSK7xIDymsIqCwkqO8vG0/5VXVLK2sYcvuQ2SmD+P8WeMpKynk3JPVCi9yDAqrCCispEvuzkub91BeWcMDy2vYeaCBkcPTuXjeRMpKCjlrhlrhRTqhsIqAwkp6pKm5hec21LK0soaHV27jQH0T40YM552nTGJxSSGnThmtVniRgH4RIqCwkl473NjME2u3U15Vw5/XbqehqYUp+dksXlBIWUkRJ00YmeoSRVJJYRUBhZUcl32HG3lk5TbKq2p4dv1OWhxmTRxJWUkRly2YxOQxaoWXIUdhFQGFlSTNjv31PLi8hvKqGl7ctAeA0qljKCspZNH8SYwdoVZ4GRIUVhFQWEkkNtUGrfBLK6tZ98YB0oYZ55w4jrKSQi6aO5ERw9NTXaJIVBRWEVBYSeTWbtvH0srgO1zVew4xPH0YF8yewOKSQs49uYDh6WqFl0FFYRUBhZX0G3fnxU27WVpZw4PLt1J7sIGRWelcMm8iZSVFvHnGWNKG6fdcBjx9iCOgsJKUaGpu4dlXa1laWc0jK7dxsKGZgpFBK3xZSRELJuepFV4GKn1wI6CwkpQ73NjM42u3s7SymifW7qChuYWpY3PCVvhCThyvVngZUBRWEVBYSazsPdTII6u2UV5Zw19fDVrh50waxeKSQi5bUEjR6OxUlyhyLAqrCCisJLa27zvMA8u3Ul5VQ+XmPQCcMS2fxWErfH5uZmoLFOmcwioCCisZEDbWHqS8soalVTWs336A9GHGW2cGZ4W/cM4EctUKL/GhsIqAwkoGFHdnzdb9LK2q5v7KGmr2HiYrI2iFLysp4u0nFZCZrpPrSkoprCKgsJIBq6XF+fum3SytrObB5VvZXddIXnYGl8ybyOKSQs6crlZ4SQl96CKgsJJBobG5hb+s30l5ZQ2PrNpGXUMzE0YN552nBB2F84vUCi/9Rh+0CCisZNA51NDMY2veoLyqhidf3k5jszN9XC6Xha3wJxSMSHWJMrgprCKgsJJBbW9dIw+v2srSyhqe21CLO8wrGsXiBUEr/KQ8tcJL0imsIqCwkiHjjX2Hub+qhvuraqjashezoBW+dNoYpubnMiU/h6ljc5g4KothOtYlfacPTwQiDSszWwj8EEgDbnf3WzrM/yRwDdAMHACudvfV3a1TYSXJ8NrOoBX+oRVbWb/jAM0tbb8HmWnDmJyfzdT8HIrzcygem0txGGTF+TlkZejEu9IthVUEIgsrM0sD1gEXAluAZcCViWFkZqPcfV94fzHwaXdf2N16FVaSbE3NLdTsOczGXQfZtKuOTbV1bNpVx8bw3wP1Te2WHz9yOFPH5gR7Yvm5bffH5jA2N1ONHKIPQASi/CblGcB6d98AYGZ3A2XAkbBqDapQLjCwxiRlUEhPG0bx2ByKxx59VWN3Z3ddIxtrOwTZrjqee7WW371Y3W753Mw0poR7ZFPHJuyV5edQNCabjDR9B0ykL6IMqyJgc8LjLcCZHRcys2uA64FM4B0R1iPSa2ZGfm4m+bmZnFo85qj5hxub2bK7/Z7Ypto6Nuw8yFPrdlDf1HJk2WEGhaOzjwwnFue3DS9Oyc8hLzujP9+ayICS8nPUuPutwK1m9n7gS8CHOi5jZlcDVwMUFxf3b4Ei3cjKSOPE8SM7PTN8S4uzfX99GGQH2RzukW3aVcejq96g9mBDu+VH52QwNb9tSLE10NT0IRLtMauzgJvc/eLw8RcB3P0bXSw/DNjt7nndrVfHrGSw2H+4kc27DrEpPFZ2ZM9sVx3Vuw/R1EnTR+uQYhBo4fGyMTlkZ6rpI0b0v4oIRLlntQyYaWbTgWpgCfD+xAXMbKa7vxI+vBR4BZEhYmRWBnMKM5hTOOqoeU3NLWzde/hIgG3cdfDI8bK/v76b/Z00fQSdiwnHy8JhxnEj1PQhA19kYeXuTWZ2LfAIQev6He6+ysxuBircvRy41swuABqB3XQyBCgyFKWnDWNKuAfVkbuzp66RjYnDi2GQPfdqLb9/qZrEAZOczLRwSDFheDFs/Cgana0T/8qAoC8FiwwyQdNHOLxYGxwnSwy0jk0fk/KCpo/EdvzWvTQ1ffSJdmMjkPIGCxFJrqDpYwQnjj/6HIgtLc6OA/UJnYsHj7Tid9X00bpXlti5OHVsLhNHZems9tJvFFYiQ8iwYcaEUVlMGJXFGdPzj5p/oL7pyLGxxMaPFdV7eXjltqObPsZkHzlOVhyGWOt9NX1IMimsROSIEcPTmVM4qtumj/adiwfZWNt500fByOEJp6xq346vpg/pLR2zEpHj1tr00TqkuDls/thYG9zfuu9wl00fHYcXB0HTh1I4AtqzEpHjZmaMyc1kTG4mC6aMPmr+4cZmqvccCho+ag+yKfx+2eu1B3n6lR0cbuy86aNdO35+rpo+hjCFlYhELisjjRMKRnR64Ut3Z8f++rAVv33jx2Nr3mDngfZNH3nZGQmdi4nDjGr6GMwUViKSUmbG+FFZjB+VxZumHd30cbC+6chxss2tX5DedYhV1Xt5pIumj/anrAqCbEp+NjmZ+pM3UOknJyKxljs8ndmTRjF7UvdNHx0D7cVNu9l/+Oimj9ZTViWe7WNKfg4FI4ar6SPG1GAhIoOSu7P3UGO7cy4GX5IOvizdVdPHlIQwmzNpFKWd7O0dgxIvAtqzEpFBycwYnZPJ6JzOmz7qm1rP9NH+gpsbaw/yTNj0cf6s8fzsql6HlURAYSUiQ9Lw9GM3fSSemkpSS2ElItJBa9OHxMeA/uadiIgMDQorERGJPYWViIjEnsJKRERiT2ElIiKxp7ASEZHYU1iJiEjsKaxERCT2FFYiIhJ7CisREYk9hZWIiMSewkpERGJPYSUiIrGnsBIRkdhTWImISOwNuMvam9kOYGMfnjoO2JnkcgZiDaA6OlId8aoBBnYdO919YRTFDGUDLqz6yswq3L10qNegOlRH3GtQHdIZDQOKiEjsKaxERCT2hlJY3ZbqAohHDaA6OlIdbeJQA6gO6WDIHLMSEZGBayjtWYmIyAClsBIRkdgb8GFlZgvN7GUzW29mN3Qyf7iZ3RPOf97MpiXM+2I4/WUzuzjiOq43s9VmttzM/mxmUxPmNZtZZXgrj7iOq8xsR8LrfSxh3ofM7JXw9qEIa/h+wuuvM7M9CfOSuS3uMLPtZrayi/lmZj8K61xuZqclzEvKtuhhHf8Yvv4KM/urmS1ImPd6OL3SzCoirOFcM9ubsO3/NWFetz/PJNfxhYQaVoafh/xwXlK2RbiuKWb2RPg7ucrMPtvJMv3y+ZAecvcBewPSgFeBGUAmUAXM6bDMp4H/Du8vAe4J788Jlx8OTA/XkxZhHecBOeH9T7XWET4+0I/b4yrgPzt5bj6wIfx3THh/TBQ1dFj+M8Adyd4W4breBpwGrOxi/iLgj4ABbwaeT+a26EUdb2ldP3BJax3h49eBcf2wLc4FHjjen+fx1tFh2cuAx5O9LcJ1TQJOC++PBNZ18rvSL58P3Xp2G+h7VmcA6919g7s3AHcDZR2WKQN+Ht6/DzjfzCycfre717v7a8D6cH2R1OHuT7h7Xfjwb8DkPr7WcdXRjYuBP7n7LnffDfwJ6Mu38Htbw5XAb/rwOsfk7k8Du7pZpAz4hQf+Bow2s0kkb1v0qA53/2v4OhDRZ6MH26Irx/OZOt46ovxsbHX3F8P7+4E1QFGHxfrl8yE9M9DDqgjYnPB4C0d/4I4s4+5NwF5gbA+fm8w6En2U4H9srbLMrMLM/mZm7+pjDb2p493hsMZ9Zjall89NVg2EQ6HTgccTJidrW/REV7Um87PRWx0/Gw48amZ/N7OrI37ts8ysysz+aGZzw2kp2RZmlkMQAP+bMDmSbWHBoYFTgec7zIrj52PISk91AUONmX0AKAXenjB5qrtXm9kM4HEzW+Hur0ZUwv3Ab9y93sw+QbDX+Y6IXutYlgD3uXtzwrT+3BaxYmbnEYTVOQmTzwm3x3jgT2a2Ntw7SbYXCbb9ATNbBPwBmBnB6/TUZcCz7p64F5b0bWFmIwgC8Tp333c865JoDfQ9q2pgSsLjyeG0Tpcxs3QgD6jt4XOTWQdmdgFwI7DY3etbp7t7dfjvBuBJgv/lRVKHu9cmvPbtwOm9eQ/JqCHBEjoM8yRxW/REV7Um87PRI2Z2CsHPo8zda1unJ2yP7cDv6ftQdbfcfZ+7HwjvPwRkmNk4UrAtQt19NpKyLcwsgyCo7nL333WySGw+H8KAb7BIJzi4OZ22g79zOyxzDe0bLO4N78+lfYPFBvreYNGTOk4lOFA9s8P0McDw8P444BX6eAC7h3VMSrh/OfC38H4+8FpYz5jwfn4UNYTLzSI4YG5RbIuEdU6j66aCS2l/AP2FZG6LXtRRTHDM9C0dpucCIxPu/xVYGFENE1t/FgQhsCncLj36eSarjnB+HsFxrdwIt4UBvwB+0M0y/fb50K0HP7NUF3DcbyDo2FlHEAQ3htNuJth7AcgCfhv+MXgBmJHw3BvD570MXBJxHY8BbwCV4a08nP4WYEX4R2AF8NGI6/gGsCp8vSeAWQnP/Ui4ndYDH46qhvDxTcAtHZ6X7G3xG2Ar0EhwXOGjwCeBT4bzDbg1rHMFUJrsbdHDOm4Hdid8NirC6TPCbVEV/sxujLCGaxM+F38jITg7+3lGVUe4zFUEzU+Jz0vatgjXdw7BMbDlCdt9USo+H7r17KbTLYmISOwN9GNWIiIyBCisREQk9hRWIiISeworERGJPYWViIjEnsJK5BjCM5I/kOo6RIYyhZWIiMSewkoGDTP7gJm9EF7v6CdmlmZmByy4ftYqC64jVhAuWxKeLHe5mf3ezMaE0080s8fCE7q+aGYnhKsfEZ74d62Z3RWeuV9E+onCSgYFM5sNvA84291LgGbgHwlOzVPh7nOBp4B/C5/yC+D/uvspBGcnaJ1+F3Cruy8gOKPG1nD6qcB1BNdBmwGcHfFbEpEEOuu6DBbnE5yUd1m405MNbAdagHvCZX4F/M7M8oDR7v5UOP3nwG/NbCRQ5O6/B3D3wwDh+l5w9y3h40qC89v9JfJ3JSKAwkoGDwN+7u5fbDfR7Msdluvr+cXqE+43o98dkX6lYUAZLP4MXBFe6wgzyw8v7jgMuCJc5v3AX9x9L7DbzN4aTv8g8JQHV4zd0nrRRzMbHl4EUERSTP87lEHB3Veb2ZcIriQ7jOCs3tcAB4EzwnnbCY5rAXwI+O8wjDYAHw6nfxD4iZndHK7jPf34NkSkCzrrugxqZnbA3Uekug4ROT4aBhQRkdjTnpWIiMSe9qxERCT2FFYiIhJ7CisREYk9hZWIiMSewkpERGLv/wNenavTLOsugQAAAABJRU5ErkJggg==\n", "text/plain": ["<Figure size 439.5x360 with 1 Axes>"]}, "metadata": {"needs_background": "light"}, "output_type": "display_data"}], "source": ["\n", "metrics = pd.read_csv(f\"{trainer.logger.log_dir}/metrics.csv\")\n", "del metrics[\"step\"]\n", "metrics.set_index(\"epoch\", inplace=True)\n", "display(metrics.dropna(axis=1, how=\"all\").head())\n", "sn.relplot(data=metrics, kind=\"line\")"]}, {"cell_type": "markdown", "id": "5ef71e24", "metadata": {"papermill": {"duration": 0.005193, "end_time": "2022-08-15T07:39:21.485549", "exception": false, "start_time": "2022-08-15T07:39:21.480356", "status": "completed"}, "tags": []}, "source": ["## Congratulations - Time to Join the Community!\n", "\n", "Congratulations on completing this notebook tutorial! If you enjoyed this and would like to join the Lightning\n", "movement, you can do so in the following ways!\n", "\n", "### Star [Lightning](https://github.com/PyTorchLightning/pytorch-lightning) on GitHub\n", "The easiest way to help our community is just by starring the GitHub repos! This helps raise awareness of the cool\n", "tools we're building.\n", "\n", "### Join our [Slack](https://www.pytorchlightning.ai/community)!\n", "The best way to keep up to date on the latest advancements is to join our community! Make sure to introduce yourself\n", "and share your interests in `#general` channel\n", "\n", "\n", "### Contributions !\n", "The best way to contribute to our community is to become a code contributor! At any time you can go to\n", "[Lightning](https://github.com/PyTorchLightning/pytorch-lightning) or [Bolt](https://github.com/PyTorchLightning/lightning-bolts)\n", "GitHub Issues page and filter for \"good first issue\".\n", "\n", "* [Lightning good first issue](https://github.com/PyTorchLightning/pytorch-lightning/issues?q=is%3Aopen+is%3Aissue+label%3A%22good+first+issue%22)\n", "* [Bolt good first issue](https://github.com/PyTorchLightning/lightning-bolts/issues?q=is%3Aopen+is%3Aissue+label%3A%22good+first+issue%22)\n", "* You can also contribute your own notebooks with useful examples !\n", "\n", "### Great thanks from the entire Pytorch Lightning Team for your interest !\n", "\n", "[{height=\"60px\" width=\"240px\"}](https://pytorchlightning.ai)"]}, {"cell_type": "raw", "metadata": {"raw_mimetype": "text/restructuredtext"}, "source": [".. customcarditem::\n", " :header: Introduction to Pytorch Lightning\n", " :card_description: In this notebook, we'll go over the basics of lightning by preparing models to train on the [MNIST Handwritten Digits dataset](https://en.wikipedia.org/wiki/MNIST_database).\n", " :tags: Image,GPU/TPU,Lightning-Examples"]}], "metadata": {"jupytext": {"cell_metadata_filter": "colab_type,colab,id,-all", "formats": "ipynb,py:percent", "main_language": "python"}, "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.8.10"}, "papermill": {"default_parameters": {}, "duration": 72.337649, "end_time": "2022-08-15T07:39:22.813197", "environment_variables": {}, "exception": null, "input_path": "lightning_examples/mnist-hello-world/hello-world.ipynb", "output_path": ".notebooks/lightning_examples/mnist-hello-world.ipynb", "parameters": {}, "start_time": "2022-08-15T07:38:10.475548", "version": "2.4.0"}, "widgets": {"application/vnd.jupyter.widget-state+json": {"state": {"019da22eb35949ed91ac5f4807156c4e": {"model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "HTMLModel", "state": {"_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "HTMLModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "HTMLView", "description": "", "description_tooltip": null, "layout": "IPY_MODEL_69a9f6f51e1d40f387faf1d53e8201e6", "placeholder": "\u200b", "style": "IPY_MODEL_72021a77853b4febb86e69a02c75645b", "value": "Testing DataLoader 0: 100%"}}, "095e69aee4b94600aa62b3254319b657": {"model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "HBoxModel", "state": {"_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "HBoxModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "HBoxView", "box_style": "", "children": ["IPY_MODEL_be62ee09ad4447918fc6fdfc32f1b52e", "IPY_MODEL_0a0c59250c3948089b1b44ee3255daae", "IPY_MODEL_1bb393aa79e9412f87bf2b993c380889"], "layout": "IPY_MODEL_e22b9706d16f4d6483ba16819f1ae2de"}}, "0a0c59250c3948089b1b44ee3255daae": {"model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "FloatProgressModel", "state": {"_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "FloatProgressModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "ProgressView", "bar_style": "", "description": "", "description_tooltip": null, "layout": "IPY_MODEL_e1370dda82ef4169b10e730adbc9437c", "max": 2.0, "min": 0.0, "orientation": "horizontal", "style": "IPY_MODEL_7c7c56f43cc1452c9d14e385c9094190", "value": 2.0}}, "102da27072b646f395cd86a8ed15e561": {"model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "DescriptionStyleModel", "state": {"_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "DescriptionStyleModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "StyleView", "description_width": ""}}, "1537d225bf5f43d3bb13c32bd1011667": {"model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "HTMLModel", "state": {"_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "HTMLModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "HTMLView", "description": "", "description_tooltip": null, "layout": "IPY_MODEL_b393d5180bfa4437a48b715c050f22db", "placeholder": "\u200b", "style": "IPY_MODEL_f194dbfca8c04c838484dfbcdaf6d885", "value": "Epoch 2: 100%"}}, "1780361c283a4891b2d37771f05659bd": {"model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "FloatProgressModel", "state": {"_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "FloatProgressModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "ProgressView", "bar_style": "success", "description": "", "description_tooltip": null, "layout": "IPY_MODEL_deee23cb3e174504b2cee06fc9046931", "max": 235.0, "min": 0.0, "orientation": "horizontal", "style": "IPY_MODEL_1c680b1cb8dc436ba5aa8c68d5438d37", "value": 235.0}}, "1aacfda9acf7447faa73602ed624fa58": {"model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "FloatProgressModel", "state": {"_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "FloatProgressModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "ProgressView", "bar_style": "", "description": "", "description_tooltip": null, "layout": "IPY_MODEL_e3147172384d4fbba12b1e8d0b65d380", "max": 20.0, "min": 0.0, "orientation": "horizontal", "style": "IPY_MODEL_741e40213fcb4c6d9d281bd09d710577", "value": 20.0}}, "1bb393aa79e9412f87bf2b993c380889": {"model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "HTMLModel", "state": {"_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "HTMLModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "HTMLView", "description": "", "description_tooltip": null, "layout": "IPY_MODEL_6e05a41e0b8142d0842648d14fc9fa5e", "placeholder": "\u200b", "style": "IPY_MODEL_5291d405345f412a94de5f01c67154a9", "value": " 2/2 [00:00<00:00, 37.45it/s]"}}, "1c680b1cb8dc436ba5aa8c68d5438d37": {"model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "ProgressStyleModel", "state": {"_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "ProgressStyleModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "StyleView", "bar_color": null, "description_width": ""}}, "202f8fde7abb4499b75d35b945bf85fd": {"model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": {"_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null}}, "2157c9ee11e4492f96181f6ca622517b": {"model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": {"_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": "inline-flex", "flex": null, "flex_flow": "row wrap", "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": "100%"}}, "22755e49523040ea8ad69658d209fcff": {"model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": {"_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null}}, "22d9e6b82129490fa927fd0c2f9620cd": {"model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": {"_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null}}, "2f7a2d8158c342b795fd67b32224328f": {"model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "HTMLModel", "state": {"_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "HTMLModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "HTMLView", "description": "", "description_tooltip": null, "layout": "IPY_MODEL_52571962d01a40eb964190ec209de6bc", "placeholder": "\u200b", "style": "IPY_MODEL_913dbef7263e46e6afe2c126b3f05d8c", "value": " 235/235 [00:06<00:00, 37.41it/s, loss=0.831, v_num=4]"}}, "33c0c8e171c647849a320f82049dc986": {"model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": {"_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null}}, "3b745fac4bbd4d25b879a3796a39b71b": {"model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "HTMLModel", "state": {"_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "HTMLModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "HTMLView", "description": "", "description_tooltip": null, "layout": "IPY_MODEL_c056a6dfa81b441ead1dbc471e4ea837", "placeholder": "\u200b", "style": "IPY_MODEL_102da27072b646f395cd86a8ed15e561", "value": " 20/20 [00:00<00:00, 22.46it/s]"}}, "3f34ed3a45614bcbab928c260beadc8b": {"model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": {"_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": "inline-flex", "flex": null, "flex_flow": "row wrap", "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": "100%"}}, "3f9c965b97dc469c8b40bb5f3a10214d": {"model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "HTMLModel", "state": {"_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "HTMLModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "HTMLView", "description": "", "description_tooltip": null, "layout": "IPY_MODEL_22755e49523040ea8ad69658d209fcff", "placeholder": "\u200b", "style": "IPY_MODEL_7672decdf4fa4534bd2b11cce41f2193", "value": "Validation DataLoader 0: 100%"}}, "42f0906204d6422daf21c6eea26c8560": {"model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "FloatProgressModel", "state": {"_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "FloatProgressModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "ProgressView", "bar_style": "", "description": "", "description_tooltip": null, "layout": "IPY_MODEL_832e7339b6574d3fb6222918b711db42", "max": 2.0, "min": 0.0, "orientation": "horizontal", "style": "IPY_MODEL_59bab27d928a44609f45b909395a44cc", "value": 2.0}}, "43e32b28541d4c90afe8d47b89e700bc": {"model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": {"_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": "inline-flex", "flex": null, "flex_flow": "row wrap", "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": "100%"}}, "44c310d1144c4d5286af96c47211f00c": {"model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": {"_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null}}, "483a4506cd5e41599b063fd0c573eec2": {"model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "DescriptionStyleModel", "state": {"_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "DescriptionStyleModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "StyleView", "description_width": ""}}, "4b6856a04cff4a03a4ccca718e8e4ccc": {"model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "DescriptionStyleModel", "state": {"_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "DescriptionStyleModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "StyleView", "description_width": ""}}, "4c38ca8df5b74fd3b9f5872b06a987af": {"model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": {"_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": "2", "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null}}, "4c999892b1a0419ea73b5c77ab52cd21": {"model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": {"_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": "2", "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null}}, "52571962d01a40eb964190ec209de6bc": {"model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": {"_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null}}, "5291d405345f412a94de5f01c67154a9": {"model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "DescriptionStyleModel", "state": {"_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "DescriptionStyleModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "StyleView", "description_width": ""}}, "54018272ce794782ae5675dbe4aaa9b4": {"model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "FloatProgressModel", "state": {"_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "FloatProgressModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "ProgressView", "bar_style": "", "description": "", "description_tooltip": null, "layout": "IPY_MODEL_ebff3c1b4f0c4cc2a9014e23568ac985", "max": 20.0, "min": 0.0, "orientation": "horizontal", "style": "IPY_MODEL_a25d50eb44d843529582719a540c9b08", "value": 20.0}}, "555301b7cf284e27b99d45c3e63942a1": {"model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": {"_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null}}, "566b55f712b74f59a0dc3049b8b887a3": {"model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "HTMLModel", "state": {"_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "HTMLModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "HTMLView", "description": "", "description_tooltip": null, "layout": "IPY_MODEL_84831768ff0c4c82a91d3ace3891455f", "placeholder": "\u200b", "style": "IPY_MODEL_695a76bd8d5e431385f7833819498389", "value": " 40/40 [00:01<00:00, 24.75it/s]"}}, "59bab27d928a44609f45b909395a44cc": {"model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "ProgressStyleModel", "state": {"_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "ProgressStyleModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "StyleView", "bar_color": null, "description_width": ""}}, "5ef8824c346b4382b7c812178d443a03": {"model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "DescriptionStyleModel", "state": {"_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "DescriptionStyleModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "StyleView", "description_width": ""}}, "60c1a04687df47ef90c92ec455d1fa37": {"model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "HTMLModel", "state": {"_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "HTMLModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "HTMLView", "description": "", "description_tooltip": null, "layout": "IPY_MODEL_202f8fde7abb4499b75d35b945bf85fd", "placeholder": "\u200b", "style": "IPY_MODEL_c2cc5d1327784c93b1156130f8f0cde8", "value": " 2/2 [00:00<00:00, 34.63it/s]"}}, "619f261340664107974a76e64960eb09": {"model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "HTMLModel", "state": {"_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "HTMLModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "HTMLView", "description": "", "description_tooltip": null, "layout": "IPY_MODEL_fb941163790645189a9209ae520d901a", "placeholder": "\u200b", "style": "IPY_MODEL_ccec7804cb2c429ab986c3b41de16434", "value": "Epoch 2: 100%"}}, "6364c95a14c6439b9d146e9678bbdcd5": {"model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "HBoxModel", "state": {"_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "HBoxModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "HBoxView", "box_style": "", "children": ["IPY_MODEL_019da22eb35949ed91ac5f4807156c4e", "IPY_MODEL_ab96c6193ce8445e9dc2090d7b51b034", "IPY_MODEL_566b55f712b74f59a0dc3049b8b887a3"], "layout": "IPY_MODEL_b202875b72534bef81b053980d86447d"}}, "645a1e0fa4ac4407b2ff8fa0ea496394": {"model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": {"_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": "inline-flex", "flex": null, "flex_flow": "row wrap", "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": "100%"}}, "695a76bd8d5e431385f7833819498389": {"model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "DescriptionStyleModel", "state": {"_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "DescriptionStyleModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "StyleView", "description_width": ""}}, "69a9f6f51e1d40f387faf1d53e8201e6": {"model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": {"_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null}}, "6e05a41e0b8142d0842648d14fc9fa5e": {"model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": {"_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null}}, "72021a77853b4febb86e69a02c75645b": {"model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "DescriptionStyleModel", "state": {"_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "DescriptionStyleModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "StyleView", "description_width": ""}}, "741e40213fcb4c6d9d281bd09d710577": {"model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "ProgressStyleModel", "state": {"_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "ProgressStyleModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "StyleView", "bar_color": null, "description_width": ""}}, "7672decdf4fa4534bd2b11cce41f2193": {"model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "DescriptionStyleModel", "state": {"_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "DescriptionStyleModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "StyleView", "description_width": ""}}, "7c7c56f43cc1452c9d14e385c9094190": {"model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "ProgressStyleModel", "state": {"_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "ProgressStyleModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "StyleView", "bar_color": null, "description_width": ""}}, "7cd0f98adc9e4cbc817a2bbf7ff8fd6e": {"model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "HBoxModel", "state": {"_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "HBoxModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "HBoxView", "box_style": "", "children": ["IPY_MODEL_a3853ada80a24ed3ae4ca9a5eea7f741", "IPY_MODEL_54018272ce794782ae5675dbe4aaa9b4", "IPY_MODEL_85c9559d0bbd4789a5cc77a6866186e1"], "layout": "IPY_MODEL_e3878e2303bb40f3ae38006234b657ff"}}, "7dc3fb4daef8497a8dae7d35a53e93e9": {"model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "DescriptionStyleModel", "state": {"_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "DescriptionStyleModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "StyleView", "description_width": ""}}, "832e7339b6574d3fb6222918b711db42": {"model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": {"_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": "2", "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null}}, "83614819c6c34527a3193c9488b68fe9": {"model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "ProgressStyleModel", "state": {"_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "ProgressStyleModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "StyleView", "bar_color": null, "description_width": ""}}, "84831768ff0c4c82a91d3ace3891455f": {"model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": {"_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null}}, "85c9559d0bbd4789a5cc77a6866186e1": {"model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "HTMLModel", "state": {"_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "HTMLModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "HTMLView", "description": "", "description_tooltip": null, "layout": "IPY_MODEL_f06564e4a3534890ad6faf65441e0716", "placeholder": "\u200b", "style": "IPY_MODEL_7dc3fb4daef8497a8dae7d35a53e93e9", "value": " 20/20 [00:00<00:00, 22.55it/s]"}}, "8898b5c0bc62473ca8256fc0835d654a": {"model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": {"_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": "inline-flex", "flex": null, "flex_flow": "row wrap", "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": "100%"}}, "90f26221f5aa4d9fad7efda328ee7872": {"model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "HBoxModel", "state": {"_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "HBoxModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "HBoxView", "box_style": "", "children": ["IPY_MODEL_3f9c965b97dc469c8b40bb5f3a10214d", "IPY_MODEL_abbc2ce16a3043579bef6c55b1a50565", "IPY_MODEL_a1c0bb34470e48f08ee5da0cb014d016"], "layout": "IPY_MODEL_2157c9ee11e4492f96181f6ca622517b"}}, "913dbef7263e46e6afe2c126b3f05d8c": {"model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "DescriptionStyleModel", "state": {"_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "DescriptionStyleModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "StyleView", "description_width": ""}}, "a1c0bb34470e48f08ee5da0cb014d016": {"model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "HTMLModel", "state": {"_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "HTMLModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "HTMLView", "description": "", "description_tooltip": null, "layout": "IPY_MODEL_44c310d1144c4d5286af96c47211f00c", "placeholder": "\u200b", "style": "IPY_MODEL_f555ddda65ff4f449f48bd304b4f8419", "value": " 20/20 [00:00<00:00, 22.68it/s]"}}, "a25d50eb44d843529582719a540c9b08": {"model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "ProgressStyleModel", "state": {"_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "ProgressStyleModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "StyleView", "bar_color": null, "description_width": ""}}, "a3853ada80a24ed3ae4ca9a5eea7f741": {"model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "HTMLModel", "state": {"_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "HTMLModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "HTMLView", "description": "", "description_tooltip": null, "layout": "IPY_MODEL_aebcc2c08d9d44ed8dceb07348da4024", "placeholder": "\u200b", "style": "IPY_MODEL_a95ee7c4cc22406ea456c73025006cc2", "value": "Validation DataLoader 0: 100%"}}, "a8169281ef2849219b3fcf9049612427": {"model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "DescriptionStyleModel", "state": {"_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "DescriptionStyleModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "StyleView", "description_width": ""}}, "a95ee7c4cc22406ea456c73025006cc2": {"model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "DescriptionStyleModel", "state": {"_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "DescriptionStyleModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "StyleView", "description_width": ""}}, "ab96c6193ce8445e9dc2090d7b51b034": {"model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "FloatProgressModel", "state": {"_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "FloatProgressModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "ProgressView", "bar_style": "success", "description": "", "description_tooltip": null, "layout": "IPY_MODEL_4c999892b1a0419ea73b5c77ab52cd21", "max": 40.0, "min": 0.0, "orientation": "horizontal", "style": "IPY_MODEL_c47be30c8a9742a99b4655624c6c64fa", "value": 40.0}}, "abbc2ce16a3043579bef6c55b1a50565": {"model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "FloatProgressModel", "state": {"_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "FloatProgressModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "ProgressView", "bar_style": "", "description": "", "description_tooltip": null, "layout": "IPY_MODEL_e27051da584f4b66827a0fc7f87b4c2b", "max": 20.0, "min": 0.0, "orientation": "horizontal", "style": "IPY_MODEL_83614819c6c34527a3193c9488b68fe9", "value": 20.0}}, "aebcc2c08d9d44ed8dceb07348da4024": {"model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": {"_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null}}, "b202875b72534bef81b053980d86447d": {"model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": {"_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": "inline-flex", "flex": null, "flex_flow": "row wrap", "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": "100%"}}, "b250fc528ad34540a8c799a8edcbcaa6": {"model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "HBoxModel", "state": {"_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "HBoxModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "HBoxView", "box_style": "", "children": ["IPY_MODEL_619f261340664107974a76e64960eb09", "IPY_MODEL_1780361c283a4891b2d37771f05659bd", "IPY_MODEL_2f7a2d8158c342b795fd67b32224328f"], "layout": "IPY_MODEL_645a1e0fa4ac4407b2ff8fa0ea496394"}}, "b29f378a0f434f319a27eda15ffa5087": {"model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": {"_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null}}, "b393d5180bfa4437a48b715c050f22db": {"model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": {"_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null}}, "b50edce1334f431eaab470ec9592ca2c": {"model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "HBoxModel", "state": {"_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "HBoxModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "HBoxView", "box_style": "", "children": ["IPY_MODEL_efb3b8045a304f8abda4cf2dab09d9ef", "IPY_MODEL_1aacfda9acf7447faa73602ed624fa58", "IPY_MODEL_3b745fac4bbd4d25b879a3796a39b71b"], "layout": "IPY_MODEL_43e32b28541d4c90afe8d47b89e700bc"}}, "b9c1d52306244de2a5da7375d81405b9": {"model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "FloatProgressModel", "state": {"_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "FloatProgressModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "ProgressView", "bar_style": "success", "description": "", "description_tooltip": null, "layout": "IPY_MODEL_4c38ca8df5b74fd3b9f5872b06a987af", "max": 235.0, "min": 0.0, "orientation": "horizontal", "style": "IPY_MODEL_bae7ecd180ee4625be62cd04c9d048b4", "value": 235.0}}, "bae7ecd180ee4625be62cd04c9d048b4": {"model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "ProgressStyleModel", "state": {"_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "ProgressStyleModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "StyleView", "bar_color": null, "description_width": ""}}, "be62ee09ad4447918fc6fdfc32f1b52e": {"model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "HTMLModel", "state": {"_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "HTMLModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "HTMLView", "description": "", "description_tooltip": null, "layout": "IPY_MODEL_b29f378a0f434f319a27eda15ffa5087", "placeholder": "\u200b", "style": "IPY_MODEL_5ef8824c346b4382b7c812178d443a03", "value": "Sanity Checking DataLoader 0: 100%"}}, "bef13efc7151464cad79e26102be8cef": {"model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "HTMLModel", "state": {"_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "HTMLModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "HTMLView", "description": "", "description_tooltip": null, "layout": "IPY_MODEL_33c0c8e171c647849a320f82049dc986", "placeholder": "\u200b", "style": "IPY_MODEL_a8169281ef2849219b3fcf9049612427", "value": "Sanity Checking DataLoader 0: 100%"}}, "c056a6dfa81b441ead1dbc471e4ea837": {"model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": {"_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null}}, "c2c31c5cad74431faa620232e62dc3c6": {"model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "HBoxModel", "state": {"_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "HBoxModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "HBoxView", "box_style": "", "children": ["IPY_MODEL_1537d225bf5f43d3bb13c32bd1011667", "IPY_MODEL_b9c1d52306244de2a5da7375d81405b9", "IPY_MODEL_ec6749f44ea14a958d64615f303c5736"], "layout": "IPY_MODEL_3f34ed3a45614bcbab928c260beadc8b"}}, "c2cc5d1327784c93b1156130f8f0cde8": {"model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "DescriptionStyleModel", "state": {"_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "DescriptionStyleModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "StyleView", "description_width": ""}}, "c47be30c8a9742a99b4655624c6c64fa": {"model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "ProgressStyleModel", "state": {"_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "ProgressStyleModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "StyleView", "bar_color": null, "description_width": ""}}, "ccec7804cb2c429ab986c3b41de16434": {"model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "DescriptionStyleModel", "state": {"_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "DescriptionStyleModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "StyleView", "description_width": ""}}, "d8f9e9b32b8f46479efebbd2a82a90ea": {"model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "HBoxModel", "state": {"_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "HBoxModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "HBoxView", "box_style": "", "children": ["IPY_MODEL_bef13efc7151464cad79e26102be8cef", "IPY_MODEL_42f0906204d6422daf21c6eea26c8560", "IPY_MODEL_60c1a04687df47ef90c92ec455d1fa37"], "layout": "IPY_MODEL_8898b5c0bc62473ca8256fc0835d654a"}}, "deee23cb3e174504b2cee06fc9046931": {"model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": {"_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": "2", "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null}}, "e1370dda82ef4169b10e730adbc9437c": {"model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": {"_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": "2", "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null}}, "e22b9706d16f4d6483ba16819f1ae2de": {"model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": {"_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": "inline-flex", "flex": null, "flex_flow": "row wrap", "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": "100%"}}, "e27051da584f4b66827a0fc7f87b4c2b": {"model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": {"_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": "2", "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null}}, "e3147172384d4fbba12b1e8d0b65d380": {"model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": {"_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": "2", "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null}}, "e3878e2303bb40f3ae38006234b657ff": {"model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": {"_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": "inline-flex", "flex": null, "flex_flow": "row wrap", "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": "100%"}}, "ebff3c1b4f0c4cc2a9014e23568ac985": {"model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": {"_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": "2", "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null}}, "ec6749f44ea14a958d64615f303c5736": {"model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "HTMLModel", "state": {"_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "HTMLModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "HTMLView", "description": "", "description_tooltip": null, "layout": "IPY_MODEL_555301b7cf284e27b99d45c3e63942a1", "placeholder": "\u200b", "style": "IPY_MODEL_4b6856a04cff4a03a4ccca718e8e4ccc", "value": " 235/235 [00:11<00:00, 20.41it/s, loss=0.308, v_num=0, val_loss=0.265, val_acc=0.924]"}}, "efb3b8045a304f8abda4cf2dab09d9ef": {"model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "HTMLModel", "state": {"_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "HTMLModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "HTMLView", "description": "", "description_tooltip": null, "layout": "IPY_MODEL_22d9e6b82129490fa927fd0c2f9620cd", "placeholder": "\u200b", "style": "IPY_MODEL_483a4506cd5e41599b063fd0c573eec2", "value": "Validation DataLoader 0: 100%"}}, "f06564e4a3534890ad6faf65441e0716": {"model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": {"_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null}}, "f194dbfca8c04c838484dfbcdaf6d885": {"model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "DescriptionStyleModel", "state": {"_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "DescriptionStyleModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "StyleView", "description_width": ""}}, "f555ddda65ff4f449f48bd304b4f8419": {"model_module": "@jupyter-widgets/controls", "model_module_version": "1.5.0", "model_name": "DescriptionStyleModel", "state": {"_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "DescriptionStyleModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "StyleView", "description_width": ""}}, "fb941163790645189a9209ae520d901a": {"model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": {"_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null}}}, "version_major": 2, "version_minor": 0}}}, "nbformat": 4, "nbformat_minor": 5}