{
"cells": [
{
"cell_type": "markdown",
"id": "7e66f54a",
"metadata": {
"papermill": {
"duration": 0.033319,
"end_time": "2022-04-28T08:16:20.137906",
"exception": false,
"start_time": "2022-04-28T08:16:20.104587",
"status": "completed"
},
"tags": []
},
"source": [
"\n",
"# PyTorch Lightning CIFAR10 ~94% Baseline Tutorial\n",
"\n",
"* **Author:** PL team\n",
"* **License:** CC BY-SA\n",
"* **Generated:** 2022-04-28T08:05:29.967173\n",
"\n",
"Train a Resnet to 94% accuracy on Cifar10!\n",
"\n",
"\n",
"---\n",
"Open in [{height=\"20px\" width=\"117px\"}](https://colab.research.google.com/github/PytorchLightning/lightning-tutorials/blob/publication/.notebooks/lightning_examples/cifar10-baseline.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": "059220b3",
"metadata": {
"papermill": {
"duration": 0.029846,
"end_time": "2022-04-28T08:16:20.199491",
"exception": false,
"start_time": "2022-04-28T08:16:20.169645",
"status": "completed"
},
"tags": []
},
"source": [
"## Setup\n",
"This notebook requires some packages besides pytorch-lightning."
]
},
{
"cell_type": "code",
"execution_count": 1,
"id": "42a86c03",
"metadata": {
"colab": {},
"colab_type": "code",
"execution": {
"iopub.execute_input": "2022-04-28T08:16:20.266048Z",
"iopub.status.busy": "2022-04-28T08:16:20.265498Z",
"iopub.status.idle": "2022-04-28T08:16:23.514484Z",
"shell.execute_reply": "2022-04-28T08:16:23.513899Z"
},
"id": "LfrJLKPFyhsK",
"lines_to_next_cell": 0,
"papermill": {
"duration": 3.285737,
"end_time": "2022-04-28T08:16:23.514639",
"exception": false,
"start_time": "2022-04-28T08:16:20.228902",
"status": "completed"
},
"tags": []
},
"outputs": [
{
"name": "stdout",
"output_type": "stream",
"text": [
"\u001b[33mWARNING: You are using pip version 21.3.1; however, version 22.0.4 is available.\r\n",
"You should consider upgrading via the '/usr/bin/python3.8 -m pip install --upgrade pip' command.\u001b[0m\r\n"
]
}
],
"source": [
"! pip install --quiet \"pandas\" \"torch>=1.6, <1.9\" \"torchvision\" \"ipython[notebook]\" \"seaborn\" \"pytorch-lightning>=1.4\" \"torchmetrics>=0.6\" \"lightning-bolts\""
]
},
{
"cell_type": "code",
"execution_count": 2,
"id": "941ef33a",
"metadata": {
"execution": {
"iopub.execute_input": "2022-04-28T08:16:23.582678Z",
"iopub.status.busy": "2022-04-28T08:16:23.581761Z",
"iopub.status.idle": "2022-04-28T08:16:23.584535Z",
"shell.execute_reply": "2022-04-28T08:16:23.584950Z"
},
"papermill": {
"duration": 0.036745,
"end_time": "2022-04-28T08:16:23.585085",
"exception": false,
"start_time": "2022-04-28T08:16:23.548340",
"status": "completed"
},
"tags": []
},
"outputs": [],
"source": [
"# Run this if you intend to use TPUs\n",
"# !pip install cloud-tpu-client==0.10 https://storage.googleapis.com/tpu-pytorch/wheels/torch_xla-1.8-cp37-cp37m-linux_x86_64.whl"
]
},
{
"cell_type": "code",
"execution_count": 3,
"id": "de76b3ab",
"metadata": {
"execution": {
"iopub.execute_input": "2022-04-28T08:16:23.654358Z",
"iopub.status.busy": "2022-04-28T08:16:23.653823Z",
"iopub.status.idle": "2022-04-28T08:16:25.949844Z",
"shell.execute_reply": "2022-04-28T08:16:25.950283Z"
},
"papermill": {
"duration": 2.333018,
"end_time": "2022-04-28T08:16:25.950458",
"exception": false,
"start_time": "2022-04-28T08:16:23.617440",
"status": "completed"
},
"tags": []
},
"outputs": [
{
"name": "stderr",
"output_type": "stream",
"text": [
"Global seed set to 7\n"
]
}
],
"source": [
"import os\n",
"\n",
"import pandas as pd\n",
"import seaborn as sn\n",
"import torch\n",
"import torch.nn as nn\n",
"import torch.nn.functional as F\n",
"import torchvision\n",
"from IPython.core.display import display\n",
"from pl_bolts.datamodules import CIFAR10DataModule\n",
"from pl_bolts.transforms.dataset_normalizations import cifar10_normalization\n",
"from pytorch_lightning import LightningModule, Trainer, seed_everything\n",
"from pytorch_lightning.callbacks import LearningRateMonitor\n",
"from pytorch_lightning.callbacks.progress import TQDMProgressBar\n",
"from pytorch_lightning.loggers import CSVLogger\n",
"from torch.optim.lr_scheduler import OneCycleLR\n",
"from torch.optim.swa_utils import AveragedModel, update_bn\n",
"from torchmetrics.functional import accuracy\n",
"\n",
"seed_everything(7)\n",
"\n",
"PATH_DATASETS = os.environ.get(\"PATH_DATASETS\", \".\")\n",
"BATCH_SIZE = 256 if torch.cuda.is_available() else 64\n",
"NUM_WORKERS = int(os.cpu_count() / 2)"
]
},
{
"cell_type": "markdown",
"id": "34f13886",
"metadata": {
"papermill": {
"duration": 0.066591,
"end_time": "2022-04-28T08:16:26.050000",
"exception": false,
"start_time": "2022-04-28T08:16:25.983409",
"status": "completed"
},
"tags": []
},
"source": [
"### CIFAR10 Data Module\n",
"\n",
"Import the existing data module from `bolts` and modify the train and test transforms."
]
},
{
"cell_type": "code",
"execution_count": 4,
"id": "f6a1c0e6",
"metadata": {
"execution": {
"iopub.execute_input": "2022-04-28T08:16:26.125632Z",
"iopub.status.busy": "2022-04-28T08:16:26.125100Z",
"iopub.status.idle": "2022-04-28T08:16:26.128348Z",
"shell.execute_reply": "2022-04-28T08:16:26.127879Z"
},
"papermill": {
"duration": 0.04236,
"end_time": "2022-04-28T08:16:26.128471",
"exception": false,
"start_time": "2022-04-28T08:16:26.086111",
"status": "completed"
},
"tags": []
},
"outputs": [
{
"name": "stderr",
"output_type": "stream",
"text": [
"/home/AzDevOps_azpcontainer/.local/lib/python3.8/site-packages/pytorch_lightning/core/datamodule.py:60: LightningDeprecationWarning: DataModule property `train_transforms` was deprecated in v1.5 and will be removed in v1.7.\n",
" rank_zero_deprecation(\n",
"/home/AzDevOps_azpcontainer/.local/lib/python3.8/site-packages/pytorch_lightning/core/datamodule.py:64: LightningDeprecationWarning: DataModule property `val_transforms` was deprecated in v1.5 and will be removed in v1.7.\n",
" rank_zero_deprecation(\n",
"/home/AzDevOps_azpcontainer/.local/lib/python3.8/site-packages/pytorch_lightning/core/datamodule.py:68: LightningDeprecationWarning: DataModule property `test_transforms` was deprecated in v1.5 and will be removed in v1.7.\n",
" rank_zero_deprecation(\n"
]
}
],
"source": [
"\n",
"train_transforms = torchvision.transforms.Compose(\n",
" [\n",
" torchvision.transforms.RandomCrop(32, padding=4),\n",
" torchvision.transforms.RandomHorizontalFlip(),\n",
" torchvision.transforms.ToTensor(),\n",
" cifar10_normalization(),\n",
" ]\n",
")\n",
"\n",
"test_transforms = torchvision.transforms.Compose(\n",
" [\n",
" torchvision.transforms.ToTensor(),\n",
" cifar10_normalization(),\n",
" ]\n",
")\n",
"\n",
"cifar10_dm = CIFAR10DataModule(\n",
" data_dir=PATH_DATASETS,\n",
" batch_size=BATCH_SIZE,\n",
" num_workers=NUM_WORKERS,\n",
" train_transforms=train_transforms,\n",
" test_transforms=test_transforms,\n",
" val_transforms=test_transforms,\n",
")"
]
},
{
"cell_type": "markdown",
"id": "3ebc0eaa",
"metadata": {
"lines_to_next_cell": 2,
"papermill": {
"duration": 0.035124,
"end_time": "2022-04-28T08:16:26.195622",
"exception": false,
"start_time": "2022-04-28T08:16:26.160498",
"status": "completed"
},
"tags": []
},
"source": [
"### Resnet\n",
"Modify the pre-existing Resnet architecture from TorchVision. The pre-existing architecture is based on ImageNet\n",
"images (224x224) as input. So we need to modify it for CIFAR10 images (32x32)."
]
},
{
"cell_type": "code",
"execution_count": 5,
"id": "96ff098b",
"metadata": {
"execution": {
"iopub.execute_input": "2022-04-28T08:16:26.265523Z",
"iopub.status.busy": "2022-04-28T08:16:26.265004Z",
"iopub.status.idle": "2022-04-28T08:16:26.267046Z",
"shell.execute_reply": "2022-04-28T08:16:26.267460Z"
},
"lines_to_next_cell": 2,
"papermill": {
"duration": 0.039053,
"end_time": "2022-04-28T08:16:26.267599",
"exception": false,
"start_time": "2022-04-28T08:16:26.228546",
"status": "completed"
},
"tags": []
},
"outputs": [],
"source": [
"def create_model():\n",
" model = torchvision.models.resnet18(pretrained=False, num_classes=10)\n",
" model.conv1 = nn.Conv2d(3, 64, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False)\n",
" model.maxpool = nn.Identity()\n",
" return model"
]
},
{
"cell_type": "markdown",
"id": "b1a35008",
"metadata": {
"lines_to_next_cell": 2,
"papermill": {
"duration": 0.036155,
"end_time": "2022-04-28T08:16:26.337499",
"exception": false,
"start_time": "2022-04-28T08:16:26.301344",
"status": "completed"
},
"tags": []
},
"source": [
"### Lightning Module\n",
"Check out the [`configure_optimizers`](https://pytorch-lightning.readthedocs.io/en/stable/common/lightning_module.html#configure-optimizers)\n",
"method to use custom Learning Rate schedulers. The OneCycleLR with SGD will get you to around 92-93% accuracy\n",
"in 20-30 epochs and 93-94% accuracy in 40-50 epochs. Feel free to experiment with different\n",
"LR schedules from https://pytorch.org/docs/stable/optim.html#how-to-adjust-learning-rate"
]
},
{
"cell_type": "code",
"execution_count": 6,
"id": "2dad8bee",
"metadata": {
"execution": {
"iopub.execute_input": "2022-04-28T08:16:26.416028Z",
"iopub.status.busy": "2022-04-28T08:16:26.415462Z",
"iopub.status.idle": "2022-04-28T08:16:26.417317Z",
"shell.execute_reply": "2022-04-28T08:16:26.417741Z"
},
"papermill": {
"duration": 0.045442,
"end_time": "2022-04-28T08:16:26.417903",
"exception": false,
"start_time": "2022-04-28T08:16:26.372461",
"status": "completed"
},
"tags": []
},
"outputs": [],
"source": [
"class LitResnet(LightningModule):\n",
" def __init__(self, lr=0.05):\n",
" super().__init__()\n",
"\n",
" self.save_hyperparameters()\n",
" self.model = create_model()\n",
"\n",
" def forward(self, x):\n",
" out = self.model(x)\n",
" return F.log_softmax(out, 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",
" self.log(\"train_loss\", loss)\n",
" return loss\n",
"\n",
" def evaluate(self, batch, stage=None):\n",
" x, y = batch\n",
" logits = self(x)\n",
" loss = F.nll_loss(logits, y)\n",
" preds = torch.argmax(logits, dim=1)\n",
" acc = accuracy(preds, y)\n",
"\n",
" if stage:\n",
" self.log(f\"{stage}_loss\", loss, prog_bar=True)\n",
" self.log(f\"{stage}_acc\", acc, prog_bar=True)\n",
"\n",
" def validation_step(self, batch, batch_idx):\n",
" self.evaluate(batch, \"val\")\n",
"\n",
" def test_step(self, batch, batch_idx):\n",
" self.evaluate(batch, \"test\")\n",
"\n",
" def configure_optimizers(self):\n",
" optimizer = torch.optim.SGD(\n",
" self.parameters(),\n",
" lr=self.hparams.lr,\n",
" momentum=0.9,\n",
" weight_decay=5e-4,\n",
" )\n",
" steps_per_epoch = 45000 // BATCH_SIZE\n",
" scheduler_dict = {\n",
" \"scheduler\": OneCycleLR(\n",
" optimizer,\n",
" 0.1,\n",
" epochs=self.trainer.max_epochs,\n",
" steps_per_epoch=steps_per_epoch,\n",
" ),\n",
" \"interval\": \"step\",\n",
" }\n",
" return {\"optimizer\": optimizer, \"lr_scheduler\": scheduler_dict}"
]
},
{
"cell_type": "code",
"execution_count": 7,
"id": "75af1ce6",
"metadata": {
"execution": {
"iopub.execute_input": "2022-04-28T08:16:26.488007Z",
"iopub.status.busy": "2022-04-28T08:16:26.487474Z",
"iopub.status.idle": "2022-04-28T08:21:55.895718Z",
"shell.execute_reply": "2022-04-28T08:21:55.896255Z"
},
"papermill": {
"duration": 329.445947,
"end_time": "2022-04-28T08:21:55.896421",
"exception": false,
"start_time": "2022-04-28T08:16:26.450474",
"status": "completed"
},
"tags": []
},
"outputs": [
{
"name": "stderr",
"output_type": "stream",
"text": [
"GPU available: True, 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": "stdout",
"output_type": "stream",
"text": [
"Downloading https://www.cs.toronto.edu/~kriz/cifar-10-python.tar.gz to /__w/1/s/.datasets/cifar-10-python.tar.gz\n"
]
},
{
"data": {
"application/vnd.jupyter.widget-view+json": {
"model_id": "601f7f2f19734f35b81d452928e7b664",
"version_major": 2,
"version_minor": 0
},
"text/plain": [
" 0%| | 0/170498071 [00:00, ?it/s]"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"Extracting /__w/1/s/.datasets/cifar-10-python.tar.gz to /__w/1/s/.datasets\n"
]
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"Files already downloaded and verified\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"/home/AzDevOps_azpcontainer/.local/lib/python3.8/site-packages/pytorch_lightning/core/datamodule.py:88: LightningDeprecationWarning: DataModule property `train_transforms` was deprecated in v1.5 and will be removed in v1.7.\n",
" rank_zero_deprecation(\n",
"/home/AzDevOps_azpcontainer/.local/lib/python3.8/site-packages/pytorch_lightning/core/datamodule.py:107: LightningDeprecationWarning: DataModule property `val_transforms` was deprecated in v1.5 and will be removed in v1.7.\n",
" rank_zero_deprecation(\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 | ResNet | 11.2 M\n",
"---------------------------------\n",
"11.2 M Trainable params\n",
"0 Non-trainable params\n",
"11.2 M Total params\n",
"44.696 Total estimated model params size (MB)\n"
]
},
{
"data": {
"application/vnd.jupyter.widget-view+json": {
"model_id": "bddb7b6f7d3045b58c684d286860aca2",
"version_major": 2,
"version_minor": 0
},
"text/plain": [
"Sanity Checking: 0it [00:00, ?it/s]"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"data": {
"application/vnd.jupyter.widget-view+json": {
"model_id": "aee2f55863634bd489ee6a93f590ab1d",
"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": "fc801be703164975836710a9088a3e2e",
"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": "2fd0ebdad1cb4cdd8078e88d634a8e94",
"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": "a74ca8b4deb04d9fa396875fb178433f",
"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": "38c3342045184d4bb2364468d1aaa8eb",
"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": "cf2e45e1013b4e0b9a88557a51b7df9d",
"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": "d9c5f5b858d2414886fe8426f02ba8bf",
"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": "a4383d04e64545ab994007aaef8f99cc",
"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": "7587f9e118824d388e41e61f266a865b",
"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": "7f1d10ebba4749249a34a89e2f0db2e1",
"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": "75fa976468574d6289b4db59e25239fe",
"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": "8a851d74606748a0af0eb68ee3b59252",
"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": "f24c21c7d7fd47d19181ce0e78cc80eb",
"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": "9b6873f47aa64d71a179b18e3bdd0f9b",
"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": "db547c77de714f0d9d8aed6238b16a52",
"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": "635874e03bb34832aad130a3a09dace2",
"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": "4eaff499e6d743c198a966b529808cf7",
"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": "fbde9c369f2d48c7a7d3f24c4dc302df",
"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": "54ca5f6ad2124679a5883a24e27fa925",
"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": "1257b66b89514d01bfe2be14c3f4cf4a",
"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": "97871fe8a2794f938e11a7a789653b8c",
"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": "7741b5d8cde34dc7b36c1d6cd0f771e2",
"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": "65f5e09b1c1a4bd2bdf265e126fe4308",
"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": "8fc44743902b44b8bf643cfa2d3d5567",
"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": "37c2f9e8f4544cb189ad9debf84344e8",
"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": "c872d37d34dc4e00b72a782170d7a88e",
"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": "0ae3d35d13ed4f25bd0b09e7154c92df",
"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": "630e1930b9f14b5794ccecac534541a1",
"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": "b6e410ec2ba14f8f86a3904e4cca9c5a",
"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": "53849ee2ab8f41d0814af75ee735556a",
"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": "42fc6f7641ea45f89ac3a52f7e0f8730",
"version_major": 2,
"version_minor": 0
},
"text/plain": [
"Validation: 0it [00:00, ?it/s]"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"Files already downloaded and verified\n"
]
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"Files already downloaded and verified\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"/home/AzDevOps_azpcontainer/.local/lib/python3.8/site-packages/pytorch_lightning/core/datamodule.py:126: LightningDeprecationWarning: DataModule property `test_transforms` was deprecated in v1.5 and will be removed in v1.7.\n",
" rank_zero_deprecation(\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"LOCAL_RANK: 0 - CUDA_VISIBLE_DEVICES: [0,1]\n"
]
},
{
"data": {
"application/vnd.jupyter.widget-view+json": {
"model_id": "8d2311d8b74f4f6f9fd32346ad7d4a42",
"version_major": 2,
"version_minor": 0
},
"text/plain": [
"Testing: 0it [00:00, ?it/s]"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"data": {
"text/html": [
"
\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 Test metric \u2503 DataLoader 0 \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 test_acc \u2502 0.9193999767303467 \u2502\n",
"\u2502 test_loss \u2502 0.28191840648651123 \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",
" \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.9193999767303467 \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.28191840648651123 \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.28191840648651123, 'test_acc': 0.9193999767303467}]"
]
},
"execution_count": 7,
"metadata": {},
"output_type": "execute_result"
}
],
"source": [
"model = LitResnet(lr=0.05)\n",
"\n",
"trainer = Trainer(\n",
" max_epochs=30,\n",
" accelerator=\"auto\",\n",
" devices=1 if torch.cuda.is_available() else None, # limiting got iPython runs\n",
" logger=CSVLogger(save_dir=\"logs/\"),\n",
" callbacks=[LearningRateMonitor(logging_interval=\"step\"), TQDMProgressBar(refresh_rate=10)],\n",
")\n",
"\n",
"trainer.fit(model, cifar10_dm)\n",
"trainer.test(model, datamodule=cifar10_dm)"
]
},