diff --git "a/semanticallysegmentdeezglaciers.ipynb" "b/semanticallysegmentdeezglaciers.ipynb" new file mode 100644--- /dev/null +++ "b/semanticallysegmentdeezglaciers.ipynb" @@ -0,0 +1,4787 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "c0C76YvrvDbu", + "outputId": "526c8200-e257-45d7-89ec-6c4d6f30d5d0" + }, + "outputs": [], + "source": [ + "# Import the torch module for tensor computation and deep learning\n", + "import torch\n", + "\n", + "# Import the matplotlib.pyplot module for creating static, animated, and interactive visualizations in Python\n", + "import matplotlib.pyplot as plt\n", + "\n", + "# Import the numpy module for numerical operations in Python\n", + "import numpy as np\n", + "\n", + "# Import the nn module from torch for building neural networks\n", + "import torch.nn as nn\n", + "\n", + "# Import the transformers, datasets, evaluate, datasets, huggingface_hub modules for working with transformer models, datasets, evaluation metrics, and Hugging Face's hub\n", + "import transformers\n", + "import datasets\n", + "import evaluate\n", + "import datasets\n", + "import huggingface_hub\n", + "\n", + "# Import the ColorJitter class from torchvision.transforms for randomly changing the brightness, contrast, and saturation of an image\n", + "from torchvision.transforms import ColorJitter\n", + "\n", + "# Import the load_dataset function from the datasets module for loading datasets\n", + "from datasets import load_dataset\n", + "\n", + "# Import the TrainingArguments and Trainer classes from the transformers module for setting training arguments and training transformer models\n", + "from transformers import TrainingArguments, Trainer\n", + "\n", + "# Import the notebook_login function from the huggingface_hub module for logging in to Hugging Face's hub\n", + "from huggingface_hub import notebook_login\n", + "\n", + "# Import the accelerate module for accelerating PyTorch code with mixed precision and distributed training\n", + "import accelerate\n", + "\n", + "# Import the Accelerator class from the accelerate module for accelerating PyTorch code\n", + "from accelerate import Accelerator\n", + "\n", + "# Import the pipeline function from the transformers module for creating a pipeline that processes and returns the model's output\n", + "from transformers import pipeline\n", + "\n", + "# Import the Image class from the PIL module for opening, manipulating, and saving many different image file formats\n", + "from PIL import Image\n", + "\n", + "# Import the glob function from the glob module for finding all the pathnames matching a specified pattern\n", + "from glob import glob\n", + "\n", + "# Import the SegformerImageProcessor, SegformerModel, SegformerConfig, AutoImageProcessor, SegformerForSemanticSegmentation classes from the transformers module for working with Segformer models\n", + "from transformers import SegformerImageProcessor, SegformerModel, SegformerConfig, AutoImageProcessor, SegformerForSemanticSegmentation\n", + "\n", + "# Set the allow_tf32 attribute of torch.backends.cuda.matmul to True to allow TensorFloat-32 (TF32) on Ampere devices\n", + "torch.backends.cuda.matmul.allow_tf32 = True\n", + "\n", + "# Call the notebook_login function to log in to Hugging Face's hub\n", + "notebook_login()\n", + "\n", + "# This code imports necessary modules and functions for a machine learning task. It sets up for tensor computations, deep learning, data visualization, working with transformer models, datasets, image manipulations, and more. It also logs into Hugging Face's hub.\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/", + "height": 264, + "referenced_widgets": [ + "3f531f5f76a6432887863642118b75ba", + "ef6367887f794b1fa997f04b61315f4d", + "728887808eec47e2817d971dc38f1dfd", + "3d937ff17bf24e9fa6c9b9fa4ff5608d", + "a2ae6e500f534aa5b3e1cf2080b785d6", + "64c7315bf59141b7a95071b823161c2f", + "a1740bb380ab4dfca9d6928b7144d380", + "ec6dc5cbf99f43179c9a94ccdd835916", + "0f90a30741f440ada2531e70f25075b9", + "dff92071db58499e94474bff25d2b670", + "3bdaea98e1d84e76a949385bcc46c88d", + "31c90d88248b4315abaddf3d939a44c3", + "d88b9c6014794b5cb04ca725a92447b7", + "2f1d9f3c7ea949babc03078bf787cb55", + "edd06a006b24453f8493bac04575eb6f", + "89abb3c7572a4ac9a5cfac24be88f878", + "942066064dcc4ce89aa3e46ccc1e2ef6", + "648aa9b77d2c4984ad7ee22daadf2ba0", + "0408dbcd1b114dd4a2ddbeeeb83c6e6c", + "ebc47d746b0a4d8c8b8ca64b79b690d7", + "66eb912794dc4c558333a7b38178d9f0", + "60df81caa14540ecb6303289f0e1f3d6", + "c9454efdce0f48ed8cb38e62c3493fed", + "cb545ed54fef4614b748a87f9c6362f9", + "3e6abd138d044c47908f0d51868d5f37", + "ebc8653c7bc146c1bdca3fb7a3a441fa", + "5710083125d0491a8e20cc22212d0e32", + "b9bd6b2927dd4d78a8d55777520c1804", + "ca3f7a1823b24dc6b4fbbe16d821c50c", + "4ce7494e5bb745299fe53ca49135f012", + "6cb86939e17e41529501ea341b520ee7", + "e650cc73dbcc4908aacf9b1a8e5373ee", + "0be70198eb5d4e13a527e40b133cc071", + "4fdf5eb5248446a1a105831168de3263", + "92e51def7e29471ea2c93608dc814bc8", + "216dddf5f4c44e7c8202c9ab4053bf4f", + "112dfa882863476ea406207117b61384", + "59841ec603d849a2921a90cc1fdfdc66", + "285f8ba99bb2442eb339dc7b3744746e", + "6d3131717426414ea72919f62b87f299", + "33eaa2fb3d494d2db558d11da8e954b0", + "5393c54b13e74d2095ae35e5edb71ba8", + "f398f77f03034c0cb0025770ac86ae62", + "da807091e3484f32a8e4d31ddf0bc3fc", + "619d0d0a6ee046deb9d6a62e2e5330ba", + "8b46ee2b51a34850942252063177038f", + "eb1ffcb1c0f94af7848c0da58e53aeb8", + "2d0d537595324c1db2ba07a3c35b3262", + "270aa1dbf06348708f75dee997eb9524", + "28975e264c394ba480a5e6af4432bc4c", + "b826494a9ed74e39a4ef524ddd467c74", + "9ef2f39bbcca4a118eb33fd1647d280e", + "8d996846748c444ca8dc55cc6d9ce571", + "5694e889e32c418f8ea76a59767deea7", + "a3000515621241748dcc0f30fc4c4130", + "428e6d9fe8584c1b9dc0b94527a42fa5", + "441284997d9a4d5d9b65f725e1883b05", + "90196adad09b4d11833feecf15706a58", + "2b56265d0f974831829887d743a6d890", + "e0fc1a778dce403e920d34d2abcb4be0", + "68128d585dac4120a971217da916907d", + "80e4a6c9f9a94e2e9c8eead60185d4ff", + "cbfa903359d1476590232cf14786828b", + "069137c26f6a48df9c091512ee964d82", + "fbe313f79e72427594848e53ca38ca29", + "d74fe83d6259415490aab7c64ea53126", + "2acb944206854c85a5c2d6217cc87122", + "acf3d6ae12f0453c82a703e63edd9e4d", + "a64f654d58cf4f4dba40ad92f82687ff", + "5578db9884134c048fd00ca602506d39", + "ff2e415d62b748cfa39a2416a26d8b19", + "de2021ee6d9c4b3fad0b40e033bffb84", + "2160b3b609e54f64b24228f386922b08", + "35c5adec48504841b11a44d84ae77ab8", + "efe65fcf78ff497380fe312da5ba776e", + "34208c842fde4d2a9049c7a0988bd86e", + "4c2cdc31a0d94027b4c1448b1d655d3f" + ] + }, + "id": "kOiKU_-vvDb1", + "outputId": "531092ef-a3b9-4156-9d9c-a1835feece0a" + }, + "outputs": [], + "source": [ + "# Load a dataset from Hugging Face's hub using the specified repository name\n", + "ds = load_dataset(\"aashraychegu/glacier_scopes\")\n", + "\n", + "# Split the \"train\" subset of the dataset into a training set and a test set, with 5% of the data going to the test set\n", + "ds = ds[\"train\"].train_test_split(.05)\n", + "\n", + "# Assign the \"train\" subset of the split dataset to the variable train_ds\n", + "train_ds = ds[\"train\"]\n", + "\n", + "# Assign the \"test\" subset of the split dataset to the variable test_ds\n", + "test_ds = ds[\"test\"]\n", + "\n", + "# Define a dictionary mapping label IDs to their corresponding names\n", + "id2label = {\n", + " \"0\": \"sky\",\n", + " \"1\": \"surface-to-bed\",\n", + " \"2\": \"bed-to-bottom\",\n", + "}\n", + "\n", + "# Convert the keys of the id2label dictionary from strings to integers\n", + "id2label = {int(k): v for k, v in id2label.items()}\n", + "\n", + "# Create a reverse mapping from label names to their corresponding IDs\n", + "label2id = {v: k for k, v in id2label.items()}\n", + "\n", + "# Get the number of unique labels in the dataset\n", + "num_labels = len(id2label)\n", + "\n", + "len(train_ds), len(test_ds)\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/", + "height": 121, + "referenced_widgets": [ + "bcdeda226ac041a0bf84de22c56a467d", + "1fa4122bc91e418a983925dd36252b2c", + "46a6f57b0cee48babaaf86e35d994889", + "f26e7d204b734d7fb06ef6b3c4e21ea5", + "687793a67c8449bf9aee88d87a33dc34", + "e0e54967e38c4dfab422e594ef687702", + "56fa52c4d8934887a3b460835c8e58ff", + "40704dc6e8674da2b9012e8b0203c338", + "e70a99897bcb4a1d94addda063f0fa8a", + "ee4eaa97724d4f0dbf26e5521c8c7853", + "ca6c9e77735843e29cef89321565df19" + ] + }, + "id": "PAvIJWo1vDb3", + "outputId": "06c909f3-8500-49f6-bca7-b475b1d86885" + }, + "outputs": [], + "source": [ + "# Define the checkpoint from which to load the pre-trained model\n", + "checkpoint = \"nvidia/MiT-b0\"\n", + "\n", + "# Load the image processor from the pre-trained checkpoint\n", + "image_processor = SegformerImageProcessor.from_pretrained(checkpoint)\n", + "\n", + "# Load the Segformer model for semantic segmentation from the pre-trained checkpoint and move it to the GPU\n", + "model = SegformerForSemanticSegmentation.from_pretrained(\n", + " checkpoint).to(\"cuda:0\")\n", + "\n", + "# Define the configuration for the test model, specifying the number of channels, labels, label-to-ID mapping, ID-to-label mapping, depths, hidden sizes, and decoder hidden size\n", + "test_config = SegformerConfig(num_channels=3, num_labels=num_labels, label2id=label2id,\n", + " id2label=id2label, depths=[2, 3, 4, 3], hidden_sizes=[64, 128, 320, 512], decoder_hidden_size=256*3)\n", + "\n", + "# Load the image processor for the test model from the pre-trained checkpoint\n", + "test_image_processor = SegformerImageProcessor.from_pretrained(checkpoint)\n", + "\n", + "# Create a Segformer model for semantic segmentation using the test configuration and move it to the GPU\n", + "test_model = SegformerForSemanticSegmentation(test_config).to(\"cuda:0\")\n", + "\n", + "# This code loads a pre-trained Segformer model and its image processor for semantic segmentation. It also sets up a test model with a specific configuration.\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "# Set the device to be used for tensor computations to the first CUDA device\n", + "device = \"cuda:0\"\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "id": "L-Eojv9VvDb3" + }, + "outputs": [], + "source": [ + "# Define a ColorJitter object to randomly change the brightness, contrast, saturation, and hue of an image\n", + "jitter = ColorJitter(brightness=0.1, contrast=0.1, saturation=0.1, hue=0.1)\n", + "\n", + "# Define a function to apply transformations to a batch of training examples\n", + "\n", + "\n", + "def train_transforms(example_batch):\n", + " # Apply the jitter to each image in the batch and convert them to RGB\n", + " images = [jitter(x.convert(\"RGB\")) for x in example_batch[\"image\"]]\n", + " # Extract the labels from the batch\n", + " labels = [x for x in example_batch[\"label\"]]\n", + " # Process the images and labels using the test image processor\n", + " inputs = test_image_processor(images, labels)\n", + " # Return the processed inputs\n", + " return inputs\n", + "\n", + "# Define a function to apply transformations to a batch of validation examples\n", + "\n", + "\n", + "def val_transforms(example_batch):\n", + " # Convert each image in the batch to RGB\n", + " images = [x.convert(\"RGB\") for x in example_batch[\"image\"]]\n", + " # Extract the labels from the batch\n", + " labels = [x for x in example_batch[\"label\"]]\n", + " # Process the images and labels using the test image processor\n", + " inputs = test_image_processor(images, labels)\n", + " # Return the processed inputs\n", + " return inputs\n", + "\n", + "\n", + "# Set the transform function for the training dataset to be the train_transforms function\n", + "train_ds.set_transform(train_transforms)\n", + "\n", + "# Set the transform function for the test dataset to be the val_transforms function\n", + "test_ds.set_transform(val_transforms)\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "# Load the \"mean_iou\" metric for evaluating semantic segmentation models\n", + "metric = evaluate.load(\"mean_iou\")\n", + "\n", + "# Define a function to compute metrics for evaluation predictions\n", + "def compute_metrics(eval_pred):\n", + " # Ensure that gradient computation is turned off, as it is not needed for evaluation\n", + " with torch.no_grad():\n", + " # Extract the logits and labels from the evaluation predictions\n", + " logits, labels = eval_pred\n", + " # Convert the logits to a PyTorch tensor\n", + " logits_tensor = torch.from_numpy(logits)\n", + " # Resize the logits tensor to match the size of the labels\n", + " logits_tensor = nn.functional.interpolate(\n", + " logits_tensor,\n", + " size=labels.shape[-2:],\n", + " mode=\"bilinear\",\n", + " align_corners=False,\n", + " )\n", + " # Take the argmax of the logits tensor along dimension 1 to get the predicted labels\n", + " logits_tensor = logits_tensor.argmax(dim=1)\n", + " # Detach the predicted labels from the computation graph and move them to the CPU\n", + " pred_labels = logits_tensor.detach().cpu().numpy()\n", + " # Compute the \"mean_iou\" metric for the predicted labels and the true labels\n", + " metrics = metric.compute(\n", + " predictions=pred_labels,\n", + " references=labels,\n", + " num_labels=num_labels,\n", + " reduce_labels=False,\n", + " ignore_index = 255\n", + " )\n", + " # Convert any numpy arrays in the metrics to lists\n", + " for key, value in metrics.items():\n", + " if type(value) is np.ndarray:\n", + " metrics[key] = value.tolist()\n", + " # Return the computed metrics\n", + " return metrics" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "# Define the training arguments\n", + "training_args = TrainingArguments(\n", + " output_dir=\"glacformer\", # The output directory for the model predictions and checkpoints\n", + " learning_rate=6e-5, # The initial learning rate for Adam\n", + " num_train_epochs=1, # Total number of training epochs to perform\n", + " auto_find_batch_size=True, # Whether to automatically find an appropriate batch size\n", + " save_total_limit=3, # Limit the total amount of checkpoints and delete the older checkpoints\n", + " eval_accumulation_steps=0, # Number of steps to accumulate gradients before performing a backward/update pass\n", + " evaluation_strategy=\"epoch\", # The evaluation strategy to adopt during training\n", + " save_strategy=\"epoch\", # The checkpoint save strategy to adopt during training\n", + " save_steps=1, # Number of updates steps before two checkpoint saves\n", + " eval_steps=1, # Number of update steps before two evaluations\n", + " logging_steps=30, # Number of update steps before logging learning rate and other metrics\n", + " remove_unused_columns=False, # Whether to remove columns not used by the model when using a dataset\n", + " fp16=True, # Whether to use 16-bit float precision instead of 32-bit\n", + " tf32=True, # Whether to use tf32 precision instead of 32-bit\n", + " gradient_accumulation_steps=4, # Number of updates steps to accumulate before performing a backward/update pass\n", + " hub_model_id = \"aashraychegu/glacformer\" # The model ID on the Hugging Face model hub\n", + ")\n", + "\n", + "# Define the trainer\n", + "trainer = Trainer(\n", + " model=test_model, # The model to train\n", + " args=training_args, # Training arguments\n", + " train_dataset=train_ds, # The training dataset\n", + " eval_dataset=test_ds, # The evaluation dataset\n", + " compute_metrics=compute_metrics, # The function that computes metrics\n", + ")" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "# Start the training process\n", + "trainer.train()" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "# Save the trained model to the specified directory\n", + "trainer.model.save_pretrained(\"glacformer\")\n", + "\n", + "# Create a repository object for the specified repository on Hugging Face's hub, cloning from the specified source\n", + "repo = huggingface_hub.Repository(\"glacformer\", clone_from=\"aashraychegu/glacformer\")\n", + "\n", + "# Pull the latest changes from the remote repository\n", + "repo.git_pull()\n", + "\n", + "# Push the local changes to the remote repository\n", + "repo.push_to_hub()" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "# Define a function to combine images\n", + "def combine_images(images):\n", + " # Convert images to HSV mode\n", + " hsvimages = [img.convert('HSV') for img in images]\n", + "\n", + " # Define the hues for each image\n", + " hues = [120, 200, 360]\n", + "\n", + " # Colorize each image with the corresponding hue\n", + " for i, (img,limg) in enumerate(zip(hsvimages,images)):\n", + " h, s, v = img.convert(\"HSV\").split()\n", + " h = h.point(lambda _: hues[i])\n", + " s = s.point(lambda _: 255)\n", + " img = Image.merge('HSV', (h, s, v)).convert('RGBA')\n", + " img.putalpha(limg)\n", + " images[i] = img\n", + "\n", + " # Combine the images\n", + " combined_image = Image.alpha_composite(images[0], images[1])\n", + " combined_image = Image.alpha_composite(combined_image, images[2])\n", + "\n", + " return combined_image\n", + "\n", + "# Define a class for the model\n", + "class glacformer():\n", + " def __init__(self, pipeline=pipeline(\"image-segmentation\",\n", + " model=\"aashraychegu/glacformer\", image_processor=\"nvidia/MiT-b0\"), image_list = glob(\"secondleg/*/cropped_images/*.png\")) -> None:\n", + " self.pipeline = pipeline\n", + " self.image_list = image_list\n", + " def __getitem__(self, index, alpha = 100):\n", + " originals = [i[\"mask\"] for i in self.pipeline(self.image_list[index])]\n", + " segmap = combine_images(originals)\n", + " segmap.putalpha(100)\n", + " rgbaorig = Image.open(self.image_list[index]).convert(\"RGBA\")\n", + " rgbaorig.putalpha(255-alpha)\n", + " return Image.alpha_composite(segmap,rgbaorig)\n", + " def __len__(self):\n", + " return len(self.image_list)\n", + " def __iter__(self):\n", + " for i in range(len(self)):\n", + " yield self[i]\n", + " def display(self, display):\n", + " for i in evalmodel:\n", + " display(i)\n", + " if input(\"press enter to continue, anything else to stop\") == \"\":\n", + " continue\n", + " else:\n", + " break\n", + "\n", + "# Create an instance of the model\n", + "evalmodel = glacformer()\n", + "\n", + "# Import the display function from IPython\n", + "from IPython.display import display\n", + "\n", + "# Display the model\n", + "glacformer.display(display)" + ] + } + ], + "metadata": { + "accelerator": "GPU", + "colab": { + "gpuType": "T4", + "provenance": [] + }, + "kernelspec": { + "display_name": "Python 3", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.10.7" + }, + "widgets": { + "application/vnd.jupyter.widget-state+json": { + "005a3f531e8f41a3b455bbcde8b32148": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ButtonStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ButtonStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "button_color": null, + "font_weight": "" + } + }, + "0408dbcd1b114dd4a2ddbeeeb83c6e6c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/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 + } + }, + "041083d8ca43416f92440c4fe075e2ce": { + "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_88938dd79ae8438fba48487c8ae6f73f", + "placeholder": "", + "style": "IPY_MODEL_12af6eccd2ac435694c5fc991519c201", + "value": "\nPro Tip: If you don't already have one, you can create a dedicated\n'notebooks' token with 'write' access, that you can then easily reuse for all\nnotebooks. " + } + }, + "069137c26f6a48df9c091512ee964d82": { + "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": "" + } + }, + "0be70198eb5d4e13a527e40b133cc071": { + "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": "" + } + }, + "0e02251940084a6cbb35780ebd882bfa": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/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 + } + }, + "0f90a30741f440ada2531e70f25075b9": { + "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": "" + } + }, + "112dfa882863476ea406207117b61384": { + "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_f398f77f03034c0cb0025770ac86ae62", + "placeholder": "", + "style": "IPY_MODEL_da807091e3484f32a8e4d31ddf0bc3fc", + "value": " 292M/292M [00:20<00:00, 13.0MB/s]" + } + }, + "12af6eccd2ac435694c5fc991519c201": { + "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": "" + } + }, + "168be260b3734057838e0e44cd935347": { + "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": "" + } + }, + "19569dee437247d4b31d4a63fb7e6bc7": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/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 + } + }, + "1c16b9ffd2cc498a8559446f2c329fd9": { + "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": "" + } + }, + "1fa4122bc91e418a983925dd36252b2c": { + "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_e0e54967e38c4dfab422e594ef687702", + "placeholder": "", + "style": "IPY_MODEL_56fa52c4d8934887a3b460835c8e58ff", + "value": "Downloading (…)rocessor_config.json: 100%" + } + }, + "2160b3b609e54f64b24228f386922b08": { + "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": "" + } + }, + "216dddf5f4c44e7c8202c9ab4053bf4f": { + "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_33eaa2fb3d494d2db558d11da8e954b0", + "max": 291918085, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_5393c54b13e74d2095ae35e5edb71ba8", + "value": 291918085 + } + }, + "2195fe4c973e433f89f04d18af6b19ca": { + "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_ca6f3af05d924fd3bf2564df487a1b1c", + "placeholder": "", + "style": "IPY_MODEL_7f31865345e84305a7bf462d0e1c9061", + "value": " 70.0k/70.0k [00:00<00:00, 1.42MB/s]" + } + }, + "2423668cc53c4f758fdb1495206de6d5": { + "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": "" + } + }, + "270aa1dbf06348708f75dee997eb9524": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/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 + } + }, + "285f8ba99bb2442eb339dc7b3744746e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/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 + } + }, + "28975e264c394ba480a5e6af4432bc4c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/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 + } + }, + "2acb944206854c85a5c2d6217cc87122": { + "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_acf3d6ae12f0453c82a703e63edd9e4d", + "IPY_MODEL_a64f654d58cf4f4dba40ad92f82687ff", + "IPY_MODEL_5578db9884134c048fd00ca602506d39" + ], + "layout": "IPY_MODEL_ff2e415d62b748cfa39a2416a26d8b19" + } + }, + "2b56265d0f974831829887d743a6d890": { + "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_fbe313f79e72427594848e53ca38ca29", + "placeholder": "", + "style": "IPY_MODEL_d74fe83d6259415490aab7c64ea53126", + "value": " 8456/8456 [00:05<00:00, 1406.53 examples/s]" + } + }, + "2d0d537595324c1db2ba07a3c35b3262": { + "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_5694e889e32c418f8ea76a59767deea7", + "placeholder": "", + "style": "IPY_MODEL_a3000515621241748dcc0f30fc4c4130", + "value": " 1/1 [00:00<00:00, 39.28it/s]" + } + }, + "2f1d9f3c7ea949babc03078bf787cb55": { + "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_0408dbcd1b114dd4a2ddbeeeb83c6e6c", + "max": 1, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_ebc47d746b0a4d8c8b8ca64b79b690d7", + "value": 1 + } + }, + "318833ad8d7a41cdbbbadda0b0137feb": { + "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_44e8207a4d3345ca9fac3a69e0530cb8", + "max": 14380029, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_b6f04064f91d48ef964640a6e4a535f4", + "value": 14380029 + } + }, + "31c90d88248b4315abaddf3d939a44c3": { + "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_d88b9c6014794b5cb04ca725a92447b7", + "IPY_MODEL_2f1d9f3c7ea949babc03078bf787cb55", + "IPY_MODEL_edd06a006b24453f8493bac04575eb6f" + ], + "layout": "IPY_MODEL_89abb3c7572a4ac9a5cfac24be88f878" + } + }, + "33eaa2fb3d494d2db558d11da8e954b0": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/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 + } + }, + "34208c842fde4d2a9049c7a0988bd86e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/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 + } + }, + "35c5adec48504841b11a44d84ae77ab8": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/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 + } + }, + "3bdaea98e1d84e76a949385bcc46c88d": { + "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": "" + } + }, + "3c32f522769346e6b25a0aafab7c06ef": { + "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": "" + } + }, + "3ced90869dab442984df61de489e37f0": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "CheckboxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "CheckboxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "CheckboxView", + "description": "Add token as git credential?", + "description_tooltip": null, + "disabled": false, + "indent": true, + "layout": "IPY_MODEL_a7ac8cf90b9745b195a9b423441c8016", + "style": "IPY_MODEL_2423668cc53c4f758fdb1495206de6d5", + "value": true + } + }, + "3d937ff17bf24e9fa6c9b9fa4ff5608d": { + "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_dff92071db58499e94474bff25d2b670", + "placeholder": "", + "style": "IPY_MODEL_3bdaea98e1d84e76a949385bcc46c88d", + "value": " 403/403 [00:00<00:00, 12.2kB/s]" + } + }, + "3e6abd138d044c47908f0d51868d5f37": { + "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_4ce7494e5bb745299fe53ca49135f012", + "max": 295328780, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_6cb86939e17e41529501ea341b520ee7", + "value": 295328780 + } + }, + "3f531f5f76a6432887863642118b75ba": { + "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_ef6367887f794b1fa997f04b61315f4d", + "IPY_MODEL_728887808eec47e2817d971dc38f1dfd", + "IPY_MODEL_3d937ff17bf24e9fa6c9b9fa4ff5608d" + ], + "layout": "IPY_MODEL_a2ae6e500f534aa5b3e1cf2080b785d6" + } + }, + "40704dc6e8674da2b9012e8b0203c338": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/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 + } + }, + "428e6d9fe8584c1b9dc0b94527a42fa5": { + "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_441284997d9a4d5d9b65f725e1883b05", + "IPY_MODEL_90196adad09b4d11833feecf15706a58", + "IPY_MODEL_2b56265d0f974831829887d743a6d890" + ], + "layout": "IPY_MODEL_e0fc1a778dce403e920d34d2abcb4be0" + } + }, + "441284997d9a4d5d9b65f725e1883b05": { + "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_68128d585dac4120a971217da916907d", + "placeholder": "", + "style": "IPY_MODEL_80e4a6c9f9a94e2e9c8eead60185d4ff", + "value": "Generating train split: 100%" + } + }, + "44e8207a4d3345ca9fac3a69e0530cb8": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/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 + } + }, + "46a6f57b0cee48babaaf86e35d994889": { + "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_40704dc6e8674da2b9012e8b0203c338", + "max": 272, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_e70a99897bcb4a1d94addda063f0fa8a", + "value": 272 + } + }, + "4c2cdc31a0d94027b4c1448b1d655d3f": { + "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": "" + } + }, + "4ce7494e5bb745299fe53ca49135f012": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/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 + } + }, + "4f1528c05f5547f593509c6a4341658b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/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 + } + }, + "4fdf5eb5248446a1a105831168de3263": { + "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_92e51def7e29471ea2c93608dc814bc8", + "IPY_MODEL_216dddf5f4c44e7c8202c9ab4053bf4f", + "IPY_MODEL_112dfa882863476ea406207117b61384" + ], + "layout": "IPY_MODEL_59841ec603d849a2921a90cc1fdfdc66" + } + }, + "5393c54b13e74d2095ae35e5edb71ba8": { + "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": "" + } + }, + "5578db9884134c048fd00ca602506d39": { + "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_34208c842fde4d2a9049c7a0988bd86e", + "placeholder": "", + "style": "IPY_MODEL_4c2cdc31a0d94027b4c1448b1d655d3f", + "value": " 1/1 [00:00<00:00, 41.87it/s]" + } + }, + "5694e889e32c418f8ea76a59767deea7": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/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 + } + }, + "56fa52c4d8934887a3b460835c8e58ff": { + "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": "" + } + }, + "5710083125d0491a8e20cc22212d0e32": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/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 + } + }, + "59841ec603d849a2921a90cc1fdfdc66": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/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 + } + }, + "5d99b5b6d2814c239d072be37f7a39f9": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "PasswordModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "PasswordModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "PasswordView", + "continuous_update": true, + "description": "Token:", + "description_tooltip": null, + "disabled": false, + "layout": "IPY_MODEL_19569dee437247d4b31d4a63fb7e6bc7", + "placeholder": "", + "style": "IPY_MODEL_c9a390a6a0e244c8a7cfa575355a438d", + "value": "" + } + }, + "60df81caa14540ecb6303289f0e1f3d6": { + "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": "" + } + }, + "619d0d0a6ee046deb9d6a62e2e5330ba": { + "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_8b46ee2b51a34850942252063177038f", + "IPY_MODEL_eb1ffcb1c0f94af7848c0da58e53aeb8", + "IPY_MODEL_2d0d537595324c1db2ba07a3c35b3262" + ], + "layout": "IPY_MODEL_270aa1dbf06348708f75dee997eb9524" + } + }, + "648aa9b77d2c4984ad7ee22daadf2ba0": { + "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": "" + } + }, + "64c7315bf59141b7a95071b823161c2f": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/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 + } + }, + "66eb912794dc4c558333a7b38178d9f0": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/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 + } + }, + "68128d585dac4120a971217da916907d": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/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 + } + }, + "687793a67c8449bf9aee88d87a33dc34": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/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 + } + }, + "6cb86939e17e41529501ea341b520ee7": { + "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": "" + } + }, + "6d3131717426414ea72919f62b87f299": { + "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": "" + } + }, + "6ead00b5ce4f4f2a8e460c4f74bd6bba": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/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 + } + }, + "728887808eec47e2817d971dc38f1dfd": { + "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_ec6dc5cbf99f43179c9a94ccdd835916", + "max": 403, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_0f90a30741f440ada2531e70f25075b9", + "value": 403 + } + }, + "73dc6749705d4224b487e1edbc10fdde": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/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 + } + }, + "73e77278c6fc41a8bd96d10b63ed69a9": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/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 + } + }, + "7889b98ec59148be9411b5529b553d29": { + "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": "" + } + }, + "7f31865345e84305a7bf462d0e1c9061": { + "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": "" + } + }, + "80e4a6c9f9a94e2e9c8eead60185d4ff": { + "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": "" + } + }, + "85df9c0ace7c4155a9821f160c60b436": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/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 + } + }, + "883293c3452e442fb194bb386bd3de8a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ButtonModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ButtonModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ButtonView", + "button_style": "", + "description": "Login", + "disabled": false, + "icon": "", + "layout": "IPY_MODEL_4f1528c05f5547f593509c6a4341658b", + "style": "IPY_MODEL_005a3f531e8f41a3b455bbcde8b32148", + "tooltip": "" + } + }, + "88938dd79ae8438fba48487c8ae6f73f": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/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 + } + }, + "89abb3c7572a4ac9a5cfac24be88f878": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/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 + } + }, + "89bb68747f4645fcb25440905a400321": { + "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_e58edb8119b24e5cac337feb7cc12dcf", + "max": 13077, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_e4c649a8d80a48e791a5a00f6735abf7", + "value": 13077 + } + }, + "8b46ee2b51a34850942252063177038f": { + "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_28975e264c394ba480a5e6af4432bc4c", + "placeholder": "", + "style": "IPY_MODEL_b826494a9ed74e39a4ef524ddd467c74", + "value": "Extracting data files: 100%" + } + }, + "8d996846748c444ca8dc55cc6d9ce571": { + "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": "" + } + }, + "8fef2a7d33b347319c0529f59921ccba": { + "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_f908852c617f45699f4ac5eee619ef6e", + "placeholder": "", + "style": "IPY_MODEL_e646995cbcf44885a285e5b6fc6d153b", + "value": "