
{
"cell_type": "code",
"execution_count": 8,
"id": "d922588d",
"metadata": {
"execution": {
"iopub.execute_input": "2022-04-28T08:21:56.074375Z",
"iopub.status.busy": "2022-04-28T08:21:56.073844Z",
"iopub.status.idle": "2022-04-28T08:21:57.094047Z",
"shell.execute_reply": "2022-04-28T08:21:57.094462Z"
},
"papermill": {
"duration": 1.110399,
"end_time": "2022-04-28T08:21:57.094616",
"exception": false,
"start_time": "2022-04-28T08:21:55.984217",
"status": "completed"
},
"tags": []
},
"outputs": [
{
"data": {
"text/html": [
"\n",
"\n",
"
\n",
" \n",
" \n",
" \n",
" lr-SGD \n",
" train_loss \n",
" val_loss \n",
" val_acc \n",
" test_loss \n",
" test_acc \n",
" \n",
" \n",
" epoch \n",
" \n",
" \n",
" \n",
" \n",
" \n",
" \n",
" \n",
" \n",
" \n",
" \n",
" NaN \n",
" 0.004229 \n",
" NaN \n",
" NaN \n",
" NaN \n",
" NaN \n",
" NaN \n",
" \n",
" \n",
" 0.0 \n",
" NaN \n",
" 1.847524 \n",
" NaN \n",
" NaN \n",
" NaN \n",
" NaN \n",
" \n",
" \n",
" NaN \n",
" 0.004934 \n",
" NaN \n",
" NaN \n",
" NaN \n",
" NaN \n",
" NaN \n",
" \n",
" \n",
" 0.0 \n",
" NaN \n",
" 1.724640 \n",
" NaN \n",
" NaN \n",
" NaN \n",
" NaN \n",
" \n",
" \n",
" NaN \n",
" 0.006107 \n",
" NaN \n",
" NaN \n",
" NaN \n",
" NaN \n",
" NaN \n",
" \n",
" \n",
"
\n",
"
"
],
"text/plain": [
" lr-SGD train_loss val_loss val_acc test_loss test_acc\n",
"epoch \n",
"NaN 0.004229 NaN NaN NaN NaN NaN\n",
"0.0 NaN 1.847524 NaN NaN NaN NaN\n",
"NaN 0.004934 NaN NaN NaN NaN NaN\n",
"0.0 NaN 1.724640 NaN NaN NaN NaN\n",
"NaN 0.006107 NaN NaN NaN NaN NaN"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"data": {
"text/plain": [
""
]
},
"execution_count": 8,
"metadata": {},
"output_type": "execute_result"
},
{
"data": {
"image/png": "iVBORw0KGgoAAAANSUhEUgAAAa0AAAFgCAYAAAAIICZdAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjQuMywgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy/MnkTPAAAACXBIWXMAAAsTAAALEwEAmpwYAABv10lEQVR4nO3ddXjdRdbA8e+5Fnepu1MoNYpDW6ywuPsCi8vCIovtLl14kcVXkAWWLbYUd2iLtVSgSt29TSpxlyvz/jE3bZrGkxtpzud58iT3d38yCSUnM3PmjBhjUEoppdoDR2s3QCmllKovDVpKKaXaDQ1aSiml2g0NWkoppdoNDVpKKaXaDVdrN6A5TZgwwUyZMqW1m6GU6piktRvQERxQPa3MzMzWboJSSqkQOqCCllJKqQObBi2llFLthgYtpZRS7YYGLaWUUu2GBi2llFLthgYtpZRS7YYGLaWUUu2GBi2llFLthgYtpZRS7YYGLaWUUu2GBi2llFLthgYtpZRS7UbHDlq+cijObu1WKKWUqqcOHrRKoGBna7dCKaVUPXXsoAVQXtjaLVBKKVVPGrS8JRDwt3YrlFJK1YMGrYAXfGWt3QqllFL1oEHL5wW/Bi2llGoPNGgFvDaLUCmlVJunQcsEoEyTMZRSqj3QoCUOzSBUSql2QoOW061BSyml2gkNWg4XeIshEGjtliillKqDBi3EfvJrMoZSSrV1IQtaIvK6iOwWkeU1vH+PiCwOfiwXEb+IJAbf2ywiy4LvLQhVGyu1RtPelVKqHQhlT2sSMKGmN40xTxljhhtjhgP3AzOMMZWr144Lvj86hG2saI2mvSulVDsQsqBljPkJqG8J9UuAd0PVljo5nHZeSymlVJvW6nNaIhKJ7ZF9VOmwAaaJyEIRub6O668XkQUisiAjI6NxjXC6da2WUkq1A60etIAzgNlVhgaPMcaMBE4FbhGR42q62BjzijFmtDFmdEpKSuNa4NC0d6WUag/aQtC6mCpDg8aYtODn3cAnwJiQtsDphvIiMCakj1FKKdU0rRq0RCQOOB74rNKxKBGJqfgaOBmoNgOx+RriAOMHvzekj1FKKdU0rlDdWETeBcYCySKyHXgIcAMYY14OnnYOMM0YU1Tp0k7AJyJS0b7/GWOmhKqdlVps095dntA/SimlVKOELGgZYy6pxzmTsKnxlY9tBA4NTavq4CuHsFZ5slJKqXpoC3NabYNgdzFWSinVZmnQqqAZhEop1eZ12KDlD/h5bslLTM8O5nhotXellGrzOmzQcjqcfLbpa5bnbQge8Ni0d6WUUm1WyBIx2jxj+HHTJsR0t68dTlvp3e8DZ8f9sSilVFvWYXtaiPB1Snf+Ubhm3+Na7V0ppdqsjhu0gGVRsUyX4kqVMAR8GrSUUqqt6tBB695ep/Px9nQo3BU8YnQzSKWUasM6dNDaEJ3ExOREtu9cZA84XVrtXSml2rAOHbQKYzoxIzKSjJIse8Dh0bR3pZRqwzp0mtzwLqP58di/Q1SSPaD7aimlVJvWoXtaAE9s+pgv0mbaF043+EshEGjdRimllKpWhw9aizKWsOnn5/YOCxqjae9KKdVGdfig9X63M/l9djZkbQwe0bR3pZRqqzp80PrCFDAxKRGy1gePaNq7Ukq1VR0+aKWbclZERGAy19kDDieUF7duo5RSSlWrwwetG3qczAemM5JdUTjXDeUFrdsopZRS1erwQWtTyW7ujgywpiwLTMDuq6Vp70op1SZ1+KBljGGN20XeyY+AOOwWJd7K9QiVUkq1FR16cTFA38hOfHHMU3sPiNgel78cXGGt1zCllFL76fA9LYD/WzWJt765ERb8N3hE096VUqot6vA9LYD00iyi/WWwa/neg5r2rpRSbY72tIAXR9zFHTFD7FotY0AAb0lrN0sppVQVGrSAL9Jnc5tkQmkeFGfZZAyt9q6UUm2OBi2gxF9GjkPwgu1tOd1Qpmu1lFKqrdGgBVzYYzxvj/kzboDsDXatVnlRazdLKaVUFRq0gG3Fu7hx+Uss+s1jcOgltpRTwAd+b2s3TSmlVCUatACPw02ut5DS8Bi7wBjQtHellGp7NGgBncITmXz4XzmquBi+uH1v5qCmvSulVJsSsqAlIq+LyG4RWV7D+2NFJE9EFgc//lLpvQkiskZE1ovIfaFqY2UTV77OP3fPgR1LIDu4t5avtCUerZRSqp5C2dOaBEyo45yZxpjhwY+HAUTECbwAnAocBFwiIgeFsJ0ABEyAQHi8fZG1AZwuLZyrlFJtTMiCljHmJyC7EZeOAdYbYzYaY8qBycBZzdq4ajw89FpuP+gq8ETvTXvXtVpKKdWmtPac1pEiskREvhGRocFj3YBtlc7ZHjwWUl/umMNl8x/Gn9Q3GLQ8mvaulFJtTGsGrUVAL2PMocA/gU8bcxMRuV5EFojIgoyMjEY3xiVOYlxRFCf2Cc5piZ3TCvgbfU+llFLNq9UK5hpj8it9/bWIvCgiyUAa0KPSqd2Dx2q6zyvAKwCjR49uxCZY9pIJnQ9nQufDIT8dDjrHblECNu3dE9nw2yqllGp2rdbTEpHOIjYyiMiYYFuygPnAABHpIyIe4GLg85A0whVhPxvDztJsLp/3MDPKdkFC7+B6LQG/rtVSSqm2ImQ9LRF5FxgLJIvIduAhsJWSjDEvA+cDN4mIDygBLjbGGMAnIrcCUwEn8LoxZkVIGunyQFQylBcR7Yog3OnBIQ6Y+2+I7wndDwOfrtVSSqm2QswBtK386NGjzYIFCxp2UcFO2LnMBq8KH14DUakw9j6I7wVJfZu3oUqpA5G0dgM6At0EMiLBfjaGv6z8D05x8lBSf0hbpNXelVKqjWntlPfW5wqDiHjwlZDgiSHBEwNJ/aE406a8ezXtXSml2grtaQHEdoddy/nDgIvs67RF9nPuVkjoE9zNWHv+SinV2rSnBbanBXyz8xfOmP1HiuKCa5mz1gNGq70rpVQboUELwB0BYXHEiZtBMT0p9UTACX+Bvsejae9KKdV26PBghdiuHFWez1GdRtnX/cbbz0WZmvaulFJthPa0KkQmklNewDlz7ufz9Fm20vvcfwMBKM1r7dYppZRCg9ZenkhiIpLpFZFKvDsa8rbBknehYBcUZ7V265RSSqHDg/twJfTi+YFXQlQSeLbbgzlbILarLZzrcLZuA5VSqoPTnlZlEYn8ef27/H7x8zZQucJtxXcDeItbu3VKKdXhaU+rsrBo+kV3pyhQbgvmJvULpr0D5cUQFtO67VNKqQ5Og1YVVw29GrI32BdJ/WHdd+BwQUk2xHRq3cYppVQHp8ODVUzLXsLYeX9mV2k29D8RjrwZXG4ozm7tpimlVIenPa0qOsf2ZmzSMAj4oPMh9gPsei2/1xbRVUop1So0aFUxLPVQho3+I+Rssge2/gyBAKQMtgV0gyWflFJKtTwdHqyixFfCST9cx5tpP9oDSybDr2/bgrllha3bOKWU6uA0aFUR4YrgmG7H0Tuqix0iTD0IstbZN0t0XksppVqTDg9W46GjHsLsXgsFadDpIFjisxUyHPrjUkqp1qQ9rWo8NOchLpv7p2BPa6g9mLEa/OXgLW3dximlVAemQasaw1OGM7bnCbZnFR4LMV1g1wpAtDKGUkq1Ih3vqsY5A87BGIPJWIMU7oDhl4In2iZjlOZDZGJrN1EppTok7WlV48etPzLmnTFsChSDzwtDzoB+48AdrhXflVKqFWnQqkav2F5cOOhCwiNT7GJibylsngV5aXZvrUCgtZuolFIdkgatavSN78s9h91Dp+iuEN3ZzmN9/wisnQrGD76S1m6iUkp1SBq0qhEwAY6ZfAwvLnkRopLBGEgZBLtX2BPKNRlDKaVagwatajjEwUWDLuLQlEPBEwUY6DQUMtcBASjJbeUWKqVUx6TZgzW4bcRteP1em/bucNnagwEf5G6HsPjWbp5SSnVI2tOqwcQ5Eznj0zNsmntEIiT2tW9kroOyAgj4W7eBSinVAWlPqwbHdj+W3rG97YvIJCjKgEMutLsZg634Hh7bau1TSqmOSINWDU7oeQJevxdfwIcrPMYePPJm+7koU4OWUkq1gpAND4rI6yKyW0SW1/D+ZSKyVESWicgcETm00nubg8cXi8iCULWxNnPS5jDq7VGsyFoB7mAyRlkRbJkDvjIoyWmNZimlVIcWyjmtScCEWt7fBBxvjDkEeAR4pcr744wxw40xo0PUvlr1je/LTYfeRFJ4EjhdEBYD2Rtg6gOQsQqKdZsSpZRqaSELWsaYn4Aaf7MbY+YYYyq6K78A3UPVlsboHNWZ64ZdR2J4sM5gZLItnOv0QMYau8DYV17nfXYW7eSyry7jh60/hLjFSil14Gsr2YO/A76p9NoA00RkoYhcX9uFInK9iCwQkQUZGRnN2qhx74/j74v+bl9ExIM47CLjXcFFxt6iOu+xu3g3SzOXcvuPt2OMadb2KaVUR9PqiRgiMg4btI6pdPgYY0yaiKQC34rI6mDPbT/GmFcIDi2OHj26WaPCjYfeuDeDsGKRcepBsPxjm/JeVggRCTVe7w/4GZw4mLdOfYuNeRvxGz8uafUfuVJKtVut2tMSkWHAa8BZxpg95dONMWnBz7uBT4AxrdG+SwZfwtCk4CaQrnA7NJgyGAJeu5NxHRXfZ6fP5oQPTiDCFcGx3Y6lRGsWKqVUk7Ra0BKRnsDHwBXGmLWVjkeJSEzF18DJQLUZiKH2+NzHOf3T0ysaZvfRSuoPA0+BsFibQVjLkF9KRArjeozD4/Qw/oPxfLfluxZquVJKHZhCNlYlIu8CY4FkEdkOPAS4AYwxLwN/AZKAF0UEwBfMFOwEfBI85gL+Z4yZEqp21uakXifRN74vxhhExC4yLtwFY++3JxRlgq8U3BH7XZtbmkuMJ4aHj34Yf8DP/WPuZ0TqiBb+DpRS6sAiB1JywOjRo82CBc27rCutMA2nOOkc1dnuWrxtHrg8sHuVLe3UdSREJe133StLX+GFxS/w7fnfkhqZSn55PrmlufSM7dms7VNKtRnS2g3oCNpK9mCbVOIr4aIvL+LZhc/aAxXJGGunwjd/tMODpfnVXntmvzP561F/JTUyFcoKefD727n9x9tbrvFKKXUA0lS2WkS4IvjrUX/dm4zhcEJYHCQPsK+zNwUL6fbZ57oVWSvIKsnijL5n2EXI6Yu4MnkMpZ2GtOw3oJRSBxjtadXhhJ4nkF2azYOzHsQX8NlNISsWGWetg9I8CAT2ueZ/q/7Hn2f/mUDeNtg+HzzRDIvtTaonlmKvbiCplFKNpUGrHnYU7mB22my2FmyF8DgQJyQPhN0rwQSgSiCaeMRDvDbmL7gz1tiMQ1cYSwo2cf7U37IkY0krfRdKKdX+6fBgPYzvOZ4jux6J0+GksKyA6IqdjJd/DH6vDVph0QB8vOYD8rLXcVXiSIhOsVU0gMExPXlq1B8ZmDCwNb8VpZRq17SnVQ8igsvh4vzPz+e5JS+BMwy6jYR+4+1C44qK774y5m/6llk75yMxnfYELIDYsHgOCk8ltyy3db4JpZQ6AGhPq548Tg/nDzyfQYmDQGJsOaceh9ttSoqzoawQk/Yrjw+4lFLP/uu2cHq4c8GjpMb34cUTX2z5b0AppQ4Auk6rgXJKc/hsxVv8NmYw4gqzi40jEkAcPLj+XeLC4vnjoMuqvXZ++i9E9z6OIclDQ9pGpVSr0HVaLUCHBxvox20/8vyK11lVlAaznoOpD4LDjXFHEuOJI9pVTS8raEBkF3KLd+MNeFuwxUopdeDQ4cEGOqvfWYxIHk6frI34U4fg3PgjBMrJMw7uG3x5rdfOyFnJn+a/y5fnfEmv2F4t1GKllDpwaE+rgZwOJ93jenDbmjd40W/37wrsXM6l8/7Kwyv/W+u1RycM5j9HPW6rZCillGowDVqN4Ha4SY3qQkJUJ3C68e9eweU9T2Fc6shar0sKT8LlKyOtIK2FWqqUUgcWDVqN9Ocx93FJ1+OZndqPxZnLObfb8RybfGjtFzk93LroSSavmdwyjVRKqQOMBq3G8kTxya5fuDG8mGvCi3lxw8d1XiKuMF4Y/DuuHfq7kDRp7o65XD/terJKspidNpubv7uZ7NJs5qTP4fYfbienNIe5O+by/ZbvQ/J8pZQKNU3EaCxXGGd2PZbYyGTiw+LoGpFS9zUiJHtiWZHxK51jujR7kwrLC22pKaDUX0p2aTbGGIq9xWwv3I7f+Plo3UekF6ZzQq8Tmv35Sqm2QUQKjTHR9TjvQeBSwA8EgBuMMXNFxAU8DFwAFAVP/8AY82jwOj+wDLtHog94E3jOGBMgxHSdVlPsXgVFGbb6+66V0H10nZe8tPodXto2jfmXzyfMGdaszfEGvLgd7lrPWZW1Co/TQ7/4fs36bKVU21mnVV3QEhGXMcZX6fWRwLPAWGNMmYgkAx5jTLqIPAF0Bm40xpQGd5O/yxgzser9RSQV+B8w2xjzUKi/N+1pNUVEIuRth5WfwuL/weUf2YXGtTgn9XBOHHguLmneH312aTYnfXASDx31EGf2O7PG81IjU1mSsYSu0V2JqGVNmVKq6Xrf99XzwPBmvu3izU/85o76nCgiY4FHgBxgMFC5+GkXINMYUwZgjMkMXhMJXAf0NsaUBt8rACZW9wxjzG4RuR6YLyITTYh7Qjqn1RSeKEBsDUITgI3T67wkPiyOrTkb2FawrVmbEjABLh1yKQPiB9R63q+7f+X2H29nU96mZn2+UqrNGgncboypWq17GtBDRNaKyIsicnzweH9gazBQ1YsxZiPgBEK+nkd7Wk3hjgQRSOhtP9Z/D0PPqfUSn9PFHYue5A7K+d0hzZeQEe4M585RdyJS+wjFYZ0P493fvEvfuL7N9mylVPXq2yMKsXnGmP3+SjXGFIrIKOBYYBzwnojcByyqfJ6IXA3cDiQBRxljmvcv7gbSnlZTOBx2ONBXCv1OgF3LbS3CWkSHxfHeofdw8aCLmrUp9868lyu/ubLO8+LC4sgry2ND7oZmfb5Sqs0qAhCRHiKyOPhxI4Axxm+MmR6ci7oVOA9YD/QMzmNhjPmvMWY4kIftTe1HRPpikzl2h/qb0aDVVJFJ4C2B/uPt6/U/1H6+OPAFypm1bUazNuM3fX7DuQPOrde5f5n9F95d/W6zPl8p1bYZY7YZY4YHP14WkUEiUnk+YTiwxRhTDPwH+JeIhAOIiBPwVHdfEUkBXgb+Fer5LNDhwaYLjwUDxHaDEZdD6pA6L/lw1y/8tG4dp/T7TbM0odhbzFFdjyI+PL5e57944oukRNYjRV8pdSCLBv4pIvHYtPX1wPXB9x7EJnAsF5ECoAR4A0gPvh8hIovZm/L+FjYTMeQ05b2pfOWwaQZEJdf7kl3Z63F2PoTk5MHN0oSpm6dy94y7+fCMD+1+X3XYmLuRFVkrOKPfGc3yfKUU0IZS3g9kOjzYVC6PTcjwl9vXm2fVmUXodoUxfet0dhTuaJYmDE4czB9G/YE+cX3qdf4P237ggVkPUOwtbpbnK6VUS9Gg1Rwik8Bbar9e/hHM/w/U0oPN8pfy12Uv8OvuX5vl8b6Aj8uGXIbHWe2Q837O6X8OU86bQrgrvFmer5RSLUWDVnOITNzb0+p3AuRtg6x1NZ7eO6YHUw97mFN6n9LkRwdMgMu+voyn5z9d72si3ZEs2rWIjbkbm/x8pZRqSRq0moM7cu/XfY4Dcdo1WzWd7gpnVf5Gvt88rcmPDpgAjx79KGcPOLtB1zww6wGmb5/e5OcrpVRL0uzB5uCOBHHYqhjhsdDjMNjwIxx+gz1ejXd3zqYkcz4n9z21SY/eUbSDvvF96R3bu97XRLmj+OLsL+ga3bVJz1ZKqZamPa3m4HBAeLxdZAx2iLBot11sXIMnB17JpOOfa/Kj31zxJhd/eTGBBhZXzijJYOrmqU1+vlJKtaSQBi0ReV1EdotItb+9xfqHiKwXkaUiMrLSe78VkXXBj9+Gsp3NIip5bzJG76Nh/J8hqeY6gPn+Ev678i3yy/Ob9NjLD7qcp45/Cqej2oXqNfps/Wc8v/D5Jj1bKaVaWqh7WpOACbW8fyowIPhxPfASgIgkAg8BhwNjgIdEpPby6a0tLGZvxqA7EvqfAO6aq6hvLc/hn6vfYmv+1kY/0uv3sjlvM4em1LFjcjXuHH0nX5zzRaOfrZRqm0QkXkRubsR1XwcXGjf0ukkicn5Dr2uskM5pGWN+EpHetZxyFvBmsPTHL8EfdhdgLPCtMSYbQES+xQa/tlt7yBO1b5p7SQ788jIMmgBdR+x3+hHJhzL36OeJTD640Y9cm7OWW3+4laePf7rBmYhev5cvN3zJyb1PpnNU50a3QSlVh4lx06s/njc2+P7zVL99yR1MzFvMxLirgKv2u65m8cDNwIuVD1bdT6sqY8xpddy3TWjtOa1uQOWKwduDx2o6vh8RuV5EFojIgoyMjJA1tE6uMHCHg99rX7sj7ULjtVOqPd3jjuST9On8sOW7Rj+yX3w//nvKfzmiyxENvjazNJOnFjzFiqwVjX6+UqpNegLoFyyMO19EZorI58BKABH5VEQWisiK4D5YBI9vFpFkEektIqtE5NXgOdNEpF6b74nICSLyq4gsC04PhQWPPyEiK4PTQE8Hj10gIstFZImI/FTfb67dZw8aY14BXgFbxqlVGxOZBMWZ4HTbINbnWNg0E44ps6+r+N+OWQynnPG9TmzU4xbtWkRsWCxxYXENvnZgwkBmXjSz3vUKlVKNVFfPaGLeHXW8Pwk71VJf9wEHG2OGBzeB/Cr4umJ7kmuMMdnBQDRfRD4yxmRVuccA4BJjzHUi8j62+vvbtT00WFx3EnCCMWatiLwJ3CQibwHnAIONMabSEORfgFOMMWkNGZZs7Z5WGtCj0uvuwWM1HW/bIhPBV7b3df8TwFsE2+ZVe/oHh97No6PvbfTjnlrwFC8ufrHuE6vhdrj5Ke0npmyuvieolDpgVN1P6/cisgT4Bft7trqMsU3GmMXBrxcCvevxnEHB69YGX78BHIfd0qQU+I+InAtU1I+bDUwSkeuoYcuT6rR20PocuDKYRXgEkGeM2QFMBU4WkYRgAsbJwWNtW8VOxhW6jrCp8BuqX2i8ujiNpxb9ncYWLX7lpFf442F/bNS1AO+veZ9P1n3S6OuVUu1CUcUXwZ7XicCRxphDgV+B6uq5VfrrGz9NGJULzqONAT4ETgemBI/fCPwJGzgXikhSfe4X0uFBEXkXm1SRLCLbsRmBbgBjzMvA18Bp2JL4xcDVwfeyReQRYH7wVg9XJGW0ae5IG7OMsTsaO1zQdyys/87OdTnd+5y+tmQ3H2z+imtG/Z6kiHr999pjU94mlmQs4cSejRtaBHjpxJeIdkc3+nqlVJtUAMTU8F4ckGOMKRaRwUDDJ8RrtgboLSL9jTHrgSuAGSISDUQaY74WkdnARgAR6WeMmQvMFZFTscGr6jDlfkKdPXhJHe8b4JYa3nsdeD0U7QoZhxPCYu0i44p095FXwGG/2y9gAZzXbSwXdT8BaWDAAvhp+088veBpjut+XKObu71gO9O2TOOGYTdo8VylDhDGmCwRmR1cH1sCVN5OfQpwo4iswgaZX5rxuaUicjXwgYi4sJ2Ol4FE4LPgnJcAdwYveSq4CaUA3wNL6vOcOvfTEpHbgLeNMTmN+k5aUKvsp1VV1ibI3QQRVZaVVfS+KinxlfLy2skcPuQijup2VIMeEzABtuZvpXdc70Y39auNX/GnWX/i07M/pVdsr0bfRykF6H5aLaI+c1qdsBkm74vIBBHR/zC1iYiDQJWSSmunweTL9k3SAMKcHt7fOYeVGUsb/Jj/Lv8vBeUFTWkpJ/c6mfmXz9eApZRqN+oMWsaYP2GzS/6DXeC2TkQeE5F+IW5b++SOBKr0XsNjoSAddu4bnBziYPaYR7l20EUNekR+eT7/+vVfLNjVtF6lQxy8uvRVZm6f2aT7KKUOfCLyQnDtV+WPq1u6HfXKHgzOPe0MfviABOBDEXkyhG1rn9zh4PRAoNLC864j7LGt+w8fT8tawjO//rNBj4j1xDLn0jlcMPCCJjXV6XDy7up3mxz8lFIHPmPMLcaY4VU+/tvS7agzaInI7SKyEHgSm1d/iDHmJmAUcF5jalUd8CIT91Z8B7uwuOvIaoPW6uIdTE+f3aC092+3fMv7a94nyh3V5KZ+f+H3/GHUH5p8H6XaA2MMxu9v7WaoJqhPTysRONcYc4ox5gNjjBfAGBMAzgB+CGUD26XIpP3mr+h5OOSnQd72fQ7f3u88vjjiURoyVfjT9p/4ZN0nDbqmJnPS5vDswmebfB+lWoI/L4+iefMommcX7AeKiymcPZvCWbMpnDmLwhkz8O7eDUDWpEmkP/AgBdOnA5B+3/2sGT6CrNfbV1Ky2ledKe/GmIdqeW+lJmZUwxO137QWPQ63G0JmroW47nsO7/IV8dLqSZwfFsYhKYfU6/aPHP0IJb6SZmnqiqwVfLnhS34/4ve4HO2+qpc6QPgyMylZsoSSpcsoXbaUQFk5vd95m5Jly9l27bXgcjFk+TK8u3ax7XfX7nNt1yf/RtyZZ1I4fQblmzYRMcz+fxUxaiTOxEQihjV8VwTVdtSZ8l7nDUQWGWNG1n1m6LWJlHcAvw82TrfDhJVjenkhePZdzJtZlsv5Pz/IA0c8yMl9f1PnrXcW7eTfS//N5UMup19803NhAiaAo4bdlZVqKaUrV1I0Zw6uzl2IO/037Hz0MXLeegucTsIGDSRy+HA6/fnPBPLyKF29GsRB1OFjCJSWUrpihf3/TAQRwd2rF66EVtnJqF3+AS8ihcaYaqsMBHfp+NIY0/jtKJqZ/mkdCk6X3V/LX75voVxPtF2vZQJ2ITKQHBbP9MMehq6H1evW2wu2M3XzVM4bcF6zNDW7NJt/L/k3Z/Q7g2Epw5rlnqpjMMYgIhi/n/T77yesbz/CBg4kbOBA3F27II7q/xgKlJZSsngJxQsW4O7ejfizzyb340/IefttYs88g7jTf0PCxRcRe+oEwocMwRGxt8C4Mz6eqCP2FnFwhIcTOWpUyL9X1XY0x5/Y7fKvi5CLTIKqQ3i5W+Cd82Hb3H0O/zfte/5Rz8K3ozuPZvbFszko6aBmaaZLXHy58Uu25G9plvuptsFfUEDB99/jz81t9nub8nKy//c/Nv7mdMo2bcKXmUXJgoVkPP8822++mQ0nnkjO5MkA5EyeTPZbb1O2YQMA2//wB9YeNoatV11F5gsvULJwEQBJ113HgDmz6fakTUgO69ePyJEj9wlY7dUhbxwy/ZA3DrmqOb+uTXAbkFsqvZ4oIn8Ske9FZFFw25CzGvp9iEi4iPw3eP2vIjIueHyoiMwLpsAvFZEBIhIlIl8Ftx1ZLiINW9dTi+boaZ3QDPc48ETEQ/amfY/FdAFvsc0i7LW3AsaW0mxyyzLrddun5j9Fj5geXDz44mZpZlxYHHMumdMsSR2q9ZnycnImv0fmiy/iz80l/oIL6PLIwwSKinBENS3b1LtrF+Lx4IyNJfv1/+JMSCBQWEhYnz70/+F7/IWFlK1bR9nadUSOsSMHuR99TOmyZXR64H7C+vUjrF9/3F27EnnYYUSOHIkzNhYAd6fUJn/vao/3gOeBF4KvLwROAf5hjMkXkWTsprufm4bND92CXQF1SLBu4TQRGQjcCPzdGPOOiHiwFdtPA9KNMb8BEJGG759UgybPabUlbWZOC6C8GLbMhqjkfY9P+xNkroNLJu+d7yovtskbXYfXedtrp17LwMSBTaruXtU7q94hvyyfm4bf1Gz3VK0j7a67yf/qKyKPOILEKy4nbMAAPD17svliWwY09e67iBw9ukH3LFmxguw33iD/629Iuu5aUm+/HV9WFs7ExDr/2DHG4MvIwOHx4IyPb+y31V60mb/8grUFTwBSsDsYjwWew24VEsBuI9LHGLOzvnNaIvIJ8E9jzA/B92ZiA9nBwIPAm8DHxph1wWA2DRtAvzTGNFsFA53TChV3hK3yHvDvmb8CoMcRdkfj3C2Q0BuAFcXpvLzsE/4Y/Td6xPao/n5Br53yWrM3dXX2ajJL6tfTU21P0S9zKV60kJSbbybx6quJO/ssoo45Zk9AMYEAMRNOIefddzHBEmO5H31M1NFH4e7ceZ97Fc6cRfmmjUSOGUP44MFsv/0OCqZOxREZScKllxB/7rkAuJLqV+RZRHCnai+qFXwAnA90xgaOy7ABbJQxxisim6l+S5IGM8b8T0TmAr8BvhaRG4wxP4jISGyP6/9E5HtjzMPN8TwNWqEiAhGJUF4Q3GcrqMcY+3nrL3uCFuJge0kGeSXZtQat77d8zxcbv+CvR/21UbsV1+SRox9ptnt1ZMXeYvLK8ojyRBHriW3UPYzfjzid+HJyKN+4EWdCImF9+9R4fuHMWWy77jrcXbuSeOVviTh46H7niMNB0lVXkXjllSCCd/dudvzlLwCEDx6Mb/duujz6f0Qfdxy7n3qKsrVrSb3vXsIHDyZi2DAiDj2U+PPP2zOUp9qF94BXgWTgeOwQ4e5gwBoHNKbg6Exs8Psh2JPqCawRkb7ARmPMP0SkJzBMRFYD2caYt0UkF7i2xrs2kAatUIpMguLMfYNWdCok9YeijD2Hhsb15ZMRf+R/uxcxPX0mtwy/pdphlwJvAdsLtjf7Hlirslbx+vLXuWPUHXSL7tas9+5InlnwDO+vfZ97Rt/DlUOvrNc1vpwcihcsoGTBQooXLYJAgD4ffUjJwoVsv/U2HFFRDFq4gLJ169hy9TW4EhLssFyYh66PPUbUUUfS+a9/Je7ss3CEhdX6rIpsPndqKv2mTiF38mRKVqwgavAgnAmJAHT7+/M44+JwBlPGk353TRN+Iqq1GGNWiEgMkGaM2SEi7wBfiMgyYAGwuhG3fRF4KXgPH3CVMaZMRC4ErhARL7bU32PAYditRwKAF2i2uQcNWqEUFm3T26s652U7dLgPYW3OGnaV5yEivLr0VQYkDGBsj7F7zji7/9mc3f/sZm9meaCcFVkryC7J1qDVBKf2OZXp26ZzTPdjajwnUFZGwZQpOGJiiRk/jsx//ouc//0P8XiIGDaMyDGHYYwhYtQoerz2GqbUZqBKeDgx48bhy8nGn52DLzOT4l9/Jfakk0i46MIGt9XTvTupd9+93/GwPjX36lT7Yow5pNLXmcCRNZxX41/BxpjN2DkrjDGlBDfqrXLOE8ATVQ5PJUS7zWsiRij5vbBhOkQn7/+eMTYl3h1pXxdnQ1J/fHHdMBjO/vRsju9xPPeMvofXlr3GuB7jeHD2g1xz8DWc0vuUFv02FBT+9BOZL/+bpOuuJWbcuGrPyS3NBWwV/p6xPas9Z8dDE8l97z2ix46lx8svUbZ+Pf78fMIPPhiHxxOq5quW0WYSMQ5k2tMKJacbwqJsHcLKi4yNgQ+vhtSD4PhgFqA7HPLTcMV0AZeHz8/+nDJ/GZvzN/PiEruGKyE8gQhXaNat/N8v/0ev2F5ccdAVIbl/czN+P960NMo2bMCfk0vMySfhjG7eYdPy7WkUz5tH/LnngAily5ez6/8eJeroo6sNMOd8fg6ZJZkMTBjIR2d+VO09U+++i6ijjiLmpBMBCOvfv1nbrFRjiMghwFtVDpcZYw5vjfbURoNWqEUm2720KgctEZuEsW3u3h2N3ZFQnAM7FkOX4ThdHiIdkfSJ68N3539HpDuS64ZdF7JmphemE1nR62tjvOnpFC9chPH5iD/nbPKnTiP97rsxXq89weUiYvihOKOj91RpaKriBQvYcuVvEaeT6HFjiTrmGLq/+CLbrr2W3MnvkXjlvsHdGMONw25kV/EuRqSOqPaeBT/8SNQxRxN7yslNbp9SzckYswwY3trtqA8tOhdqEQl2mLCqnkdAcRZkrd97LDIBygpt4Kp0TVJEUsh6WBVePPFF7hx1Z0if0RD+wkKKfrFbuRT+NJP0e+4h8wW7VjKsfz8Sf3slXR59lF7v/o++n39GWN++FP70E5svupiSJUsa/LxASQk577/PpgsuxJedTcShh5J86y30+3YaroQERISoo48i8ogjKFm6/07TJb4STul9CtcPu57UyNT9ChqXLFvG9ptvJuftdxrx01BKVdCeVqh5aui9dK+U+p48YO/xyAQoyYH0xXaxsdMd6hYC8P3W75m8ejIvnvgibkfLPLM6eyo6vPQSgbIyBsyYTszJJxE5aiTuXjZLN6xfv2qTCIzPh3dHOrufe55ek+q3N5135052PfoYhbNmYUpKCBs8GN+uXbgSE0m5+eZ9zhURerzwr2orS8xKm8VdM+7ithG38c9f/8lbp77F8NThe97PeO55nAkJxF/Y8KQJpdReGrRCzR0J4rRZhJWrqUcmQsogO0Q4sso8UkSCTczYsQS6DLcFeEPM6/dS7CumoLyAxPDEZrlnqa+UMGdYvYfrSleuZPvvb8e7fTuRhx9O6t134YyJAcCVWHebYsaPJ3LM4QQK8gFIv/8Bwvr1JeHKK/fMQQWKisj97DMKf/iRbs89izM2ltI1a4g760ziTj+diFGjam2vIyqK8m3byHj+73R64P49i2wHJQ7intH3cEKvE+gZ25NesXuXwRTNnUfRnDmk3nsvzuimb9ypVEemw4OhJmJ7T97S/d/reaR9P+Db/73IRCjNg51L7VYnITahzwTeOe2degWsol9+Yffzz9d6zpRNUzjq3aPqVYi36Je5mPJy3N274+7alR6vvkLPSf8l4pD67S9WmTM6CneXLgTKy/Hn5LD76WfYeMYZ7P773/EXFgKw+4m/4d2+HW9aGo7ISPpNnUKXiROJHD26XgHWeL3kf/MNmf/+955jYc4wzht4Ht2iuzEoYRD55fl73itdsQJ3164kXNI89SKV6sg0aLWE6iq+A4z8LZz5z2rWbFVcl2iHClsgcBV7i7npu5v4auNXNZ7jz8sj/cEH2XrV1bi72fVcvpyc/c7z+r3c89M9eANePM6a07iN38/W669n61VXkfvppzhjY+n15htEH3tsk5MpHB4PPV5+iR6vvoI4nGS99DIlv/6KIyqKftOm0vebrwkfPBigwc8K69uX5FtuJnLU3hp+9828j5u+s+snr//2ev69ZG9AS7rmavp+/RWO8GapmqNUsxKRwtZuQ0Po8GBLCIvZfydjsL0sY2xCRtXCuhUiE+1Q4c5l0PmQkA0VRrgiKCgvwBuoJmkEKJwxg/QH/4Q/J4ek664j7owzKJg+nfS77qbrM08TM3bsnnPL/GXceOiNHN758GqDljEGf04OrsREwgcNIuqoo4g7++yQfF/Rxx5L1BdHEigs3FOwtWq9vcZIucXu/ODPz8cZG8s1B19DxZrHvx75V5IjkzGBADvuf4C4884lasyYJj9TKaVBq2W4o6g+agFz/gEbfoDLP963sG5lkYlQlAW7ltvAVdN5TSAivH3a2/sdD5SU4IiIQNxu3J060fPVVwgfMgSAiKFD8fTqRda/XyH6uOP2lAkq85dx47Ab+evPf2V2+my+O/+7Pb0ZX1YW6Q88gC89nd4ffkjqXXc1+/ey3/fmcoWkwnjhjBlsv+MPdH/nLbp3606PaFs3clDiIDbmbaRg2jTyPvuMqKOqLUSgOohVg4dMr3Jo0pDVqyatGjzkPmACMGXI6lVPrBo85CrgqsonDlm9auyqwUM6A5ODhy4esnrVztqeJyJPANuMMS8EX0/Ell0aByQAbuBPxpjP6mq7iEQDn1V3nYhcCdyN/eW21BhzhYh0Al4G+gZvcZMxZk5dz2kIHR5sCS6P7W35qpnX6nSwnbvKXFP7PaKSoHA35G0PTRuB/y7/L7f9cBtgK4PnvPsu68eNp3TNWqKOOoreH7y/J2ABuFJS6Pnmm3R/8QUQoXDmLIwx3DfzPq6achWn9T2NW4bfQiBYyqro55/ZePbZFP/8C/EXX4y08woQEcOHI2432556nLM+PYvvt34PwCfrP+Gaqdfg75xC3PnnEXv66a3cUtXBvIctkFvhQuAN4BxjzEhs8HpG6jcuXlrddSIyFPgTMN4Ycyhwe/D8fwAzgsdGAiua5TuqRHtaLSWmi12T5aoyr9F9tM0q3DrXVsioTUQ85GyBuB5Qw1bmTeFyuHA73BhjMF4v2W+8SfhBQ3BE2bT96rZPt9lwURT+9BPbrr+B+Asu4MKrz8MvcESXI8gpzWFX8S6Scw1br70OT69e9Hz11T3zSe2ZMy6OpOuuJeOZZ3n27BsZFlxUfErvUxgWOYDo3sNIGK5bwXd0Q1avGlvD8X1q9g1ZvWoSMKma83Zi98OqF2PMryKSKiJdsduR5GAL2T4nIhX7aXUDOgWP10aAx6q5bjzwQbCmIcaY7OD544Erg8f8QF59211f2tNqKREJ1RfPDY+zwWrb3Lrv4XSDv9QmZ4TAFQddwRP9/kDu5MmI202vt9+ix3/+g6d79zqvjTr2WJJuvIHcDz6gz+Pvc3Kn4zDG8LtJZ/D2V4/j6d6N7n9/nj4ffnBABKwKiZdfjqQk0euLxXSK6gRAJ1ciUb/7M9uefbKVW6c6sIr9tC5i//20hgO7qN9+Wo29LmRCGrREZIKIrBGR9SJyXzXvPycii4Mfa4P7rlS856/03uehbGeLCIuxQae69PYeh0PGaptwURd3BORta/72ARtyNjDl1vPY8dST+DIzcSUn1zuzTkRIveMO1l87nrJZP7Ptb49TNHMmj7xazOmTN2OMIebEE3FEts1SUY3liIhg6k0jufW4vZVNMj+YjGNnBku6lLViy1QH9x5wMTZwfQDE0bj9tGq67gfgAhFJAhCRirUy3xPchkREnCLSfBv/BYVseFBEnMALwEnAdmC+iHxujFlZcY4x5g+Vzr8NqFy0rSQY2Q8MIhDdGQp32t5VZT2PgC1zoCTbJl3Uxh1l9+IqL6652kYjhf20kAFrCii/7YpG7zZ7yHX3sLZHT0445QbK09KIHDyEvHuuIK8sj/jw+GZtb1txyoSbGZa9lZz33if2N7+h8NVJeIcN5Jhzb2vtpqkOqhn306r2uuD9HwVmiIgf+BWbRHI78IqI/A7wYwPYz834rYVuaxIRORKYaIw5Jfj6fgBjzOM1nD8HeMgY823wdWFt+7xUp81tTVJVURakL6o5vR3AW7x3u5KaFGdDYj9I7N1sTfMXFLDxtN/gSkmh9wfvI86GZyh6/V4W7FrA8NThe2olrs5azQVfXsCjxzzKmf3ObLb2tiWLdy+m84It5Nx5HxGHHkrJkiW4Xv4bOYM6M6aLprp3ILo1SQsI5fBgN6DyONb24LH9iEgvoA+2y1khXEQWiMgvInJ2TQ8RkeuD5y3IyMio6bS2ITy4XXlNfyiU5sLH18PCSTWfU3Gf3M0Q8Ddb04zPR+QRR/DxuZ146Je/NuoeK7JWcP231zMnbW+G68DEgTw/9nmO7358czW1TSnxlXDFN1fwWdcdRIwcSdTxx9Hjtdd4VWbx0JyHWrt5Sh1w2kr24MXAh8Fskwq9jDFpItIX+EFElhljNlS90BjzCvAK2J5WyzS3kZxuiEjcd/PHyjzRNgV+4STb4zr8JjusWJXDBb5ym5BRW6+tnnxZWTgTEuj21JO4F/2DVGnc3zIDEwby0okvcWjKoXubKg6GJg9ldtpsTut7WpPb2ta4xMXLJ75Mt+hu9Hrruj091BvzuhCqUQylmpvup2WlAT0qve4ePFadi4FbKh8wxqQFP28UkenY+a79gla7E9MZMlZVH7QcLrsppDsClr4P5SVwzB3VLyb2RELu1iYHLeP3s+2663H36EH3vz/P70f+vtH3+jn9Z/rG9yXGE7PP8Wmbp/HUgqcY2WkknaOaXo2iLckqzSIuLI5uMd2QSv+dEsMSWbhrIckRycSFNftctFLNSvfTsuYDA0Skj4h4sIFpvyxAERmMXW39c6VjCSISFvw6GTgaWFn12nYpIr72oT9xwFG/h+GXweovYPrj1Q8DeqJs+afyoiY1p2jOz5SuXLlnY8IZ22ZwyoensKNwR4Pu4w14uX/W/by35r393jut72l8etandIrs1KS2tkXfbPqGS766ZL/9s9bnrueO6XewIrPZ11Yq1aGFrKdljPGJyK3AVMAJvB7MOHkYWGCMqQhgFwOTzb5jKUOAf4tIABtYn6icddiuuSPtAmO/d5+9skwggD83HxBciXEUMobi3VvxeH3Ej3OQ9cFXZL33FTFHjyLh9BMIH9DbBriCXZDUt8bH1SX62GPo/eGHhA+1C5uTI5IZ0WkEftOw+TK3w80nZ32CVDMXnRyRzNqctWzI3cDJvQ+sXXtP7XMqfeP6EuuJ3ef4QUkHMfn0yfSNa/x/G6XU/kI6p2WM+Rr4usqxv1R5PbGa6+YADd+Xoj0QsdUx8rbZXhfgy8lj8y1/wbszg8TzTqXTLVdQtGAp2T9tJu6Eo4kXITyunKhDBpA39Sdyv/ieyEOH0PPp+5DcLZDQq1H1CDP+9QIxJ51ExMFD9xwbmjyUJ459gsLyhhV+np02m2JfMSf1Oqna999Z9Q7phekHXNDaXrCd3nG99zse6Y4kryyP1dmrGZE6Yv8LlVKN0lYSMTqWqCTI2bTnZcZ/3sebkU2nm68g4uCBAKRcexGpN15mSycVZxG17SWihg/Ef9sz5E1fiL+wCHG6yf9pPkWvTyXh8t/uUxewLoUzZpD5r38hTgfhgwbu8979M+9na/5W3j7t7XovLn539bukF6XXGLT+csRfDsi5nftn3c9hnQ7jsWMf2++9v837G71jezNivAYtpZqLBq3WEBZrh/ZMAF9uAXk/zCHx3Akknn/qnlMclYvJRibBuAfgu4k4N3xK4rnX7nmrPCOfvC++xl9URvfnn6Ns3Toc0dG4u3Sp8fGBkhJ2PvwInr59Sfzd7/Z7/9hux5KTnEPABHBK/Xpwz417jszizBrfjw2LZfLqyRyScgijOh049fj+Me4fNe4Z9ty454gPi2/ZBqkOT0TigUuNMS824to7gFeMMcW1nLMZGF1Rd7Clae3B1uBw2kDkLcaVEEff158k+cpzar+m71jofxIseW+fSu/Jl5/HgDceodPtNwOw++lnWD9uPBtOP51dT/yNornz9rtV5ksv401Lo/NDD+0bHINO63saFwy8gJ931G8h+9qctfxn2X8Ir1oMuBK3w83LS19mTnqz7lLQqnJKc8goySA1svrqIQ4c/Lj1R019Vy0tHri5kdfeAbTpWmva02otMZ0p+OR7jCeamGMPq98w3BE3wpZZ8PO/YMKe4tA4Y2Jwxtq/P1L/eA+RRxxB0cyfyHnnHcq3biXq8DEU/TKXsnXriD7uWCIPOwwcQtThNVdreGfVOzy78Fk+O/uzOpMJlmQs4aUlL3HRoItqPMflcDHt/Gn7JSy0Z7/u/pXbf7ydd3/zLgcnH7zf+7PTZ/PEvCc4vsfxJEc0fT2dap9euPGH6bW8PemWl8dPCp5T+etaz6/jkU8A/URkMfAtsBu7PUkY8Ikx5iERiQLexy5FcgKPYKu3dwV+FJFMY8y4ur43EbkTuCb48jVjzPPV3dsY815wn68zsXt7TTPG3F3X/aujQauV+P0udrz0Pu5OKcQcM7r6RcRVRSbBqKtsb6s4y74GCI+xa7biexHWrx9h/fqRdPVVBIqL8efmAlD44w9kv/EmRXPG0eOlF4k+9phaH3XugHMZlDCIPrF96mzWBQMvYELvCfutz6pqV9EunlnwDL8f8XuSIpLq/n7buMO7HM5bp75Fv/h+1b7/mz6/YXyP8SSG11FPUqnmdR9wsDFmuIicjC2aOwZbZurz4DYjKUC6MeY3ACISZ4zJCwahcfUZ+hORUcDVwOHBe88VkRnYDSD3uXewsO45wGBjjAkOYTZKyGoPtoY2X3uwEu/u3ez84+9JvvRMIg6ufwIFAR/4yuw6rcqKMqHLoRBdc6Hb8i1bCJSW7Zd4UZPs0mwmLZ/EJYMvoUt09XNkXr+XiT9P5IKBFzA8dXit91u8ezE3f38zL5zwwgGRUbdw10IEYWSnkdW+X+YvY8qmKQxKHMTgxANnOxZVozZRe1BEegNfGmMOFpGnsUErN/h2NPA4MBOYhq0G/6UxZmbw2s3UMV9VcQ5225KkioxwEXkEyACmVL23iLiAhcGPL4PHyxvz/emcVisIFBfjSkmhx7NPENG3gQtuHa7gwuJsWxm+gicScjbXeqmnV696ByyAMl8Z76x6h3k7958Xq5BelM6c9DlkltQ9JzssZRgzL5p5QAQsgJeWvMQzC56p8X1B+PPsP/PD1h9qPEepEBPgcWPM8OBHf2PMf4wxa7E7Cy8D/k9E/lL7beqvunsbY3zY3t6HwOnYwNYo2tNqBVtvuAFHZCTdH58I2+Y1rhTTj4/Dxulw4Ru2NBRAYQb0OtLu3dVMcktziQ+PxxhT47ybMcZmGtZjrdhn6z9j3s55PHrMo83Wxtayq2gXhd7CGocHAbYVbKNzZGfclRaSqwNWW+lpJQGLjDG9gsODjwAnGGMKRaQb4MVODWUbY0pF5HTgWmPM2cEtSM40xmyq5f6bsT2tntidlo8gODwIXIHdKHKfewOXA5HGmN3BPbY2GmMaNUegPa0WVjB9OkUzfiLikGHgibE9p8ZUaz8sOPf5S6WsVqcL8uvaPbthotxR3PbDbby67NVq339s7mO8ufLNegUssLX6tuRvwev3NmczW1y5v5yfd/y8ZwuWmuws2slXm75qoVYpBcaYLGC2iCzH7mf4P+DnYED6EIjBFm+YF0zWeAj4v+DlrwBTROTHejxnETZozcMGrNeMMb/WcO8Y4EsRWQrMAu5s7PeniRgtKFBezq7HH7froy6/DBwOiO4ExZkN7x1Fd4IRl8OC/8D2BdB9tF3/lbcNEnqCK6xZ2ux2uon1xBLp2j8L1hhDemE64c767759zcHXcM3B19R9Yhu3vWA7f579Zx4/9nG6Rnet8byvNn7Fj9t+5Oz+Z7dc41SHZ4y5tMqhv1d5vQFbYq/qdf8E/lnHvXtX+vpZ4Nkq70+t7t7Y4cEm0+HBFpT3+eek//Feerz2GtHHHG0PFmVC+mJbJaOhfGXw4dW2t3bef2wtw9I8QKDzIXXvgtwAARNgR9EOukVXuyVag9w/8356xvTkpuE3NUPLWocv4COtMI2E8IRa0/hzS3PxOD1E1rWxpzoQtInhwQOdDg+2oNgzzqDX22/tDVhge0eY2iu/gx1CLMqC0vy9x1xhcNRtdrHxjiX2WHgcuDywbT5krm+2jSLvm3kf1069Fl/At+fY2yvf5ubvbsYbaNhQn0Mc7f5/75VZK1mVtYpod+2ba5f5y/hg7QcNrpqvVGsTkbkisrjKR6vXhNXhwRaS/c47xIwdS+To0fu+4fLYwrm+UruPVnXKi6C8GBL7Qc5GG4gq5pB6HgkXvQWxlXpArnCI9tj6hsWZdmPJsNp/udbl/AHnM77H+H2quDsdTjxOD25Hw5IMDoQkjM83fM43m75hQp8JtZ6XVZrF0wuepntM9xqXDSjVFrXFDSBBhwebxBhDxnPPU/Lrr/R6601Klq8g593/4UpJsR+pqUQdeSRla9ey5dLLSLrpRlJvv33/G+Vuh4zV+w8RmoBNbQ+LhtShEB4LWZsge8P+5wb8kP6rnduqrKzADiOmHgSxXeu3iLkGeWV5TNsyjfMHnA9Q72K6VW3N38rvf/g9d46+k+O6H9fo9tTXp+s/5euNX/PySS/bXl4zKPGVkFGcQc/YnrWe5w14KfYWH5DFgtV+2vn4Qfugw4NNUDxvPlmvvIK7l/3F5du9i6KZs8h69TV2PfJ/pN32e/yZmQSKigg/dBjJ111X/Y0i4oEqfzx4S+x8V0If6D7GBiyA+O52Dqtq9t3Kz+Dru2HH0n2Ph8XY++9abt/zlTX6+/1+6/c8/PPDrMxeyZKMJUz4aAIrshq+yWFqZCrdYroR5myeZJG6LNi5gGJfMf6Av8FDmTX5YsMXFJQX1Hme2+Hmh60/MGVzo5elKKUq0Z5WI5hAgEBBAc64OIrmziNyzL61A43fjz87G19GBmH9+yMeT63rnDAGNv1kFwiLE0qywRkOnQ/es+fWPvLSYPfKfdd3+Urh/d+C0wMTHoe47vtfV5ILCHQZ1qgkjXJ/OZvyNjEocRDLM5fz6tJXmXjURBLCExp8L7DJDC5HaEeoAyaAQxyU+8u5btp1DEwYyINHPNike3r9Xka/M5rrh13PLcNvqfP8S7+6lPiweF48scFFt1X7oj2tFqA9rQYyfj877n+ALZdfTqC4mKjDx+wXjMTpxJWSQvhBByHBKuq1DqWJ2AXCxdlQlAGx3aHn4dUHLLCbSLojbaCq4AqH4++Fkhz46FpY8en+yR0R8eAOh7RFdo6sgTxOD4nhiTww8wH8xs/fx/+90QHr43Ufc/S7Rzd4s8mGembBM9z47Y24HC5Gdx7dLNuiuJ1ufrroJy4fcnm9zn/lpFd44YQXmvxcpepDROJFpFFV3kXkDhFp06muGrQawHi9pN/zR/I++4zY007DEdmM/22jUsAdBd0Pg9TBNn29Jg4HpAyC0irDU91GwgX/tenus5+H1V/uf60rzCZx1FHyqSbhrnBmp8/m8q8vZ9LySY26B8CA+AGcO+BcyvyNH66sj67RXekb3xeHOLhtxG2c2OtEnl3wLL/u/rXR91yXs44vN35Z7zm9LflbeG7Rc802NKlUHeLRrUmUCQRIu+tuCqZNI/Weu0mqZvPEJolMtCWY6llZgsgkiEiA8kLwVMoMjEqBU5+Edd9C3+PtsbztNruw4pdseBzkb4f4Hg1e1BzjieGzsz7jzZVvMjR5aIOureyQlEM4OPlg8svz6z65kfLK8rho0EX7DEEW+4r5but3eJyeRtdAnLdzHk/Me4LT+pxWr/PX5a7jrZVvcfGgi2tdiKxUMwnp1iQi8hJwGBABfGiMeSh4/DDsIuYooAw4ASgG/gZMAALAq8EFzI2mc1oNkPXaa4jHQ+KVV4bsGQ1Smgdb59q5rZr+6s9Phw+utgHxmDsgPN4eLyuwZaS6tV7x2ntm3MOc9Dl8cc4XIdm+4/6Z97MyayWfnvXpPr2i/PJ8Yj2x/Jz+MyNSR9S6eWV1jDFklmSSHJFcr96W1+/FIY56l7pS7Va1/xieuej06VUOTbrrvS8nPXPR6fdhf5nfcdd7Xy5+5qLTJwOd73rvy7HPXHR6Z2ByleueuOu9L+vM6KlS5b1ia5Ibgu37HHgSuzXJBGPMdcFrKrYm2UzdVd4TjTHZIuIEvgd+D6wOflxkjJkvIrHYgHUdNnhdbIzxVVxb1/dQGx0erEOgtJSd//covpwckq69tu0ELLA9ptiuUJZX8znRnWDUlbB5FnxwDWwN7kYcFmPnz4qb9O+ndgU7wVfz7gO3jbiNu0bfRWJ4Ykh2953QewKXDblsv8AS64llS/4WbvzuRv674r8Nvu/H6z5mWeayeg8PGgwvLXmJn9PrtxO0Us3o5ODHr8AiYDAwAFuB/SQR+ZuIHGuMqeWXyH4uFJFFwXsOBQ4CBgE7jDHzAYwx+cHK7icC/w5+TVMDFmhPq1bGGLZdfwNFs2bR7e/PE3vyyc1272ZTXgybZ0NUItS2BilrPfz4GGRvhNHXwMgr7bUOF/QY06T1W9Xy+2DTDEjqDwm9aj31laWvsKNoBw8d+VCzPX5D7gZiPDGkRta8v9iPW3/kqG5H4Q/4G1Rm6YxPzmBI4hCePP7Jep1vjOHw/x3O1QdfzU2Htt/SVapObSJ7sEpP6xlgrTHm39Wclwichu0NfW+MebiunpaI9MEOOR5mjMkRkUnAdOw+WS8bY46ucv5HwePfNtf3pz2tWogI8RdeQNe/PdE2AxbYNPnEPsF09lok9YdzXoa+Y2HJZFtlwxNpe2lFGc3frtJcuyYsZzMEArWf6iulxFeyT4mopnpqwVNc+c2VtfbgxvUcx/rc9Uz4aAJz0ufUeF5Vn571KX85sv7bD4kIsy+ZrQFLtZQCbFV1sIVrrxGRaAAR6SYiqSLSFSg2xrwNPIXd/6rqtdWJBYqAPBHpBJwaPL4G6BKc10JEYoIbP34L3BD8uiJQNokmYtTCn5dH7EkntXYz6hbfE/K22l2Na1v35PTYWoUB396dj8NiIWOtTexozjmX/HRbycNbated1bJn2K0jbkUQ5u2cR7QnmqFJjU/wqHDvYfeyo2hHnUN4fWL7cESXI+gR06Ne991VtIsP1n7AWf3OItpT/9JYP279kTU5a7htxG31vkapxjDGZIlIxdYk37B3axKAQuzeVv2Bp0QkgN1fq+IvqoqtSdKrS8QwxiwRkV+x81fbgNnB4+UichHwTxGJAEqwQ4OvAQOBpSLiBV4F/tWU70+HB2vgy8xk3bjxdP7Ln0m44IJmuWdI5W6FjDX131DS77VVN8JjoTATOh0EcU2v4L7n3htnQGSCDVpOtx2CrIU34OXMT86kV1wvXj7x5SY9/uf0nxERDu98eL3nndIK03h16as8cPgDeJyeGs/7Zccv3PDtDbwx4Q2Gpw6vd5uenP8kP279ka/P/brR5a9Um6f/YVuADg/WIH/qVPB6iTj00NZuSv3EdrMLjOtTpingh4+vgznBzNOIOMhct39pqMYqzQOMnWPzRNrXZbWXPHI73Lxw4gs8c/wzZJdm429CdfpXl73KswuebVBw2JC7gambp7I2Z22t5x3R5QgWXLaAg5MPblCb7h59N9+c940GLKWaSINWDQq+mYKnfz/CBw5s7abUj8MJyQOhLN8GJV+ZDRQlObaGYVFW8CMTCjOgxxGw/js75+R02yHD3O3N05b89H03oXS4bOmpOvSN60uJr4TzPj+Pfy/db9643l484UWeOv6pBl1zXPfjmHLeFAYlDmJTXo07jfPVxq94b817DS4/taNoB//3y/+xLmddg65TqrW01a1JNGhVw7trN8ULFxJ76ql1n9yWRKdCRJINVuKwXyf0hc7DbLWMnkfYRIyEXjD4dFvSaeEke21EHORssMN5TeH3QuGuvXNmYIcg87fXmv5eISk8ifMHns9JvRo3l/jxuo/5eN3H9IqtPWOxOnFhcUycM5Frpl5Dsbf6Mlczts3gi41fNPjeXr+Xrzd9TVph3cFbqbbAGHO4MWZ4lY9lrd0undOqRqCsjMIfpxN+8MF4ujfTPE9bUpwNaQth1eew6E0491VIHmCPx3azZaQaqzDDbkhZdeuUokxIGWKr1NdDVkkWj/zyCHeOurPO7T8qu+PHOyj2FvPKya80pNV7rMlew+b8zZzS+5Qaz/H6vbhrK7NVjVoLJqsDhf4HbgEh7WmJyAQRWSMi60Xkvmrev0pEMip1Pa+t9N5vRWRd8OO3oWznfvx+YieccmAGLLBVMZxuGHquLQG1ILjANiIe8rZBWROK2OangbuaLUfCY+2mlHWkv1co9ZeyLHMZ63IbNpz2/LjneX7c8w26prJBiYMY33M8T89/mvfXvL/Pe96Al//75f9YnrW8wfcVEV5d+ipvrHij0W1TSoUwaAVLfLyAzeM/CLhERA6q5tT3KnU9Xwtemwg8BBwOjAEeEpHGlRNvIO+OHaw98ijyv/mmJR7XOhwOiOthq8AfeQsMDtbQE4cNZtkbG3dfv9eu+XJH7f+e02OzFUtz63WrbtHd+PrcrxnXYxyvLXuNvNqqfgT9fdHfeWLeEw1aKFwdpzhZn7ueLflb9jmeVZLFN5u+YWv+1kbdd2nGUlZmrWxS25Tq6EK5TmsMsN4YsxFARCYDZwH1+b/2FODbipIfIvIttkbXuyFq6x75U6diysoIP6i6+HoAiU61wWlQlXm7sFhbfim+Z81bo9SkJNfuZVnTMJgnwiZ+1HMvrzBnGKuyVvHC4heIC4vjgoG1Lz0o9ZVS6mvinBzgEAf/HP9P3E4383bMY3jqcDxOD52jOjP7ktkETP16i1X984Qm1QlVShHa4cFu2MVnFbYHj1V1nogsFZEPRaRihWd9r212CRdcQPeXX8LTq+ET+e1KWIxNlvCVQXEWTPuz3dlYxAaXzLX778dVl/w08NRSfNYTDcWZthpHPQ1JGsLHZ37M+QPO5+N1H7Mis/qdkr0BL/eOuZeJR01sWJtr4Ha6WZ+znt9N+x3vrHoHsEkYf5v3t0ZX7pi/cz53Tr8z5HuIKXUga+3swS+A3saYYdhyHw0e8BeR60VkgYgsyMhoWjkif0EBxkDM2LFNuk+7EdczWO09yu6EvOA/NlB5om2vKX9H/e/lK695aLAycUFeeoOa2SeuD2X+MjsntLL6fyL3z7yf235o3moT/RP688zxz3DpkEsJmADrctcxZfMU3I6GJWFUKCgvYG3OWnJKc5q1nUp1JKEMWmlA5do43YPH9jDGZBljKlbDvgaMqu+1le7xijFmtDFmdEpKSpManPvee6w75hh82SGsfN6WRCXb4TxnGAy/zGb9pS2070XEQ+aa+i1WhuBcldRdeDc81pacauBC5nBXOG+d9hYTj5zI4t2L90uSGJE6gpGpI2u4uvFO7n0yC3cu5Pwvzuf8AefzwwU/NDoLcHzP8Xx5zpf0iK1fySil1P5CGbTmAwNEpI+IeICLsXu57CEiXSq9PBNYFfx6KnCyiCQEEzBODh4LqfxvphA2YACuxObf26lNcofb+SVvMQw5HaJS9/a2nG4wgfonZeSn2fvVxeG09y2qcbueGiVHJBPpjuTDtR/yxoo39qyl2lm0kwsHXsjVB1/d4HvWR2JEIpGuSP40+098venrRt/HF/Bx/8z7+XJjNTtKK6XqJWRBK7h/yq3YYLMKeN8Ys0JEHhaRM4On/V5EVojIEuxGYlcFr83G7qQ5P/jxcHPsw1Kb8i1bKF2xov0tKG6q+J5QXmKz+0ZdCbtX7d1zKyIBcrfVXUHeV26DUH2z9sJibDBs5BrBiUdNZNKESRT7ivnbvL/xx5/+yG+nhG5VxODEwbx16lsYDBtyNzT6Pi6Hiw25G8gqyWrG1inVsYS0yrsx5mvg6yrH/lLp6/uB+2u49nXg9VC2r7L8KbYjFzuh5kWlB6SIeDukZwIwcAKs+GTvViUidr4rYxV0P9ymylenJGfv+fXhCrPPKM21gbGBXA4XKZEpfLXxKz5a9xE3DLuhQQuQG0NEGN9jPGM61174ty7vn/F+3ScppWqkFTGCfDk5FM+f33b3zQqlXSttEAmPtXULq25RUlc1i7RFdojRU0cSRmVlBXbn5S5NK0hcse19e/HR2o/4YdsP/HP8P3HUtmmnao+0IkYL0P9rAH9hEY6oqI4ZsABiOu9NuKiYc/r5Rdge/AOgIimjurqEFSnzDV3Q64mGgl12wXETtKeABRAggC/gQxAKymuvfK+U2p8GLSD7zTdYd+xx+Avrv37ogBIeDy6PrfQONpBsnw/f/hkyVtsq7eKArPX7X9vQocEKIjZA5u9sUtPbm/MHnM/z455nbc5aTvrwJKZvm97aTVKqXdGgBRRMnUbYgP44oxswvHUgqSjrVBr8y98TBac9ZatjfHOvTcYIj7NbjhRXyYfJS2t4L6tCeCxkr98b+DoAESHCFUFSRBIn9zqZQ1MOZVXWKjbmNbJ0llIdjM5pAb6MDHzZOYQPaid7Z4VCWQFs/WXfnY9zt8Hnt9rNJc96wQYzY+wWJw6nHRrc9BNEJjW8p1XBV2qDZdfhtrRUB3TF11eQW5bLZ2d/Vuc8V1phGpklmRya0k42J+1YdE6rBXT4nlb51q044+M7dsCCfcs6VYjvAaf+zW4s+fO/wB1hEy7ygptFNnZosDJXuJ0zS/sVcrY0Og2+PXtu3HM8cdwTFHmLuHP6nWzO2wywp1zUVxu/4h+L/gHAY3Mf4y+z/8L2gu28tPglDqQ/OpWqjw4dtIwxbLvxJrb//vbWbkrbUFHWqbKUwXDqU3DMH+zriHhbl7A8GLw8VYYGAz7b+/ridnjvciioRykop9vuv5WxGjLW1nv7kgNFckQyQ5OGsiF3Awt3LSS/PJ8XF7/IhI8mYIxhRdYKpm+fjjGGW4bfwpPHPcnPO37m9eWvsym/5l2W67Imew2z0mY143eiVOiFdJ1WW1e2di3lGzeSeOUVrd2UtiEqCXZjezuVe0+dD7afi7Ng6Xsw7CIbYIpz9m72WJoPa76267wKd0F0J5vOHlXP0loOpz03d4sdMuw0FJwd65/n8NThTDlvChGuCLJLsyn3l+MNeLlr1F04g8sQDkqyuw/0i+/H8d2PJyUihYAJNDh93hvwcveMu7lo0EV0je7KnT/eySNHP8LByQfrZpWqTevQPa38b74Bh4OYjprqXpU7Ym9Zp+psnw9L34d5r0Lh7n1H8Oe9CnNfhpgucNIjcPH/YNwDNvMwYw2sqscW9SIQnWIrwacvqj7F/gAX4YoAYGyPsdwx6g48Ts+egFWZy+EizBnG5d9czkfrPmrwc1zi4o6RdzAgYQDF3mLiw+PpHNWZb7d8y2VfXcauol069KjapI71p2wlxhgKvplC1BGHd5xag/UR3wPSl1S/UHjgBFv5fdEbYPxQlAUDT7bHh18CQ8+CpP77X7fyM9sLy9sGY27Yf/FyVZGJUJpn14l1HQ5h0c3yrR1oYj2xdI7sTLS7YT+fLflb+Hjdx9ww7IY9G2ZOmjAJsMEw0h1JckQyryx9hUW7F/GvE/7V6Mr2SjW3Dhu0RIQer75CoKiDrs2qSUTC3rJO1Q05jbrKJmCs+jw49BfsbsV2rfmex95pSzctfd+mzY970PbqahMeZ/fd2jYXuo1sVLmnA52I8MzYZyjzl7EkY0m9Mwpnpc3igzUfcPmQy/fb5Xl8z/GM7zkegLiwOFIiUnA73PgD/mp7fEq1NE15V/urXNbJGMDs+zngs8kYqUNsod36Wv4RzPkXpAyEUx6zqfJ18ZXapI8eh2uPqwYT50xkyuYpTDt/GrGe2FrPzSvLIy4sjuzSbBLD6zfCMHn1ZL7Y+AWTTpmE26k9rlroZGAL6NBzWqoGsV1tYCrKhJJsKMm3vR5vmT0uDkg5yFZ/b8guvgefByf/H+RutZtO1ocr3PbS0hfbavJqP1cffDXPj3u+XgHrrE/P4rVlr9U7YAGkRqbSKbITZf567q2mVAhpT0tVLxCww4S1ZZLlpcOuZXboriF/gZfk2tR5sFuUJPat3zUVBXZ1mGo/uaW5vLjkRS4fcnmNFe9LfaW8svQVTup1EkOShjT4GYt3L6bMX8bhXQ5vanMPVNrTagHa01LVczjqXjQc1xW6jrABpb47HMPegLVuGnx4Dcx63g4D1nVNcRZkrqv/czoQb8DLlxu+ZOGuhdW+vzRjKdO3Tee2Ebc1KmAFTIDH5j7GP379R4OzCjfmbuSRnx9hR2E91uwpVYcOm4ihmkl0KnQfDWkLAWOH8+qrz/E2CC37wF4/7gE7T1aTyCQ7tOiJslmOao+UyBSmnj+VGE8MJb6SPanzFSavnsz8XfM5vsfx+71XHw5x8MzYZ4gPi6fQW0iUO6pea8OMMWwr2Mb7a9/npuE3YYzRdWCqSbSnpZouMhG6H2arw5fXsMarOq4wOPIWOP0521P77BZY8N+a58lEIDLBzodVLdyriPHE8OCsB7n1+1v36Q2V+8t55OhHeP3k1xsVsCr0iOlBqa+Ucz8/lzdXvFnn+W+seINH5z7K8T2OZ+6lcwG4aspVrMle0+g2KKVBSzWPiHgbuPxeKC9s2LVdR8AFr0P/k2DzTJtuXxOHy85tpf9qk0PUPkZ3Gs0x3Y4hEPwZphWmccpHpzA7fTY9YpveO02OSOakXicxuvPoGs/xB/wAZJdmk12ajTfgJdIdSZG3iJyyHEp8TdtDTXVsmoihmld5kS1+a/w2Zb7B1xfbeoa5W20FjqHnVL9erLwQcNhA6aol7d5bateV5adDXHc7nHmAD0/5A36+3fotJ/U8id3Fu/nb/L9x72H30iW6S7M9I6c0hxcWv8AfRv2BKPfehei5pbnc+sOtXDz4Yk7rcxrAPsOI/oCfAAH+NOtPnN3/bI7semSztakNOLD/YbUR2tNSzcsTBd1H2WzCkrxGXB9c7LrmG5jzT/jq7r1V5fc5L9oOKe5avn+BXV8ZFOy0FTU2zbTn+IphxxLYuaxhSSPt0My0mdwz4x6eXvA0xb5inh/3fLMGLIBNeZv4bP1nLN69eM+xEl8JUe4oYj2xhDvDcYhjv3kvp8NJUXkR63PXszl/c7O2SXUM2tNSoeErgx1LbS/HFWYXBjekqKsxsOYr+PkFe69+J8DIKyC+Sjp3YQbE94LEPrb0U/52u74M7OaU/nJYO8XOgR32OzvvhkCngw7Y/buMMcxKm8WzC58lwhXBO6e9E5Lkh+zSbBLCEtiUt4kdRTt4cNaDvHbya/SL71fn88r95XicHl5f/jopESmc0e+MZm9fK9CeVgvQ7EEVGq4wm1VYmgf5aXZ4DrHByxVW9/UiMPh06HkULJ0MKz6zJZ0u+2Df66OSIWcz5G0FA3giICLRJmus/Aw2TbfzbHE9YPTVdu7NV2bnxGK7QfLA2ocX2yER4djuxzI0eSi5Zbkhy9ZLDE/kH4v+wTur3uHVk19lZKeRxIfH1+t5HqcHX8DHnPQ5JEckc3rf0zWrUNWL9rRUy/CV2V5RzmZbRb6hva+SHMhab+ewygttOahhF9keFuy7ncrUB2HLbNvTGngKDDnTpsg7XHao0RUGkcn2nuK0W69U3rFZ1duOwh38tP0nLhx0YaOCTpm/DIc4WLhrIUszlnLtIdc2eJuVNkSjbgvQoKValjFQmmt7XvnpNmhVFOmtr7RFMO1Bm2TR93gYeCpsnQPDL7X7eK2daocF+59gA9eeZwfg4+ugrBBOe9IOK/rK7NxbfA9bof4A63W1Fw///DCLMxbz3unv4Qv4mpSa34o0aLUADVqq9fjKbBmn3G22p9OQwFWaB0s/gBUf256b0w3j/mSDWLXn59skj+xN8M0fIeCHCY/bzSaNsb0uxA4fhsdBWIxdKO2OaFiJKtUoxhhyy3LxGz/nf34+d46+kzP7ndnazWooDVotQIOWal2BAOxeBQXpjRuiK82381Ndh9tgs9/9fTYJIyLRFv+NSraZhV/fYxM2TpoIPYNp1wE/+MtsYd6KBc4GcIdDWKwNaO5I2zusqMsojuAQp+w97vRofcRGyinN4ekFT3PtIdfiEheZpZmMSB3R2s2qLw1aLUCDlmp9gYBNRS/a3bxzS+WFdggx9SBbuT5rA+RstPuAleTAN/faebIL/muHCmtsn8/2Cn1lwYXP1fxuqtiDDGzwikyEyBS7Vs0TbWs5qga5f+b9zNg+g2/P/3aftWBtmAatFqBBS7UNAb8NXMVZ9hd+Uxhj7xMWDZ0O2bsPlzF2zVbBLohKsguZN/9kd15uTiZgg6U3WPmhIohFp9phR0/0Ab/AuTkUe4tZm7OWoclD+cOPf+CiQRdxbPdjW7tZtdH/qC1AU95V2+BwQqeDYcdi2wtq7E7FvjI7ZBjfC5L6gbPSP3ERSBkSrJKRBxFxewPW2mmw9D0bXFwRdi7LHW7Xh3UZZrMO0xZBdArEdIWYzjWn7ovDzp9VLJQ2Advr251phxsdTtu22G46jFiLSHckw1OHs7NoJ+lF6ZT5y5i7Yy4PzHqAf43/FzllOdw9/W5ePeVVskuyue2H23jr1LcIc4Xx1sq3uGHYDXSK6oRTnO05I1FVoUFLtR1Ol90vK/3XvUGlIUpzbVDoOsIGlxqfMQy2zbeBxBPshRVn2jmxskK7a7O3xH6kDLbnZ6yGWc/ue6+oZBv0DrvWbq2yeRbEdLEBLSJhbzq/OGylEE9wiCvgg4w1kLMFUgbZ4UrtedWoc1Rn3j/9fVwOF2tz1nJMt2OI9kTjcXo4q/9ZxIfFE+WK4pqDryElMoVVWauYsW0Gtwy/hambp/LY3Md4//T3CZgAO4t2MiJ1hO7A3I6FdHhQRCYAfwecwGvGmCeqvH8ncC3gAzKAa4wxW4Lv+YFlwVO3GmPqTCXS4cEDhK8c0hfaz/WpXxjw2d5ZZLLd2sRdj3Tp8iLYNs/2puqznYq/3O4bVpSxN12/IN323IaebefGPrp27/kOtw2cnQ6BcffbYxun28CY0GfvIufSPBvgkgfu3WdMNVnFFihLMpbwxYYvuH/M/by05CVeXfYqcy6ZE6o5Mv3LowWELGiJiBNYC5wEbAfmA5cYY1ZWOmccMNcYUywiNwFjjTEXBd8rNMZEN+SZGrQOIN5Su8eW8dt5oAomYHs13lI7R4WxKenxfYILiBswDFSSawNXRHzT09r93r2VPwp32Xmzwl02SB1zh52z+8/J9vtxeuDYu2Hgyfba8iI7vxbT2a4V80TW+ijVOPnl+azLWceoTqNC9QgNWi0glEHrSGCiMeaU4Ov7AYwxj9dw/gjgX8aYo4OvNWh1dN4SW/TWV2qH/QQQlx02jEyywcwdaeeWGju8VrDLFtKNTAzt/JIJQMEOm26/6C07d3fQ2XY/MafbBuCyPPD5bJWP+J5NW+js90JZgf3aE62LpluGBq0WEMo5rW7AtkqvtwOH13L+74BvKr0OF5EF2KHDJ4wxn1Z3kYhcD1wP0LNnz+pOUe2VOwK6jYLC3TYD0B1pjzXn/E9MJ/ANsnNWoZxbEodNvIhKhRP+DEsm2x2b43vAwefZ54bH2+CWu8WWuwqPtUOe4XG29+UKr7l9Ab+doyvJtT280jzs79DgH6XuSBvoI5Ps3Fpz/xyVaiFtIhFDRC4HRgOVyxn0MsakiUhf4AcRWWaM2VD1WmPMK8ArYHtaLdJg1XI8kZDYO7TPiO9pq2rkbg1WwghrWEX6ugR8NqD4feAMs8kah1wIPcbYpBGwSSTh8XvT442xPczczTYgge2RhScEe5nRtmdYVmCDenGWDXjisAEpMmnfoOQvh8KdkBf8O1JcwTT8FBtInW3iV4FSdQrlv9Q0oPJWqd2Dx/YhIicCDwLHG2P2bHRkjEkLft4oItOBEcB+QUupJhOB5EE21b040/ZWKhYKO122h+Ns4BCkCdi5Kl+ZLdQb29XWRQyPs/dxBOfQHC7IXAef3wajr4FDLthbbcMdsW9SScAH5QW2jRXzeSK2fRHxtQdap8d+7LmX395r5y57bedhNilFqTYulEFrPjBARPpgg9XFwKWVTwjOY/0bmGCM2V3peAJQbIwpE5Fk4GjgyRC2VXV0Doft0SX2thU6fCU2OaI0z5aBKsneM9JW6Qts+abKXwv4/fZzTGcbrMLj9p8vS+pve3fFWfacHmPglxftlirH/bH6ZAyHCzwuO7znL7evxWGDmQkEK9079g+uxdl2uLEkZ9+PzofAoFPt97htHnQbsW/Si1JtUMiCljHGJyK3AlOxKe+vG2NWiMjDwAJjzOfAU0A08EFwW4OK1PYhwL9FJIDdXfmJylmHSoWUo9K6qor1XgG/TQzxlQHGBggT2Pt1wG8zA42x19WVkehw2GK9aQts0sSJf7WLm+e9Yov6HvY76HOcPffnFyAvzQ4hluTaz95iuGSyDYwznoJ1U6s8QGDsvXYd2ZbZMPOZSm8FK+tHJtnX5YU2Dm+bC12G6zYtqk3TMk5KtabyYtvLcXnsUGDaIvj+rzawXPGJPeeLO+xQXnjC3ir04fFw8Lk2QG6eDdnBkfOKHhcGeh8LyQPs2rK87TZQRSTY3lTFUGLADx/9zvbcTn7M9vBSh0J895b/WbR/mtnSAjRoKdXaqq4XKy+yw3dxLRA4An6bOTnlPjvPNuEJGxAT+9ghTC302xAatFqA/otUqrVFxNvyVSU5tqfkiWr+gOX37g2GRVn2ozDTZh9Gd4LT/24D1Fd/sJU+cjbbAsZ+X/O2Q6km0p6WUm1F1ibIWtfwDTErBHx2mM/vrRJsjM2MDIuxvaiwKJvW7wqu1cpYY1PhjR++/qNd53XhGzZj0hNtA6pmFtaH9rRagC7OUKqtSOxtEywKdtitU6rj9wYDU3lw/VZwAbEIOMPtnFRkil3H5Qq3ae6u8NrXYaUOsedlb4AznoctP9u1ZBDMLJxrMw2bumWMUs1Ag5ZSbYWIrfruLYLiHHC5gxtPVpxQuccUZ4cRXcH1V86wxs8/iUByf9v72r0KBp5ij6+daocTh55ty2kl9YOE3rqdimpVGrSUakucLrvQd/cq+3V4/N76inX1mJoqvod9Tvpi21PbPh/Wf2e3UBl1FWRvtOvKOg3du82KUi1M57SUUvsqybGp904PLH4Hlr5vU+SHnAEHnWnnuVKHQmwXrV+4L/1htADNHlRK7SsiwVboMAYOvQQufhsGnAQrP4X5r9lsx13LYNdyu+eZUi1IhweVUvsLi4Eeh9ktVAI+OO4eGHG5Tcl3uGxx4V/fgoMvgD7HapKGajEatJRS1XNHQNdRkLnWZjQ6PXtrE2ashtVfwbppMOAUGHN9cA+wcLtA2um25zvcukBZNSud01JK1c1bCkWZdtGxt9hmLZbkwK9vw4YfbO9rwEl2yxVP5b1bjQ1krjC7n1hMlwM5iOmcVgvQoKWUqj9j7Nqt/B2QnwYYKM2BZR9B+q9w4Zs2QJUV7O2VBXz2o6zAZkOmDjlQq8lr0GoBOjyolKo/EZuIERFv13YVZdqdlkf/zva+XGE2LX7yZdD7GBh+ma1j6AjuS1ZWAFt/gcT+kNBT13ypBtOgpZRqHKfbpr3HdrF7du1aaYOYOOCgs2DlZ3adV+9jbBJHymDbw3JHQvZ6W+Ow00E2W1GpetLhQaVU8/D7IHebrZ/oDreZhss/huUf2T27xtwAwy/Ze763GMqKbAJHUr/a9x9rH3R4sAVo0FJKNa+yQshcY3tdEfG2XuLKz6DX0ZDQy5aEMn7oPsaeX5Jjhw9TD7IbU7bfRA0NWi1AhweVUs0rLBq6joTC3bYclfHbRcoV1TOWvmdLRCUPtMOGvY+xgS391+Cu0THBDSvjbdq9O1LnvtQe2tNSSoWOr9zWLMzdaivQe6JsgFo3DRb/z2YgJvSG4ZdCvxPsfJi/HHyl9ryKKvaeaBvIIhODvbE2GcS0p9UCNGgppUKvJNcuUi7NtYHLHWnT4DfOsGu9/OU2Xd7htLUO43tBykAbqIwJBrIy++GOsL20qJS2NpSoQasFaNBSSrUMY+z8VeYaKM2326u4wmzCRlEmRKfaoPbm2XuviUq127WkDoZDL7VDjL6y4PUxkDzIBra2Ubi3TTTiQKdBSynVsoyBogzIWAu+EgiPtSWfKpQXQuY62zPLWGM/nG64YJJ9f8lkm9QRlWSzDyMTIam/nQNrXRq0WoAGLaVU6wgEoHCXDU7+cht0HDXkhvnLbWAr2AHvXQkBL/Q4Ag45z67/8pZCTGdI7GsTQVqHBq0WoEFLKdW6/D4bjLLW23kucdjqGe5w+3VVxdmw6nObRl+SY+e/Rl4J3UfbxI+4HhDfvTVKRWnQagGa8q6Ual1Ol901OaaLHRosK7CloIqzbbo82Lkvd4TtiUUm2p2Uh18KG6bD8g9tjy08DopzYOevkLcNopJtZmLbmfNSzUCDllKqbXC69tY1jO9hhw+9xVBeFAxiWTYVHmwPzB0OA0601eUrgtvyD+1uy52HQb9x0G0URCbbihtRKW01VV41gAYtpVTb5HDY+amwaIjpZI95S4Pln4K9sZI8MD4w2KA36FSbTr92Csz+ux1m7H0MDD7TFuhN7GvnvlxhrfqtqcbToKWUaj/cwbmuyERbEsoY8JbYQFaaD8WZMHACDDjZ7v21abodQhx5pV0ftvpLO1w46FQt1NtOadBSSrVfIsFKG5F2Diupr62kUZoHsV3tsODwy21vTRyw4D+2xmG/8a3dctVIGrSUUgcWp9sGsKhk8A+2Aaxgp03WOPZum62o2q2Q1kARkQkiskZE1ovIfdW8HyYi7wXfnysivSu9d3/w+BoROSWU7VRKHaCcLrsIufNQ6Hu8HTrsMcbOdal2KWQ9LRFxAi8AJwHbgfki8rkxZmWl034H5Bhj+ovIxcDfgItE5CDgYmAo0BX4TkQGGlORIqSUUg3kcAYL7ia2dktUE4SypzUGWG+M2WiMKQcmA2dVOecs4I3g1x8CJ4iIBI9PNsaUGWM2AeuD91NKKdWBhTJodQO2VXq9PXis2nOMMT4gD0iq57UAiMj1IrJARBZkZGQ0U9OVUkq1RW2qrn9jGGNeMcaMNsaMTklJae3mKKWUCqFQBq00oEel192Dx6o9R0RcQByQVc9rlVJKdTChDFrzgQEi0kdEPNjEis+rnPM58Nvg1+cDPxhbwfdz4OJgdmEfYAAwL4RtVUop1Q6ELHvQGOMTkVuBqYATeN0Ys0JEHgYWGGM+B/4DvCUi64FsbGAjeN77wErAB9yimYNKKaV0axKllGoeWkq+BbT7RAyllFIdhwYtpZRS7YYGLaWUUu2GBi2llFLthgYtpZRS7cYBlT0oIhnAlgZelgxkhqA5odCe2gra3lBrT+1tT22FxrU30xgzIRSNUXsdUEGrMURkgTFmdGu3oz7aU1tB2xtq7am97amt0P7a25Ho8KBSSql2Q4OWUkqpdkODFrzS2g1ogPbUVtD2hlp7am97aiu0v/Z2GB1+TksppVT7oT0tpZRS7YYGLaWUUu1Ghw1aIjJBRNaIyHoRua+121MXEdksIstEZLGItLlS9iLyuojsFpHllY4lisi3IrIu+DmhNdtYWQ3tnSgiacGf8WIROa0121hBRHqIyI8islJEVojI7cHjbfLnW0t72+rPN1xE5onIkmB7/xo83kdE5gZ/R7wX3BdQtbIOOaclIk5gLXASsB27YeUlxpiVrdqwWojIZmC0MaZNLtAUkeOAQuBNY8zBwWNPAtnGmCeCfxgkGGPubc12VqihvROBQmPM063ZtqpEpAvQxRizSERigIXA2cBVtMGfby3tvZC2+fMVIMoYUygibmAWcDtwJ/CxMWayiLwMLDHGvNSabVUdt6c1BlhvjNlojCkHJgNntXKb2jVjzE/YjTwrOwt4I/j1G9hfXG1CDe1tk4wxO4wxi4JfFwCrgG600Z9vLe1tk4xVGHzpDn4YYDzwYfB4m/n5dnQdNWh1A7ZVer2dNvw/VZABponIQhG5vrUbU0+djDE7gl/vBDq1ZmPq6VYRWRocPmwTw22ViUhvYAQwl3bw863SXmijP18RcYrIYmA38C2wAcg1xviCp7SH3xEdQkcNWu3RMcaYkcCpwC3B4a12w9hx6LY+Fv0S0A8YDuwAnmnV1lQhItHAR8Adxpj8yu+1xZ9vNe1tsz9fY4zfGDMc6I4diRncui1SNemoQSsN6FHpdffgsTbLGJMW/Lwb+AT7P1Zbtys4v1Exz7G7ldtTK2PMruAvrwDwKm3oZxyca/kIeMcY83HwcJv9+VbX3rb8861gjMkFfgSOBOJFxBV8q83/jugoOmrQmg8MCGYHeYCLgc9buU01EpGo4IQ2IhIFnAwsr/2qNuFz4LfBr38LfNaKbalTRQAIOoc28jMOJgr8B1hljHm20ltt8udbU3vb8M83RUTig19HYBO0VmGD1/nB09rMz7ej65DZgwDBdNvnASfwujHm0dZtUc1EpC+2dwXgAv7X1torIu8CY7FbOuwCHgI+Bd4HemK3jLnQGNMmkh9qaO9Y7NCVATYDN1SaM2o1InIMMBNYBgSChx/AzhO1uZ9vLe29hLb58x2GTbRwYv+Qf98Y83Dw/7vJQCLwK3C5Maas9VqqoAMHLaWUUu1PRx0eVEop1Q5p0FJKKdVuaNBSSinVbmjQUkop1W5o0FJKKdVuaNBSqp5EZKyIfNna7VCqI9OgpZRSqt3QoKUOOCJyeXB/pMUi8u9gMdRCEXkuuF/S9yKSEjx3uIj8Eizi+klFEVcR6S8i3wX3WFokIv2Ct48WkQ9FZLWIvBOs/qCUaiEatNQBRUSGABcBRwcLoPqBy4AoYIExZigwA1sBA+BN4F5jzDBsBYeK4+8ALxhjDgWOwhZ4BVux/A7gIKAvcHSIvyWlVCWuuk9Rql05ARgFzA92giKwhWQDwHvBc94GPhaROCDeGDMjePwN4INgncduxphPAIwxpQDB+80zxmwPvl4M9MZuGqiUagEatNSBRoA3jDH373NQ5M9Vzmts/bLKtef86P9DSrUoHR5UB5rvgfNFJBVARBJFpBf233pFxe5LgVnGmDwgR0SODR6/ApgR3G13u4icHbxHmIhEtuQ3oZSqnv6VqA4oxpiVIvIn7C7PDsAL3AIUAWOC7+3GznuB3XLi5WBQ2ghcHTx+BfBvEXk4eI8LWvDbUErVQKu8qw5BRAqNMdGt3Q6lVNPo8KBSSql2Q3taSiml2g3taSmllGo3NGgppZRqNzRoKaWUajc0aCmllGo3NGgppZRqN/4fTJ8anlgDodAAAAAASUVORK5CYII=\n",
"text/plain": [
""
]
},
"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": "b01d4dda",
"metadata": {
"lines_to_next_cell": 2,
"papermill": {
"duration": 0.091004,
"end_time": "2022-04-28T08:21:57.282939",
"exception": false,
"start_time": "2022-04-28T08:21:57.191935",
"status": "completed"
},
"tags": []
},
"source": [
"### Bonus: Use [Stochastic Weight Averaging](https://arxiv.org/abs/1803.05407) to get a boost on performance\n",
"\n",
"Use SWA from torch.optim to get a quick performance boost. Also shows a couple of cool features from Lightning:\n",
"- Use `training_epoch_end` to run code after the end of every epoch\n",
"- Use a pretrained model directly with this wrapper for SWA"
]
},
{
"cell_type": "code",
"execution_count": 9,
"id": "c16c73b7",
"metadata": {
"execution": {
"iopub.execute_input": "2022-04-28T08:21:57.474351Z",
"iopub.status.busy": "2022-04-28T08:21:57.473833Z",
"iopub.status.idle": "2022-04-28T08:21:57.475521Z",
"shell.execute_reply": "2022-04-28T08:21:57.475954Z"
},
"papermill": {
"duration": 0.100985,
"end_time": "2022-04-28T08:21:57.476095",
"exception": false,
"start_time": "2022-04-28T08:21:57.375110",
"status": "completed"
},
"tags": []
},
"outputs": [],
"source": [
"class SWAResnet(LitResnet):\n",
" def __init__(self, trained_model, lr=0.01):\n",
" super().__init__()\n",
"\n",
" self.save_hyperparameters(\"lr\")\n",
" self.model = trained_model\n",
" self.swa_model = AveragedModel(self.model)\n",
"\n",
" def forward(self, x):\n",
" out = self.swa_model(x)\n",
" return F.log_softmax(out, dim=1)\n",
"\n",
" def training_epoch_end(self, training_step_outputs):\n",
" self.swa_model.update_parameters(self.model)\n",
"\n",
" def validation_step(self, batch, batch_idx, stage=None):\n",
" x, y = batch\n",
" logits = F.log_softmax(self.model(x), dim=1)\n",
" loss = F.nll_loss(logits, y)\n",
" preds = torch.argmax(logits, dim=1)\n",
" acc = accuracy(preds, y)\n",
"\n",
" self.log(\"val_loss\", loss, prog_bar=True)\n",
" self.log(\"val_acc\", acc, prog_bar=True)\n",
"\n",
" def configure_optimizers(self):\n",
" optimizer = torch.optim.SGD(self.model.parameters(), lr=self.hparams.lr, momentum=0.9, weight_decay=5e-4)\n",
" return optimizer\n",
"\n",
" def on_train_end(self):\n",
" update_bn(self.trainer.datamodule.train_dataloader(), self.swa_model, device=self.device)"
]
},
{
"cell_type": "code",
"execution_count": 10,
"id": "6752880d",
"metadata": {
"execution": {
"iopub.execute_input": "2022-04-28T08:21:57.673500Z",
"iopub.status.busy": "2022-04-28T08:21:57.672979Z",
"iopub.status.idle": "2022-04-28T12:54:51.075767Z",
"shell.execute_reply": "2022-04-28T12:54:51.076220Z"
},
"papermill": {
"duration": 16373.508754,
"end_time": "2022-04-28T12:54:51.076388",
"exception": false,
"start_time": "2022-04-28T08:21:57.567634",
"status": "completed"
},
"tags": []
},
"outputs": [
{
"name": "stderr",
"output_type": "stream",
"text": [
"/home/AzDevOps_azpcontainer/.local/lib/python3.8/site-packages/pytorch_lightning/utilities/parsing.py:261: UserWarning: Attribute 'trained_model' is an instance of `nn.Module` and is already saved during checkpointing. It is recommended to ignore them using `self.save_hyperparameters(ignore=['trained_model'])`.\n",
" rank_zero_warn(\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"GPU available: True, 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": "stdout",
"output_type": "stream",
"text": [
"Files already downloaded and verified\n"
]
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"Files already downloaded and verified\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"/home/AzDevOps_azpcontainer/.local/lib/python3.8/site-packages/pytorch_lightning/core/datamodule.py:88: LightningDeprecationWarning: DataModule property `train_transforms` was deprecated in v1.5 and will be removed in v1.7.\n",
" rank_zero_deprecation(\n",
"/home/AzDevOps_azpcontainer/.local/lib/python3.8/site-packages/pytorch_lightning/core/datamodule.py:107: LightningDeprecationWarning: DataModule property `val_transforms` was deprecated in v1.5 and will be removed in v1.7.\n",
" rank_zero_deprecation(\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 | ResNet | 11.2 M\n",
"1 | swa_model | AveragedModel | 11.2 M\n",
"--------------------------------------------\n",
"22.3 M Trainable params\n",
"0 Non-trainable params\n",
"22.3 M Total params\n",
"89.392 Total estimated model params size (MB)\n"
]
},
{
"data": {
"application/vnd.jupyter.widget-view+json": {
"model_id": "d12f3eae2d1b42b88bbf0c60dc3174ca",
"version_major": 2,
"version_minor": 0
},
"text/plain": [
"Sanity Checking: 0it [00:00, ?it/s]"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"data": {
"application/vnd.jupyter.widget-view+json": {
"model_id": "1583c59caf67448fa145a7943bbbaf13",
"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": "6dc7f9350d1344cf86659ce5d807449c",
"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": "f52978e2aaf2479c8e67da41dc542c93",
"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": "0f001df6b380404cbeda3bb917b76e42",
"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": "396af93897a64d6795ffd9784a963715",
"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": "94cfc3c723874634b83f666ca9741dfc",
"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": "e3e388debb3d46789373e71a1c15bf86",
"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": "db8d6b7f3e6b428985c3a850c7c1a902",
"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": "3573196af22e4868949796fa78785acb",
"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": "d3470e98421049a5b8eefc33ef261827",
"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": "60695f6006514e9f8164f664512031f0",
"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": "d8ce3cd16894444eb6498e9d2e6d8c4f",
"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": "d223d548c9e24a31bbe18585d543386b",
"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": "3f640422866f4e16a3deaa700327949e",
"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": "41f3bb190829492382e3cdeb06ab1849",
"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": "f30f2b861c9e436398226c1c5ce126fd",
"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": "2954549ae471422885a342b6c55098db",
"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": "fa4b7792d3314b32aa22989c1f8443a5",
"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": "5e86cc7ca9c94840a518714b375d30b5",
"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": "d74015962004469582abdde99d047507",
"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": "db696b12ec4349118973ee62a16726f7",
"version_major": 2,
"version_minor": 0
},
"text/plain": [
"Validation: 0it [00:00, ?it/s]"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"Files already downloaded and verified\n"
]
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"Files already downloaded and verified\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"/home/AzDevOps_azpcontainer/.local/lib/python3.8/site-packages/pytorch_lightning/core/datamodule.py:126: LightningDeprecationWarning: DataModule property `test_transforms` was deprecated in v1.5 and will be removed in v1.7.\n",
" rank_zero_deprecation(\n"
]
},
{
"name": "stderr",
"output_type": "stream",
"text": [
"LOCAL_RANK: 0 - CUDA_VISIBLE_DEVICES: [0,1]\n"
]
},
{
"data": {
"application/vnd.jupyter.widget-view+json": {
"model_id": "f0229fff007c43aa90a336559ed78c4f",
"version_major": 2,
"version_minor": 0
},
"text/plain": [
"Testing: 0it [00:00, ?it/s]"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"data": {
"text/html": [
"\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 Test metric \u2503 DataLoader 0 \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 test_acc \u2502 0.9204999804496765 \u2502\n",
"\u2502 test_loss \u2502 0.25821828842163086 \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",
" \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.9204999804496765 \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.25821828842163086 \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.25821828842163086, 'test_acc': 0.9204999804496765}]"
]
},
"execution_count": 10,
"metadata": {},
"output_type": "execute_result"
}
],
"source": [
"swa_model = SWAResnet(model.model, lr=0.01)\n",
"swa_model.datamodule = cifar10_dm\n",
"\n",
"swa_trainer = Trainer(\n",
" max_epochs=20,\n",
" accelerator=\"auto\",\n",
" devices=1 if torch.cuda.is_available() else None, # limiting got iPython runs\n",
" callbacks=[TQDMProgressBar(refresh_rate=20)],\n",
" logger=CSVLogger(save_dir=\"logs/\"),\n",
")\n",
"\n",
"swa_trainer.fit(swa_model, cifar10_dm)\n",
"swa_trainer.test(swa_model, datamodule=cifar10_dm)"
]
},
{
"cell_type": "code",
"execution_count": 11,
"id": "537e60d9",
"metadata": {
"execution": {
"iopub.execute_input": "2022-04-28T12:54:51.457816Z",
"iopub.status.busy": "2022-04-28T12:54:51.457298Z",
"iopub.status.idle": "2022-04-28T12:54:52.480722Z",
"shell.execute_reply": "2022-04-28T12:54:52.481139Z"
},
"papermill": {
"duration": 1.255544,
"end_time": "2022-04-28T12:54:52.481304",
"exception": false,
"start_time": "2022-04-28T12:54:51.225760",
"status": "completed"
},
"tags": []
},
"outputs": [
{
"data": {
"text/html": [
"\n",
"\n",
"
\n",
" \n",
" \n",
" \n",
" lr-SGD \n",
" train_loss \n",
" val_loss \n",
" val_acc \n",
" test_loss \n",
" test_acc \n",
" \n",
" \n",
" epoch \n",
" \n",
" \n",
" \n",
" \n",
" \n",
" \n",
" \n",
" \n",
" \n",
" \n",
" NaN \n",
" 0.004229 \n",
" NaN \n",
" NaN \n",
" NaN \n",
" NaN \n",
" NaN \n",
" \n",
" \n",
" 0.0 \n",
" NaN \n",
" 1.847524 \n",
" NaN \n",
" NaN \n",
" NaN \n",
" NaN \n",
" \n",
" \n",
" NaN \n",
" 0.004934 \n",
" NaN \n",
" NaN \n",
" NaN \n",
" NaN \n",
" NaN \n",
" \n",
" \n",
" 0.0 \n",
" NaN \n",
" 1.724640 \n",
" NaN \n",
" NaN \n",
" NaN \n",
" NaN \n",
" \n",
" \n",
" NaN \n",
" 0.006107 \n",
" NaN \n",
" NaN \n",
" NaN \n",
" NaN \n",
" NaN \n",
" \n",
" \n",
"
\n",
"
"
],
"text/plain": [
" lr-SGD train_loss val_loss val_acc test_loss test_acc\n",
"epoch \n",
"NaN 0.004229 NaN NaN NaN NaN NaN\n",
"0.0 NaN 1.847524 NaN NaN NaN NaN\n",
"NaN 0.004934 NaN NaN NaN NaN NaN\n",
"0.0 NaN 1.724640 NaN NaN NaN NaN\n",
"NaN 0.006107 NaN NaN NaN NaN NaN"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"data": {
"text/plain": [
""
]
},
"execution_count": 11,
"metadata": {},
"output_type": "execute_result"
},
{
"data": {
"image/png": "iVBORw0KGgoAAAANSUhEUgAAAa0AAAFgCAYAAAAIICZdAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjQuMywgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy/MnkTPAAAACXBIWXMAAAsTAAALEwEAmpwYAABvq0lEQVR4nO3ddXzd1fnA8c9zLe5Sd6dQWlqKQ1usMNx9wHAZjMGGbIPBDxk+QQaMFRvFHdpiLRWo0pa6W1KJu1w5vz/OTZum8eQmN83zfr3ySu73fuUk0Dw55zznOWKMQSmllOoIHO3dAKWUUqqxNGgppZTqMDRoKaWU6jA0aCmllOowNGgppZTqMFzt3YDWNHHiRDNlypT2boZSqnOS9m5AZ7Bf9bSys7PbuwlKKaVCaL8KWkoppfZvGrSUUkp1GBq0lFJKdRgatJRSSnUYGrSUUkp1GBq0lFJKdRgatJRSSnUYGrSUUkp1GBq0lFJKdRgatJRSSnUYGrSUUkp1GBq0lFJKdRidO2j5KqE0t71boZRSqpE6edAqg6Id7d0KpZRSjdS5gxZAZXF7t0AppVQjadDylkHA396tUEop1QgatAJe8FW0dyuUUko1ggYtnxf8le3dCqWUUo2gQSvg06CllFIdhAYt44fK0vZuhVJKqUbQoCUClUXt3QqllFKNoEHL4YYKTXtXSqmOQIOW0w3eUjCmvVuilFKqARq0EDAB8HvbuyFKKaUaELKgJSKvisguEVlWx/t3icji4McyEfGLSHLwvU0i8kvwvQWhamO11oBf12oppVS4C2VPaxIwsa43jTFPGGNGGmNGAvcAM4wx1avXjg++PyaEbdzDp2nvSikV7kIWtIwxPwCNLaF+MfB2qNrSIAF85e32eKWUUo3T7nNaIhKN7ZF9UO2wAaaJyEIRua6B668TkQUisiArK6t5jXC4oULT3pVSKty1e9ACTgdm1xgaPNoYcwhwCnCziBxb18XGmJeMMWOMMWPS0tKa1wKnG7wlzbtWKaVUmwmHoHURNYYGjTEZwc+7gI+AsSFtgdMNFRq0lFIq3LVr0BKRBOA44JNqx2JEJK7qa+AkoNYMxFbjcNnsQd2iRCmlwporVDcWkbeBcUCqiGwD7gfcAMaYF4OnnQ1MM8ZU7+Z0AT4Skar2/c8YMyVU7dyLrwI80W3yKKWUUk0XsqBljLm4EedMwqbGVz+2ATg4NK2qT9VaLQ1aSikVrsJhTitMGK2KoZRSYU6DVhWHCyo1GUMppcJZpw1a/oCfZ5a8wPTcYI6H0w2VWu1dKaXCWacNWk6Hk082fsmygvX2gMOlW5QopVSYC1kiRtgzhu83bkRMT/va6YGyPLtFic1cVEopFWY6bU8LEb5M68k/ilfvfq1blCilVHjrvEEL+CUmnulSfQNI3aJEKaXCWacOWn/scxofbsuE4p17DuoWJUopFbY6ddBaH5vCA6nJbNuxyB7QLUqUUiqsdeqgVRzXhRnR0WSV5dgDukWJUkqFtc6bPQiM7DaG74/5O8Sk2AO6VksppcJap+5pATy28UM+y5hpXzjdUFnavg1SSilVp04ftBZlLWHjj8/YHpZuUaKUUmGt0wetd3ucwW9zcyFnw56DPk17V0qpcNTpg9ZnpogHUpIhZ13wiK7VUkqpcNXpg1amqWR5VBQme23wiNG1WkopFaY6fdC6vtdJvGe6IrnVCud6NRlDKaXCUacPWhvLdnFndIDVFTm29qCmvSulVNjq9EHLGMNqt4uCkx4CcdigpVuUKKVUWOrUi4sB+kd34bOjn9hzwOGGCt2iRCmlwlGn72kB/N/KSbzx1Q2w4L/VtijRZAyllAo3GrSAzPIccvwVsHNZ8Iho0FJKqTCkQQt4ftTvuT1umF2rVbW3lqa9K6VU2NGgBXyWOZtbJRvKC6A0x25R4i1r72YppZSqQYMWUOavIM8heMH2thya9q6UUuFIgxZwQa8JvDn2z7gBctfrWi2llApTGrSAraU7uWHZCyz61SNw8MXBoFXS3s1SSilVgwYtwONwk+8tpjwyzi4wdrhs9qBuUaKUUmFFgxbQJTKZyYf9lSNLS+Gz2/YkYegWJUopFVZCFrRE5FUR2SUiy+p4f5yIFIjI4uDHX6q9N1FEVovIOhG5O1RtrO6BFa/yz11zYPsSyN2AblGilFLhJ5Q9rUnAxAbOmWmMGRn8eBBARJzAc8ApwAHAxSJyQAjbCUDABAhEJtoXOevRLUqUUir8hCxoGWN+AHKbcelYYJ0xZoMxphKYDJzZqo2rxYPDr+G2A64ET2ww7d2lyRhKKRVm2ntO6wgRWSIiX4nI8OCxHsDWaudsCx4Lqc+3z+HS+Q/iT+lvg5amvSulVNhpz6C1COhjjDkY+CfwcXNuIiLXicgCEVmQlZXV7Ma4xEmcK4bS5H52Tksc2tNSSqkw025bkxhjCqt9/aWIPC8iqUAG0KvaqT2Dx+q6z0vASwBjxowxzWgJABO7HsbErodBYSYccDY4Pbask25RopRSYaPdeloi0lXERgMRGRtsSw4wHxgkIv1ExANcBHwakka4ouxnY9hRnstl8x5kRsVOSOoLDqduUaKUUmEmZD0tEXkbGAekisg24H6wlZKMMS8C5wE3iogPKAMuMsYYwCcitwBTASfwqjFmeUga6fJATCpUlhDriiLS6cEhDpj7b0jsDT3H2rVaroiQPF4ppVTTiDHNGFELU2PGjDELFixo2kVFO2DHLzZ4VXn/aohJh2Pvgu6jICaldRuqlNof6TxCG2i3Oa2wEZVkPxvDX1b8B6c4uT9lIGQs0i1KlFIqzLR3ynv7c0VAVCL4ykjyxJHkiYOUgVCaDZWlmvaulFJhRHtaAPE9YecyfjfoQvs6Y5H9XLAV4ru3X7uUUkrtRXtaYHtawFc7fuL02X+gJCG4ljlvk67VUkqpMKI9LQB3FEQkkFDsZkhcb8o9UcQc/xdIH7ZnixKHs71bqZRSnZ4GrSrx3TmyspAju4y2rwdMsJ9Lsm3auye6/dqmlFIK0OHBPaKTyass4uw59/Bp5ixb6X3uv8Hv1S1KlFIqTGjQquKJJi4qlT5R6SS6Y20SxpK37WdveXu3TimlFDo8uBdXUh+eHXyFXUzs2WYPFmyF0lyI79a+jVNKKaVBay9Ryfx53dsUGB//OPi34IqE/K1Q1pxtwZRSSrU2DVrVRcQyILYnJYFKuzVJygC7TYmvXGsQKqVUGNCgVcOVw6+C3PX2RcpAWPuN3Z6kskSDllJKtTNNxKhhWu4Sxs37MzvLc2HgCXDETYCB8sIGr1VKKRVa2tOqoWt8X8aljICAD7oeZD+8ZbYWYXLf9m6eUkp1ahq0ahiRfjAjxvwB8jbaA1t+tBUx0g+AQAAc2jlVSqn2or+BayjzlXHid9fyesb39sCSyfDzW3Zey1vavo1TSqlOToNWDVGuKI7ucSx9Y7rZIcL0AyBnra2KocVzlVKqXWnQqsX9R97PMb1PhIpi6HKADV4F23S9llJKtTMNWrW4f879XDr3T8Ge1nB7MGcdlOS0b8OUUqqT06BVi5FpIxnX+3hwuCAyHuK6QdYq8JWBr7K9m6eUUp2WZg/W4uxBZ2OMwWStRoq3w8hLwBNr36wsBldy+zZQKaU6Ke1p1eL7Ld8z9q2xbAyUgs8Lw06HAeNBBCqK2rt5SinVaWnQqkWf+D5cMOQCIqPTwOm2W5NsmgVF26FU57WUUqq96PBgLfon9ueuQ+/CH/BDWTEUZcK3D8Gw0yCuhy4yVkqpdqK/eWsRMAGOnnw0zy95HmJS7cLitCGwawUYvy4yVkqpdqJBqxYOcXDhkAs5OO1g8MQABroMh+y14K/UoKWUUu1EhwfrcOuoW/H6vTbt3eGCtKF23Vb+VkgeALHp7d1EpZTqdLSnVYcH5jzA6R+fbjMGo5Ihub99I3e9VsZQSql2oj2tOhzT8xj6xve1L6JToCQLDroAUgfbGoS+SnB52rWNSinV2WjQqsPxvY/H6/fiC/hwRcbZg0fcZD+XZIO3RIOWUkq1sZAND4rIqyKyS0SW1fH+pSKyVER+EZE5InJwtfc2BY8vFpEFoWpjfeZkzGH0m6NZnrMc3MFkjIoS2DzH9rQqitujWUop1amFck5rEjCxnvc3AscZYw4CHgJeqvH+eGPMSGPMmBC1r179E/tz48E3khKZAk4XRMTZ+ayp99o6hLrIWCml2lzIgpYx5gegzowFY8wcY0xe8OVPQM9QtaU5usZ05doR15IcGawzGJ1qC+c6PZC9Bkrz7PqtBuwo2cGlX1zKd1u+C3GLlVJq/xcu2YO/Ab6q9toA00RkoYhcV9+FInKdiCwQkQVZWVmt2qjx747n74v+bl9EJYI4gouMV4LxNWq91q7SXSzNXspt39+GaUSQU0opVbd2T8QQkfHYoHV0tcNHG2MyRCQd+FpEVgV7bvswxrxEcGhxzJgxrRoVbjj4hj0ZhFWLjNMPgGUfgt8LlaXB47XzB/wMTR7KG6e8wYaCDfiNH5e0+49cKaU6rHbtaYnICOAV4ExjzO5JImNMRvDzLuAjYGx7tO/ioRczPCW4CaQr0g4Npg2FgBcKtkBZXr3Xz86czfHvHU+UK4pjehxDma+sDVqtlFL7r3YLWiLSG/gQuNwYs6ba8RgRiav6GjgJqDUDMdQenfsop318WlXDIDoZUgbC4JMhIr7BZIy0qDTG9xqPx+lhwnsT+GbzN23QaqWU2n+FbKxKRN4GxgGpIrINuB9wAxhjXgT+AqQAz4sIgC+YKdgF+Ch4zAX8zxgzJVTtrM+JfU6kf2J/jDGIiF1kXLwTxt1jTyjJtsOETvc+1+aX5xPniePBox7EH/Bzz9h7GJU+qo2/A6WU2r/I/pQcMGbMGLNgQesu68oozsApTrrGdIXyQtg6zy4q3rXSlnbqeahN0qjhpaUv8dzi5/j6vK9Jj06nsLKQ/PJ8esf3btX2KaXChrR3AzqDcMkeDEtlvjIu/PxCnl74tD1QlYyxZip89Qcoza1zkfEZA87gr0f+lfTodKgo5r5vb+O2729ru8YrpdR+SFPZ6hHliuKvR/51TzKGwwkRCZA6yL7O22ATMxL3XmK2PGc5OWU5nN7/dBvYMhdxRepYyrsMa+PvQCml9i/a02rA8b2PJ7c8l/tm3Ycv4LObQu5eZLzOVnyvMcT6v5X/48+z/0ygYCtsmw+eWEbE9yXdE0+p7sWllFLNpkGrEbYXb2d2xmy2FG2ByAQQp632nrXS7rHl3TuV/YHD7+eVsX/BnbXaZhy6IlhStJHzpv6aJVlL2um7UEqpjk+HBxthQu8JHNH9CJwOJ8UVRcRW7WS87EPweW1lDE80AB+ufo+C3LVcmXwIxKbZKhrA0LjePDH6DwxOGtye34pSSnVo2tNqBBHB5XBx3qfn8cySF8AZAT0OgQETwFRCWb490VfB/I1fM2vHfCSuy+6ABRAfkcgBkenkV+S3y/eglFL7A+1pNZLH6eG8wecxJHkISJwt59TrMPBVQGk2VHTFZPzMo4MuodwTte8NnB7uWPAw6Yn9eP6E59v+G1BKqf2ArtNqorzyPD5Z/ga/jhuKuCKgaIedtxIH9617m4SIRP4w5NJar52f+ROxfY9lWOrwkLZRKdUudJ1WG9DhwSb6fuv3PLv8VVaWZMCsZ2Dan8DhxrijifMkEOuqpZcVNCi6G/mlu/AGvG3YYqWU2n/o8GATnTngTEaljqRfzgb86cNwbvgeApUUGAd3D72s3mtn5K3gT/Pf5vOzP6dPfJ82arFSSu0/tKfVRE6Hk54Jvbh19Ws877f7dwV2LOOSeX/lwRX/rffao5KG8p8jH7VVMpRSSjWZBq1mcDvcpMd0IymmCzjd+Hct57LeJzM+/ZB6r0uJTMHlqyCjKKONWqqUUvsXDVrN9Oexd3Nx9+OYnT6AxdnLOKfHcRyTenD9Fzk93LLocSavntw2jVRKqf2MBq3m8sTw0c6fuCGylKsjS3l+/YcNXiKuCJ4b+huuGf6bkDRp7va5XDftOnLKcpidMZubvrmJ3PJc5mTO4bbvbiOvPI+52+fy7eZvQ/J8pZQKNU3EaC5XBGd0P4b46FQSIxLoHpXW8DUipHriWZ71M13jurV6k4ori22pKaDcX05ueS7GGEq9pWwr3obf+Plg7QdkFmdyfJ/jW/35SqnwICLFxpjYRpx3H3AJ4AcCwPXGmLki4gIeBM4HSoKnv2eMeTh4nR/4BbtHog94HXjGGBNo9W+mZpt1nVYL7FoJJVm2+vvOFdBzTIOXvLDqLV7YOo35l80nwhnRqs3xBry4HftuSFndypyVeJweBiQOaNVnK6XCZ51WbUFLRFzGGF+110cATwPjjDEVIpIKeIwxmSLyGNAVuMEYUx7cTf73xpgHat5fRNKB/wGzjTH3h/p7055WS0QlQ8E2WPExLP4fXPYBRCXVe8nZ6YdxwuBzcEnr/uhzy3M58b0Tuf/I+zljwBl1npcenc6SrCV0j+1OVD1rypRSLdf37i+eBUa28m0Xb3rsV7c35kQRGQc8BOQBQ4HqxU+7AdnGmAoAY0x28Jpo4FqgrzGmPPheEfBAbc8wxuwSkeuA+SLygAlxT0jntFrCEwNIsAZhADZMb/CSxIgEtuStZ2vR1lZtSsAEuGTYJQxKHFTveT/v+pnbvr+NjQUbW/X5SqmwdQhwmzGmZrXuaUAvEVkjIs+LyHHB4wOBLcFA1SjGmA2AEwj5eh7tabWEOxpEIKmv/Vj3LQw/u95LfE4Xty96nNup5DcHtV5CRqQzkjtG34FI/SMUh3Y9lLd/9Tb9E/q32rOVUrVrbI8oxOYZY/b5K9UYUywio4FjgPHAOyJyN7Co+nkichVwG5ACHGmMad2/uJtIe1ot4XDY4UBfOQw4HnYug+Kd9V4SG5HAOwffxUVDLmzVpvxx5h+54qsrGjwvISKBgooC1uevb9XnK6XCVgmAiPQSkcXBjxsAjDF+Y8z04FzULcC5wDqgd3AeC2PMf40xI4ECbG9qHyLSH5vMsSvU34wGrZaKTrGbQA6cYF+v+67+88WBL1DJrK0zWrUZv+r3K84ZdE6jzv3L7L/w9qq3W/X5SqnwZozZaowZGfx4UUSGiEj1+YSRwGZjTCnwH+BfIhIJICJOwFPbfUUkDXgR+Feo57NAhwdbLjIeDBDfA0ZdBunDGrzk/Z0/8cPatZw84Fet0oRSbylHdj+SxMjERp3//AnPkxbdiBR9pdT+LBb4p4gkYtPW1wHXBd+7D5vAsUxEioAy4DUgM/h+lIgsZk/K+xvYTMSQ05T3lvJVwsYZEJPa6Et25q7D2fUgUlOHtkoTpm6ayp0z7uT909+3+301YEP+BpbnLOf0Aae3yvOVUkAYpbzvz3R4sKVcHpuQ4a+0rzfNajCL0O2KYPqW6Wwv3t4qTRiaPJTfjf4d/RL6Ner877Z+x72z7qXUW9oqz1dKqbaiQas1RKeAt9x+vewDmP8fqKcHm+Mv56+/PMfPu35ulcf7Aj4uHXYpHmetQ877OHvg2Uw5dwqRrshWeb5SSrUVDVqtITp5T09rwPFQsBVy1tZ5et+4Xkw99EFO7ntyix8dMAEu/fJSnpz/ZKOviXZHs2jnIjbkb2jx85VSqi1p0GoN7ug9X/c7FsRp12zVdborkpWFG/h207QWPzpgAjx81MOcNeisJl1z76x7mb5teoufr5RSbUmzB1uDOxrEYatiRMZDr0Nh/fdw2PX2eC3e3jGbsuz5nNT/lBY9envJdvon9qdvfN9GXxPjjuGzsz6je2z3Fj1bKaXamva0WoPDAZGJdpEx2CHCkl12sXEdHh98BZOOe6bFj359+etc9PlFBJpYXDmrLIupm6a2+PlKKdWWQhq0RORVEdklIrX+9hbrHyKyTkSWisgh1d77tYisDX78OpTtbBUxqXuSMfoeBRP+DCl11wEs9Jfx3xVvUFhZ2KLHXnbAZTxx3BM4HbUuVK/TJ+s+4dmFz7bo2Uop1dZC3dOaBEys5/1TgEHBj+uAFwBEJBm4HzgMGAvcLyL1l09vbxFxezIG3dEw8Hhw111FfUtlHv9c9QZbCrc0+5Fev5dNBZs4OK2BHZNrcceYO/js7M+a/WylVHgSkUQRuakZ130ZXGjc1Osmich5Tb2uuUI6p2WM+UFE+tZzypnA68HSHz8Ff9jdgHHA18aYXAAR+Rob/MK39pAnZu8097I8+OlFGDIRuo/a5/TDUw9m7lHPEp16YLMfuSZvDbd8dwtPHvdkkzMRvX4vn6//nJP6nkTXmK7NboNSqgEPJEyv/XjBuOD7z1L79iW380DBYh5IuBK4cp/r6pYI3AQ8X/1gzf20ajLGnNrAfcNCe89p9QCqVwzeFjxW1/F9iMh1IrJARBZkZWWFrKENckWAOxL8XvvaHW0XGq+ZUuvpHnc0H2VO57vN3zT7kQMSB/Dfk//L4d0Ob/K12eXZPLHgCZbnLG/285VSYekxYECwMO58EZkpIp8CKwBE5GMRWSgiy4P7YBE8vklEUkWkr4isFJGXg+dME5FGbb4nIseLyM8i8ktweigiePwxEVkRnAZ6MnjsfBFZJiJLROSHxn5zHT570BjzEvAS2DJO7dqY6BQozQan2waxfsfAxplwdIV9XcP/ts9iJJVM6HNCsx63aOci4iPiSYhIaPK1g5MGM/PCmY2uV6iUaqaGekYPFNzewPuTsFMtjXU3cKAxZmRwE8gvgq+rtie52hiTGwxE80XkA2NMTo17DAIuNsZcKyLvYqu/v1nfQ4PFdScBxxtj1ojI68CNIvIGcDYw1Bhjqg1B/gU42RiT0ZRhyfbuaWUAvaq97hk8Vtfx8BadDL6KPa8HHg/eEtg6r9bT3zv4Th4e88dmP+6JBU/w/OLnGz6xFm6Hmx8yfmDKptp7gkqp/UbN/bR+KyJLgJ+wv2dryxjbaIxZHPx6IdC3Ec8ZErxuTfD1a8Cx2C1NyoH/iMg5QFX9uNnAJBG5ljq2PKlNewetT4ErglmEhwMFxpjtwFTgJBFJCiZgnBQ8Ft6qdjKu0n2UTYVfX/tC41WlGTyx6O80t2jxSye+xB8O/UOzrgV4d/W7fLT2o2Zfr5TqEEqqvgj2vE4AjjDGHAz8DNRWz63aX9/4acGoXHAebSzwPnAaMCV4/AbgT9jAuVBEUhpzv5AOD4rI29ikilQR2YbNCHQDGGNeBL4ETsWWxC8Frgq+lysiDwHzg7d6sCopI6y5o23MMsbuaOxwQf9xsO4bO9fldO91+pqyXby36QuuHv1bUqIa9d9rt40FG1mStYQTejdvaBHghRNeINYd2+zrlVJhqQiIq+O9BCDPGFMqIkOBpk+I12010FdEBhpj1gGXAzNEJBaINsZ8KSKzgQ0AIjLAGDMXmCsip2CDV81hyn2EOnvw4gbeN8DNdbz3KvBqKNoVMg4nRMTbRcZV6e6HXA6H/mafgAVwbo9xXNjzeKSJAQvgh20/8OSCJzm257HNbu62om1M2zyN60dcr8VzldpPGGNyRGR2cH1sGVB9O/UpwA0ishIbZH5qxeeWi8hVwHsi4sJ2Ol4EkoFPgnNeAtwRvOSJ4CaUAnwLLGnMcxrcT0tEbgXeNMbkNes7aUPtsp9WTTkbIX8jRNVYVlbV+6qmzFfOi2smc9iwCzmyx5FNekzABNhSuIW+CX2b3dQvNnzBn2b9iY/P+pg+8X2afR+lFKD7abWJxsxpdcFmmLwrIhNFRP/D1CcqAQI1SiqtmQaTL907SQOIcHp4d8ccVmQtbfJj/rvsvxRVFrWkpZzU5yTmXzZfA5ZSqsNoMGgZY/6EzS75D3aB21oReUREBoS4bR2TOxqo0XuNjIeiTNixd3ByiIPZYx/mmiEXNukRhZWF/Ovnf7FgZ8t6lQ5x8PLSl5m5bWaL7qOU2v+JyHPBtV/VP65q63Y0KnswOPe0I/jhA5KA90Xk8RC2rWNyR4LTA4FqC8+7j7LHtuw7fDwtZwlP/fzPJj0i3hPPnEvmcP7g81vUVKfDydur3m5x8FNK7f+MMTcbY0bW+PhvW7ejwaAlIreJyELgcWxe/UHGmBuB0cC5zalVtd+LTt5T8R3swuLuh9QatFaVbmd65uwmpb1/vflr3l39LjHumBY39dsLvuV3o3/X4vso1REYYzB+f3s3Q7VAY3paycA5xpiTjTHvGWO8AMaYAHA68F0oG9ghRafsM39F78OgMAMKtu11+LYB5/LZ4Q/TlKnCH7b9wEdrP2rSNXWZkzGHpxc+3eL7KNUW/AUFlMybR8k8u2A/UFpK8ezZFM+aTfHMWRTPmIF31y4AciZNIvPe+yiaPh2AzLvvYfXIUeS82rGSktXeGkx5N8bcX897KzQxoxaemH2mteh1mN0QMnsNJPTcfXinr4QXVk3ivIgIDko7qFG3f+iohyjzlbVKU5fnLOfz9Z/z21G/xeXo8FW91H7Cl51N2ZIllC39hfJflhKoqKTvW29S9ssytl5zDbhcDFv2C96dO9n6m2v2urb7438j4YwzKJ4+g8qNG4kaYf9dRY0+BGdyMlEjmr4rggofDaa8N3gDkUXGmEMaPjP0wiLlHcDvgw3T7TBh9ZheWQyevRfzZlfkc96P93Hv4fdxUv9fNXjrHSU7+PfSf3PZsMsYkNjyXJiACeCoY3dlpdpK+YoVlMyZg6trNxJO+xU7Hn6EvDfeAKeTiCGDiR45ki5//jOBggLKV60CcRBz2FgC5eWUL19u/52JICK4+/TBldQuOxl1yD/gRaTYGFNrlYHgLh2fG2Oavx1FK9M/rUPB6bL7a/kr9y6U64m167VMwC5EBlIjEpl+6IPQ/dBG3Xpb0TambprKuYPObZWm5pbn8u8l/+b0AaczIm1Eq9xTdQ7GGEQE4/eTec89RPQfQMTgwUQMHoy7ezfEUfsfQ4HycsoWL6F0wQLcPXuQeNZZ5H/4EXlvvkn8GaeTcNqvSLroQuJPmUjksGE4ovYUGHcmJhJz+J4iDo7ISKJHjw7596rCR2v8id0h/7oIuegUqDmEl78Z3joPts7d6/B/M77lH40sfDum6xhmXzSbA1IOaJVmusTF5xs+Z3Ph5la5nwoP/qIiir79Fn9+fqvf21RWkvu//7HhV6dRsXEjvuwcyhYsJOvZZ9l2002sP+EE8iZPBiBv8mRy33iTivXrAdj2u9+x5tCxbLnySrKfe46yhYsASLn2WgbNmU2Px21CcsSAAUQfcsheAaujOui1g6Yf9NpBV7bm1/UJbgNyc7XXD4jIn0TkWxFZFNw25Mymfh8iEiki/w1e/7OIjA8eHy4i84Ip8EtFZJCIxIjIF8FtR5aJSNPW9dSjNXpax7fCPfY/UYmQu3HvY3HdwFtqswj77KmAsbk8l/yK7Ebd9on5T9ArrhcXDb2oVZqZEJHAnIvntEpSh2p/prKSvMnvkP388/jz80k8/3y6PfQggZISHDEtyzb17tyJeDw44+PJffW/OJOSCBQXE9GvHwO/+xZ/cTEVa9dSsWYt0WPtyEH+Bx9S/ssvdLn3HiIGDCBiwEDc3bsTfeihRB9yCM74eADcXdJb/L2r3d4BngWeC76+ADgZ+IcxplBEUrGb7n5qmjY/dDN2BdRBwbqF00RkMHAD8HdjzFsi4sFWbD8VyDTG/ApARJq+f1IdWjynFU7CZk4LoLIUNs+GmNS9j0/7E2SvhYsn75nvqiy1yRvdRzZ422umXsPg5MEtqu5e01sr36KwopAbR97YavdU7SPj93dS+MUXRB9+OMmXX0bEoEF4evdm00W2DGj6nb8nesyYJt2zbPlycl97jcIvvyLl2mtIv+02fDk5OJOTG/xjxxiDLysLh8eDMzGxud9WRxE2f/kFawseD6RhdzAeBzyD3SokgN1GpJ8xZkdj57RE5CPgn8aY74LvzcQGsgOB+4DXgQ+NMWuDwWwaNoB+boxptQoGOqcVKu4oW+U94N89fwVAr8Ptjsb5myGpLwDLSzN58ZeP+EPs3+gV36v2+wW9cvIrrd7UVbmryC5rXE9PhZ+Sn+ZSumghaTfdRPJVV5Fw1pnEHH307oBiAgHiJp5M3ttvY4IlxvI/+JCYo47E3bXrXvcqnjmLyo0biB47lsihQ9l22+0UTZ2KIzqapEsuJvGccwBwpTSuyLOI4E7XXlQ7eA84D+iKDRyXYgPYaGOMV0Q2UfuWJE1mjPmfiMwFfgV8KSLXG2O+E5FDsD2u/xORb40xD7bG8zRohYoIRCVDZVFwn62gXmPt5y0/7Q5aiINtZVkUlOXWG7S+3fwtn234jL8e+ddm7VZcl4eOeqjV7tWZlXpLKagoIMYTQ7wnvln3MH4/4nTiy8ujcsMGnEnJRPTvV+f5xTNnsfXaa3F3707yFb8m6sDh+5wjDgcpV15J8hVXgAjeXbvY/pe/ABA5dCi+Xbvo9vD/EXvssex64gkq1qwh/e4/Ejl0KFEjRhB18MEknnfu7qE81SG8A7wMpALHYYcIdwUD1nigOQVHZ2KD33fBnlRvYLWI9Ac2GGP+ISK9gREisgrINca8KSL5wDV13rWJNGiFUnQKlGbvHbRi0yFlIJRk7T40PKE/H436A//btYjpmTO5eeTNtQ67FHmL2Fa0rdX3wFqZs5JXl73K7aNvp0dsj1a9d2fy1IKneHfNu9w15i6uGH5Fo67x5eVRumABZQsWUrpoEQQC9PvgfcoWLmTbLbfiiIlhyMIFVKxdy+arrsaVlGSH5SI8dH/kEWKOPIKuf/0rCWediSMiot5nVWXzudPTGTB1CvmTJ1O2fDkxQ4fgTEoGoMffn8WZkIAzmDKe8purW/ATUe3FGLNcROKADGPMdhF5C/hMRH4BFgCrmnHb54EXgvfwAVcaYypE5ALgchHxYkv9PQIcit16JAB4gVabe9CgFUoRsTa9vaazX7RDh3sR1uStZmdlASLCy0tfZlDSIMb1Grf7jLMGnsVZA89q9WZWBipZnrOc3LJcDVotcEq/U5i+dTpH9zy6znMCFRUUTZmCIy6euAnjyf7nv8j73/8Qj4eoESOIHnsoxhiiRo+m1yuvYMptBqpERhI3fjy+vFz8uXn4srMp/fln4k88kaQLL2hyWz09e5J+5537HI/oV3evTnUsxpiDqn2dDRxRx3l1/hVsjNmEnbPCGFNOcKPeGuc8BjxW4/BUQrTbvCZihJLfC+unQ2zqvu8ZY1Pi3dH2dWkupAzEl9ADg+Gsj8/iuF7HcdeYu3jll1cY32s8982+j6sPvJqT+57cpt+GguIffiD7xX+Tcu01xI0fX+s5+eX5gK3C3zu+d63nbL//AfLfeYfYcePo9eILVKxbh7+wkMgDD8Th8YSq+apthE0ixv5Me1qh5HRDRIytQ1h9kbEx8P5VkH4AHBfMAnRHQmEGrrhu4PLw6VmfUuGvYFPhJp5fYtdwJUUmEeUKzbqV//vp/+gT34fLD7g8JPdvbcbvx5uRQcX69fjz8ok76UScsa07bFq5LYPSefNIPOdsEKF82TJ2/t/DxBx1VK0B5uxPzya7LJvBSYP54IwPar1n+p2/J+bII4k78QQAIgYObNU2K9UcInIQ8EaNwxXGmMPaoz310aAVatGpdi+t6kFLxCZhbJ27Z0djdzSU5sH2xdBtJE6Xh2hHNP0S+vHNed8Q7Y7m2hHXhqyZmcWZRFf1+sKMNzOT0oWLMD4fiWefReHUaWTeeSfG67UnuFxEjTwYZ2zs7ioNLVW6YAGbr/g14nQSO34cMUcfTc/nn2frNdeQP/kdkq/YO7gbY7hhxA3sLN3JqPRRtd6z6LvviTn6KOJPPqnF7VOqNRljfgFGtnc7GkOLzoVaVJIdJqyp9+FQmgM56/Yci06CimIbuKpdkxKVErIeVpXnT3ieO0bfEdJnNIW/uJiSn+xWLsU/zCTzrrvIfs6ulYwYOIDkX19Bt4cfps/b/6P/p58Q0b8/xT/8wKYLL6JsyZImPy9QVkbeu++y8fwL8OXmEnXwwaTecjMDvp6GKykJESHmqCOJPvxwypbuu9N0ma+Mk/uezHUjriM9On2fgsZlv/zCtptuIu/Nt5rx01BKVdGeVqh56ui99KyW+p46aM/x6CQoy4PMxXaxsdMd6hYC8O2Wb5m8ajLPn/A8bkfbPLM2uys6vPACgYoKBs2YTtxJJxI9+hDcfWyWbsSAAbUmERifD+/2THY98yx9JjVubzrvjh3sfPgRimfNwpSVETF0KL6dO3ElJ5N20017nSsi9HruX7VWlpiVMYvfz/g9t466lX/+/E/eOOUNRqaP3P1+1jPP4kxKIvGCpidNKKX20KAVau5oEKfNIqxeTT06GdKG2CHCQ2rMI0Ul2cSM7Uug20hbgDfEvH4vpb5SiiqLSI5MbpV7lvvKiXBGNHq4rnzFCrb99ja827YRfdhhpN/5e5xxcQC4khtuU9yECUSPPYxAUSEAmffcS8SA/iRdccXuOahASQn5n3xC8Xff0+OZp3HGx1O+ejUJZ55BwmmnETV6dL3tdcTEULl1K1nP/p0u996ze5HtkOQh3DXmLo7vczy943vTJ37PMpiSufMomTOH9D/+EWdsyzfuVKoz0+HBUBOxvSdv+b7v9T7Cvh/w7ftedDKUF8COpXarkxCb2G8ib536VqMCVslPP7Hr2WfrPWfKxikc+faRjSrEW/LTXExlJe6ePXF3706vl1+i96T/EnVQ4/YXq84ZG4O7WzcClZX48/LY9eRTbDj9dHb9/e/4i4sB2PXY3/Bu24Y3IwNHdDQDpk6h2wMPED1mTKMCrPF6KfzqK7L//e/dxyKcEZw7+Fx6xPZgSNIQCisLd79Xvnw57u7dSbq4depFKtWZadBqC7VVfAc45Ndwxj9rWbNVdV2yHSpsg8BV6i3lxm9u5IsNX9R5jr+ggMz77mPLlVfh7mHXc/ny8vY5z+v3ctcPd+ENePE4607jNn4/W667ji1XXkn+xx/jjI+nz+uvEXvMMS1OpnB4PPR68QV6vfwS4nCS88KLlP38M46YGAZMm0r/r74kcuhQgCY/K6J/f1Jvvono0Xtq+N09825u/Maun7zu6+v495I9AS3l6qvo/+UXOCJbpWqOUq1KRIrbuw1NocODbSEibt+djMH2soyxCRk1C+tWiU62Q4U7foGuB4VsqDDKFUVRZRHeQC1JI0DxjBlk3vcn/Hl5pFx7LQmnn07R9Olk/v5Ouj/1JHHjxu0+t8JfwQ0H38BhXQ+rNWgZY/Dn5eFKTiZyyBBijjyShLPOCsn3FXvMMcR8dgSB4uLdBVtr1ttrjrSb7c4P/sJCnPHxXH3g1VStefzrEX8lNToVEwiw/Z57STj3HGLGjm3xM5VSGrTahjuG2qMWMOcfsP47uOzDvQvrVhedDCU5sHOZDVx1ndcCIsKbp765z/FAWRmOqCjE7cbdpQu9X36JyGHDAIgaPhxPnz7k/PslYo89dneZoAp/BTeMuIG//vhXZmfO5pvzvtndm/Hl5JB57734MjPp+/77pP/+963+vezzvblcIakwXjxjBttu/x0933qDnj160ivW1o0ckjyEDQUbKJo2jYJPPiHmyFoLEahOYuXQYdNrHJo0bNXKSSuHDrsbmAhMGbZq5WMrhw67Eriy+onDVq0ct3LosK7A5OChi4atWrmjvueJyGPAVmPMc8HXD2DLLo0HkgA38CdjzCcNtV1EYoFPartORK4A7sT+cltqjLlcRLoALwL9g7e40Rgzp6HnNIUOD7YFl8f2tny1zGt1OdDOXWWvrv8eMSlQvAsKtoWmjcB/l/2XW7+7FbCVwfPefpt14ydQvnoNMUceSd/33t0dsABcaWn0fv11ej7/HIhQPHMWxhjunnk3V065klP7n8rNI28mECxlVfLjj2w46yxKf/yJxIsuQjp4BYiokSMRt5utTzzKmR+fybdbvgXgo3UfcfXUq/F3TSPhvHOJP+20dm6p6mTewRbIrXIB8BpwtjHmEGzwekoaNy5eXtt1IjIc+BMwwRhzMHBb8Px/ADOCxw4BlrfKd1SN9rTaSlw3uybLVWNeo+cYm1W4Za6tkFGfqETI2wwJvaCOrcxbwuVw4Xa4McZgvF5yX3udyAOG4Yixafu1bZ9us+FiKP7hB7Zedz2J55/PBVedi1/g8G6Hk1eex87SnaTmG7Zccy2ePn3o/fLLu+eTOjJnQgIp115D1lNP8/RZNzAiuKj45L4nMyJ6ELF9R5A0UreC7+yGrVo5ro7je9XsG7Zq5SRgUi3n7cDuh9UoxpifRSRdRLpjtyPJwxayfUZEqvbT6gF0CR6vjwCP1HLdBOC9YE1DjDG5wfMnAFcEj/mBgsa2u7G0p9VWopJqL54bmWCD1da5Dd/D6QZ/uU3OCIHLD7icxwb8jvzJkxG3mz5vvkGv//wHT8+eDV4bc8wxpNxwPfnvvUe/R9/lpC7HYozhN5NO580vHsXTswc9//4s/d5/b78IWFWSL7sMSUuhz2eL6RLTBYAurmRifvNntj79eDu3TnViVftpXci++2mNBHbSuP20mntdyIQ0aInIRBFZLSLrROTuWt5/RkQWBz/WBPddqXrPX+29T0PZzjYREWeDTm3p7b0Og6xVNuGiIe4oKNja+u0D1uetZ8ot57L9icfxZWfjSk1tdGadiJB+++2su2YCFbN+ZOvfHqVk5kweermU0yZvwhhD3Akn4IgOz1JRzeWIimLqjYdwy7F7KptkvzcZx44slnSraMeWqU7uHeAibOB6D0igeftp1XXdd8D5IpICICJVa2W+JbgNiYg4RaT1Nv4LCtnwoIg4geeAE4FtwHwR+dQYs6LqHGPM76qdfytQvWhbWTCy7x9EILYrFO+wvavqeh8Om+dAWa5NuqiPO8buxVVZWne1jWaK+GEhg1YXUXnr5c3ebfaga+9iTa/eHH/y9VRmZBA9dBgFd11OQUUBiZGJrdrecHHyxJsYkbuFvHfeJf5Xv6L45Ul4Rwzm6HNube+mqU6qFffTqvW64P0fBmaIiB/4GZtEchvwkoj8BvBjA9iPrfithW5rEhE5AnjAGHNy8PU9AMaYR+s4fw5wvzHm6+Dr4vr2ealN2G1NUlNJDmQuqju9HcBbume7krqU5kLyAEju22pN8xcVseHUX+FKS6Pve+8izqZnKHr9XhbsXMDI9JG7ayWuylnF+Z+fz8NHP8wZA85otfaGk8W7FtN1wWby7ribqIMPpmzJElwv/o28IV0Z201T3TsR3ZqkDYRyeLAHUH0ca1vw2D5EpA/QD9vlrBIpIgtE5CcROauuh4jIdcHzFmRlZdV1WniIDG5XXtcfCuX58OF1sHBS3edU3Sd/EwT8rdY04/MRffjhfHhOF+7/6a/NusfynOVc9/V1zMnYk+E6OHkwz457luN6HtdaTQ0rZb4yLv/qcj7pvp2oQw4h5rhj6fXKK7wss7h/zv3t3Tyl9jvhkj14EfB+MNukSh9jTIaI9Ae+E5FfjDHra15ojHkJeAlsT6ttmttMTjdEJe+9+WN1nlibAr9wku1xHXajHVasyeECX6VNyKiv19ZIvpwcnElJ9HjicdyL/kG6NO9vmcFJg3nhhBc4OO3gPU0VB8NThzM7Yzan9j+1xW0NNy5x8eIJL9Ijtgd93rh2dw/1hoJuhGoUQ6nWpvtpWRlAr2qvewaP1eYi4ObqB4wxGcHPG0RkOna+a5+g1eHEdYWslbUHLYfLbgrpjoKl70JlGRx9e+2LiT3RkL+lxUHL+P1svfY63L160fPvz/LbQ37b7Hv9mPkj/RP7E+eJ2+v4tE3TeGLBExzS5RC6xrS8GkU4ySnPISEigR5xPZBq/52SI5JZuHMhqVGpJES0+ly0Uq1K99Oy5gODRKSfiHiwgWmfLEARGYpdbf1jtWNJIhIR/DoVOApYUfPaDikqsf6hP3HAkb+FkZfCqs9g+qO1DwN6Ymz5p8qSFjWnZM6PlK9YsXtjwhlbZ3Dy+yezvXh7k+7jDXi5Z9Y9vLP6nX3eO7X/qXx85sd0ie7SoraGo682fsXFX1y8z/5Z6/LXcfv021me3eprK5Xq1ELW0zLG+ETkFmAq4AReDWacPAgsMMZUBbCLgMlm77GUYcC/RSSADayPVc867NDc0XaBsd+7115ZJhDAn18ICK7kBIoZS+muLXi8PhLHO8h57wty3vmCuKNGk3Ta8UQO6msDXNFOSOlf5+MaEnvM0fR9/30ih9uFzalRqYzqMgq/adp8mdvh5qMzP0JqmYtOjUplTd4a1uev56S++9euvaf0O4X+Cf2J98TvdfyAlAOYfNpk+ic0/7+NUmpfIZ3TMsZ8CXxZ49hfarx+oJbr5gBN35eiIxCx1TEKttpeF+DLK2DTzX/BuyOL5HNPocvNl1OyYCm5P2wi4fijSBQhMqGSmIMGUTD1B/I/+5bog4fR+8m7kfzNkNSnWfUIs/71HHEnnkjUgcN3HxueOpzHjnmM4sqmFX6enTGbUl8pJ/Y5sdb331r5FpnFmftd0NpWtI2+CX33OR7tjqagooBVuasYlT5q3wuVUs0SLokYnUtMCuRt3P0y6z/v4s3KpctNlxN14GAA0q65kPQbLrWlk0pziNn6AjEjB+O/9SkKpi/EX1yCON0U/jCfklenknTZr/eqC9iQ4hkzyP7XvxCng8ghg/d6756Z97ClcAtvnvpmoxcXv73qbTJLMusMWn85/C/75dzOPbPu4dAuh/LIMY/s897f5v2NvvF9GTVBg5ZSrUWDVnuIiLdDeyaAL7+Igu/mkHzORJLPO2X3KY7qxWSjU2D8vfDNAzjXf0zyOdfsfqsyq5CCz77EX1JBz2efoWLtWhyxsbi7davz8YGyMnY8+BCe/v1J/s1v9nn/mB7HkJeaR8AEcErjenDPjH+G7NLsOt+Pj4hn8qrJHJR2EKO77D/1+P4x/h917hn2zPhnSIxIbNsGqU5PRBKBS4wxzzfj2tuBl4wxpfWcswkYU1V3sK1p7cH24HDaQOQtxZWUQP9XHyf1irPrv6b/OBh4Iix5Z69K76mXncug1x6iy203AbDryadYN34C6087jZ2P/Y2SufP2uVX2Cy/izcig6/337x0cg07tfyrnDz6fH7c3biH7mrw1/OeX/xBZsxhwNW6HmxeXvsiczFbdpaBd5ZXnkVWWRXp07dVDHDj4fsv3mvqu2loicFMzr70dCOtaa9rTai9xXSn66FuMJ5a4Yw5t3DDc4TfA5lnw479g4u7i0Djj4nDG278/0v9wF9GHH07JzB/Ie+stKrdsIeawsZT8NJeKtWuJPfYYog89FBxCzGF1V2t4a+VbPL3waT4565MGkwmWZC3hhSUvcOGQC+s8x+VwMe28afskLHRkP+/6mdu+v423f/U2B6YeuM/7szNn89i8xziu13GkRrV8PZ3qmJ674bvp9bw96eYXJ0wKnlP963rPb+CRjwEDRGQx8DWwC7s9SQTwkTHmfhGJAd7FLkVyAg9hq7d3B74XkWxjzPiGvjcRuQO4OvjyFWPMs7Xd2xjzTnCfrzOwe3tNM8bc2dD9a6NBq534/S62v/Au7i5pxB09pvZFxDVFp8DoK21vqzTHvgaIjLNrthL7EDFgABEDBpBy1ZUESkvx5+cDUPz9d+S+9jolc8bT64XniT3m6Hofdc6gcxiSNIR+8f0abNb5g89nYt+J+6zPqmlnyU6eWvAUvx31W1KiUhr+fsPcYd0O441T3mBA4oBa3/9Vv18xodcEkiMbqCepVOu6GzjQGDNSRE7CFs0diy0z9Wlwm5E0INMY8ysAEUkwxhQEg9D4xgz9icho4CrgsOC954rIDOwGkHvdO1hY92xgqDHGBIcwmyVktQfbQ9jXHqzGu2sXO/7wW1IvOYOoAxufQEHAB74Ku06rupJs6HYwxNZd6LZy82YC5RX7JF7UJbc8l0nLJnHx0IvpFlv7HJnX7+WBHx/g/MHnMzJ9ZL33W7xrMTd9exPPHf/cfpFRt3DnQgThkC6H1Pp+hb+CKRunMCR5CEOT95/tWFSdwqL2oIj0BT43xhwoIk9ig1Z+8O1Y4FFgJjANWw3+c2PMzOC1m2hgvqrqHOy2JSlVGeEi8hCQBUypeW8RcQELgx+fB49XNuf70zmtdhAoLcWVlkavpx8jqn8TF9w6XMGFxbm2MnwVTzTkbar3Uk+fPo0OWAAVvgreWvkW83bsOy9WJbMkkzmZc8gua3hOdkTaCGZeOHO/CFgALyx5gacWPFXn+4Lw59l/5rst39V5jlIhJsCjxpiRwY+Bxpj/GGPWYHcW/gX4PxH5S/23abza7m2M8WF7e+8Dp2EDW7NoT6sdbLn+ehzR0fR89AHYOq95pZi+fxQ2TIcLXrOloQCKs6DPEXbvrlaSX55PYmQixpg6592MMTbTsBFrxT5Z9wnzdszj4aMfbrU2tpedJTsp9hbXOTwIsLVoK12ju+KutpBc7bfCpaeVAiwyxvQJDg8+BBxvjCkWkR6AFzs1lGuMKReR04BrjDFnBbcgOcMYs7Ge+2/C9rR6Y3daPpzg8CBwOXajyL3uDVwGRBtjdgX32NpgjGnWHIH2tNpY0fTplMz4gaiDRoAnzvacmlOt/dDg3OdP1bJanS4obGj37KaJccdw63e38vIvL9f6/iNzH+H1Fa83KmCBrdW3uXAzXr+3NZvZ5ir9lfy4/cfdW7DUZUfJDr7Y+EUbtUopMMbkALNFZBl2P8P/AT8GA9L7QBy2eMO8YLLG/cD/BS9/CZgiIt834jmLsEFrHjZgvWKM+bmOe8cBn4vIUmAWcEdzvz9NxGhDgcpKdj76qF0fddml4HBAbBcozW567yi2C4y6DBb8B7YtgJ5j7Pqvgq2Q1BtcEa3SZrfTTbwnnmjXvlmwxhgyizOJdDZ+9+2rD7yaqw+8uuETw9y2om38efafefSYR+ke273O877Y8AXfb/2eswae1XaNU52eMeaSGof+XuP1emyJvZrX/RP4ZwP37lvt66eBp2u8P7W2e2OHB1tMhwfbUMGnn5L5hz/S65VXiD36KHuwJBsyF9sqGU3lq4D3r7K9tXP/Y2sZlhXYTMSuBzW8C3ITBEyA7SXb6RFb65ZoTXLPzHvoHdebG0fe2Aotax++gI+M4gySIpPqTePPL8/H4/QQ3dDGnmp/EBbDg/s7HR5sQ/Gnn06fN9/YE7DA9o4w9Vd+BzuEWJID5YV7jrki4Mhb7WLj7UvssagEcHls7ytnfattFHn3zLu5Zuo1+AK+3cfeXPEmN31zE95A04b6HOLo8P+8V+SsYGXOSmLd9W+uXeGv4L017zW5ar5S7U1E5orI4hof7V4TVocH20juW28RN24c0WPG7P2Gy2ML5/rK7T5ataksgcpSSB4AeRtsIKqaQ+p9BFz4BsRX6wG5IiHGA7kb7HquLgfa7MIWOG/QeUzoNWGvKu5OhxOP04Pb0bQkg/0hCePT9Z/y1cavmNhvYr3n5ZTn8OSCJ+kZ17POZQNKhaNw3AASdHiwRYwxZD3zLGU//0yfN16nbNly8t7+H660NPuRnk7MEUdQsWYNmy+5lJQbbyD9ttv2vVH+Nshate8QoQnY1PaIWEgfDpHxkLMRctfve27AD5k/27mt6iqKwF8JXQ6CuJbtZ1VQUcC0zdM4b9B5AI0uplvTlsIt/Pa733LHmDs4tuexLWpTY3y87mO+3PAlL574ou3ltYIyXxlZpVn0ju9d73negJdSb+l+WSxY7aODjx90DDo82AKl8+aT89JLuPvYX1y+XTspmTmLnJdfYedD/0fGrb/Fn51NoKSEyINHkHrttbXfKCoRqPHHg7fMzncl9YOeY23AAkjsaeewambfrfgEvrwTti/d+3hEnB2C3L4Edq7Y97om+HbLtzz444OsyF3BkqwlTPxgIstzmr7JYXp0Oj3iehDhbJ1kkYYs2LGAUl8p/oC/yUOZdfls/WcUVRY1eJ7b4ea7Ld8xZVOzl6UoparRnlYzmECAQFERzoQESubOI3rs3rUDjd+PPzcXX1YWEQMHIh5PveucMAY2/mCH8MQJZbngjISuB+7ec2svBRmwa8Xe67t85fDur8HpgYmPQkLPfZ9RlgfOCOh2EEQ2/S//Sn8lGws2MiR5CMuyl/Hy0pd54MgHSIpMavK9wCYzuByhHaEOmAAOcVDpr+TaadcyOGkw9x1+X4vu6fV7GfPWGK4bcR03j7y5wfMv+eISEiMSef6EJhfdVh2L9rTagPa0msj4/Wy/5142X3YZgdJSYg4bu08wEqcTV1oakQccgASrqNc7lCZiFwiX5kJJFsT3hN6H1R6wwG4i6Y62gaqKKxKO+6MNTB9cA8s/3ju5Q8RmEzoEMhaCt3yf2zbE4/SQHJnMvTPvxW/8/H3C35sdsD5c+yFHvX1UkzebbKqnFjzFDV/fgMvhYkzXMa2yLYrb6eaHC3/gsmGXNer8l058ieeOf67Fz1WqMUQkUUSaVeVdRG4XkbBOddWg1QTG6yXzrj9Q8MknxJ96Ko7oVvxvG5MG7hjoeSikD7Xp63VxOCBtCJTXGJ7qcQic/1+b7j77WVj1+b7XuqNtMGug5FNdIl2RzM6czWVfXsakZZOadQ+AQYmDOGfQOVT4K5p9j8boHtud/on9cYiDW0fdygl9TuDpBU/z866fm33PtXlr+XzD542e09tcuJlnFj3TakOTSjUgEd2aRJlAgIzf30nRtGmk33UnKbVsntgi0cm2BFMjK0sQnQJRSVBZDJ5qadcxaXDK47D2a+h/nD1WsM1mF1b9ko1KtIuQE3raJI8miPPE8cmZn/D6itcZnjq8SddWd1DaQRyYeiCFlYUNn9xMBRUFXDjkwr2GIEt9pXyz5Rs8Tk+zayDO2zGPx+Y9xqn9Tm3U+Wvz1/LGije4aMhF9S5EVqqVhHRrEhF5ATgUiALeN8bcHzx+KHYRcwxQARwPlAJ/AyYCAeDl4ALmZtM5rSbIeeUVxOMh+YorQvaMJikvgC1z7dxWXX/1F2bCe1fZgHj07RCZuOfaqGToNqKtWruPu2bcxZzMOXx29mch2b7jnpn3sCJnBR+f+fFevaLCykLiPfH8mPkjo9JH1bt5ZW2MMWSXZZMaldqo3pbX78UhjkaXulIdVq3/Mzx14WnTaxya9Pt3Pp/01IWn3Y39ZX7779/5fPFTF542Gej6+3c+H/fUhad1BSbXuO6x37/zeYMZPTWqvFdtTXJ9sH2fAo9jtyaZaIy5NnhN1dYkm2i4ynuyMSZXRJzAt8BvgVXBjwuNMfNFJB4bsK7FBq+LjDG+qmsb+h7qo8ODDQiUl7Pj/x7Gl5dHyjXXhE/AAptMEd8dKgrqPie2C4y+AjbNgveuhi3B3Ygj4qFoB5Tlh659RTvAV/fuA7eOupXfj/k9yZHJIdndd2LfiVw67NJ9Aku8J57NhZu54Zsb+O/y/zb5vh+u/ZBfsn9p9PCgwfDCkhf4MbNxO0Er1YpOCn78DCwChgKDsBXYTxSRv4nIMcaYen6J7OMCEVkUvOdw4ABgCLDdGDMfwBhTGKzsfgLw7+DXtDRggfa06mWMYet111MyaxY9/v4s8Sed1Gr3bjWVpbBpNsQkQ31rkHLWwfeP2AXHY66GQ66wi5adHjuP1sw1V3Xy+2DjDEgZCEl96j31paUvsb1kO/cfcX+rPX59/nriPHGkR9e9v9j3W77nyB5H4g/4m1Rm6fSPTmdY8jAeP+7xRp1vjOGw/x3GVQdexY0Hd9zSVapBYZE9WKOn9RSwxhjz71rOSwZOxfaGvjXGPNhQT0tE+mGHHA81xuSJyCRgOnafrBeNMUfVOP+D4PGvW+v7055WPUSExAvOp/vfHgvPgAU2TT65X8M9ppSBcPaL0H8cLJlsA5Ynxl5XmtP67SrPt7UR8zZBIFD/qb5yynxle5WIaqknFjzBFV9dUW8Pbnzv8azLX8fEDyYyJ3NOnefV9PGZH/OXIxq//ZCIMPvi2RqwVFspwlZVB1u49moRiQUQkR4iki4i3YFSY8ybwBPY/a9qXlubeKAEKBCRLsApweOrgW7BeS1EJC648ePXwPXBr6sCZYtoIkY9/AUFxJ94Yns3o2GJvaFgi93VuL51T06PrVUY8O3Z+TgyDrJW2/ktRyv+DVOYaZM8vOV23Vk9e4bdMuoWBGHejnnEemIZntL8BI8qfzz0j2wv2d7gEF6/+H4c3u1wesX1atR9d5bs5L0173HmgDOJ9TQ+ieX7Ld+zOm81t466tdHXKNUcxpgcEanamuQr9mxNAlCM3dtqIPCEiASw+2tV/UVVtTVJZm2JGMaYJSLyM3b+aiswO3i8UkQuBP4pIlFAGXZo8BVgMLBURLzAy8C/WvL96fBgHXzZ2awdP4Guf/kzSeef3yr3DKn8LTb4NHZDSb/XVt2IjLeVN9KHQ0IrZbb5vbBhBkQn2aDldEOv+ncl8Aa8nPHRGfRJ6MOLJ7zYosf/mPkjIsJhXQ9r9LxTRnEGLy99mXsPuxeP01PneT9t/4nrv76e1ya+xsj0kY1u0+PzH+f7Ld/z5TlfNrv8lQp7+h+2DejwYB0Kp04Fr5eogw9u76Y0TnwPu8DY14h1TwE/fHgtzAlmnkbGQ/aaFpV42kt5AWDsHJsn2r6uqL/kkdvh5rkTnuOp454itzwXfwuq07/8y8s8veDpJgWH9fnrmbppKmvy1tR73uHdDmfBpQs4MPXAJrXpzjF38tW5X2nAUqqFNGjVoeirKXgGDiBy8OD2bkrjOJyQOhgqCm1Q8lXYNVxlebYnVZIT/MiG4izodTis+8bOOTk9EPDa8lCtoTBz700oHa5G3bt/Qn/KfGWc++m5/HvpPvPGjfb88c/zxHFPNOmaY3sey5RzpzAkeQgbC+rcaZwvNnzBO6vfaXL5qe0l2/m/n/6PtXlrm3SdUu0lXLcm0aBVC+/OXZQuXEj8Kac0fHI4iU2HqBQbrMQBkcmQ1B+6jrDVMnofbhMxkvrA0NPAHQkLJ9lroxJt9fhmlHfai98LxTv3zJmB7ckVbqs3/b1KSmQK5w0+jxP7NG8u8cO1H/Lh2g/pE19/xmJtEiISeGDOA1w99WpKvaW1njNj6ww+2/BZk+/t9Xv5cuOXZBS30h8GSoWYMeYwY8zIGh+/tHe7dE6rFoGKCoq/n07kgQfi6dnynXrDTmmu3SRy1Wew6HU452VIHWSPJ/SCtBb0LouzbEX5mlunlGRD2jBbpb4RcspyeOinh7hj9B0Nbv9R3e3f306pt5SXTnqpKa3ebXXuajYVbuLkvifXeY7X78VdX5mtWtRbMFntL/Q/cBsIaU9LRCaKyGoRWScid9fy/pUiklWt63lNtfd+LSJrgx+/DmU79+H3Ez/x5P0zYIGtiuHywPBzbAmoBcEFtlGJkL/ZpsM3V2EGuGvZciQyHvI2Npj+XqXcX84v2b+wNr9pw2nPjn+WZ8c/26RrqhuSPIQJvSfw5PwneXf1u3u95w14+b+f/o9lOcuafF8R4eWlL/Pa8tea3TalVAiDVrDEx3PYPP4DgItF5IBaTn2nWtfzleC1ycD9wGHAWOB+EWleOfEm8m7fzpojjqTwq6/a4nHtw+GwPSpj4IibYWiwhp44wOmCnPXNu6/fa6vUu2P2fc/psdmK5fmNulWP2B58ec6XjO81nld+eYWC+qp+BP190d95bN5jTVooXBunOFmXv47NhZv3Op5TlsNXG79iS+GWZt13adZSVuSsaFHblOrsQrlOayywzhizAUBEJgNnAo35V3sy8HVVyQ8R+Rpbo+vtELV1t8KpUzEVFUQeUFt83Y/EptvqGENqzNtFJNg5qbL8urdGqUtZvt3Lsq5hME+UTfyIbtz6wghnBCtzVvLc4udIiEjg/MH1Lz0o95VT7mvhnBzgEAf/nPBP3E4387bPY2T6SDxOD11jujL74tkETON6izX98/gW1QlVShHa4cEe2MVnVbYFj9V0rogsFZH3RaRqhWdjr211SeefT88XX8DTp+kT+R1KRJxNlvBV2IoY0/5sdz0WsQka2Wv23o+rMQozwFNP8VlPLJRmN2n4cVjKMD4840POG3QeH679kOXZte+U7A14+ePYP/LAkQ80rc11cDvdrMtbx2+m/Ya3Vr4F2CSMv837W7Mrd8zfMZ87pt8R8j3ElNqftXf24GdAX2PMCGy5jyYP+IvIdSKyQEQWZGVltagx/qIijIG4ceNadJ8OI6G3XT/libE7IS/4jw1Unljbayrc3vh7+SrrHhqsTlxQkNmkZvZL6EeFv8LOCa2o/X+Re2bew63ftW61iYFJA3nquKe4ZNglBEyAtflrmbJpCm5H05IwqhRVFrEmbw155Xmt2k6lOpNQBq0MoHptnJ7BY7sZY3KMMVWrYV8BRjf22mr3eMkYM8YYMyYtLa1FDc5/5x3WHn00vtwWFyLuGGJS7XCeMwJGXmqz/jIW2veiEiF7deMWK0NwrkoaLrwbGW9LTjVxIXOkK5I3Tn2DB454gMW7Fu+TJDEqfRSHpB9Sx9XNd1Lfk1i4YyHnfXYe5w06j+/O/67ZWYATek/g87M/p1d840pGKaX2FcqgNR8YJCL9RMQDXITdy2U3EelW7eUZwMrg11OBk0QkKZiAcVLwWEgVfjWFiEGDcCW3/t5OYckdaeeXvKUw7DSISd/T23K6wQTsvFdjFGbY+zXE4bT3Lalzu546pUalEu2O5v017/Pa8td2r6XaUbKDCwZfwFUHXtXkezZGclQy0a5o/jT7T3y58ctm38cX8HHPzHv4fEMtO0orpRolZEEruH/KLdhgsxJ41xizXEQeFJEzgqf9VkSWi8gS7EZiVwavzcXupDk/+PFga+zDUp/KzZspX7684y0obqnE3lBZZrP7Rl8Bu1bu2XMrKgnytzZcQd5XaYNQY7P2IuJsMGzmGsEHjnyASRMnUeor5W/z/sYffvgDv54SulURQ5OH8sYpb2AwrM9vZmYl4HK4WJ+/npyyEFTVV6qTCGmVd2PMl8CXNY79pdrX9wD31HHtq8CroWxfdYVTbEcufmLdi0r3S1GJdkjPBGDwRFj+kZ2bAnvcEwNZK6HnYXVXgS/L23N+Y7gi7DPK821gbCKXw0VadBpfbPiCD9Z+wPUjrm/SAuTmEBEm9JrA2K71F/5tyLunv9vwSUqpOmlFjCBfXh6l8+eH775ZobRzhQ0ikfG2bmHNbeEbqmaRscgOMXoaSMKorqLI7rzcrWUFiau2ve8oPljzAd9t/Y5/Tvgnjvo27VQdkVbEaAP6rwbwF5fgiInpnAELIK7rnoSLqjmnH5+3pZ5gT1JGbXUJq1Lmm7qg1xMLRTvtguMW6EgBCyBAAF/AhyAUVdZf+V4ptS8NWkDu66+x9phj8Re3oHxRR1ZV1qlq/ZG3DLbNh6//DFmrbJV2cUDOun2vberQYBURGyALd7So6R3NeYPO49nxz7Imbw0nvn8i07dOb+8mKdWhaNACiqZOI2LQQJyxTRje2p9UlXUqD/7l74mBU5+AiHj46o82GSMywW45UlojH6Ygo+m9rCqR8ZC7bk/g6wREhChXFClRKZzU5yQOTjuYlTkr2VDQyCxNpTo5ndMCfFlZ+HLziBzSQfbOCoWKItjy0947H+dvhU9vsZtLnvmcDWbG2C1OHE47NLjxB4hOaXpPq4qv3AbL7iNtaalO6PIvLye/Ip9PzvqkwXmujOIMssuyOTitg2xO2rnonFYb6PQ9rcotW3AmJnbugAV7l3WqktgLTvmb3Vjyx3+BO8omXBRss+83d2iwOleknTPL+BnyNjc7Db4je2b8Mzx27GOUeEu4Y/odbCrYBLC7XNQXG77gH4v+AcAjcx/hL7P/wraibbyw+AX2pz86lWqMTh20jDFsveFGtv32tvZuSnioKutUXdpQOOUJOPp39nVUoq1LWBkMXp4aQ4MBn+19fXYbvHMZFDWiFJTTbfffyloFWWsavX3J/iI1KpXhKcNZn7+ehTsXUlhZyPOLn2fiBxMxxrA8ZznTt03HGMPNI2/m8WMf58ftP/LqslfZWFj3LssNWZ27mlkZs1rxO1Eq9EK6TivcVaxZQ+WGDSRfcXl7NyU8xKTALmxvp3rvqeuB9nNpDix9B0ZcaANMad6ezR7LC2H1l3adV/FOiO1i09ljGllay+G05+ZvtkOGXYbbbVI6kZHpI5ly7hSiXFHkludS6a/EG/Dy+9G/xxlchnBAit19YEDiAI7reRxpUWkETKDJ6fPegJc7Z9zJhUMupHtsd+74/g4eOuohDkw9UDerVGGtU/e0Cr/6ChwO4jprqntN7qg9ZZ1qs20+LH0X5r0Mxbv2HsGf9zLMfRHiusGJD8FF/4Px99rMw6zVsLIRW9SLQGyarQSfuaj2FPv9XJQrCoBxvcZx++jb8Tg9uwNWdS6HiwhnBJd9dRkfrP2gyc9xiYvbD7mdQUmDKPWWkhiZSNeYrny9+Wsu/eJSdpbs1KFHFZY615+y1RhjKPpqCjGHH9Z5ag02RmIvyFxS+0LhwRNt5fdFr4HxQ0kODD7JHh95MQw/E1IG7nvdik9sL6xgK4y9ft/FyzVFJ0N5gV0n1n0kRMS2yre2v4n3xNM1uiux7qb9fDYXbubDtR9y/Yjrd2+YOWniJMAGw2h3NKlRqby09CUW7VrEv47/V7Mr2yvV2jpt0BIRer38EoGSTro2qy5RSXvKOtU25DT6SpuAsfLT4NBfsLsV373uex5zhy3dtPRdmzY//j7bq6tPZILdd2vrXOhxSLPKPe3vRISnxj1Fhb+CJVlLGp1ROCtjFu+tfo/Lhl22zy7PE3pPYELvCQAkRCSQFpWG2+HGH/DX2uNTqq1pyrvaV/WyTiYQ/DD2M8YmW2StgS4H2Oy/xlr2Acz5F6QNhpMfsanyDfGV26SPXodpj6sOD8x5gCmbpjDtvGnEe+LrPbegooCEiARyy3NJjmzcCMPkVZP5bMNnTDp5Em6n9rjqoZOBbaBTz2mpOsR3t4GpJBvKCmzQ8FUGEzScdqPHHqNt8oW/svH3PfBcOOn/IH+L3XSyMVyRtpeWudi2Qe3jqgOv4tnxzzYqYJ358Zm88ssrjQ5YAOnR6XSJ7kKFv5F7qykVQtrTUrULBOwwYX2ZZMVZkPmz7ZG5Ihp/77J8mzoPdouS5P6Nu6aqwK4OU+0jvzyf55c8z2XDLquz4n25r5yXlr7EiX1OZFjKsCY/Y/GuxVT4Kzis22Etbe7+SntabUB7Wqp2DkfDi4Zj06DnGLu2y9eETL+qgLV2Grx/Ncx6tuHroxJtyn322sY/pxPxBrx8vv5zFu5cWOv7S7OWMn3rdG4ddWuzAlbABHhk7iP84+d/NDmrcEP+Bh768SG2FzdizZ5SDei0iRiqlUQnQ89DIWOhnfNqSh3CfsfZIPTLe/b68fdCej2/UKNT7NCiJ8ZmOard0qLTmHreVOI8cZT5ynanzleZvGoy83fO57hex+3zXmM4xMFT454iMSKRYm8xMe6YRq0NM8awtWgr7655lxtH3ogxRteBqRbRnpZquahEG7h8Xpvx11iuCDjiZjjtGVs+6pObYcF/91Sbr0kEopPsfFjNwr2KOE8c9826j1u+vWWv3lClv5KHjnqIV096tVkBq0qvuF6U+8o559NzeH356w2e/9ry13h47sMc1+s45l4yF4Arp1zJ6tzVzW6DUhq0VOuIjLdDhYHAvqWgGtJ9FJz/Kgw8ETbNDGYp1sHhsnNbmT83LUB2EmO6jOHoHkcTCP4MM4ozOPmDk5mdOZte8S3vnaZGpXJinxMZ03VMnef4A34AcstzyS3PxRvwEu2OpsRbQl5FHmW+lu2hpjo3TcRQrauy1O5kbHw2uDTnek+0HQbcNh+Gn137erHKYsBhe3guT93385bbdWWFmZDQ01aS38+Hp/wBP19v+ZoTe5/IrtJd/G3+3/jjoX+kW2y3VntGXnkezy1+jt+N/h0x7j0L0fPL87nlu1u4aOhFnNrvVIC9hhH9AT8BAvxp1p84a+BZHNH9iFZrUxjYv//HChPa01KtyxNte1yuCJsu35zrAVZ/BXP+CV/cuaeq/F7nxdohxZ3L9i2w66uAoh22osbGmfYcXylsXwI7ftm7kv1+aGbGTO6acRdPLniSUl8pz45/tlUDFsDGgo18su4TFu9avPtYma+MGHcM8Z54Ip2ROMSxz7yX0+GkpLKEdfnr2FS4qVXbpDoH7Wmp0PBVwvbFNlXdFWEXBjelqKsxsPoL+PE5G2QGHA+HXA6JNdK5i7MgsQ8k97Olnwq32fVlYJNC/JWwZoqdAzv0N3ZXZsQujN5P9+8yxjArYxZPL3yaKFcUb536VkiSH3LLc0mKSGJjwUa2l2znvln38cpJrzAgcUCDz6v0V+Jxenh12aukRaVx+oDTW7197UB7Wm1AswdVaLg8duiuvAAKM+zwHGKDV2PWdInA0NOg95GwdDIs/8SWdLr0vb2vj0mFvE1QsAUM4ImCqGSbrLHiE9g4HfxeuzPzmKts0oivws6JxfeA1MH1Dy92QCLCMT2PYXjqcPIr8kOWrZccmcw/Fv2Dt1a+xcsnvcwhXQ4hMTKxUc/zOD34Aj7mZM4hNSqV0/qfplmFqlG0p6Xahq/C9oryNtkq8k3tfZXlQc46Gwgri205qBEX2h4W7L2dytT7YPNs29MafDIMO8OmyDtcdqjRFQHRqfae4rRbr1TfsVk12vbi7fyw7QcuGHJBs4JOhb8ChzhYuHMhS7OWcs1B1zR5m5UwolG3DWjQUm3LGCjPtz2vwkwbtKqK9DZWxiKYdp9Nsuh/HAw+BbbMgZGX2H281ky1w4IDj9973ZgJwIfXQkUxnPq4HVb0Vdi5t8RetkL9ftbr6ige/PFBFmct5p3T3sEX8LUoNb8dadBqAxq0VPvxVdgyTvlbbU+nKYGrvACWvgfLP7Q9N6cbxv/JBrFazy+0SR65G+GrP0DADxMftZtNGmN7XYgdPoxMgIg4W/fQHWXvrULKGEN+RT5+4+e8T8/jjjF3cMaAM9q7WU2lQasNaNBS7SsQgF0roSizeUN05YV2fqr7yNpT7AM+m4QRlQxlufYZRTvgy7tswsaJD0DvYNp1wA/+CptEUrXA2QDuSIiItwHNHW17h1V1GcURHOKUPcedHq2P2Ex55Xk8ueBJrjnoGlziIrs8m1Hpo9q7WY2lQasNaNBS7S8QsKnoJbtad26pstgOIaYfYCvX56yHvA12H7CyPPjqj3ae7Pz/2qHCOtvns71CX0Vw4XMtv5uq9iADG7yikyE6zS669sTaWo6qSe6ZeQ8zts3g6/O+3mstWBjToNUGNGip8BDw28BVmmN/4beEMfY+EbHQ5aA9+3AZY9dsFe2EmBS7kHnTD3bn5dZkAjZYeoOVH6qCWGy6HXb0xO73C5xbQ6m3lDV5axieOpzfff87LhxyIcf0PKa9m1Uf/Y/aBjTlXYUHhxO6HBhc25XX/J2KfRV2yDCxD6QMAGe1/8VFIG1YsEpGAUQl7AlYa6bB0ndscHFF2bksd6RdH9ZthM06zFhkK9vHdYe4rnWn7ovDzp9VLZQ2Advr25VthxsdTtu2+B46jFiPaHc0I9NHsqNkB5klmVT4K5i7fS73zrqXf034F3kVedw5/U5ePvllcstyufW7W3njlDeIcEXwxoo3uH7E9XSJ6YJTnB05I1HVoEFLhQ+ny+6XlfnznqDSFOX5Nih0H2WDS53PGAFb59tA4gn2wkqz7ZxYRbHdtdlbZj/Shtrzs1bBrKf3vldMqg16h15jt1bZNAviutmAFpW0J51fHLYyvSc4xBXwQdZqyNsMaUPscKX2vOrUNaYr7572Li6HizV5azi6x9HEemLxOD2cOfBMEiMSiXHFcPWBV5MWncbKnJXM2DqDm0fezNRNU3lk7iO8e9q7BEyAHSU7GJU+Sndg7sBCOjwoIhOBvwNO4BVjzGM13r8DuAbwAVnA1caYzcH3/MAvwVO3GGMaTCXS4cH9hK8SMhfaz5H178YL2CBQlmfXXqUPs72khlSWwNZ5tjflimz4fH+lre5RkrUnXb8o0/bchp9l58Y+uGbP+Q63DZxdDoLx99hjG6bbwJjUb88i5/ICG+BSB+/ZZ0y1WNUWKEuylvDZ+s+4Z+w9vLDkBV7+5WXmXDwnVHNk+pdHGwhZ0BIRJ7AGOBHYBswHLjbGrKh2znhgrjGmVERuBMYZYy4MvldsjIltyjM1aO1HvOXBPbr8dh6oignYXo233M5RYWxKemK/4ALiJgwDleXbwBWV2PK0dr93T+WP4p123qx4pw1SR99u5+z+c5L9fpweOOZOGHySvbayxM6vxXW1a8U8TdiTTDVaYWUha/PWMrrL6FA9QoNWGwhl0DoCeMAYc3Lw9T0AxphH6zh/FPAvY8xRwdcatDo7b5kteusrt8N+AojLDhtGp9hg5o62c0vNHV4r2mkL6UYnh3Z+yQSgaLtNt1/0hp27O+Asu5+Y020DcEUB+Hy2ykdi75YtdPZ792wR44nVRdNtQ4NWGwjlnFYPYGu119uAw+o5/zfAV9VeR4rIAuzQ4WPGmI9ru0hErgOuA+jdu3dtp6iOyh0FPUZD8S6bAeiOtsdac/4nrgv4htg5q1DOLYnDJl7EpMPxf4Ylk+2OzYm94MBz7XMjE21wy99sy11Fxtshz8gE2/tyRdbdvoDfztGV5dseXnkB9ndo8I9Sd7QN9NEpdm6ttX+OSrWRsEjEEJHLgDFA9XIGfYwxGSLSH/hORH4xxqyvea0x5iXgJbA9rTZpsGo7nmhI7hvaZyT2tlU18rcEK2FENK0ifUMCPhtQ/D5wRthkjYMugF5jbdII2CSSyMQ96fHG2B5m/iYbkMD2yCKTgr3MWNszrCiyQb00xwY8cdiAFJ2yd1DyV0LxDigI/h0prmAafpoNpM6w+FWgVINC+X9qBlB9q9SewWN7EZETgPuA44wxuzc6MsZkBD9vEJHpwChgn6ClVIuJQOoQm+pemm17K1ULhZ0u28NxNnEI0gTsXJWvwhbqje9u6yJGJtj7OIJzaA4XZK+FT2+FMVfDQefvqbbhjto7qSTgg8oi28aq+TwR276oxPoDrdNjP3bfy2/vtWOnvbbrCJuUolSYC2XQmg8MEpF+2GB1EXBJ9ROC81j/BiYaY3ZVO54ElBpjKkQkFTgKeDyEbVWdncNhe3TJfW2FDl+ZTY4oL7BloMpyd4+0VfsCW76p+tcCfr/9HNfVBqvIhH3ny1IG2t5daY49p9dY+Ol5u6XKsX+oPRnD4QKPyw7v+Svta3HYYGYCwUr3jn2Da2muHW4sy9v7o+tBMOQU+z1unQc9Ru2d9KJUGApZ0DLG+ETkFmAqNuX9VWPMchF5EFhgjPkUeAKIBd4LbmtQldo+DPi3iASwuys/Vj3rUKmQclRbV1W13ivgt4khvgrA2ABhAnu+DvhtZqAx9rqGMhIdDlusN2OBTZo44a92cfO8l2xR30N/A/2Otef++BwUZNghxLJ8+9lbChdPtoFxxhOwdmqNBwiM+6NdR7Z5Nsx8qtpbwcr60Sn2dWWxjcNb50K3kbpNiwprWsZJqfZUWWp7OS6PHQrMWATf/tUGlss/sud8drsdyotM2lOFPjIRDjzHBshNsyE3OHJe1ePCQN9jIHWQXVtWsM0Gqqgk25uqGkoM+OGD39ie20mP2B5e+nBI7Nn2P4uOTzNb2oAGLaXaW831YpUldvguoQ0CR8BvMyen3G3n2SY+ZgNicj87hKmFfptCg1Yb0P8jlWpvUYm2fFVZnu0peWJaP2D5vTYYluZCSU7wI9tmH8Z2gdP+bgPUF7+zlT7yNtkCxn5f67ZDqRbSnpZS4SJnI+SsbfqGmFX8Xgh47ee9go2xmZERcTZAemJsWr8ruFYra7VNhTd++PIPdp3XBa/ZjElPrA2omlnYGNrTagO6OEOpcJHc1yZYFG23W6fUxu+180/+yuD6reACYhFwRtr1W9HR9rMr0qa5u6Pqr/aRPsyel7seTn8WNv9o15JBMLNwrs00bOmWMUq1Ag1aSoULEVv13VsCpXngcgc3nqw6oVqPKTIh2GPy2B6R09P8+ScRSB1oe1+7VsLgk+3xNVPtkOXws2w5rZQBkNRXt1NR7UqDllLhxOmyC313rbRfRybuqa/oigxt5YrEXvY5mYttT23bfFj3jd1CZfSVkLvBrivrMnzPNitKtTGd01JK7a0sz6beOz2w+C1Y+q5NkR92Ohxwhp3nSh8O8d20fuHe9IfRBjR7UCm1t6gkW6HDGDj4YrjoTRh0Iqz4GOa/YpM5dv4CO5fZPc+UakM6PKiU2ldEHPQ61G6hEvDBsXfBqMtsSr7DZYsL//wGHHg+9DtGkzRUm9GgpZSqnTsKuo+G7DU2o9Hp2VObMGsVrPoC1k6DQSfD2OuCe4BF2gXSTncwOcStC5RVq9I5LaVUw7zldjFy3iablu/y2Lmvn9+E9d/Z3tegE+2WK57qe7caG8hcEXY/sbhu+3MQ0zmtNqBBSynVeMbYtVuF26EwAzBQnge/fACZP8MFr9sAVVG0p1cW8NmPiiKbDZk+bH+tJq9Bqw3o8KBSqvFEbCJGVKJd21WSbXdaHvMb2/tyRdi0+MmXQt+jYeSlto6hI7gvWUURbPkJkgdCUm9d86WaTIOWUqp5nG6b9h7fzdY03LnCBjFxwAFnwopP7DqvvkfbJI60obaH5Y6G3HW2xmGXA2y2olKNpMODSqnW4fdB/lZbP9EdaTMNl30Iyz6we3aNvR5GXrznfG8pVJTYBI6UAfXvP9Yx6PBgG9CgpZRqXRXFkL3a9rqiEm29xBWfQJ+jIKmPLQll/NBzrD2/LM8OH6YfYDem7LiJGhq02oAODyqlWldELHQ/BIp32XJUxm8XKVdVz1j6ji0RlTrYDhv2PdoGtsyfg7tGxwU3rEy0affuaJ37UrtpT0spFTq+SluzMH+L3RXZE2MD1NppsPh/NgMxqS+MvAQGHG/nw/yV4Cu351VVsffE2kAWnRzsjYVlENOeVhvQoKWUCr2yfLtIuTzfBi53tE2D3zDDrvXyV9p0eYfT1jpM7ANpg22gMiYYyCrshzvK9tJi0sJtKFGDVhvQoKWUahvG2Pmr7NVQXmi3V3FF2ISNkmyITbdB7fWz9lwTk263a0kfCgdfYocYfRXB6+MgdYgNbOFRuDcsGrG/06CllGpbxkBJFmStAV8ZRMbbkk9VKoshe63tmWWtth9ON5w/yb6/ZLJN6ohJsdmH0cmQMtDOgbUvDVptQIOWUqp9BAJQvNMGJ3+lDTqOOnLD/JU2sBVth3eugIAXeh0OB51r1395yyGuKyT3t4kg7UODVhvQoKWUal9+nw1GOevsPJc4bPUMd6T9uqbSXFj5qU2jL8uz81+HXAE9x9jEj4RekNizPUpFadBqA5ryrpRqX06X3TU5rpsdGqwosqWgSnNtujzYuS93lO2JRSfbnZRHXgLrp8Oy922PLTIBSvNgx89QsBViUm1mYvjMealWoEFLKRUenK49dQ0Te9nhQ28pVJYEg1iOTYUH2wNzR8KgE2x1+argtux9u9ty1xEwYDz0GA3RqbbiRkxauKbKqybQoKWUCk8Oh52fioiFuC72mLc8WP4p2BsrKwDjA4MNekNOsen0a6bA7L/bYca+R8PQM2yB3uT+du7LFdGu35pqPg1aSqmOwx2c64pOtiWhjAFvmQ1k5YVQmg2DJ8Kgk+zeXxun2yHEQ66w68NWfW6HC4ecooV6OygNWkqpjkskWGkj2s5hpfS3lTTKCyC+ux0WHHmZ7a2JAxb8x9Y4HDChvVuumkmDllJq/+J02wAWkwr+oTaAFe2wyRrH3GmzFVWHFdIaKCIyUURWi8g6Ebm7lvcjROSd4PtzRaRvtffuCR5fLSInh7KdSqn9lNNlFyF3HQ79j7NDh73G2rku1SGFrKclIk7gOeBEYBswX0Q+NcasqHbab4A8Y8xAEbkI+BtwoYgcAFwEDAe6A9+IyGBjqlKElFKqiRzOYMHd5PZuiWqBUPa0xgLrjDEbjDGVwGTgzBrnnAm8Fvz6feB4EZHg8cnGmApjzEZgXfB+SimlOrFQBq0ewNZqr7cFj9V6jjHGBxQAKY28FgARuU5EFojIgqysrFZqulJKqXAUVnX9m8MY85IxZowxZkxaWlp7N0cppVQIhTJoZQC9qr3uGTxW6zki4gISgJxGXquUUqqTCWXQmg8MEpF+IuLBJlZ8WuOcT4FfB78+D/jO2Aq+nwIXBbML+wGDgHkhbKtSSqkOIGTZg8YYn4jcAkwFnMCrxpjlIvIgsMAY8ynwH+ANEVkH5GIDG8Hz3gVWAD7gZs0cVEoppVuTKKVU69BS8m2gwydiKKWU6jw0aCmllOowNGgppZTqMDRoKaWU6jA0aCmllOow9qvsQRHJAjY38bJUIDsEzQmFjtRW0PaGWkdqb0dqKzSvvdnGmImhaIzaY78KWs0hIguMMWPaux2N0ZHaCtreUOtI7e1IbYWO197ORIcHlVJKdRgatJRSSnUYGrTgpfZuQBN0pLaCtjfUOlJ7O1JboeO1t9Po9HNaSimlOg7taSmllOowNGgppZTqMDpt0BKRiSKyWkTWicjd7d2ehojIJhH5RUQWi0jYlbIXkVdFZJeILKt2LFlEvhaRtcHPSe3ZxurqaO8DIpIR/BkvFpFT27ONVUSkl4h8LyIrRGS5iNwWPB6WP9962huuP99IEZknIkuC7f1r8Hg/EZkb/B3xTnBfQNXOOuWclog4gTXAicA27IaVFxtjVrRrw+ohIpuAMcaYsFygKSLHAsXA68aYA4PHHgdyjTGPBf8wSDLG/LE921mljvY+ABQbY55sz7bVJCLdgG7GmEUiEgcsBM4CriQMf771tPcCwvPnK0CMMaZYRNzALOA24A7gQ2PMZBF5EVhijHmhPduqOm9PayywzhizwRhTCUwGzmznNnVoxpgfsBt5Vncm8Frw69ewv7jCQh3tDUvGmO3GmEXBr4uAlUAPwvTnW097w5KxioMv3cEPA0wA3g8eD5ufb2fXWYNWD2BrtdfbCON/VEEGmCYiC0XkuvZuTCN1McZsD369A+jSno1ppFtEZGlw+DAshtuqE5G+wChgLh3g51ujvRCmP18RcYrIYmAX8DWwHsg3xviCp3SE3xGdQmcNWh3R0caYQ4BTgJuDw1sdhrHj0OE+Fv0CMAAYCWwHnmrX1tQgIrHAB8DtxpjC6u+F48+3lvaG7c/XGOM3xowEemJHYoa2b4tUXTpr0MoAelV73TN4LGwZYzKCn3cBH2H/YYW7ncH5jap5jl3t3J56GWN2Bn95BYCXCaOfcXCu5QPgLWPMh8HDYfvzra294fzzrWKMyQe+B44AEkXEFXwr7H9HdBadNWjNBwYFs4M8wEXAp+3cpjqJSExwQhsRiQFOApbVf1VY+BT4dfDrXwOftGNbGlQVAILOJkx+xsFEgf8AK40xT1d7Kyx/vnW1N4x/vmkikhj8OgqboLUSG7zOC54WNj/fzq5TZg8CBNNtnwWcwKvGmIfbt0V1E5H+2N4VgAv4X7i1V0TeBsZht3TYCdwPfAy8C/TGbhlzgTEmLJIf6mjvOOzQlQE2AddXmzNqNyJyNDAT+AUIBA/fi50nCrufbz3tvZjw/PmOwCZaOLF/yL9rjHkw+O9uMpAM/AxcZoypaL+WKujEQUsppVTH01mHB5VSSnVAGrSUUkp1GBq0lFJKdRgatJRSSnUYGrSUUkp1GBq0lGokERknIp+3dzuU6sw0aCmllOowNGip/Y6IXBbcH2mxiPw7WAy1WESeCe6X9K2IpAXPHSkiPwWLuH5UVcRVRAaKyDfBPZYWiciA4O1jReR9EVklIm8Fqz8opdqIBi21XxGRYcCFwFHBAqh+4FIgBlhgjBkOzMBWwAB4HfijMWYEtoJD1fG3gOeMMQcDR2ILvIKtWH47cADQHzgqxN+SUqoaV8OnKNWhHA+MBuYHO0FR2EKyAeCd4DlvAh+KSAKQaIyZETz+GvBesM5jD2PMRwDGmHKA4P3mGWO2BV8vBvpiNw1USrUBDVpqfyPAa8aYe/Y6KPLnGuc1t35Z9dpzfvTfkFJtSocH1f7mW+A8EUkHEJFkEemD/X+9qmL3JcAsY0wBkCcixwSPXw7MCO62u01EzgreI0JEotvym1BK1U7/SlT7FWPMChH5E3aXZwfgBW4GSoCxwfd2Yee9wG458WIwKG0Argoevxz4t4g8GLzH+W34bSil6qBV3lWnICLFxpjY9m6HUqpldHhQKaVUh6E9LaWUUh2G9rSUUkp1GBq0lFJKdRgatJRSSnUYGrSUUkp1GBq0lFJKdRj/D6nrMATWFNA1AAAAAElFTkSuQmCC\n",
"text/plain": [
""
]
},
"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": "3ab2d27e",
"metadata": {
"papermill": {
"duration": 0.654577,
"end_time": "2022-04-28T12:54:53.274782",
"exception": false,
"start_time": "2022-04-28T12:54:52.620205",
"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: PyTorch Lightning CIFAR10 ~94% Baseline Tutorial\n",
" :card_description: Train a Resnet to 94% accuracy on Cifar10!\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.12"
},
"papermill": {
"default_parameters": {},
"duration": 16715.805757,
"end_time": "2022-04-28T12:54:54.351239",
"environment_variables": {},
"exception": null,
"input_path": "lightning_examples/cifar10-baseline/baseline.ipynb",
"output_path": ".notebooks/lightning_examples/cifar10-baseline.ipynb",
"parameters": {},
"start_time": "2022-04-28T08:16:18.545482",
"version": "2.3.4"
},
"widgets": {
"application/vnd.jupyter.widget-state+json": {
"state": {
"00d03b4c91b04c3f9950458ea03dd35c": {
"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_ace84cbcb066497f990a3819d7319505",
"placeholder": "\u200b",
"style": "IPY_MODEL_2d81ee4194404d269f2c2352042ac66f",
"value": " 40/40 [00:01<00:00, 38.49it/s]"
}
},
"013844fb2b6a4890bc73c768c2b20b45": {
"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": ""
}
},
"0175c99c69db472f84f7b704d6fd0b2c": {
"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": ""
}
},
"01f4f14d43c2448ca7613a38b08c082a": {
"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_86b5c12a6bae4cfd8c4a4a275d56cacd",
"placeholder": "\u200b",
"style": "IPY_MODEL_b6fd43ba53594099aaf0a3b945de2ec7",
"value": " 40/40 [00:01<00:00, 36.28it/s]"
}
},
"0227a4b12fee418a8ff45a2a7b2d39e8": {
"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%"
}
},
"02a613c7633341bbb0ba47c83b342086": {
"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": ""
}
},
"02df6f1723b24ebda0d19381935e8e14": {
"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
}
},
"0646ebd4f21740b6b434a75ad27ee177": {
"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%"
}
},
"0684b03e350745179544627b440b65c0": {
"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
}
},
"068c9a3ef7bf4ca9b6307d943c6fd76f": {
"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_2794580a0074429ebd8fd16cbcd9aa9b",
"placeholder": "\u200b",
"style": "IPY_MODEL_cf798dc52c854e8ea69debe0ef4422b2",
"value": " 40/40 [00:01<00:00, 36.82it/s]"
}
},
"06c23274db4649a5a39d9cffb567ee2f": {
"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_ea2ff78c149440df8d7e8404b38111bb",
"placeholder": "\u200b",
"style": "IPY_MODEL_83fd98983a0c4172a50284337b090b82",
"value": "Validation DataLoader 0: 100%"
}
},
"06dbd180894d4a3c87c1e614bda6a545": {
"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
}
},
"073c3daa13884ae1ac4501175f1abeb2": {
"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
}
},
"080c67bc5ca94a73be9cd2041a4466b1": {
"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%"
}
},
"0862fc8c7ca742ee8cb14813b00b6d05": {
"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": "info",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_5fdf818b276d4a53a996418927287748",
"max": 1.0,
"min": 0.0,
"orientation": "horizontal",
"style": "IPY_MODEL_aee2fdb4805940018f9b8399de15bd03",
"value": 1.0
}
},
"086b9e40ec554733909b215e90b4fb5d": {
"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
}
},
"0939473145994590bd6b78db536c265a": {
"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
}
},
"09aad1cf050446d0b221cdd90355e457": {
"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": "info",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_2ac11e203f1b4fafbccdf85756e1a61c",
"max": 1.0,
"min": 0.0,
"orientation": "horizontal",
"style": "IPY_MODEL_520ec7b01ec341cfa549239dd2c17118",
"value": 1.0
}
},
"09e10d9861f549df9810140eb8e95eaa": {
"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_485331ab38894877b3df00fd3cf1f548",
"placeholder": "\u200b",
"style": "IPY_MODEL_cfab677e0199464eaa753b6cf6718dbd",
"value": " 40/40 [00:01<00:00, 38.79it/s]"
}
},
"09e3f64cb5614828b6fc9a7fadae01b2": {
"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": ""
}
},
"09f2a958a116478688e6d4677eb6c3d4": {
"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%"
}
},
"0a20bb75a0c445a5a8cedff158561664": {
"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_4918cb0b112d422cad220f6f719f2cdc",
"placeholder": "\u200b",
"style": "IPY_MODEL_8a3a57f120894dce84ce6714275df876",
"value": " 40/40 [00:01<00:00, 38.67it/s]"
}
},
"0a5a8f0dcf7d450aa9e4705dccc99f5c": {
"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": ""
}
},
"0ab1a4aff7a640eea74147f5dc429fad": {
"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_c238b0cee5c14b1f96578c554c79adc9",
"placeholder": "\u200b",
"style": "IPY_MODEL_09e3f64cb5614828b6fc9a7fadae01b2",
"value": " 40/40 [00:01<00:00, 36.60it/s]"
}
},
"0ae3d35d13ed4f25bd0b09e7154c92df": {
"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_e52ffa57ccad4542943d5b6ccfd1dd07",
"IPY_MODEL_c937c9d74dbb43eaba8e37fed0987c7c",
"IPY_MODEL_9dd19d9e0148434ebd1b45c4782fef0e"
],
"layout": "IPY_MODEL_818013f3323b448ba54450fca29e508c"
}
},
"0b85399af8f14a0180a819e6afd9840e": {
"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%"
}
},
"0bd3491485d04933bd4248a2bb9710c7": {
"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": "info",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_ea89297e46714c4f83f17daadbb84002",
"max": 1.0,
"min": 0.0,
"orientation": "horizontal",
"style": "IPY_MODEL_28be2c63ae6545659e482ca2e58c86fd",
"value": 1.0
}
},
"0bdd2e355b794b2694a1fd2aba6a2692": {
"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
}
},
"0cd40fd16d2c4767aa3411f86a2d360f": {
"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": "info",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_2dc162fda101456c8b5c2f3efa60a107",
"max": 1.0,
"min": 0.0,
"orientation": "horizontal",
"style": "IPY_MODEL_a3036935c95848dfba064a992ee3e5be",
"value": 1.0
}
},
"0d0b808906924eefa03f579a97e13366": {
"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%"
}
},
"0d56fcadf5504312be9bf7d1a0ebd57a": {
"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
}
},
"0d9e63977db84cfd81f31dd63b1be2ff": {
"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": "info",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_073c3daa13884ae1ac4501175f1abeb2",
"max": 1.0,
"min": 0.0,
"orientation": "horizontal",
"style": "IPY_MODEL_99e89452956e4de6b983189f201a9b6c",
"value": 1.0
}
},
"0da2dfcd95484462acb0ee6c2a27f5cf": {
"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%"
}
},
"0ddf1590fece46e28822b8dbc3faecfe": {
"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
}
},
"0e6d1ff3986a4e21a674394111163860": {
"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_6a1aaeeaeeb4432a801c2403384ca819",
"placeholder": "\u200b",
"style": "IPY_MODEL_299e00bbff1d43109603417322249998",
"value": "Validation DataLoader 0: 100%"
}
},
"0eb597570d0645c497e8f090b89c8c7e": {
"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": "info",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_81f32438c66a48d3b677e6acee3e9b70",
"max": 1.0,
"min": 0.0,
"orientation": "horizontal",
"style": "IPY_MODEL_fb8f997e9342417f9429d0b9973e9832",
"value": 1.0
}
},
"0ecbfe96aa2446a8961511b0c135ac12": {
"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%"
}
},
"0f001df6b380404cbeda3bb917b76e42": {
"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_b002560501b74c9ca97543400ae0778b",
"IPY_MODEL_9b0653016a2145c79e48dd900dde97b5",
"IPY_MODEL_3941d4cf19704564994cc0bfe93c25c6"
],
"layout": "IPY_MODEL_3e76bcad11854979b5ffc30b1738b572"
}
},
"0f6bc0bf281e48a993c52740475c0119": {
"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": ""
}
},
"0fb4f7af468146ac913fa8e0c65d556a": {
"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
}
},
"0fd46b5f596a469bbfaa3f4df33b8adf": {
"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": "info",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_2dfce3cd2a534a84b74cc378f43aadeb",
"max": 1.0,
"min": 0.0,
"orientation": "horizontal",
"style": "IPY_MODEL_e0af4e2a639d4748beae0574dd2623a0",
"value": 1.0
}
},
"11125b4ed40e43b881eed543587144bc": {
"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%"
}
},
"116c35735e5547b3ad919e86e4b60ee6": {
"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": ""
}
},
"11e874ebcf1c45feb04d0769fec7521f": {
"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": ""
}
},
"1257b66b89514d01bfe2be14c3f4cf4a": {
"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_cac6fdc074504602a09c3b358383696c",
"IPY_MODEL_8c55004bc68c43f8827f8a04d440c45d",
"IPY_MODEL_b409151be4f2491e9d16d2fb367fc4f8"
],
"layout": "IPY_MODEL_c81dbe07b3b3450d8441efbe2ebe074e"
}
},
"12de6204605d44a887df6fd60d38b0c8": {
"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_29f7d2a2ed6349f0a9afaf92e67925a7",
"max": 1.0,
"min": 0.0,
"orientation": "horizontal",
"style": "IPY_MODEL_275c8d57ccd44e98a2b9ace4ece4cafc",
"value": 1.0
}
},
"136de62016984b73949fe103c322c240": {
"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": ""
}
},
"147455b48d6a454b8b526048b989981a": {
"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_8b4e5830e871494fa2a79fdd1ad0c5dc",
"placeholder": "\u200b",
"style": "IPY_MODEL_48948405e6c440839af6f4da2c830b07",
"value": " 40/40 [00:01<00:00, 36.62it/s]"
}
},
"14f1192505d040d8a3495a18754bf6c2": {
"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_a03ddd4e97ea4a3baedba232972a721b",
"placeholder": "\u200b",
"style": "IPY_MODEL_9b667c1eef244213b5678093f87f82a0",
"value": "Validation DataLoader 0: 100%"
}
},
"1583c59caf67448fa145a7943bbbaf13": {
"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_34750817b3d444ffad6d7aed46da3b7c",
"IPY_MODEL_af11eb9334cf416aaa2e36696930c7b8",
"IPY_MODEL_4bc288cfa99a4d2dbab8c91cc404752d"
],
"layout": "IPY_MODEL_a2548c5b63154ebe922e3ff6fb7fd3c8"
}
},
"160a4478d50448b7aa460cf136c3270b": {
"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%"
}
},
"16564fc11da249eba4ba2a6d9ff0ae79": {
"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": ""
}
},
"165e8f00361440a08deb68a20e6fdedc": {
"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
}
},
"16974e8b34904e20b1bb582a3a0895e7": {
"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_ebad16e2fa574770b967fc0ee13dc9f1",
"placeholder": "\u200b",
"style": "IPY_MODEL_b6a75ebb74cc4bc38b15baa418cdaf12",
"value": " 197/197 [05:16<00:00, 1.60s/it, loss=0.0362, v_num=1, val_loss=0.264, val_acc=0.924]"
}
},
"173a80d618c2407fa3ff268fe259e39a": {
"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": ""
}
},
"174a48a05c9f46a1a10505538ea1f0a1": {
"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
}
},
"188e43bd07294b92a676cbcd3477241b": {
"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": ""
}
},
"198e8493d4d747dabe98c555b5829929": {
"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": ""
}
},
"19a78f0e372141f99604f740437d5a6d": {
"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": ""
}
},
"19e3df9b75f94544b747e105d1356c98": {
"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_44c475d4c5b440bb86dc1fe19b3f12c8",
"placeholder": "\u200b",
"style": "IPY_MODEL_fc8a9be1e9334c1baae32d04ed05bcd9",
"value": "Validation DataLoader 0: 100%"
}
},
"19f3a32f901b46599ef3d36c28095b63": {
"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_c86a7ccff66941629bbb0e93c8065360",
"placeholder": "\u200b",
"style": "IPY_MODEL_f22b3bbe78f84c2f89d45c379929ef27",
"value": "Validation DataLoader 0: 100%"
}
},
"1b4ad71c9e954ea8a909cce66c94ea89": {
"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
}
},
"1bf917c54a624788a59cc7336187cabc": {
"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": ""
}
},
"1c76f655f29948fa9473b05bf15881f6": {
"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%"
}
},
"1dd6adccc36b45dfa41054c05ce169ea": {
"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": "info",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_3c377c86be2a4d6584cdea2f45d1b171",
"max": 1.0,
"min": 0.0,
"orientation": "horizontal",
"style": "IPY_MODEL_e9cefbac316c48ea892ee61ab90006c8",
"value": 1.0
}
},
"1e4c1aa0ecff41b2943ab1b9303a96a7": {
"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_9cd5103418b34032a5f5d3c5fa8079c0",
"placeholder": "\u200b",
"style": "IPY_MODEL_e15ec97446bf415789900a4356a98e4b",
"value": "Validation DataLoader 0: 100%"
}
},
"1ecb117ba3844e0189348d37461f0860": {
"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": ""
}
},
"1f1df194dddd4dd78a8c96a63ac7c4c9": {
"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": "info",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_871f854c7ae340c0a5f0717a72400b27",
"max": 1.0,
"min": 0.0,
"orientation": "horizontal",
"style": "IPY_MODEL_a0516f62a47b4b65b5463be7e75aa9d9",
"value": 1.0
}
},
"1fbda313f05c49529957dd0067a35baf": {
"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_88cbf1be32664a85afc5d63b8bb55181",
"placeholder": "\u200b",
"style": "IPY_MODEL_6ed7effd5bb24ac5af97a64ed824edc9",
"value": " 40/40 [00:01<00:00, 38.08it/s]"
}
},
"20aafd6bc6e241f28d6462675bbc8efa": {
"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": ""
}
},
"21865e76a4494fa299d096c9cab5bb9c": {
"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": ""
}
},
"2295ff5eca064b8b91df70faaa549265": {
"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": ""
}
},
"22cbe74934fb417997bc838e0d625c11": {
"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": ""
}
},
"22d2d60268814438a0de60fff35c587d": {
"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": "info",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_5732b1e25508466d96f2c2b962cf8383",
"max": 1.0,
"min": 0.0,
"orientation": "horizontal",
"style": "IPY_MODEL_b00ec5ecdf574a1a80f7fed28c7724a3",
"value": 1.0
}
},
"2336dabbd31349979381fd0bf003e8b3": {
"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
}
},
"2389365dcb304c4fb3c6a0a1ed5b18d3": {
"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
}
},
"243ba9ae787946d28de6d38d3089d7e2": {
"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": "info",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_beacdb35a9db40e1abacde3d7a64d2cd",
"max": 1.0,
"min": 0.0,
"orientation": "horizontal",
"style": "IPY_MODEL_16564fc11da249eba4ba2a6d9ff0ae79",
"value": 1.0
}
},
"24a182ea791e4e5f8073810aba328667": {
"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": ""
}
},
"24b160d56cfb47df8dacddf8c6fced87": {
"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": ""
}
},
"252e443f54d04ca388fd657f883a12ec": {
"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": ""
}
},
"256ec08bdf5f4fb2acf62b2c269146e1": {
"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
}
},
"25c6fa0353a6488692ce8ac01764ecc0": {
"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": "info",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_6c0219f77a7b465ab21db39cf78a3e40",
"max": 1.0,
"min": 0.0,
"orientation": "horizontal",
"style": "IPY_MODEL_c19a7e102c7f4a7d8c973ad55d0c1ddc",
"value": 1.0
}
},
"25cb8daf1c1645d4a9ef264db1f718b4": {
"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%"
}
},
"25f74dfb26194a59b69f66f18f1f4efb": {
"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": ""
}
},
"2662343ce8474fcbafad0a5ada863624": {
"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
}
},
"266912063565463ca7622c544cb6a733": {
"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
}
},
"26c5fdf7bc03494cb618ffe484b6f1e7": {
"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": ""
}
},
"275c8d57ccd44e98a2b9ace4ece4cafc": {
"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": ""
}
},
"2794580a0074429ebd8fd16cbcd9aa9b": {
"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
}
},
"27ae54b120414ec790acd33cde0cac8f": {
"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%"
}
},
"28a47d8990f04b1b8ca4a4903db3cb2a": {
"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": ""
}
},
"28be2c63ae6545659e482ca2e58c86fd": {
"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": ""
}
},
"2954549ae471422885a342b6c55098db": {
"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_36df39ba8e744552a9da94348bf84661",
"IPY_MODEL_8ba2820baddf4c7f902acc3d971fef7d",
"IPY_MODEL_6f24dbab34ea41dab3665445e63e40f0"
],
"layout": "IPY_MODEL_989984397cfb454db1681b69be4cabee"
}
},
"299e00bbff1d43109603417322249998": {
"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": ""
}
},
"29a69258a9ae4df884f39ffcf25c3f4c": {
"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
}
},
"29ad4b745cad489980566a73bf778da8": {
"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_3a3091cfb0314f6d82e7a0c7699a1d3b",
"placeholder": "\u200b",
"style": "IPY_MODEL_4a56a0e3693b41709acfaea5cc2dc116",
"value": " 40/40 [00:01<00:00, 38.53it/s]"
}
},
"29b8ec44fa1f4cb2bc532e6f9a72473d": {
"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
}
},
"29f7d2a2ed6349f0a9afaf92e67925a7": {
"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
}
},
"2a71458a43924405af37c45be81edd95": {
"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_7f3640e4a2ee488cbf777978c4b80afe",
"placeholder": "\u200b",
"style": "IPY_MODEL_749eb588696046f18202a656732645ac",
"value": " 40/40 [00:01<00:00, 36.75it/s]"
}
},
"2ac11e203f1b4fafbccdf85756e1a61c": {
"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
}
},
"2d81ee4194404d269f2c2352042ac66f": {
"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": ""
}
},
"2d967778400c479dbad6b443cc1ef765": {
"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_5ad86c2ad01b4a1fac4adb28da04aec9",
"placeholder": "\u200b",
"style": "IPY_MODEL_48f4a051179d49c4a0450277e2245a5a",
"value": " 40/40 [01:49<00:00, 2.73s/it]"
}
},
"2dc162fda101456c8b5c2f3efa60a107": {
"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
}
},
"2dfce3cd2a534a84b74cc378f43aadeb": {
"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
}
},
"2e209f51c07341089d65a35211116108": {
"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_36a4bf4e7a88461699dd072f70a834dc",
"placeholder": "\u200b",
"style": "IPY_MODEL_d7233617d52443e28250a09c9fcb3135",
"value": " 40/40 [00:01<00:00, 38.39it/s]"
}
},
"2e382552e4a24f6293755f6427295734": {
"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
}
},
"2e8ef24afcb740a9a931affa7a6803fb": {
"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%"
}
},
"2f24213e50844dc9a04c7d39ae154080": {
"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
}
},
"2fd0ebdad1cb4cdd8078e88d634a8e94": {
"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_efde9f2537c247b8ac16fcc9d87e9d0c",
"IPY_MODEL_d0c9b43767cf4ddc89cc22c012bdc705",
"IPY_MODEL_9e48c2807c9443ef97a63602fe8d9a23"
],
"layout": "IPY_MODEL_0646ebd4f21740b6b434a75ad27ee177"
}
},
"3040b31db2f04a62912f322029925f4c": {
"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%"
}
},
"30628f4c80ca42c99915bf304ad98c18": {
"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": "info",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_c5c9c017907a4013a85b8aca29ff2c2b",
"max": 1.0,
"min": 0.0,
"orientation": "horizontal",
"style": "IPY_MODEL_39cdc047734d465d87e2163180f183b2",
"value": 1.0
}
},
"3086f8e30de44340a05c5eecb5598d19": {
"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_a101bfbec60845e89096b67a7e5df9e5",
"placeholder": "\u200b",
"style": "IPY_MODEL_ca84f3de27b04dfeb714607d5046d59d",
"value": "Validation DataLoader 0: 100%"
}
},
"315ee8ef2d364f5e8c4d9b7d6b39333b": {
"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": ""
}
},
"316ace79f03040ac93cd65e3f2b18e84": {
"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_c18af0c599e2499db7973a77a3efd3f4",
"placeholder": "\u200b",
"style": "IPY_MODEL_8bc5cf92411a4949ba657bbb37f8fe17",
"value": "Validation DataLoader 0: 100%"
}
},
"326ccd49200446fa83458da6004a41b6": {
"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": ""
}
},
"33a9dc2bf0fe4646a4a44a68b840ab6d": {
"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_9cad95927cfb45759212be47e938b912",
"placeholder": "\u200b",
"style": "IPY_MODEL_24b160d56cfb47df8dacddf8c6fced87",
"value": " 40/40 [00:01<00:00, 36.88it/s]"
}
},
"33b87d134a544adebdce736e54217d4e": {
"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": "info",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_7285a762f78847bb9b7ef76ce054846c",
"max": 1.0,
"min": 0.0,
"orientation": "horizontal",
"style": "IPY_MODEL_cf7e3ace031446d2ba2cf76c2ed13a02",
"value": 1.0
}
},
"34750817b3d444ffad6d7aed46da3b7c": {
"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_612c6e6c2b48408e862c579eb93df80e",
"placeholder": "\u200b",
"style": "IPY_MODEL_198e8493d4d747dabe98c555b5829929",
"value": "Epoch 19: 100%"
}
},
"34d10124d43348dd915cac718896dcee": {
"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": ""
}
},
"353705567dd644769dc64687869103e0": {
"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": ""
}
},
"3573196af22e4868949796fa78785acb": {
"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_cc0eb81fcb4d42889050cee7f7be2d11",
"IPY_MODEL_9904f99631cb4e5599cf690a4a6aa1b1",
"IPY_MODEL_147455b48d6a454b8b526048b989981a"
],
"layout": "IPY_MODEL_aa1f3edb6ad2462bacacad2a846fc0f7"
}
},
"361010b9af7a4e01b6e1a41eb9f5cc71": {
"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
}
},
"3664b8acb0fa45d3abecdea47771b9bb": {
"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_54b885e8384e4622800fb5d7367f6e65",
"placeholder": "\u200b",
"style": "IPY_MODEL_96a36cb6eae34e04ae7470d5d495e573",
"value": " 40/40 [00:01<00:00, 36.51it/s]"
}
},
"36964700dca14212820e0137f711d2cc": {
"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
}
},
"369c10ac3e7e4138a3d9764d3a8582fe": {
"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_0939473145994590bd6b78db536c265a",
"placeholder": "\u200b",
"style": "IPY_MODEL_21865e76a4494fa299d096c9cab5bb9c",
"value": " 40/40 [00:01<00:00, 38.37it/s]"
}
},
"36a4bf4e7a88461699dd072f70a834dc": {
"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
}
},
"36df39ba8e744552a9da94348bf84661": {
"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_5198a476434043ddbd5e88964c6d3207",
"placeholder": "\u200b",
"style": "IPY_MODEL_550c405bd46a4a3694badf363a48054a",
"value": "Validation DataLoader 0: 100%"
}
},
"36f2611fcb48490a8d9147930b6c12b7": {
"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
}
},
"378ba9372794484f9b4af5cae0c4580a": {
"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%"
}
},
"37bcaa0bd69c4a84898d302d68683f56": {
"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
}
},
"37c2f9e8f4544cb189ad9debf84344e8": {
"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_7249569aa05d4deca1afae7c963f593b",
"IPY_MODEL_5559e27463b74619b85c3fe24325dabf",
"IPY_MODEL_fe01472166454cfcb929776ed148e006"
],
"layout": "IPY_MODEL_c9dcd27ad2734b98a244c770e0928e69"
}
},
"388e4ad8fc59410d90e882f692d549f7": {
"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_bca46057b4f64527b11cbdc095f2f99a",
"placeholder": "\u200b",
"style": "IPY_MODEL_326ccd49200446fa83458da6004a41b6",
"value": " 40/40 [00:01<00:00, 38.62it/s]"
}
},
"38c3342045184d4bb2364468d1aaa8eb": {
"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_5f8beab9653a473e9d9918f1d507559c",
"IPY_MODEL_bf19f90776fe437dbccbaca9a75f735e",
"IPY_MODEL_e970ec3172ec4fec974466bb89cfae3c"
],
"layout": "IPY_MODEL_bf9a4e497dd2454a807cda6a4800a764"
}
},
"3941d4cf19704564994cc0bfe93c25c6": {
"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_42c81938f9234c58b621713fe3c1d6a9",
"placeholder": "\u200b",
"style": "IPY_MODEL_e44c7865b466498183af735f1f48d301",
"value": " 40/40 [00:01<00:00, 36.28it/s]"
}
},
"396af93897a64d6795ffd9784a963715": {
"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_cdd038265c9040bdb57050a13ebb2860",
"IPY_MODEL_b85571e6666646dfb540c7b292924231",
"IPY_MODEL_d32a2cb5201e40e69a6182cfb14ef8b6"
],
"layout": "IPY_MODEL_ad0d580738ac459e875f0ea8e4a5e1a0"
}
},
"39cdc047734d465d87e2163180f183b2": {
"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": ""
}
},
"3a3091cfb0314f6d82e7a0c7699a1d3b": {
"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
}
},
"3a4b8a5925c94ab9b2e84c4be357d1c7": {
"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%"
}
},
"3a9943acac1e4ef1b97a5e8f4f948a7f": {
"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_1b4ad71c9e954ea8a909cce66c94ea89",
"placeholder": "\u200b",
"style": "IPY_MODEL_136de62016984b73949fe103c322c240",
"value": " 40/40 [00:01<00:00, 37.79it/s]"
}
},
"3bb3562802e14715ac16224b157a6fab": {
"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
}
},
"3c377c86be2a4d6584cdea2f45d1b171": {
"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
}
},
"3d8574409a1d4e53bfaa8126418722eb": {
"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_be7a79096b9844be8e00a493b40bd57d",
"max": 1.0,
"min": 0.0,
"orientation": "horizontal",
"style": "IPY_MODEL_9526f3ccf2bd4f698ad8b6c058e88691",
"value": 1.0
}
},
"3e7622e133eb43c3a6cb2c38dc17c94a": {
"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": ""
}
},
"3e76bcad11854979b5ffc30b1738b572": {
"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%"
}
},
"3e87184336714da3a87d909770a2e29b": {
"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
}
},
"3ef7ae4ed66146f9be01bb17c92fb079": {
"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%"
}
},
"3f27c1918c814d71aad5103958773bff": {
"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": ""
}
},
"3f640422866f4e16a3deaa700327949e": {
"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_a2662c8aa98e45e7acac1f68f0ca399c",
"IPY_MODEL_b65b5ac581964c22b7be18f024c36759",
"IPY_MODEL_2a71458a43924405af37c45be81edd95"
],
"layout": "IPY_MODEL_27ae54b120414ec790acd33cde0cac8f"
}
},
"3fb97c7ed44747e9a15ca69bec8428b3": {
"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_2336dabbd31349979381fd0bf003e8b3",
"placeholder": "\u200b",
"style": "IPY_MODEL_6248870d60204f26b218d0f407735e34",
"value": " 40/40 [00:01<00:00, 36.61it/s]"
}
},
"40e80763e04a4bc2bc3677e01753c4be": {
"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
}
},
"417f40fecc014947b96330b8aefdffbf": {
"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%"
}
},
"41f3bb190829492382e3cdeb06ab1849": {
"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_b80db2bb51184c22abdf4c99ade84a3b",
"IPY_MODEL_6f62858e876246f89fff4d20b3bfcf79",
"IPY_MODEL_a7b6f7a762904b908dd866e1c99fe7ba"
],
"layout": "IPY_MODEL_f0b71c44bce642d28c243e34ced1dcb3"
}
},
"42c81938f9234c58b621713fe3c1d6a9": {
"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
}
},
"42fc6f7641ea45f89ac3a52f7e0f8730": {
"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_e1648bc311394c76b594e07275e63b1b",
"IPY_MODEL_f6805c8a2b3e42cabe443bf2207e3326",
"IPY_MODEL_ffcf283fc9cc45139016d9bba9b5dc66"
],
"layout": "IPY_MODEL_25cb8daf1c1645d4a9ef264db1f718b4"
}
},
"43209483ed5a4ebc83231f50020d209a": {
"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
}
},
"433a3fcaaf654def8a1624c0133b5a1f": {
"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": ""
}
},
"43a1fb18624a42cdb49f5717b23e15a8": {
"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": ""
}
},
"43b0be52f1ea40fcb1b08ab588ffa861": {
"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": "info",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_d8bc9bd6e7414eaf923900bf5e16891c",
"max": 1.0,
"min": 0.0,
"orientation": "horizontal",
"style": "IPY_MODEL_19a78f0e372141f99604f740437d5a6d",
"value": 1.0
}
},
"44507c31dc904528af97f44725b49cb3": {
"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": ""
}
},
"449ec42b8fff438facf4ca0968547e8e": {
"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": ""
}
},
"44ac2a7920a6439f96509bf8c10cd622": {
"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
}
},
"44c475d4c5b440bb86dc1fe19b3f12c8": {
"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
}
},
"450de64ede444fddbaf19bd223986a08": {
"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
}
},
"45b3a5fa966e401898a07b22b0a4b389": {
"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": ""
}
},
"464cbd38c12b4a39a5fa869e2c99e040": {
"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": ""
}
},
"4651e996442742d6b01e6a10a8506460": {
"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
}
},
"46d7220ee30a4cc29afe2a62ef591d60": {
"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
}
},
"485331ab38894877b3df00fd3cf1f548": {
"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
}
},
"48948405e6c440839af6f4da2c830b07": {
"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": ""
}
},
"48f4a051179d49c4a0450277e2245a5a": {
"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": ""
}
},
"4918cb0b112d422cad220f6f719f2cdc": {
"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
}
},
"49a94ee5d0eb47d083f88a8a0d5dbc5b": {
"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
}
},
"49b36dd49ecd48d59dedc970a45a9669": {
"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
}
},
"4a131d0912b44bf7ac2cc92650922cb4": {
"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%"
}
},
"4a4ad50049734eccbb718d8d85baede3": {
"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": "info",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_f5a09cc62dd1474abe87ff200c9667bc",
"max": 1.0,
"min": 0.0,
"orientation": "horizontal",
"style": "IPY_MODEL_449ec42b8fff438facf4ca0968547e8e",
"value": 1.0
}
},
"4a56a0e3693b41709acfaea5cc2dc116": {
"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": ""
}
},
"4b1f4c4bb093431ba2e6788e68b3ed05": {
"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": ""
}
},
"4b2eb9cd1262486a9a07e8204c10a0ad": {
"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": ""
}
},
"4bc288cfa99a4d2dbab8c91cc404752d": {
"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_e181314cb0ce423888f1002c6cb95901",
"placeholder": "\u200b",
"style": "IPY_MODEL_84a2195756d24e709f98cfd9e5a70055",
"value": " 197/197 [4:23:33<00:00, 80.27s/it, loss=0.039, v_num=2, val_loss=3.960, val_acc=0.210]"
}
},
"4bc3dd0f00714c66a130983694a12444": {
"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
}
},
"4eaff499e6d743c198a966b529808cf7": {
"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_1e4c1aa0ecff41b2943ab1b9303a96a7",
"IPY_MODEL_43b0be52f1ea40fcb1b08ab588ffa861",
"IPY_MODEL_aacba57b1bdc425f8db08c0e6ee49bd1"
],
"layout": "IPY_MODEL_a0725ef539cf48b8b32ef1fa3f195fc9"
}
},
"4ec4ac087859488ea3ee84527685de53": {
"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
}
},
"4f0443b14f9e431eb266f47e8b23b95d": {
"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_02df6f1723b24ebda0d19381935e8e14",
"placeholder": "\u200b",
"style": "IPY_MODEL_c50d8b40df6346c7a871ab742cff6ecb",
"value": "Sanity Checking DataLoader 0: 100%"
}
},
"4f0eb6cf57124b5b92158e4d8ebb6d72": {
"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": ""
}
},
"4f3e5deff88948f28c339e10d05cd357": {
"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
}
},
"4f44f434d1f74843a2d0ca8170ae0e82": {
"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
}
},
"4f81e2f7572843aeabc5d25391dd0f57": {
"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": ""
}
},
"503c867348bb422c915cada135becdd3": {
"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
}
},
"50ad3543b6a54a979f05f44a6b0be97d": {
"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
}
},
"50e19bc43571488498d53039176d88e5": {
"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
}
},
"5153fdbde8934359b5137dd620bd9c58": {
"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
}
},
"5198a476434043ddbd5e88964c6d3207": {
"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
}
},
"520ec7b01ec341cfa549239dd2c17118": {
"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": ""
}
},
"52a1fa7ddb25489f99417cf8fec50af2": {
"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
}
},
"533c715ceeec4649abdf2a8f010c8308": {
"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_ca487b03a950485aa3c06065a904e772",
"placeholder": "\u200b",
"style": "IPY_MODEL_9d922031e2db4839b9d390b0c44b0f71",
"value": "Sanity Checking DataLoader 0: 100%"
}
},
"53849ee2ab8f41d0814af75ee735556a": {
"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_fe1d9fbe4f3a4834861c4c35e0b7ccf4",
"IPY_MODEL_ace90ea8103e48508ce277e2996cb300",
"IPY_MODEL_917fcf1699f943c09c33da876d49e1dd"
],
"layout": "IPY_MODEL_b989b59d277e4b3a9937f3eb6ae9fffe"
}
},
"53dfc0ebaf134c359e774121b09a8b21": {
"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_174a48a05c9f46a1a10505538ea1f0a1",
"placeholder": "\u200b",
"style": "IPY_MODEL_b402894c790044bea8c6f60fb931cb09",
"value": "Validation DataLoader 0: 100%"
}
},
"53e84c0671084077abe5356e87b5e7cd": {
"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_9f4b5d231e5345ad9453ea1c400d0ff9",
"placeholder": "\u200b",
"style": "IPY_MODEL_22cbe74934fb417997bc838e0d625c11",
"value": "Validation DataLoader 0: 100%"
}
},
"54b885e8384e4622800fb5d7367f6e65": {
"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
}
},
"54ca5f6ad2124679a5883a24e27fa925": {
"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_820d8c059d494c80a6e3bf6d4f734cb1",
"IPY_MODEL_5c39240228a0421d95391d44d61d2c01",
"IPY_MODEL_d3c4bd0f8d25453788325ba4246b687d"
],
"layout": "IPY_MODEL_ce376b0c8edd49449dfb4652e6379ed0"
}
},
"55065e03f0504bb191f5e48a01fd966f": {
"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": ""
}
},
"550c405bd46a4a3694badf363a48054a": {
"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": ""
}
},
"554f582e83aa4484ac465183dc61b3d8": {
"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": ""
}
},
"5559e27463b74619b85c3fe24325dabf": {
"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": "info",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_7b45ee42200a4289abeba6550310a437",
"max": 1.0,
"min": 0.0,
"orientation": "horizontal",
"style": "IPY_MODEL_ac0330ace8c44eccad7c5b81943007dc",
"value": 1.0
}
},
"558e421552124e6c81ac716ef0a28bbe": {
"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_256ec08bdf5f4fb2acf62b2c269146e1",
"placeholder": "\u200b",
"style": "IPY_MODEL_7bb459533cee45278290b268f95c6290",
"value": "Validation DataLoader 0: 100%"
}
},
"56d920fb7cce4c3f804957e9e7d31b84": {
"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_f549e52e94de4bf0881ae463c1ad44a1",
"placeholder": "\u200b",
"style": "IPY_MODEL_0f6bc0bf281e48a993c52740475c0119",
"value": " 40/40 [00:01<00:00, 38.69it/s]"
}
},
"5713cca8808e40c18121de1ec9151d41": {
"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_b54121ec170e4d47a30252d3ac6cc9c5",
"placeholder": "\u200b",
"style": "IPY_MODEL_bafd0d6eab8e4e5d971837436c1e4039",
"value": " 40/40 [00:01<00:00, 36.62it/s]"
}
},
"5732b1e25508466d96f2c2b962cf8383": {
"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
}
},
"5959f25f05624f63a31a2b7c098b881e": {
"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
}
},
"5a08cc9ba3114851803240f50070afe5": {
"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%"
}
},
"5a1f0400d8924c37a3ca94a395edef87": {
"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_79641142891147ddad764d5b861f5099",
"placeholder": "\u200b",
"style": "IPY_MODEL_1ecb117ba3844e0189348d37461f0860",
"value": "Validation DataLoader 0: 100%"
}
},
"5ad86c2ad01b4a1fac4adb28da04aec9": {
"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
}
},
"5b2ed58df4a14b26a3209ed44d5bfad9": {
"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%"
}
},
"5c39240228a0421d95391d44d61d2c01": {
"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": "info",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_49a94ee5d0eb47d083f88a8a0d5dbc5b",
"max": 1.0,
"min": 0.0,
"orientation": "horizontal",
"style": "IPY_MODEL_f419ffe00a2e4e6ab3261be80b74268f",
"value": 1.0
}
},
"5c69aab091fe4c86bac5105d97ef5194": {
"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": ""
}
},
"5cba35c4af0d463ab839b6fd5875ac62": {
"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
}
},
"5db0c87707384e73a7a8ea67f9b90b59": {
"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": ""
}
},
"5df491079b8b4d8baf3ede8ffcb95610": {
"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": ""
}
},
"5e8471e06f0540dd881b00e9726a1aee": {
"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%"
}
},
"5e86cc7ca9c94840a518714b375d30b5": {
"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_316ace79f03040ac93cd65e3f2b18e84",
"IPY_MODEL_0862fc8c7ca742ee8cb14813b00b6d05",
"IPY_MODEL_d61a5412c2d040339f7a5b0c6bfd765c"
],
"layout": "IPY_MODEL_09f2a958a116478688e6d4677eb6c3d4"
}
},
"5f8beab9653a473e9d9918f1d507559c": {
"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_4ec4ac087859488ea3ee84527685de53",
"placeholder": "\u200b",
"style": "IPY_MODEL_620919bb263b48a4906fb24b77508403",
"value": "Validation DataLoader 0: 100%"
}
},
"5fb5289a449f43598ea0e6a047207179": {
"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": ""
}
},
"5fb8e427f8014f70bb77153874866eea": {
"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
}
},
"5fdf818b276d4a53a996418927287748": {
"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
}
},
"601f7f2f19734f35b81d452928e7b664": {
"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_8e6bf74c7a30490db888fde2e435a75e",
"IPY_MODEL_c587994c47be47bb98a158e27a960993",
"IPY_MODEL_bfd06533416a480d9d0be44f40b47b24"
],
"layout": "IPY_MODEL_9e8ff5a73d7c4a4fa4fadbf539814e8e"
}
},
"603adce88fbb41b7af3a55c35b16a8c8": {
"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": "info",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_b038634c727a4ea686a223fd0ab7142c",
"max": 1.0,
"min": 0.0,
"orientation": "horizontal",
"style": "IPY_MODEL_74a22b1275504a08901fcb2ce181a878",
"value": 1.0
}
},
"60695f6006514e9f8164f664512031f0": {
"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_7c377a2b95ea493fad2c315a6bc7de6b",
"IPY_MODEL_e26b4819e6a742e293f8c180b94c2a86",
"IPY_MODEL_a8d40f6f1cd148cbb2c61846fa89af56"
],
"layout": "IPY_MODEL_160a4478d50448b7aa460cf136c3270b"
}
},
"612c6e6c2b48408e862c579eb93df80e": {
"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
}
},
"61a2ad5e9d71449fa3d67436a3fa6a3e": {
"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": ""
}
},
"61c281a147c44112882dd04d43df7418": {
"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": "info",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_e469afc4b62d45cd88aca4c689d6a1d3",
"max": 1.0,
"min": 0.0,
"orientation": "horizontal",
"style": "IPY_MODEL_b2e8de65a3604bdebd0a6b11cea6439c",
"value": 1.0
}
},
"620919bb263b48a4906fb24b77508403": {
"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": ""
}
},
"6248870d60204f26b218d0f407735e34": {
"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": ""
}
},
"62c5787535cf43fbac575ed5fcbc20ea": {
"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": "info",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_6afdf239f00048e4a538118849235016",
"max": 1.0,
"min": 0.0,
"orientation": "horizontal",
"style": "IPY_MODEL_24a182ea791e4e5f8073810aba328667",
"value": 1.0
}
},
"630e1930b9f14b5794ccecac534541a1": {
"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_ea35b28eb3db462ba16a7660839dbc42",
"IPY_MODEL_e58ac61e214044489eb3041d22c42a22",
"IPY_MODEL_917172ebbd5c4961b87dd5a7fd560e39"
],
"layout": "IPY_MODEL_5a08cc9ba3114851803240f50070afe5"
}
},
"633478e1306047e296789b9e4475f2f2": {
"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%"
}
},
"635874e03bb34832aad130a3a09dace2": {
"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_c6a187ab75e146bd8d76a68069a422d0",
"IPY_MODEL_9a21e69aba81401ea65200283daa6651",
"IPY_MODEL_709e89988e38462eb1d3a53b014db75b"
],
"layout": "IPY_MODEL_0b85399af8f14a0180a819e6afd9840e"
}
},
"6507ca1e737e45ffa7f4352fa40890c7": {
"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
}
},
"651ee4c846304fdebe9b736b9573c3d9": {
"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": ""
}
},
"65f5e09b1c1a4bd2bdf265e126fe4308": {
"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_8c93cd2f33994a6c8afad069111940a4",
"IPY_MODEL_f129709765a14479b65a69d50041787e",
"IPY_MODEL_76c20899acfe4daab28ece3cd73c9075"
],
"layout": "IPY_MODEL_f76d72e48ab84664b75e57cab566e4bb"
}
},
"66193632fe634ae5bd30d0ae9ac374d5": {
"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": "info",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_0ddf1590fece46e28822b8dbc3faecfe",
"max": 1.0,
"min": 0.0,
"orientation": "horizontal",
"style": "IPY_MODEL_f9faaa8cb1634d1a823499baed29ed89",
"value": 1.0
}
},
"661ca8cb70d74353ad904d1e0ec0fe6b": {
"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": ""
}
},
"67227a12142d486b8164b86754398c4d": {
"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
}
},
"6723df2edd32421e8b81fcad5493a324": {
"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%"
}
},
"674dba68a6884ec9846e74f787c64762": {
"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_cf9a3a96b5e743aba74e90e6867154d4",
"placeholder": "\u200b",
"style": "IPY_MODEL_f425d9725929419c8bdbe3443a97fc69",
"value": "Validation DataLoader 0: 100%"
}
},
"6762f960dda1400389202981cbcae5e3": {
"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_fda384d5135e45c39c5a8db4cec05c14",
"placeholder": "\u200b",
"style": "IPY_MODEL_7f5db0e1ae8042e39e26b83a63d8375b",
"value": " 2/2 [00:00<00:00, 3.96it/s]"
}
},
"6798ac7a32064ba69bcd8ba5d7fe2bf7": {
"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_50ad3543b6a54a979f05f44a6b0be97d",
"placeholder": "\u200b",
"style": "IPY_MODEL_28a47d8990f04b1b8ca4a4903db3cb2a",
"value": " 40/40 [00:01<00:00, 36.58it/s]"
}
},
"67d0eb97f6f04568a8074e1780124bf1": {
"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_d52085ed331f4335b4b11e41ec5efd65",
"placeholder": "\u200b",
"style": "IPY_MODEL_bbe2c38c643940308a948cb06a1a78ac",
"value": "Validation DataLoader 0: 100%"
}
},
"67d6f96c15b14a9fbf92616b01daae04": {
"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": ""
}
},
"69bcf16d1dbd4be4a72bf073d7cfc04a": {
"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": "info",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_edb5982825df4e6e9814665442cd4e0c",
"max": 1.0,
"min": 0.0,
"orientation": "horizontal",
"style": "IPY_MODEL_70b57a727e3a4ff2a5b79ad23ce25d7a",
"value": 1.0
}
},
"6a1aaeeaeeb4432a801c2403384ca819": {
"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
}
},
"6a423e533c08479e85c7acaf564ad432": {
"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
}
},
"6a824a0b68af416e870f3363c76596e1": {
"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
}
},
"6afdf239f00048e4a538118849235016": {
"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
}
},
"6bee696f0b214ae8a1a3c1eba1571cc9": {
"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%"
}
},
"6c0219f77a7b465ab21db39cf78a3e40": {
"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
}
},
"6c2df7216eef4cd0895f4d1b1e650df6": {
"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_c7de9c470de24f5db37d9c0d90277dd3",
"placeholder": "\u200b",
"style": "IPY_MODEL_34d10124d43348dd915cac718896dcee",
"value": " 40/40 [00:01<00:00, 38.02it/s]"
}
},
"6cfccc6fed0d4e8388737d1baa7be8dd": {
"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": ""
}
},
"6d30f14c4fcb4fd586d9588bbfb65241": {
"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": ""
}
},
"6dc7f9350d1344cf86659ce5d807449c": {
"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_916f033cb1144ee48b7ee5405868eafd",
"IPY_MODEL_22d2d60268814438a0de60fff35c587d",
"IPY_MODEL_b09fe225389148ba890f54c41c21ab33"
],
"layout": "IPY_MODEL_c8b9ec1cd12245779c81700029eda734"
}
},
"6e9f6aafa05c49b1ad9961ca388a04d1": {
"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": ""
}
},
"6ed7effd5bb24ac5af97a64ed824edc9": {
"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": ""
}
},
"6f24dbab34ea41dab3665445e63e40f0": {
"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_f4f3700298904e688dacf363df3d9b7a",
"placeholder": "\u200b",
"style": "IPY_MODEL_ef8793b5273d4d919d6c31dff0bb37e1",
"value": " 40/40 [00:01<00:00, 35.63it/s]"
}
},
"6f62858e876246f89fff4d20b3bfcf79": {
"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": "info",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_8d80e5d66bc54bb6b25e6778fa34a91f",
"max": 1.0,
"min": 0.0,
"orientation": "horizontal",
"style": "IPY_MODEL_74d93bf867c14be5bbbd95b518f45eaf",
"value": 1.0
}
},
"709e89988e38462eb1d3a53b014db75b": {
"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_ca85f5eb158b4d4b863ba6660193fd13",
"placeholder": "\u200b",
"style": "IPY_MODEL_e4a30d84b15848c99047f0c2df9bc0be",
"value": " 40/40 [00:01<00:00, 38.29it/s]"
}
},
"70b57a727e3a4ff2a5b79ad23ce25d7a": {
"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": ""
}
},
"71b4b84cde53466c89fe79b63b77b15b": {
"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%"
}
},
"7249569aa05d4deca1afae7c963f593b": {
"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_c636a93a651f40efab6b0d41c882cbaf",
"placeholder": "\u200b",
"style": "IPY_MODEL_116c35735e5547b3ad919e86e4b60ee6",
"value": "Validation DataLoader 0: 100%"
}
},
"7285a762f78847bb9b7ef76ce054846c": {
"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
}
},
"743e8543b58b47f8842aabbfb14ee049": {
"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
}
},
"749eb588696046f18202a656732645ac": {
"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": ""
}
},
"74a22b1275504a08901fcb2ce181a878": {
"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": ""
}
},
"74d93bf867c14be5bbbd95b518f45eaf": {
"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": ""
}
},
"7587f9e118824d388e41e61f266a865b": {
"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_c9209ab5c101425d9cbd35ff5926aa0a",
"IPY_MODEL_0eb597570d0645c497e8f090b89c8c7e",
"IPY_MODEL_6c2df7216eef4cd0895f4d1b1e650df6"
],
"layout": "IPY_MODEL_080c67bc5ca94a73be9cd2041a4466b1"
}
},
"75fa976468574d6289b4db59e25239fe": {
"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_ba2f7944920a4f1bb251d7c91c537948",
"IPY_MODEL_ffa37ec5ba1f475088cf84dee80cc7d6",
"IPY_MODEL_2e209f51c07341089d65a35211116108"
],
"layout": "IPY_MODEL_3040b31db2f04a62912f322029925f4c"
}
},
"76c20899acfe4daab28ece3cd73c9075": {
"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_503c867348bb422c915cada135becdd3",
"placeholder": "\u200b",
"style": "IPY_MODEL_61a2ad5e9d71449fa3d67436a3fa6a3e",
"value": " 40/40 [00:01<00:00, 38.16it/s]"
}
},
"770f66fe61d241138ec87609ac8cb66f": {
"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": ""
}
},
"7741b5d8cde34dc7b36c1d6cd0f771e2": {
"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_53dfc0ebaf134c359e774121b09a8b21",
"IPY_MODEL_e02f21125c6a4540afb9c259a7f98518",
"IPY_MODEL_29ad4b745cad489980566a73bf778da8"
],
"layout": "IPY_MODEL_5e8471e06f0540dd881b00e9726a1aee"
}
},
"77c905cd244d43eeafd0207559681dac": {
"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
}
},
"77d9aa9adafa4439b6f38179fed9feb1": {
"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
}
},
"79215728faeb4083bb9b367459350317": {
"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_086b9e40ec554733909b215e90b4fb5d",
"placeholder": "\u200b",
"style": "IPY_MODEL_55065e03f0504bb191f5e48a01fd966f",
"value": "Validation DataLoader 0: 100%"
}
},
"79641142891147ddad764d5b861f5099": {
"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
}
},
"797327af1de74ae2873eae24344ca3c2": {
"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
}
},
"79cc9b6ba8fc4f3b8ff4e6fb63fa0928": {
"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
}
},
"7a06a389b0124177a8f571f1b0cbeb71": {
"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_ff795fff2f764052bcd376c02649b940",
"placeholder": "\u200b",
"style": "IPY_MODEL_ef119212f3144ec0ac28ba84a51143e9",
"value": "Validation DataLoader 0: 100%"
}
},
"7a98b7de1c434f56a8a74ed48261de21": {
"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
}
},
"7b086b1490964b58804cb9621864d484": {
"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
}
},
"7b45ee42200a4289abeba6550310a437": {
"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
}
},
"7bb459533cee45278290b268f95c6290": {
"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": ""
}
},
"7bd2d55b56074d71a281ce194a046528": {
"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": ""
}
},
"7c377a2b95ea493fad2c315a6bc7de6b": {
"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_d1ed962814d84f4e8a81f713f5f10cfc",
"placeholder": "\u200b",
"style": "IPY_MODEL_4b2eb9cd1262486a9a07e8204c10a0ad",
"value": "Validation DataLoader 0: 100%"
}
},
"7c6ef667ef284cfa91d470e7894a29f3": {
"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
}
},
"7dbff10b03a54ce2ad7ffc732bb6b0a0": {
"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": ""
}
},
"7e0cdd8a621842d4a2c54759b693ca98": {
"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
}
},
"7f1d10ebba4749249a34a89e2f0db2e1": {
"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_67d0eb97f6f04568a8074e1780124bf1",
"IPY_MODEL_0cd40fd16d2c4767aa3411f86a2d360f",
"IPY_MODEL_b0c83b115e6443beadab7d75b970cce5"
],
"layout": "IPY_MODEL_e5a61539b98146e784265a3946ce9afe"
}
},
"7f3640e4a2ee488cbf777978c4b80afe": {
"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
}
},
"7f5db0e1ae8042e39e26b83a63d8375b": {
"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": ""
}
},
"80abc70b9d3d408889aaa083ed60adc4": {
"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_29b8ec44fa1f4cb2bc532e6f9a72473d",
"placeholder": "\u200b",
"style": "IPY_MODEL_971d45cf140043d7b6106aeafc35544a",
"value": "Testing DataLoader 0: 100%"
}
},
"8172167f13de405fa2de0f6db0ff2f5c": {
"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
}
},
"818013f3323b448ba54450fca29e508c": {
"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%"
}
},
"81af8c8973064c9a8204cfe6bc2b345b": {
"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": ""
}
},
"81b47e08ef6c41ab8b813e5e318dda24": {
"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%"
}
},
"81f32438c66a48d3b677e6acee3e9b70": {
"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
}
},
"820d8c059d494c80a6e3bf6d4f734cb1": {
"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_37bcaa0bd69c4a84898d302d68683f56",
"placeholder": "\u200b",
"style": "IPY_MODEL_aa1b639dd9e74fb7ae29cfa28f4030a0",
"value": "Validation DataLoader 0: 100%"
}
},
"8231202a88544d809e9882f64dd99f99": {
"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
}
},
"823aff44ec574c1ba9af6f398a3b519e": {
"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": "info",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_f13d736382194dc6a90a3574bfe49c95",
"max": 1.0,
"min": 0.0,
"orientation": "horizontal",
"style": "IPY_MODEL_11e874ebcf1c45feb04d0769fec7521f",
"value": 1.0
}
},
"83fd98983a0c4172a50284337b090b82": {
"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": ""
}
},
"848254d864874789b30957d9564a4400": {
"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": ""
}
},
"84a2195756d24e709f98cfd9e5a70055": {
"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": ""
}
},
"856da02b77ec4a7a8ea12b1fdca04981": {
"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": "info",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_c826fcf52c1c41e2bc7dd299b0e9f52c",
"max": 1.0,
"min": 0.0,
"orientation": "horizontal",
"style": "IPY_MODEL_d6a136c308164be59fd70a3812841ef7",
"value": 1.0
}
},
"86b5c12a6bae4cfd8c4a4a275d56cacd": {
"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
}
},
"871f854c7ae340c0a5f0717a72400b27": {
"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
}
},
"88cbf1be32664a85afc5d63b8bb55181": {
"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
}
},
"88f31114e2e84dbe89e9d41f2a2094b4": {
"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
}
},
"89727ac746f14530ba294ccd201d1473": {
"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": ""
}
},
"8a3a57f120894dce84ce6714275df876": {
"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": ""
}
},
"8a851d74606748a0af0eb68ee3b59252": {
"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_a2b1fb5ea47f4d6eba2e13380f46145e",
"IPY_MODEL_fbd5c26467124535b72d0bf629869aae",
"IPY_MODEL_964a11fa370341128987374152d1e697"
],
"layout": "IPY_MODEL_0227a4b12fee418a8ff45a2a7b2d39e8"
}
},
"8aeb549fa3d049ec90cd9f9c7f0c0058": {
"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%"
}
},
"8b4cee7c2d6e4e6e8221f0c15cfab396": {
"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_165e8f00361440a08deb68a20e6fdedc",
"placeholder": "\u200b",
"style": "IPY_MODEL_89727ac746f14530ba294ccd201d1473",
"value": "Testing DataLoader 0: 100%"
}
},
"8b4e5830e871494fa2a79fdd1ad0c5dc": {
"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
}
},
"8b5da4c10f6a4ad39ea45b04fe8b9f00": {
"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
}
},
"8ba2820baddf4c7f902acc3d971fef7d": {
"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": "info",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_88f31114e2e84dbe89e9d41f2a2094b4",
"max": 1.0,
"min": 0.0,
"orientation": "horizontal",
"style": "IPY_MODEL_ff404534a6594bb18cb51bb34c8e259c",
"value": 1.0
}
},
"8bc5cf92411a4949ba657bbb37f8fe17": {
"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": ""
}
},
"8c55004bc68c43f8827f8a04d440c45d": {
"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": "info",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_d1cbaa1f346b41b0b52f4096a657668d",
"max": 1.0,
"min": 0.0,
"orientation": "horizontal",
"style": "IPY_MODEL_43a1fb18624a42cdb49f5717b23e15a8",
"value": 1.0
}
},
"8c93cd2f33994a6c8afad069111940a4": {
"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_44ac2a7920a6439f96509bf8c10cd622",
"placeholder": "\u200b",
"style": "IPY_MODEL_9b82532251554538824d1155094c7f54",
"value": "Validation DataLoader 0: 100%"
}
},
"8ccb069bf31b41199e9ffc33c3da843f": {
"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_743e8543b58b47f8842aabbfb14ee049",
"placeholder": "\u200b",
"style": "IPY_MODEL_6cfccc6fed0d4e8388737d1baa7be8dd",
"value": " 2/2 [00:00<00:00, 5.96it/s]"
}
},
"8d2311d8b74f4f6f9fd32346ad7d4a42": {
"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_8b4cee7c2d6e4e6e8221f0c15cfab396",
"IPY_MODEL_12de6204605d44a887df6fd60d38b0c8",
"IPY_MODEL_6798ac7a32064ba69bcd8ba5d7fe2bf7"
],
"layout": "IPY_MODEL_f11589fda4794664a49685923a81ced1"
}
},
"8d3abd9eb9df410db09e0eb495d14720": {
"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": ""
}
},
"8d80e5d66bc54bb6b25e6778fa34a91f": {
"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
}
},
"8e114d2e9a104b3a9506846c3fe0afbb": {
"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_ea87e97b1f85498aa541d1e7ef4137ae",
"placeholder": "\u200b",
"style": "IPY_MODEL_770f66fe61d241138ec87609ac8cb66f",
"value": "Validation DataLoader 0: 100%"
}
},
"8e6bf74c7a30490db888fde2e435a75e": {
"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_8fcea5745cd14511b5d7830662bd167c",
"placeholder": "\u200b",
"style": "IPY_MODEL_4f0eb6cf57124b5b92158e4d8ebb6d72",
"value": ""
}
},
"8e981985d94845469ee479eb3d09e5cc": {
"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
}
},
"8fc44743902b44b8bf643cfa2d3d5567": {
"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_19f3a32f901b46599ef3d36c28095b63",
"IPY_MODEL_1dd6adccc36b45dfa41054c05ce169ea",
"IPY_MODEL_369c10ac3e7e4138a3d9764d3a8582fe"
],
"layout": "IPY_MODEL_aae3544e6cd641ba85b6a561afaaa69b"
}
},
"8fcea5745cd14511b5d7830662bd167c": {
"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
}
},
"90c673c5768e4be1bd2d9503c670cc1b": {
"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
}
},
"90d63e3b93214b65bdd87107611fba89": {
"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
}
},
"916f033cb1144ee48b7ee5405868eafd": {
"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_fed25688f3194e07a69c54e5910f9aa3",
"placeholder": "\u200b",
"style": "IPY_MODEL_bfc47e3d6495490ea374d3b1b5cc6238",
"value": "Validation DataLoader 0: 100%"
}
},
"917172ebbd5c4961b87dd5a7fd560e39": {
"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_266912063565463ca7622c544cb6a733",
"placeholder": "\u200b",
"style": "IPY_MODEL_c7d929c8d6844a9c9822f8a6311ac05e",
"value": " 40/40 [00:01<00:00, 38.21it/s]"
}
},
"917fcf1699f943c09c33da876d49e1dd": {
"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_8e981985d94845469ee479eb3d09e5cc",
"placeholder": "\u200b",
"style": "IPY_MODEL_e8f44a18297646eeaa2f3a84a010a763",
"value": " 40/40 [00:01<00:00, 37.86it/s]"
}
},
"91a2fc5c66d248fa9434823e8f51ce16": {
"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
}
},
"9241f35e2b4e4d938378828bac715983": {
"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
}
},
"92abc66e4dcc42ceb160b221ad1bcf7f": {
"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
}
},
"932b12b64179436bb00d6e745f2e418c": {
"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": ""
}
},
"94cfc3c723874634b83f666ca9741dfc": {
"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_5a1f0400d8924c37a3ca94a395edef87",
"IPY_MODEL_fc45255c02f34bdd8c9a55328854fcad",
"IPY_MODEL_0ab1a4aff7a640eea74147f5dc429fad"
],
"layout": "IPY_MODEL_e5b1f9fe7f034ffba985e923a2f8f20f"
}
},
"9526f3ccf2bd4f698ad8b6c058e88691": {
"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": ""
}
},
"964a11fa370341128987374152d1e697": {
"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_2389365dcb304c4fb3c6a0a1ed5b18d3",
"placeholder": "\u200b",
"style": "IPY_MODEL_353705567dd644769dc64687869103e0",
"value": " 40/40 [00:01<00:00, 38.45it/s]"
}
},
"96a36cb6eae34e04ae7470d5d495e573": {
"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": ""
}
},
"96f8c439b6a943d1a07b8db810d03b17": {
"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_8b5da4c10f6a4ad39ea45b04fe8b9f00",
"placeholder": "\u200b",
"style": "IPY_MODEL_252e443f54d04ca388fd657f883a12ec",
"value": "Validation DataLoader 0: 100%"
}
},
"97090745121248b39b4a4b14fc250fb6": {
"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
}
},
"971d45cf140043d7b6106aeafc35544a": {
"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": ""
}
},
"97871fe8a2794f938e11a7a789653b8c": {
"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_c7fbb78542a4452ba8e32ac972cc2088",
"IPY_MODEL_823aff44ec574c1ba9af6f398a3b519e",
"IPY_MODEL_b3f4069a44354794a83fa95eff808bfc"
],
"layout": "IPY_MODEL_0da2dfcd95484462acb0ee6c2a27f5cf"
}
},
"988e1f371c6d4eaaa26464e86d4d9949": {
"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
}
},
"989984397cfb454db1681b69be4cabee": {
"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%"
}
},
"9904f99631cb4e5599cf690a4a6aa1b1": {
"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": "info",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_c54a570cf4cd466e8477ae2fd9b45584",
"max": 1.0,
"min": 0.0,
"orientation": "horizontal",
"style": "IPY_MODEL_f8eb5c09e57a4399b3dc1944764fd090",
"value": 1.0
}
},
"990f1703dbe246089e9cecadae230933": {
"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
}
},
"99e89452956e4de6b983189f201a9b6c": {
"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": ""
}
},
"99f9ed0141a14ada97bd32d07cd25250": {
"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
}
},
"9a21e69aba81401ea65200283daa6651": {
"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": "info",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_4f44f434d1f74843a2d0ca8170ae0e82",
"max": 1.0,
"min": 0.0,
"orientation": "horizontal",
"style": "IPY_MODEL_d86b44cad077405ab386d991dece7a8c",
"value": 1.0
}
},
"9b0653016a2145c79e48dd900dde97b5": {
"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": "info",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_797327af1de74ae2873eae24344ca3c2",
"max": 1.0,
"min": 0.0,
"orientation": "horizontal",
"style": "IPY_MODEL_cd398542430d4a138d39e101ea11b0e3",
"value": 1.0
}
},
"9b5e3c148089419697a54a9ae13c9e07": {
"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
}
},
"9b667c1eef244213b5678093f87f82a0": {
"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": ""
}
},
"9b6873f47aa64d71a179b18e3bdd0f9b": {
"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_674dba68a6884ec9846e74f787c64762",
"IPY_MODEL_0fd46b5f596a469bbfaa3f4df33b8adf",
"IPY_MODEL_388e4ad8fc59410d90e882f692d549f7"
],
"layout": "IPY_MODEL_e56c6363bc5b42329053a51b17f7fbc6"
}
},
"9b82532251554538824d1155094c7f54": {
"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": ""
}
},
"9c284b7cc01e4955b050e97aa5745ce0": {
"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": "info",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_90c673c5768e4be1bd2d9503c670cc1b",
"max": 1.0,
"min": 0.0,
"orientation": "horizontal",
"style": "IPY_MODEL_5df491079b8b4d8baf3ede8ffcb95610",
"value": 1.0
}
},
"9cad95927cfb45759212be47e938b912": {
"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
}
},
"9cd5103418b34032a5f5d3c5fa8079c0": {
"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
}
},
"9d922031e2db4839b9d390b0c44b0f71": {
"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": ""
}
},
"9dd19d9e0148434ebd1b45c4782fef0e": {
"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_b413441285c44ba79c4e63d691ad5c9c",
"placeholder": "\u200b",
"style": "IPY_MODEL_554f582e83aa4484ac465183dc61b3d8",
"value": " 40/40 [00:01<00:00, 38.08it/s]"
}
},
"9e48c2807c9443ef97a63602fe8d9a23": {
"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_92abc66e4dcc42ceb160b221ad1bcf7f",
"placeholder": "\u200b",
"style": "IPY_MODEL_c2d6d5450b444b8596b461de31ce6d29",
"value": " 40/40 [00:01<00:00, 38.32it/s]"
}
},
"9e8ff5a73d7c4a4fa4fadbf539814e8e": {
"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
}
},
"9f4b5d231e5345ad9453ea1c400d0ff9": {
"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
}
},
"9f96e599135c4e57a72b75480cb0eb0c": {
"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
}
},
"a03ddd4e97ea4a3baedba232972a721b": {
"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
}
},
"a0516f62a47b4b65b5463be7e75aa9d9": {
"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": ""
}
},
"a0725ef539cf48b8b32ef1fa3f195fc9": {
"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%"
}
},
"a101bfbec60845e89096b67a7e5df9e5": {
"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
}
},
"a139212c61924c3581184604a0ad25a5": {
"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": ""
}
},
"a1d25b7ee5604390a12014496e4e06d2": {
"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_5153fdbde8934359b5137dd620bd9c58",
"placeholder": "\u200b",
"style": "IPY_MODEL_e3bb427ff5784e0d9666480b502a9d4d",
"value": " 40/40 [00:01<00:00, 38.49it/s]"
}
},
"a2548c5b63154ebe922e3ff6fb7fd3c8": {
"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%"
}
},
"a2662c8aa98e45e7acac1f68f0ca399c": {
"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_e75a3cb2369749edaa2cf726c6d1db90",
"placeholder": "\u200b",
"style": "IPY_MODEL_4b1f4c4bb093431ba2e6788e68b3ed05",
"value": "Validation DataLoader 0: 100%"
}
},
"a2b1fb5ea47f4d6eba2e13380f46145e": {
"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_7e0cdd8a621842d4a2c54759b693ca98",
"placeholder": "\u200b",
"style": "IPY_MODEL_eab306749ce84a14b1ca2a4b38cbad61",
"value": "Validation DataLoader 0: 100%"
}
},
"a2bbb9a158a0453a957b773f64be0e97": {
"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": ""
}
},
"a2da960a7cb44507981557f96a1ed799": {
"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": ""
}
},
"a3036935c95848dfba064a992ee3e5be": {
"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": ""
}
},
"a4383d04e64545ab994007aaef8f99cc": {
"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_0e6d1ff3986a4e21a674394111163860",
"IPY_MODEL_e9d1f1c44c0a40d1b9408eed70dcd4cc",
"IPY_MODEL_cce1fccbd886472f91899fc697758304"
],
"layout": "IPY_MODEL_beaa0f658a3f40a785468775cadb5b53"
}
},
"a448df3804404ba2b3d30ec8e712696f": {
"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": ""
}
},
"a471218fd9fe4108ac6b0aceed3c11c2": {
"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
}
},
"a71b725fe535424dbb6c046bb9a39747": {
"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_c78190c7ec66412187e9f08c77058a1b",
"placeholder": "\u200b",
"style": "IPY_MODEL_464cbd38c12b4a39a5fa869e2c99e040",
"value": "Validation DataLoader 0: 100%"
}
},
"a74ca8b4deb04d9fa396875fb178433f": {
"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_a71b725fe535424dbb6c046bb9a39747",
"IPY_MODEL_33b87d134a544adebdce736e54217d4e",
"IPY_MODEL_00d03b4c91b04c3f9950458ea03dd35c"
],
"layout": "IPY_MODEL_b1a60017bc154c1d8d61204ac902e30a"
}
},
"a7b6f7a762904b908dd866e1c99fe7ba": {
"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_06dbd180894d4a3c87c1e614bda6a545",
"placeholder": "\u200b",
"style": "IPY_MODEL_4f81e2f7572843aeabc5d25391dd0f57",
"value": " 40/40 [00:01<00:00, 36.00it/s]"
}
},
"a8d40f6f1cd148cbb2c61846fa89af56": {
"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_3bb3562802e14715ac16224b157a6fab",
"placeholder": "\u200b",
"style": "IPY_MODEL_c02e9957944d4d46ba3ee56e301775c4",
"value": " 40/40 [00:01<00:00, 36.65it/s]"
}
},
"aa1b639dd9e74fb7ae29cfa28f4030a0": {
"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": ""
}
},
"aa1f3edb6ad2462bacacad2a846fc0f7": {
"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%"
}
},
"aacba57b1bdc425f8db08c0e6ee49bd1": {
"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_50e19bc43571488498d53039176d88e5",
"placeholder": "\u200b",
"style": "IPY_MODEL_0175c99c69db472f84f7b704d6fd0b2c",
"value": " 40/40 [00:01<00:00, 38.27it/s]"
}
},
"aae3544e6cd641ba85b6a561afaaa69b": {
"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%"
}
},
"ac0330ace8c44eccad7c5b81943007dc": {
"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": ""
}
},
"ac787b4067804e8aaabccf199ee5fbaf": {
"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": "info",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_3e87184336714da3a87d909770a2e29b",
"max": 1.0,
"min": 0.0,
"orientation": "horizontal",
"style": "IPY_MODEL_c1e8bd32ba0d4f89b9057e25a6d76a0e",
"value": 1.0
}
},
"ac9f84f463244ed495d38b0b65859874": {
"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": ""
}
},
"ace84cbcb066497f990a3819d7319505": {
"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
}
},
"ace90ea8103e48508ce277e2996cb300": {
"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": "info",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_36f2611fcb48490a8d9147930b6c12b7",
"max": 1.0,
"min": 0.0,
"orientation": "horizontal",
"style": "IPY_MODEL_651ee4c846304fdebe9b736b9573c3d9",
"value": 1.0
}
},
"ad0d580738ac459e875f0ea8e4a5e1a0": {
"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%"
}
},
"ad59bee6819849ce840cae4343ac8d70": {
"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": ""
}
},
"aee2f55863634bd489ee6a93f590ab1d": {
"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_d62cfc14332d499ab0a3223cfaa7154a",
"IPY_MODEL_cf73ae97822544eca3d4e87f17927766",
"IPY_MODEL_16974e8b34904e20b1bb582a3a0895e7"
],
"layout": "IPY_MODEL_0ecbfe96aa2446a8961511b0c135ac12"
}
},
"aee2fdb4805940018f9b8399de15bd03": {
"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": ""
}
},
"af11eb9334cf416aaa2e36696930c7b8": {
"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_77d9aa9adafa4439b6f38179fed9feb1",
"max": 1.0,
"min": 0.0,
"orientation": "horizontal",
"style": "IPY_MODEL_932b12b64179436bb00d6e745f2e418c",
"value": 1.0
}
},
"af42c884aaad4011a5fad4bcce476035": {
"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_d92f13f19fa347ac9b88071a96fa7620",
"placeholder": "\u200b",
"style": "IPY_MODEL_173a80d618c2407fa3ff268fe259e39a",
"value": "Validation DataLoader 0: 100%"
}
},
"af5ddcc3005545dba5e2317c9dba1458": {
"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": ""
}
},
"b002560501b74c9ca97543400ae0778b": {
"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_c7822bc919a747f6b31655f28279d453",
"placeholder": "\u200b",
"style": "IPY_MODEL_ac9f84f463244ed495d38b0b65859874",
"value": "Validation DataLoader 0: 100%"
}
},
"b00ec5ecdf574a1a80f7fed28c7724a3": {
"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": ""
}
},
"b038634c727a4ea686a223fd0ab7142c": {
"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
}
},
"b09fe225389148ba890f54c41c21ab33": {
"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_97090745121248b39b4a4b14fc250fb6",
"placeholder": "\u200b",
"style": "IPY_MODEL_26c5fdf7bc03494cb618ffe484b6f1e7",
"value": " 40/40 [00:01<00:00, 36.89it/s]"
}
},
"b0c83b115e6443beadab7d75b970cce5": {
"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_990f1703dbe246089e9cecadae230933",
"placeholder": "\u200b",
"style": "IPY_MODEL_45b3a5fa966e401898a07b22b0a4b389",
"value": " 40/40 [00:01<00:00, 38.51it/s]"
}
},
"b1a60017bc154c1d8d61204ac902e30a": {
"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%"
}
},
"b2e8de65a3604bdebd0a6b11cea6439c": {
"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": ""
}
},
"b3eafe8e8c284dc09d97956ffb99fc7f": {
"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": ""
}
},
"b3f4069a44354794a83fa95eff808bfc": {
"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_9241f35e2b4e4d938378828bac715983",
"placeholder": "\u200b",
"style": "IPY_MODEL_eb4cfdb61e034cb587b3c3f1c2b62fc4",
"value": " 40/40 [00:01<00:00, 38.21it/s]"
}
},
"b402894c790044bea8c6f60fb931cb09": {
"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": ""
}
},
"b409151be4f2491e9d16d2fb367fc4f8": {
"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_40e80763e04a4bc2bc3677e01753c4be",
"placeholder": "\u200b",
"style": "IPY_MODEL_0a5a8f0dcf7d450aa9e4705dccc99f5c",
"value": " 40/40 [00:01<00:00, 38.43it/s]"
}
},
"b413441285c44ba79c4e63d691ad5c9c": {
"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
}
},
"b4f1d7176b03424ab2435f4270300a6a": {
"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
}
},
"b54121ec170e4d47a30252d3ac6cc9c5": {
"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
}
},
"b61e48d3c38a44a696c3e7a02fc95101": {
"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": ""
}
},
"b65b5ac581964c22b7be18f024c36759": {
"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": "info",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_450de64ede444fddbaf19bd223986a08",
"max": 1.0,
"min": 0.0,
"orientation": "horizontal",
"style": "IPY_MODEL_a139212c61924c3581184604a0ad25a5",
"value": 1.0
}
},
"b6a75ebb74cc4bc38b15baa418cdaf12": {
"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": ""
}
},
"b6e410ec2ba14f8f86a3904e4cca9c5a": {
"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_19e3df9b75f94544b747e105d1356c98",
"IPY_MODEL_30628f4c80ca42c99915bf304ad98c18",
"IPY_MODEL_a1d25b7ee5604390a12014496e4e06d2"
],
"layout": "IPY_MODEL_4a131d0912b44bf7ac2cc92650922cb4"
}
},
"b6fd43ba53594099aaf0a3b945de2ec7": {
"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": ""
}
},
"b70952dcb60d4f03af8402ccac209deb": {
"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_df3964a255054be3a1d2ce11d95f3783",
"placeholder": "\u200b",
"style": "IPY_MODEL_67d6f96c15b14a9fbf92616b01daae04",
"value": "Validation DataLoader 0: 100%"
}
},
"b80db2bb51184c22abdf4c99ade84a3b": {
"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_6507ca1e737e45ffa7f4352fa40890c7",
"placeholder": "\u200b",
"style": "IPY_MODEL_a2bbb9a158a0453a957b773f64be0e97",
"value": "Validation DataLoader 0: 100%"
}
},
"b85571e6666646dfb540c7b292924231": {
"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": "info",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_b9520b4618254eef87baf21e7b1f7eb8",
"max": 1.0,
"min": 0.0,
"orientation": "horizontal",
"style": "IPY_MODEL_a2da960a7cb44507981557f96a1ed799",
"value": 1.0
}
},
"b9520b4618254eef87baf21e7b1f7eb8": {
"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
}
},
"b989b59d277e4b3a9937f3eb6ae9fffe": {
"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%"
}
},
"b9a191c8588c4dff8172e26d80e8d174": {
"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
}
},
"ba2f7944920a4f1bb251d7c91c537948": {
"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_2f24213e50844dc9a04c7d39ae154080",
"placeholder": "\u200b",
"style": "IPY_MODEL_3f27c1918c814d71aad5103958773bff",
"value": "Validation DataLoader 0: 100%"
}
},
"ba2fd51a958c4d9581cd7fb59a5dfe77": {
"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": ""
}
},
"bafd0d6eab8e4e5d971837436c1e4039": {
"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": ""
}
},
"bbe2c38c643940308a948cb06a1a78ac": {
"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": ""
}
},
"bca46057b4f64527b11cbdc095f2f99a": {
"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
}
},
"bddb7b6f7d3045b58c684d286860aca2": {
"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_4f0443b14f9e431eb266f47e8b23b95d",
"IPY_MODEL_f4f953dea88e4ea79d0e447e4fee7793",
"IPY_MODEL_6762f960dda1400389202981cbcae5e3"
],
"layout": "IPY_MODEL_be42bea6502049cea86ed62289d85236"
}
},
"bdf5bf05191b4b2cb6ed87f26169f5c0": {
"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_4bc3dd0f00714c66a130983694a12444",
"placeholder": "\u200b",
"style": "IPY_MODEL_6d30f14c4fcb4fd586d9588bbfb65241",
"value": " 40/40 [00:01<00:00, 36.74it/s]"
}
},
"be42bea6502049cea86ed62289d85236": {
"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%"
}
},
"be7a79096b9844be8e00a493b40bd57d": {
"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
}
},
"beaa0f658a3f40a785468775cadb5b53": {
"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%"
}
},
"beacdb35a9db40e1abacde3d7a64d2cd": {
"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
}
},
"bf01237dd76641049917d1137a101357": {
"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%"
}
},
"bf19f90776fe437dbccbaca9a75f735e": {
"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": "info",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_c5dc059a1fbb41cda019ec1ce3577c77",
"max": 1.0,
"min": 0.0,
"orientation": "horizontal",
"style": "IPY_MODEL_af5ddcc3005545dba5e2317c9dba1458",
"value": 1.0
}
},
"bf9a4e497dd2454a807cda6a4800a764": {
"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%"
}
},
"bfc47e3d6495490ea374d3b1b5cc6238": {
"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": ""
}
},
"bfd06533416a480d9d0be44f40b47b24": {
"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_99f9ed0141a14ada97bd32d07cd25250",
"placeholder": "\u200b",
"style": "IPY_MODEL_5fb5289a449f43598ea0e6a047207179",
"value": " 170499072/? [00:01<00:00, 95229387.48it/s]"
}
},
"c02e9957944d4d46ba3ee56e301775c4": {
"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": ""
}
},
"c06ab7734b5140cdb7eeae7318875761": {
"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
}
},
"c06b0c61b3574126ae3785b01362a0d2": {
"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": ""
}
},
"c0797da9967e44b0859c52e3cbaaf41e": {
"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
}
},
"c0d6aeb67aeb41688bb1174d6fbac500": {
"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_e54307922f5d44e68d9e46420c77589f",
"placeholder": "\u200b",
"style": "IPY_MODEL_2295ff5eca064b8b91df70faaa549265",
"value": "Validation DataLoader 0: 100%"
}
},
"c11b00aa5e25454fb61efcbbb2ee51e6": {
"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_ef5586f0046a485fa67cff92f9c21767",
"placeholder": "\u200b",
"style": "IPY_MODEL_c4d9a3b1f889402ba216effbc4659dd0",
"value": "Validation DataLoader 0: 100%"
}
},
"c11d51cb34a14c6fbfcee72298a8c775": {
"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_fa812b61c834489398975c0b330a6f3b",
"placeholder": "\u200b",
"style": "IPY_MODEL_ce69f3d3fa124d4ba3199b37e5cc1d9f",
"value": " 40/40 [00:01<00:00, 36.36it/s]"
}
},
"c18af0c599e2499db7973a77a3efd3f4": {
"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
}
},
"c19a7e102c7f4a7d8c973ad55d0c1ddc": {
"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": ""
}
},
"c1e8bd32ba0d4f89b9057e25a6d76a0e": {
"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": ""
}
},
"c238b0cee5c14b1f96578c554c79adc9": {
"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
}
},
"c2625d2898e0486eaffa117b881833d2": {
"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": ""
}
},
"c282d3cae931428ebbb2f17822336170": {
"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_36964700dca14212820e0137f711d2cc",
"placeholder": "\u200b",
"style": "IPY_MODEL_013844fb2b6a4890bc73c768c2b20b45",
"value": "Validation DataLoader 0: 100%"
}
},
"c2d6d5450b444b8596b461de31ce6d29": {
"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": ""
}
},
"c2ebb50ec8e54fb79aac41ca536ca73f": {
"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%"
}
},
"c4b284ce992f4d18a29dd9546e3c5508": {
"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_8172167f13de405fa2de0f6db0ff2f5c",
"placeholder": "\u200b",
"style": "IPY_MODEL_3e7622e133eb43c3a6cb2c38dc17c94a",
"value": "Validation DataLoader 0: 100%"
}
},
"c4d9a3b1f889402ba216effbc4659dd0": {
"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": ""
}
},
"c50d8b40df6346c7a871ab742cff6ecb": {
"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": ""
}
},
"c54a570cf4cd466e8477ae2fd9b45584": {
"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
}
},
"c587994c47be47bb98a158e27a960993": {
"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_7b086b1490964b58804cb9621864d484",
"max": 170498071.0,
"min": 0.0,
"orientation": "horizontal",
"style": "IPY_MODEL_d5654681b2ad4f6399a3a62de3717ce6",
"value": 170498071.0
}
},
"c5c9c017907a4013a85b8aca29ff2c2b": {
"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
}
},
"c5dc059a1fbb41cda019ec1ce3577c77": {
"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
}
},
"c636a93a651f40efab6b0d41c882cbaf": {
"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
}
},
"c6a187ab75e146bd8d76a68069a422d0": {
"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_faa826d192184e58aa3093b9b2f5c6d8",
"placeholder": "\u200b",
"style": "IPY_MODEL_ff8f06b9c20743ce913332ae33543f13",
"value": "Validation DataLoader 0: 100%"
}
},
"c78190c7ec66412187e9f08c77058a1b": {
"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
}
},
"c7822bc919a747f6b31655f28279d453": {
"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
}
},
"c7d929c8d6844a9c9822f8a6311ac05e": {
"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": ""
}
},
"c7de9c470de24f5db37d9c0d90277dd3": {
"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
}
},
"c7fbb78542a4452ba8e32ac972cc2088": {
"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_2662343ce8474fcbafad0a5ada863624",
"placeholder": "\u200b",
"style": "IPY_MODEL_ca017d00302c42d4b0019b770a113b33",
"value": "Validation DataLoader 0: 100%"
}
},
"c80c6c648ea94d4e8b664a3a41b9104c": {
"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
}
},
"c81280fc4d01407d91c6be55f9f35b11": {
"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_52a1fa7ddb25489f99417cf8fec50af2",
"placeholder": "\u200b",
"style": "IPY_MODEL_fca5219556ed46e5ac7c6ac8f5b85497",
"value": "Validation DataLoader 0: 100%"
}
},
"c81dbe07b3b3450d8441efbe2ebe074e": {
"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%"
}
},
"c826fcf52c1c41e2bc7dd299b0e9f52c": {
"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
}
},
"c86a7ccff66941629bbb0e93c8065360": {
"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
}
},
"c872d37d34dc4e00b72a782170d7a88e": {
"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_b70952dcb60d4f03af8402ccac209deb",
"IPY_MODEL_ac787b4067804e8aaabccf199ee5fbaf",
"IPY_MODEL_0a20bb75a0c445a5a8cedff158561664"
],
"layout": "IPY_MODEL_0d0b808906924eefa03f579a97e13366"
}
},
"c8b9ec1cd12245779c81700029eda734": {
"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%"
}
},
"c9209ab5c101425d9cbd35ff5926aa0a": {
"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_c06ab7734b5140cdb7eeae7318875761",
"placeholder": "\u200b",
"style": "IPY_MODEL_1bf917c54a624788a59cc7336187cabc",
"value": "Validation DataLoader 0: 100%"
}
},
"c937c9d74dbb43eaba8e37fed0987c7c": {
"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": "info",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_361010b9af7a4e01b6e1a41eb9f5cc71",
"max": 1.0,
"min": 0.0,
"orientation": "horizontal",
"style": "IPY_MODEL_e23330bca3a94645b0d3dede0211d52b",
"value": 1.0
}
},
"c9dcd27ad2734b98a244c770e0928e69": {
"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%"
}
},
"ca017d00302c42d4b0019b770a113b33": {
"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": ""
}
},
"ca487b03a950485aa3c06065a904e772": {
"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
}
},
"ca57d6488660438ca0ceac5f212c539b": {
"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_77c905cd244d43eeafd0207559681dac",
"placeholder": "\u200b",
"style": "IPY_MODEL_d7297090b2f94a26b0f628dc19fc4bfe",
"value": " 40/40 [00:01<00:00, 37.49it/s]"
}
},
"ca84f3de27b04dfeb714607d5046d59d": {
"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": ""
}
},
"ca85f5eb158b4d4b863ba6660193fd13": {
"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
}
},
"cac6fdc074504602a09c3b358383696c": {
"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_0bdd2e355b794b2694a1fd2aba6a2692",
"placeholder": "\u200b",
"style": "IPY_MODEL_ba2fd51a958c4d9581cd7fb59a5dfe77",
"value": "Validation DataLoader 0: 100%"
}
},
"caf718b2766848aaa6bbda6f7beab824": {
"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_4f3e5deff88948f28c339e10d05cd357",
"placeholder": "\u200b",
"style": "IPY_MODEL_81af8c8973064c9a8204cfe6bc2b345b",
"value": "Validation DataLoader 0: 100%"
}
},
"cbd9b0ff88e74c6390f55941b361bec0": {
"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": ""
}
},
"cc0eb81fcb4d42889050cee7f7be2d11": {
"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_6a824a0b68af416e870f3363c76596e1",
"placeholder": "\u200b",
"style": "IPY_MODEL_7dbff10b03a54ce2ad7ffc732bb6b0a0",
"value": "Validation DataLoader 0: 100%"
}
},
"cc73503efca94ca3aa9109e43e4cbbba": {
"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%"
}
},
"cc78b87cbcf3495d86cb82ba52409076": {
"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
}
},
"cce1fccbd886472f91899fc697758304": {
"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_988e1f371c6d4eaaa26464e86d4d9949",
"placeholder": "\u200b",
"style": "IPY_MODEL_661ca8cb70d74353ad904d1e0ec0fe6b",
"value": " 40/40 [00:01<00:00, 37.88it/s]"
}
},
"cd398542430d4a138d39e101ea11b0e3": {
"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": ""
}
},
"cdd038265c9040bdb57050a13ebb2860": {
"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_b9a191c8588c4dff8172e26d80e8d174",
"placeholder": "\u200b",
"style": "IPY_MODEL_20aafd6bc6e241f28d6462675bbc8efa",
"value": "Validation DataLoader 0: 100%"
}
},
"ce376b0c8edd49449dfb4652e6379ed0": {
"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%"
}
},
"ce69f3d3fa124d4ba3199b37e5cc1d9f": {
"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": ""
}
},
"cf2e45e1013b4e0b9a88557a51b7df9d": {
"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_c81280fc4d01407d91c6be55f9f35b11",
"IPY_MODEL_62c5787535cf43fbac575ed5fcbc20ea",
"IPY_MODEL_56d920fb7cce4c3f804957e9e7d31b84"
],
"layout": "IPY_MODEL_2e8ef24afcb740a9a931affa7a6803fb"
}
},
"cf73ae97822544eca3d4e87f17927766": {
"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_7a98b7de1c434f56a8a74ed48261de21",
"max": 1.0,
"min": 0.0,
"orientation": "horizontal",
"style": "IPY_MODEL_d9901822f9c14edaa9233f75a9f9a7f8",
"value": 1.0
}
},
"cf798dc52c854e8ea69debe0ef4422b2": {
"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": ""
}
},
"cf7e3ace031446d2ba2cf76c2ed13a02": {
"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": ""
}
},
"cf9a3a96b5e743aba74e90e6867154d4": {
"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
}
},
"cfab677e0199464eaa753b6cf6718dbd": {
"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": ""
}
},
"d0c9b43767cf4ddc89cc22c012bdc705": {
"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": "info",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_29a69258a9ae4df884f39ffcf25c3f4c",
"max": 1.0,
"min": 0.0,
"orientation": "horizontal",
"style": "IPY_MODEL_d2a6d2349fe744008a4998320b60d41e",
"value": 1.0
}
},
"d12f3eae2d1b42b88bbf0c60dc3174ca": {
"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_533c715ceeec4649abdf2a8f010c8308",
"IPY_MODEL_603adce88fbb41b7af3a55c35b16a8c8",
"IPY_MODEL_8ccb069bf31b41199e9ffc33c3da843f"
],
"layout": "IPY_MODEL_bf01237dd76641049917d1137a101357"
}
},
"d1cbaa1f346b41b0b52f4096a657668d": {
"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
}
},
"d1ed962814d84f4e8a81f713f5f10cfc": {
"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
}
},
"d223d548c9e24a31bbe18585d543386b": {
"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_14f1192505d040d8a3495a18754bf6c2",
"IPY_MODEL_e6908ac6be934d5092709b586fc17abf",
"IPY_MODEL_3fb97c7ed44747e9a15ca69bec8428b3"
],
"layout": "IPY_MODEL_cc73503efca94ca3aa9109e43e4cbbba"
}
},
"d2a6d2349fe744008a4998320b60d41e": {
"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": ""
}
},
"d32a2cb5201e40e69a6182cfb14ef8b6": {
"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_5959f25f05624f63a31a2b7c098b881e",
"placeholder": "\u200b",
"style": "IPY_MODEL_e899718d614b4968a17b234593f37892",
"value": " 40/40 [00:01<00:00, 36.66it/s]"
}
},
"d32f652c0e684abc96a650a890572736": {
"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": ""
}
},
"d3470e98421049a5b8eefc33ef261827": {
"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_79215728faeb4083bb9b367459350317",
"IPY_MODEL_0d9e63977db84cfd81f31dd63b1be2ff",
"IPY_MODEL_33a9dc2bf0fe4646a4a44a68b840ab6d"
],
"layout": "IPY_MODEL_5b2ed58df4a14b26a3209ed44d5bfad9"
}
},
"d3c4bd0f8d25453788325ba4246b687d": {
"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_6a423e533c08479e85c7acaf564ad432",
"placeholder": "\u200b",
"style": "IPY_MODEL_ea22233f8446427fb5a47a4db1bc38ae",
"value": " 40/40 [00:01<00:00, 37.78it/s]"
}
},
"d52085ed331f4335b4b11e41ec5efd65": {
"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
}
},
"d5654681b2ad4f6399a3a62de3717ce6": {
"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": ""
}
},
"d61a5412c2d040339f7a5b0c6bfd765c": {
"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_f80a96ebea91492a8e9a5a5636ab0008",
"placeholder": "\u200b",
"style": "IPY_MODEL_b61e48d3c38a44a696c3e7a02fc95101",
"value": " 40/40 [00:01<00:00, 35.99it/s]"
}
},
"d62cfc14332d499ab0a3223cfaa7154a": {
"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_4651e996442742d6b01e6a10a8506460",
"placeholder": "\u200b",
"style": "IPY_MODEL_e7d31af412e64a30b677f9d622c06e8b",
"value": "Epoch 29: 100%"
}
},
"d6a136c308164be59fd70a3812841ef7": {
"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": ""
}
},
"d6eab65861614434b6ab97af2e1b5b62": {
"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": ""
}
},
"d7233617d52443e28250a09c9fcb3135": {
"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": ""
}
},
"d7297090b2f94a26b0f628dc19fc4bfe": {
"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": ""
}
},
"d74015962004469582abdde99d047507": {
"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_7a06a389b0124177a8f571f1b0cbeb71",
"IPY_MODEL_9c284b7cc01e4955b050e97aa5745ce0",
"IPY_MODEL_5713cca8808e40c18121de1ec9151d41"
],
"layout": "IPY_MODEL_c2ebb50ec8e54fb79aac41ca536ca73f"
}
},
"d86b44cad077405ab386d991dece7a8c": {
"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": ""
}
},
"d8bc9bd6e7414eaf923900bf5e16891c": {
"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
}
},
"d8ce3cd16894444eb6498e9d2e6d8c4f": {
"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_c11b00aa5e25454fb61efcbbb2ee51e6",
"IPY_MODEL_eb3e03d058754a2cbbc5d7e98dc2c944",
"IPY_MODEL_df2e9e84f01040d3b9d16c1298323ea7"
],
"layout": "IPY_MODEL_417f40fecc014947b96330b8aefdffbf"
}
},
"d92f13f19fa347ac9b88071a96fa7620": {
"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
}
},
"d9901822f9c14edaa9233f75a9f9a7f8": {
"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": ""
}
},
"d9c5f5b858d2414886fe8426f02ba8bf": {
"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_06c23274db4649a5a39d9cffb567ee2f",
"IPY_MODEL_61c281a147c44112882dd04d43df7418",
"IPY_MODEL_1fbda313f05c49529957dd0067a35baf"
],
"layout": "IPY_MODEL_11125b4ed40e43b881eed543587144bc"
}
},
"db547c77de714f0d9d8aed6238b16a52": {
"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_c4b284ce992f4d18a29dd9546e3c5508",
"IPY_MODEL_dd1df4475c9c43f090b34b9ac5d54fbc",
"IPY_MODEL_09e10d9861f549df9810140eb8e95eaa"
],
"layout": "IPY_MODEL_81b47e08ef6c41ab8b813e5e318dda24"
}
},
"db696b12ec4349118973ee62a16726f7": {
"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_53e84c0671084077abe5356e87b5e7cd",
"IPY_MODEL_66193632fe634ae5bd30d0ae9ac374d5",
"IPY_MODEL_01f4f14d43c2448ca7613a38b08c082a"
],
"layout": "IPY_MODEL_3a4b8a5925c94ab9b2e84c4be357d1c7"
}
},
"db8d6b7f3e6b428985c3a850c7c1a902": {
"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_caf718b2766848aaa6bbda6f7beab824",
"IPY_MODEL_69bcf16d1dbd4be4a72bf073d7cfc04a",
"IPY_MODEL_068c9a3ef7bf4ca9b6307d943c6fd76f"
],
"layout": "IPY_MODEL_6723df2edd32421e8b81fcad5493a324"
}
},
"dd1df4475c9c43f090b34b9ac5d54fbc": {
"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": "info",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_67227a12142d486b8164b86754398c4d",
"max": 1.0,
"min": 0.0,
"orientation": "horizontal",
"style": "IPY_MODEL_cbd9b0ff88e74c6390f55941b361bec0",
"value": 1.0
}
},
"df2e9e84f01040d3b9d16c1298323ea7": {
"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_9b5e3c148089419697a54a9ae13c9e07",
"placeholder": "\u200b",
"style": "IPY_MODEL_5c69aab091fe4c86bac5105d97ef5194",
"value": " 40/40 [00:01<00:00, 36.56it/s]"
}
},
"df3964a255054be3a1d2ce11d95f3783": {
"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
}
},
"e02f21125c6a4540afb9c259a7f98518": {
"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": "info",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_a471218fd9fe4108ac6b0aceed3c11c2",
"max": 1.0,
"min": 0.0,
"orientation": "horizontal",
"style": "IPY_MODEL_6e9f6aafa05c49b1ad9961ca388a04d1",
"value": 1.0
}
},
"e0af4e2a639d4748beae0574dd2623a0": {
"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": ""
}
},
"e15ec97446bf415789900a4356a98e4b": {
"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": ""
}
},
"e1648bc311394c76b594e07275e63b1b": {
"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_2e382552e4a24f6293755f6427295734",
"placeholder": "\u200b",
"style": "IPY_MODEL_eb143c38f26b42eba79c600b4530436f",
"value": "Validation DataLoader 0: 100%"
}
},
"e181314cb0ce423888f1002c6cb95901": {
"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
}
},
"e23330bca3a94645b0d3dede0211d52b": {
"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": ""
}
},
"e26b4819e6a742e293f8c180b94c2a86": {
"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": "info",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_0d56fcadf5504312be9bf7d1a0ebd57a",
"max": 1.0,
"min": 0.0,
"orientation": "horizontal",
"style": "IPY_MODEL_d32f652c0e684abc96a650a890572736",
"value": 1.0
}
},
"e30093d951ce40c5a6a59a9bed08e002": {
"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_91a2fc5c66d248fa9434823e8f51ce16",
"placeholder": "\u200b",
"style": "IPY_MODEL_188e43bd07294b92a676cbcd3477241b",
"value": " 40/40 [00:01<00:00, 36.44it/s]"
}
},
"e3bb427ff5784e0d9666480b502a9d4d": {
"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": ""
}
},
"e3e388debb3d46789373e71a1c15bf86": {
"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_558e421552124e6c81ac716ef0a28bbe",
"IPY_MODEL_09aad1cf050446d0b221cdd90355e457",
"IPY_MODEL_e30093d951ce40c5a6a59a9bed08e002"
],
"layout": "IPY_MODEL_6bee696f0b214ae8a1a3c1eba1571cc9"
}
},
"e44c7865b466498183af735f1f48d301": {
"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": ""
}
},
"e469afc4b62d45cd88aca4c689d6a1d3": {
"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
}
},
"e4a30d84b15848c99047f0c2df9bc0be": {
"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": ""
}
},
"e52ffa57ccad4542943d5b6ccfd1dd07": {
"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_5fb8e427f8014f70bb77153874866eea",
"placeholder": "\u200b",
"style": "IPY_MODEL_848254d864874789b30957d9564a4400",
"value": "Validation DataLoader 0: 100%"
}
},
"e54307922f5d44e68d9e46420c77589f": {
"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
}
},
"e56c6363bc5b42329053a51b17f7fbc6": {
"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%"
}
},
"e58ac61e214044489eb3041d22c42a22": {
"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": "info",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_0684b03e350745179544627b440b65c0",
"max": 1.0,
"min": 0.0,
"orientation": "horizontal",
"style": "IPY_MODEL_a448df3804404ba2b3d30ec8e712696f",
"value": 1.0
}
},
"e5a61539b98146e784265a3946ce9afe": {
"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%"
}
},
"e5b1f9fe7f034ffba985e923a2f8f20f": {
"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%"
}
},
"e5f3567c6fb84811a9850394a4635ea3": {
"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": ""
}
},
"e6908ac6be934d5092709b586fc17abf": {
"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": "info",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_79cc9b6ba8fc4f3b8ff4e6fb63fa0928",
"max": 1.0,
"min": 0.0,
"orientation": "horizontal",
"style": "IPY_MODEL_f973837a2c13404a898ea0483b55b567",
"value": 1.0
}
},
"e75a3cb2369749edaa2cf726c6d1db90": {
"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
}
},
"e7d31af412e64a30b677f9d622c06e8b": {
"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": ""
}
},
"e899718d614b4968a17b234593f37892": {
"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": ""
}
},
"e8f44a18297646eeaa2f3a84a010a763": {
"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": ""
}
},
"e970ec3172ec4fec974466bb89cfae3c": {
"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_ffe584b1f3134d639fbcca97a15e251a",
"placeholder": "\u200b",
"style": "IPY_MODEL_25f74dfb26194a59b69f66f18f1f4efb",
"value": " 40/40 [00:01<00:00, 38.44it/s]"
}
},
"e9cefbac316c48ea892ee61ab90006c8": {
"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": ""
}
},
"e9d1f1c44c0a40d1b9408eed70dcd4cc": {
"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": "info",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_7c6ef667ef284cfa91d470e7894a29f3",
"max": 1.0,
"min": 0.0,
"orientation": "horizontal",
"style": "IPY_MODEL_ee7980c13ad842c1965933a0872bac6e",
"value": 1.0
}
},
"ea22233f8446427fb5a47a4db1bc38ae": {
"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": ""
}
},
"ea2ff78c149440df8d7e8404b38111bb": {
"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
}
},
"ea35b28eb3db462ba16a7660839dbc42": {
"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_43209483ed5a4ebc83231f50020d209a",
"placeholder": "\u200b",
"style": "IPY_MODEL_8d3abd9eb9df410db09e0eb495d14720",
"value": "Validation DataLoader 0: 100%"
}
},
"ea87e97b1f85498aa541d1e7ef4137ae": {
"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
}
},
"ea89297e46714c4f83f17daadbb84002": {
"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
}
},
"eab306749ce84a14b1ca2a4b38cbad61": {
"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": ""
}
},
"eb143c38f26b42eba79c600b4530436f": {
"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": ""
}
},
"eb3e03d058754a2cbbc5d7e98dc2c944": {
"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": "info",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_f05467f28e534d86a2569751c8fb697c",
"max": 1.0,
"min": 0.0,
"orientation": "horizontal",
"style": "IPY_MODEL_d6eab65861614434b6ab97af2e1b5b62",
"value": 1.0
}
},
"eb4cfdb61e034cb587b3c3f1c2b62fc4": {
"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": ""
}
},
"ebad16e2fa574770b967fc0ee13dc9f1": {
"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
}
},
"edb5982825df4e6e9814665442cd4e0c": {
"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
}
},
"ee7980c13ad842c1965933a0872bac6e": {
"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": ""
}
},
"ef119212f3144ec0ac28ba84a51143e9": {
"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": ""
}
},
"ef5586f0046a485fa67cff92f9c21767": {
"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
}
},
"ef8793b5273d4d919d6c31dff0bb37e1": {
"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": ""
}
},
"efde9f2537c247b8ac16fcc9d87e9d0c": {
"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_c80c6c648ea94d4e8b664a3a41b9104c",
"placeholder": "\u200b",
"style": "IPY_MODEL_44507c31dc904528af97f44725b49cb3",
"value": "Validation DataLoader 0: 100%"
}
},
"f0229fff007c43aa90a336559ed78c4f": {
"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_80abc70b9d3d408889aaa083ed60adc4",
"IPY_MODEL_3d8574409a1d4e53bfaa8126418722eb",
"IPY_MODEL_2d967778400c479dbad6b443cc1ef765"
],
"layout": "IPY_MODEL_8aeb549fa3d049ec90cd9f9c7f0c0058"
}
},
"f05467f28e534d86a2569751c8fb697c": {
"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
}
},
"f0b71c44bce642d28c243e34ced1dcb3": {
"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%"
}
},
"f11589fda4794664a49685923a81ced1": {
"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%"
}
},
"f129709765a14479b65a69d50041787e": {
"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": "info",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_8231202a88544d809e9882f64dd99f99",
"max": 1.0,
"min": 0.0,
"orientation": "horizontal",
"style": "IPY_MODEL_02a613c7633341bbb0ba47c83b342086",
"value": 1.0
}
},
"f13d736382194dc6a90a3574bfe49c95": {
"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
}
},
"f22b3bbe78f84c2f89d45c379929ef27": {
"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": ""
}
},
"f24c21c7d7fd47d19181ce0e78cc80eb": {
"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_c0d6aeb67aeb41688bb1174d6fbac500",
"IPY_MODEL_856da02b77ec4a7a8ea12b1fdca04981",
"IPY_MODEL_3a9943acac1e4ef1b97a5e8f4f948a7f"
],
"layout": "IPY_MODEL_378ba9372794484f9b4af5cae0c4580a"
}
},
"f30f2b861c9e436398226c1c5ce126fd": {
"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_96f8c439b6a943d1a07b8db810d03b17",
"IPY_MODEL_25c6fa0353a6488692ce8ac01764ecc0",
"IPY_MODEL_bdf5bf05191b4b2cb6ed87f26169f5c0"
],
"layout": "IPY_MODEL_f5cb4756f938476f978683bc904fd3ee"
}
},
"f3650443665245afac3a6564faf2b136": {
"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_c0797da9967e44b0859c52e3cbaaf41e",
"placeholder": "\u200b",
"style": "IPY_MODEL_433a3fcaaf654def8a1624c0133b5a1f",
"value": " 40/40 [00:01<00:00, 37.38it/s]"
}
},
"f419ffe00a2e4e6ab3261be80b74268f": {
"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": ""
}
},
"f425d9725929419c8bdbe3443a97fc69": {
"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": ""
}
},
"f4f3700298904e688dacf363df3d9b7a": {
"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
}
},
"f4f953dea88e4ea79d0e447e4fee7793": {
"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": "info",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_9f96e599135c4e57a72b75480cb0eb0c",
"max": 1.0,
"min": 0.0,
"orientation": "horizontal",
"style": "IPY_MODEL_c2625d2898e0486eaffa117b881833d2",
"value": 1.0
}
},
"f52978e2aaf2479c8e67da41dc542c93": {
"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_af42c884aaad4011a5fad4bcce476035",
"IPY_MODEL_243ba9ae787946d28de6d38d3089d7e2",
"IPY_MODEL_f3650443665245afac3a6564faf2b136"
],
"layout": "IPY_MODEL_633478e1306047e296789b9e4475f2f2"
}
},
"f549e52e94de4bf0881ae463c1ad44a1": {
"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
}
},
"f5a09cc62dd1474abe87ff200c9667bc": {
"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
}
},
"f5cb4756f938476f978683bc904fd3ee": {
"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%"
}
},
"f6805c8a2b3e42cabe443bf2207e3326": {
"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": "info",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_90d63e3b93214b65bdd87107611fba89",
"max": 1.0,
"min": 0.0,
"orientation": "horizontal",
"style": "IPY_MODEL_c06b0c61b3574126ae3785b01362a0d2",
"value": 1.0
}
},
"f76d72e48ab84664b75e57cab566e4bb": {
"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%"
}
},
"f80a96ebea91492a8e9a5a5636ab0008": {
"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
}
},
"f8eb5c09e57a4399b3dc1944764fd090": {
"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": ""
}
},
"f973837a2c13404a898ea0483b55b567": {
"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": ""
}
},
"f9faaa8cb1634d1a823499baed29ed89": {
"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": ""
}
},
"fa4b7792d3314b32aa22989c1f8443a5": {
"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_3086f8e30de44340a05c5eecb5598d19",
"IPY_MODEL_0bd3491485d04933bd4248a2bb9710c7",
"IPY_MODEL_c11d51cb34a14c6fbfcee72298a8c775"
],
"layout": "IPY_MODEL_3ef7ae4ed66146f9be01bb17c92fb079"
}
},
"fa812b61c834489398975c0b330a6f3b": {
"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
}
},
"faa826d192184e58aa3093b9b2f5c6d8": {
"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
}
},
"fb8f997e9342417f9429d0b9973e9832": {
"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": ""
}
},
"fbd5c26467124535b72d0bf629869aae": {
"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": "info",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_5cba35c4af0d463ab839b6fd5875ac62",
"max": 1.0,
"min": 0.0,
"orientation": "horizontal",
"style": "IPY_MODEL_315ee8ef2d364f5e8c4d9b7d6b39333b",
"value": 1.0
}
},
"fbde9c369f2d48c7a7d3f24c4dc302df": {
"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_c282d3cae931428ebbb2f17822336170",
"IPY_MODEL_4a4ad50049734eccbb718d8d85baede3",
"IPY_MODEL_ca57d6488660438ca0ceac5f212c539b"
],
"layout": "IPY_MODEL_71b4b84cde53466c89fe79b63b77b15b"
}
},
"fc45255c02f34bdd8c9a55328854fcad": {
"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": "info",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_b4f1d7176b03424ab2435f4270300a6a",
"max": 1.0,
"min": 0.0,
"orientation": "horizontal",
"style": "IPY_MODEL_7bd2d55b56074d71a281ce194a046528",
"value": 1.0
}
},
"fc801be703164975836710a9088a3e2e": {
"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_8e114d2e9a104b3a9506846c3fe0afbb",
"IPY_MODEL_1f1df194dddd4dd78a8c96a63ac7c4c9",
"IPY_MODEL_3664b8acb0fa45d3abecdea47771b9bb"
],
"layout": "IPY_MODEL_1c76f655f29948fa9473b05bf15881f6"
}
},
"fc8a9be1e9334c1baae32d04ed05bcd9": {
"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": ""
}
},
"fca5219556ed46e5ac7c6ac8f5b85497": {
"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": ""
}
},
"fda384d5135e45c39c5a8db4cec05c14": {
"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
}
},
"fe01472166454cfcb929776ed148e006": {
"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_49b36dd49ecd48d59dedc970a45a9669",
"placeholder": "\u200b",
"style": "IPY_MODEL_b3eafe8e8c284dc09d97956ffb99fc7f",
"value": " 40/40 [00:01<00:00, 38.54it/s]"
}
},
"fe1d9fbe4f3a4834861c4c35e0b7ccf4": {
"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_46d7220ee30a4cc29afe2a62ef591d60",
"placeholder": "\u200b",
"style": "IPY_MODEL_ad59bee6819849ce840cae4343ac8d70",
"value": "Validation DataLoader 0: 100%"
}
},
"fed25688f3194e07a69c54e5910f9aa3": {
"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
}
},
"ff404534a6594bb18cb51bb34c8e259c": {
"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": ""
}
},
"ff795fff2f764052bcd376c02649b940": {
"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
}
},
"ff8f06b9c20743ce913332ae33543f13": {
"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": ""
}
},
"ffa37ec5ba1f475088cf84dee80cc7d6": {
"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": "info",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_0fb4f7af468146ac913fa8e0c65d556a",
"max": 1.0,
"min": 0.0,
"orientation": "horizontal",
"style": "IPY_MODEL_e5f3567c6fb84811a9850394a4635ea3",
"value": 1.0
}
},
"ffcf283fc9cc45139016d9bba9b5dc66": {
"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_cc78b87cbcf3495d86cb82ba52409076",
"placeholder": "\u200b",
"style": "IPY_MODEL_5db0c87707384e73a7a8ea67f9b90b59",
"value": " 40/40 [00:01<00:00, 38.24it/s]"
}
},
"ffe584b1f3134d639fbcca97a15e251a": {
"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
}