diff --git a/experiments/cs433/README.md b/experiments/cs433/README.md
new file mode 100644
index 0000000..5047347
--- /dev/null
+++ b/experiments/cs433/README.md
@@ -0,0 +1,16 @@
+# Experiments
+
+Luka Secilmis, Thomas Ecabert, Yanis De Busschere
+
+## Abstract
+
+This folder contains all the notebooks used for experimenting with the differents models during the project.
+
+## Summary of experiments
+
+| Experiment | Folder | Training Time | Prediction Time | Accuracy | F1-Score |
+|---------------------|----------------------------------------------------|---------------|-----------------|----------|----------|
+| BERT (english only) | [./en-spam-classifier](./en-spam-classifier) | 1h02 | 0.005s | 98.759 | 98.600 |
+| BERT (multilingual) | [./multi-spam-classifier](./multi-spam-classifier) | 1h09 | 0.005 | 98.814 | 98.779 |
+
+All computation and time measurement were made using an NVIDIA RTX A5000.
diff --git a/experiments/cs433/en-spam-classifier/README.md b/experiments/cs433/en-spam-classifier/README.md
new file mode 100644
index 0000000..8c1d980
--- /dev/null
+++ b/experiments/cs433/en-spam-classifier/README.md
@@ -0,0 +1,13 @@
+### BERT (English only)
+
+## Abstract
+
+We developed an NLP-based spam classifier through a transfer learning approach, by fine-tuning a pre-trained English DistilBERT model on the Zenodo dataset for text classification.
+
+## Results
+
+| Training Time | Prediction Time | Accuracy | F1-Score |
+|---------------|-----------------|----------|----------|
+| 1h02 | 0.005s | 98.759 | 98.600 |
+
+All computation and time measurement were made using an NVIDIA RTX A5000.
diff --git a/experiments/cs433/en-spam-classifier/training_eng_sc.ipynb b/experiments/cs433/en-spam-classifier/training_eng_sc.ipynb
new file mode 100644
index 0000000..3e8e90f
--- /dev/null
+++ b/experiments/cs433/en-spam-classifier/training_eng_sc.ipynb
@@ -0,0 +1,5616 @@
+{
+ "cells": [
+ {
+ "cell_type": "markdown",
+ "metadata": {
+ "id": "3ILVeQZ5Gfew"
+ },
+ "source": [
+ "### EPFL CS-433 - Machine Learning Project 2\n",
+ "#### CERN - Zenodo: Adaptable Spam Filter Modelling for Digital Scientific Research Repository \n",
+ "Training a DistilBERT model for the task of english spam detection.\n",
+ "\n",
+ "Authors: Luka Secilmis, Yanis De Busschere, Thomas Ecabert"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {
+ "id": "731Nc_OQF3bl"
+ },
+ "outputs": [],
+ "source": [
+ "# Install required packages\n",
+ "!pip install transformers\n",
+ "!pip install pandas\n",
+ "!pip install numpy\n",
+ "!pip install datasets\n",
+ "!pip install sklearn\n",
+ "!pip install torch"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 3,
+ "metadata": {
+ "id": "4gGUsIXLF_TI"
+ },
+ "outputs": [],
+ "source": [
+ "# Import required packages\n",
+ "import transformers\n",
+ "import pandas as pd\n",
+ "import numpy as np\n",
+ "import datasets\n",
+ "from sklearn.model_selection import train_test_split\n",
+ "import torch"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {
+ "colab": {
+ "base_uri": "https://localhost:8080/"
+ },
+ "id": "5xpevkPtGCoZ",
+ "outputId": "9d35a50a-b3ec-46a2-d2b7-fa08ab5c9bd2"
+ },
+ "outputs": [
+ {
+ "name": "stdout",
+ "output_type": "stream",
+ "text": [
+ "GPU: NVIDIA RTX A5000\n"
+ ]
+ }
+ ],
+ "source": [
+ "# Set Hardware accelerator to GPU in Edit: Notebook Settings (in Google Colab)\n",
+ "# Check if GPU is available, this will significantly speed up fine-tuning\n",
+ "if torch.cuda.is_available(): \n",
+ " device = torch.device(\"cuda\") \n",
+ " print('GPU:', torch.cuda.get_device_name(0))\n",
+ "else:\n",
+ " print('No GPU available, do not train')"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "metadata": {
+ "id": "dBlaE9efGbfW"
+ },
+ "source": [
+ "## Import pre-processed data\n",
+ "Run script *feat-eng-esc.py* to generate the pre-processed data."
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 6,
+ "metadata": {
+ "id": "4z1ZyD0uGbyJ"
+ },
+ "outputs": [],
+ "source": [
+ "# Load the processed dataset\n",
+ "df = pd.read_csv('dataset-esc.csv')\n",
+ "df = df.dropna()"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 7,
+ "metadata": {
+ "colab": {
+ "base_uri": "https://localhost:8080/"
+ },
+ "id": "WobbJ86FQMVP",
+ "outputId": "dcf6efbd-cae4-4e3c-e20d-6685e37a5fbc"
+ },
+ "outputs": [
+ {
+ "output_type": "stream",
+ "name": "stdout",
+ "text": [
+ "(83778, 2)\n"
+ ]
+ }
+ ],
+ "source": [
+ "print(df.shape)"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 8,
+ "metadata": {
+ "colab": {
+ "base_uri": "https://localhost:8080/",
+ "height": 206
+ },
+ "id": "nHN7dKsdQT7s",
+ "outputId": "ce8aafbb-34cc-4922-861b-c755f358cebd"
+ },
+ "outputs": [
+ {
+ "output_type": "execute_result",
+ "data": {
+ "text/plain": [
+ " description label\n",
+ "0 FonePaw iPhone Data Recovery features in recov... 1\n",
+ "1 FonePaw iOS Transfer is mainly designed to tra... 1\n",
+ "2 This is my first upload 1\n",
+ "3 Lost photos from iPhone can be recovered with ... 1\n",
+ "4 I can’t play WLMP file directly, what player d... 1"
+ ],
+ "text/html": [
+ "\n",
+ "
\n",
+ "
\n",
+ "
\n",
+ "\n",
+ "
\n",
+ " \n",
+ " \n",
+ " \n",
+ " description \n",
+ " label \n",
+ " \n",
+ " \n",
+ " \n",
+ " \n",
+ " 0 \n",
+ " FonePaw iPhone Data Recovery features in recov... \n",
+ " 1 \n",
+ " \n",
+ " \n",
+ " 1 \n",
+ " FonePaw iOS Transfer is mainly designed to tra... \n",
+ " 1 \n",
+ " \n",
+ " \n",
+ " 2 \n",
+ " This is my first upload \n",
+ " 1 \n",
+ " \n",
+ " \n",
+ " 3 \n",
+ " Lost photos from iPhone can be recovered with ... \n",
+ " 1 \n",
+ " \n",
+ " \n",
+ " 4 \n",
+ " I can’t play WLMP file directly, what player d... \n",
+ " 1 \n",
+ " \n",
+ " \n",
+ "
\n",
+ "
\n",
+ "
\n",
+ " \n",
+ " \n",
+ " \n",
+ " \n",
+ " \n",
+ " \n",
+ " \n",
+ " \n",
+ "\n",
+ " \n",
+ "
\n",
+ "
\n",
+ " "
+ ]
+ },
+ "metadata": {},
+ "execution_count": 8
+ }
+ ],
+ "source": [
+ "df.head()"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 9,
+ "metadata": {
+ "colab": {
+ "base_uri": "https://localhost:8080/"
+ },
+ "id": "YZPyhMFbQXiq",
+ "outputId": "a4568b61-28b6-4612-a717-09afbe632205"
+ },
+ "outputs": [
+ {
+ "output_type": "execute_result",
+ "data": {
+ "text/plain": [
+ "0 55847\n",
+ "1 27931\n",
+ "Name: label, dtype: int64"
+ ]
+ },
+ "metadata": {},
+ "execution_count": 9
+ }
+ ],
+ "source": [
+ "df['label'].value_counts()"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "metadata": {
+ "id": "eN38xG9dQZhz"
+ },
+ "source": [
+ "## Training Set-up"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 10,
+ "metadata": {
+ "id": "K1SyRzDPQcld"
+ },
+ "outputs": [],
+ "source": [
+ "# Split data into train and test sets\n",
+ "# Note: stratify on 'label' to preserve the same proportions of labels in each set as observed in the original dataset\n",
+ "train, test = train_test_split(df, test_size=0.2, stratify=df[['label']], random_state=42)\n",
+ "test_en = test.copy()"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {
+ "colab": {
+ "base_uri": "https://localhost:8080/",
+ "height": 145,
+ "referenced_widgets": [
+ "1f37d39909ba411c84ba4d587502808f",
+ "83985d283ba747ac813204d89b39fc19",
+ "d83687033a1f4c549a258eedb8fbc13f",
+ "c5506388a6c841d0b8e0b8959444b1bd",
+ "42e80e5f55d849adae1694dd26c48596",
+ "f25e47228131400aa23b1b9d61ab1a8f",
+ "9599953932cd4eebad2e7b8aa3a10ebf",
+ "f9011bab69da4abc8116463fc937d667",
+ "a4d860f540d547f28c124e47b540ef32",
+ "9fec8a0b4b3e4697b83ce2d63795c30f",
+ "5af0450d396048edbdefa772a927b0d3",
+ "8bc429f2cb80478792c3b9296067f09a",
+ "4204b749b4d844ca92254e693be1ea4c",
+ "370954df41134e03a9ede5aa55141b6e",
+ "b08c290cffaf466cb53baf9b7bbf11ca",
+ "deddcc7ebc6b4250b2b1e28cfed07b6f",
+ "384ddeb98b9c4775bc6b9344b60b9554",
+ "c7630c218de0423da30c3a59936b484f",
+ "d4b63a54f77c4af79ccd3b5a8460352e",
+ "2b63341f028a4cf4b4efee73d77f8f61",
+ "2eae3ad820254e589596f34191eaa992",
+ "198299a2a67b46c8a1e9e9c77e930207",
+ "53d774b07f434041a9beb99e594760d4",
+ "95073dd374104a12ba1bf0bb7ef9d9d5",
+ "c47ed49a6f644018af40bb2a5f2ced9e",
+ "79c3275a7abf473db6ce9d9d8780bc71",
+ "7cad65e1d5154139b7775dc57dffa4e1",
+ "bded28391bd9442da0ebbb9461002046",
+ "3c47d4afdb89459aaeadd6e93d337dac",
+ "b80b8b33903f48d5a5276d648cf529f5",
+ "9f1b87dece70453787bd40fc7902945b",
+ "e611e960e4c842eb801d723d3735bcba",
+ "5b6f4eab91fb41129900f797262255a3",
+ "2b45c435aacf41cf98833abcfcc80989",
+ "59d498db7b914a5781d8f256514438e3",
+ "8c086ffc64ac42f88fbc20265c85f036",
+ "189ff3fbd931458bb1038d5f96b8ff17",
+ "5fabbacbefc7495892cf71289b7bea54",
+ "e72af544a87f433b961dc235bb53623a",
+ "832d878db7ad4b1f9f9162126b9d9974",
+ "2e800df0d89242b09f66a00be949a7e7",
+ "042be1e691574df3ac3f3d06b14f8170",
+ "45f189446ee84bc5b8cf691da54dbb01",
+ "e70aba335af14f59ac44e051a0a5a51b",
+ "7960a7016bf84079aa86437e41cb42f0",
+ "db75e31c410c4aa186839c44d7eab912",
+ "6f34f1bdb26e4cd1ab6099e92f70de80",
+ "64f7945ea3c54998b41ec032ab9b3528"
+ ]
+ },
+ "id": "_UdZwkQ1QdgD",
+ "outputId": "b10abe35-6ba0-43d1-bcbb-72105b568915"
+ },
+ "outputs": [
+ {
+ "data": {
+ "application/vnd.jupyter.widget-view+json": {
+ "model_id": "7960a7016bf84079aa86437e41cb42f0",
+ "version_major": 2,
+ "version_minor": 0
+ },
+ "text/plain": [
+ "Downloading: 0%| | 0.00/29.0 [00:00, ?B/s]"
+ ]
+ },
+ "metadata": {},
+ "output_type": "display_data"
+ },
+ {
+ "data": {
+ "application/vnd.jupyter.widget-view+json": {
+ "model_id": "db75e31c410c4aa186839c44d7eab912",
+ "version_major": 2,
+ "version_minor": 0
+ },
+ "text/plain": [
+ "Downloading: 0%| | 0.00/411 [00:00, ?B/s]"
+ ]
+ },
+ "metadata": {},
+ "output_type": "display_data"
+ },
+ {
+ "data": {
+ "application/vnd.jupyter.widget-view+json": {
+ "model_id": "6f34f1bdb26e4cd1ab6099e92f70de80",
+ "version_major": 2,
+ "version_minor": 0
+ },
+ "text/plain": [
+ "Downloading: 0%| | 0.00/213k [00:00, ?B/s]"
+ ]
+ },
+ "metadata": {},
+ "output_type": "display_data"
+ },
+ {
+ "data": {
+ "application/vnd.jupyter.widget-view+json": {
+ "model_id": "64f7945ea3c54998b41ec032ab9b3528",
+ "version_major": 2,
+ "version_minor": 0
+ },
+ "text/plain": [
+ "Downloading: 0%| | 0.00/436k [00:00, ?B/s]"
+ ]
+ },
+ "metadata": {},
+ "output_type": "display_data"
+ }
+ ],
+ "source": [
+ "# Load pre-trained tokenizer\n",
+ "from transformers import AutoTokenizer\n",
+ "tokenizer = AutoTokenizer.from_pretrained(\"distilbert-base-cased\")\n",
+ "\n",
+ "def tokenize_(examples):\n",
+ " return tokenizer(examples['text'], padding=\"max_length\", truncation=True)"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {
+ "id": "fOw9DlTTQfCW"
+ },
+ "outputs": [],
+ "source": [
+ "# Convert dataframses into DatasetDict for tokenizer\n",
+ "train = pd.DataFrame({\n",
+ " \"label\" : [int(x) for x in train['label'].tolist()],\n",
+ " \"text\" : [str(x) for x in train['description'].tolist()]\n",
+ "})\n",
+ "\n",
+ "test = pd.DataFrame({\n",
+ " \"label\" : [int(x) for x in test['label'].tolist()],\n",
+ " \"text\" : [str(x) for x in test['description'].tolist()]\n",
+ "})"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {
+ "colab": {
+ "base_uri": "https://localhost:8080/",
+ "height": 81,
+ "referenced_widgets": [
+ "c492d389b717420e80816e0e2c870df1",
+ "349fa09283144ce8b54f96c2cad503c8",
+ "fcc092b099664d939f1250eaa85c92a3",
+ "edb8224a921d4020b144c5277d192c44",
+ "8557d9ca91184353846754e8c30eb17a",
+ "e9e112654602409099f4748d122f0cf6",
+ "9e8a82e6b92b4d40a9f72b35dc397d86",
+ "269280705e004f02b2560b5f1c56cc37",
+ "69672d9839684ccb9385fb20acbdf08d",
+ "8090864834ab485faf3553e6b99d3ff6",
+ "c16485602ce54070a8e8f3239945fda8",
+ "1a15546fcdaf408489e706ec55d3e56f",
+ "331ea37f337f476d8e144518c0bccf05",
+ "744ed7356b4048749e860b0152adc85c",
+ "868a675576394889acd10a0effdae67f",
+ "970f227a7ded478792151ecc2861b6e9",
+ "c178d6a39eb944b3b8fbf91ab5d1c2ad",
+ "3cdd13058a1241da8c63abf6d91865b1",
+ "51da161d012447db9357736cf7bb3783",
+ "9874f61f1bd24875b626dbc652767895",
+ "d41772f6e0834242a16d5bebef0bdce2",
+ "4077f17c18c645ea9cb44fcc6a9a9afa",
+ "0add4783ec064a7388681d30ebcc8ac3",
+ "7d2c025e3be744078c59ccafd1b91dc0"
+ ]
+ },
+ "id": "Yw1noiGNQhIv",
+ "outputId": "2d485632-1e99-481a-ea92-1b33a35a315d"
+ },
+ "outputs": [
+ {
+ "data": {
+ "application/vnd.jupyter.widget-view+json": {
+ "model_id": "0add4783ec064a7388681d30ebcc8ac3",
+ "version_major": 2,
+ "version_minor": 0
+ },
+ "text/plain": [
+ " 0%| | 0/68 [00:00, ?ba/s]"
+ ]
+ },
+ "metadata": {},
+ "output_type": "display_data"
+ },
+ {
+ "data": {
+ "application/vnd.jupyter.widget-view+json": {
+ "model_id": "7d2c025e3be744078c59ccafd1b91dc0",
+ "version_major": 2,
+ "version_minor": 0
+ },
+ "text/plain": [
+ " 0%| | 0/17 [00:00, ?ba/s]"
+ ]
+ },
+ "metadata": {},
+ "output_type": "display_data"
+ }
+ ],
+ "source": [
+ "dataset = datasets.DatasetDict({\"train\":datasets.Dataset.from_dict(train),\"test\":datasets.Dataset.from_dict(test)})\n",
+ "dataset_tokenized = dataset.map(tokenize_, batched=True)"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {
+ "colab": {
+ "base_uri": "https://localhost:8080/",
+ "height": 158,
+ "referenced_widgets": [
+ "c1c3ee0603194f96a6634c8199b77e78",
+ "dcd4e20391fe47aeb13ad6ac1009cb86",
+ "bb2b1da544584531b716942ec4f3beb5",
+ "186537772d64452bb853c9acb81766d2",
+ "3e42ceb88c324e6da79adaf56540e9b0",
+ "def11395cae64c45b632ae049c292c39",
+ "fc79e5e1339a41fb8cafc5c4aaa95314",
+ "ee461187c4f247b2a7ee70c5a8913fb8",
+ "dfed28b0a1ea462b9c181d64a719fc1f",
+ "de5095a95b0e4cdd984e3ddd90ba4003",
+ "f2e4763e8f384091869f4a594f6f60da",
+ "d1cb64632dee4dc483d9dcf647c446c1"
+ ]
+ },
+ "id": "iClFsmdGQjD7",
+ "outputId": "14e7d511-10a5-4015-d840-fb9ce64a2371"
+ },
+ "outputs": [
+ {
+ "data": {
+ "application/vnd.jupyter.widget-view+json": {
+ "model_id": "d1cb64632dee4dc483d9dcf647c446c1",
+ "version_major": 2,
+ "version_minor": 0
+ },
+ "text/plain": [
+ "Downloading: 0%| | 0.00/263M [00:00, ?B/s]"
+ ]
+ },
+ "metadata": {},
+ "output_type": "display_data"
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "Some weights of the model checkpoint at distilbert-base-cased were not used when initializing DistilBertForSequenceClassification: ['vocab_layer_norm.bias', 'vocab_projector.bias', 'vocab_layer_norm.weight', 'vocab_transform.weight', 'vocab_transform.bias', 'vocab_projector.weight']\n",
+ "- This IS expected if you are initializing DistilBertForSequenceClassification from the checkpoint of a model trained on another task or with another architecture (e.g. initializing a BertForSequenceClassification model from a BertForPreTraining model).\n",
+ "- This IS NOT expected if you are initializing DistilBertForSequenceClassification from the checkpoint of a model that you expect to be exactly identical (initializing a BertForSequenceClassification model from a BertForSequenceClassification model).\n",
+ "Some weights of DistilBertForSequenceClassification were not initialized from the model checkpoint at distilbert-base-cased and are newly initialized: ['pre_classifier.weight', 'pre_classifier.bias', 'classifier.bias', 'classifier.weight']\n",
+ "You should probably TRAIN this model on a down-stream task to be able to use it for predictions and inference.\n"
+ ]
+ }
+ ],
+ "source": [
+ "# Import pre-trained BERT model for Binary Classification\n",
+ "from transformers import AutoModelForSequenceClassification\n",
+ "model = AutoModelForSequenceClassification.from_pretrained(\"distilbert-base-cased\", num_labels=2)"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {
+ "id": "oVAQBt2rQkVz"
+ },
+ "outputs": [],
+ "source": [
+ "# contains all the hyperparameters you can tune as well as flags for activating different training options\n",
+ "training_args = transformers.TrainingArguments(output_dir=\"test_trainer\", save_total_limit=3)"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {
+ "colab": {
+ "base_uri": "https://localhost:8080/",
+ "height": 105,
+ "referenced_widgets": [
+ "e42768511bbf4caab595ca632aab4a77",
+ "91266e3ae31d4be8ba11c0555710eb3d",
+ "f02fa8dbad2d483eb6662bf3077dd321",
+ "cc924810fe3c4b94bb61b23b768df948",
+ "0e4b4edd0e654585a321939c17de50ef",
+ "e0da42df22d74e4a8263ac501d4c4f5a",
+ "556d64e203884a0da94409be73c0f2f1",
+ "4358fc52289647a1bc9d00aa8974a77a",
+ "16cb882a91774a03a5db074c0f801822",
+ "8103f2f0804f485d8bde4ace62cd0913",
+ "01f6f0b388f049a39c99ded81a645dea",
+ "37a7c61dda384057816e53ad7428136d"
+ ]
+ },
+ "id": "MWLuxQyBQlp9",
+ "outputId": "07746736-82da-4d49-f6b5-ca799bf2217f"
+ },
+ "outputs": [
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "/opt/conda/lib/python3.7/site-packages/ipykernel_launcher.py:3: FutureWarning: load_metric is deprecated and will be removed in the next major version of datasets. Use 'evaluate.load' instead, from the new library 🤗 Evaluate: https://huggingface.co/docs/evaluate\n",
+ " This is separate from the ipykernel package so we can avoid doing imports until\n"
+ ]
+ },
+ {
+ "data": {
+ "application/vnd.jupyter.widget-view+json": {
+ "model_id": "37a7c61dda384057816e53ad7428136d",
+ "version_major": 2,
+ "version_minor": 0
+ },
+ "text/plain": [
+ "Downloading builder script: 0%| | 0.00/1.65k [00:00, ?B/s]"
+ ]
+ },
+ "metadata": {},
+ "output_type": "display_data"
+ }
+ ],
+ "source": [
+ "# function to compute and report metrics\n",
+ "from datasets import load_metric\n",
+ "metric = load_metric(\"accuracy\")"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {
+ "id": "PmF6IyBsQngj"
+ },
+ "outputs": [],
+ "source": [
+ "# Before passing your predictions to compute, you need to convert the predictions to logits \n",
+ "# Transformers models return logits\n",
+ "def compute_metrics(eval_pred):\n",
+ " logits, labels = eval_pred\n",
+ " predictions = np.argmax(logits, axis=-1)\n",
+ " return metric.compute(predictions=predictions, references=labels)"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {
+ "id": "AHySA8onQofu"
+ },
+ "outputs": [],
+ "source": [
+ "# Trainer object with model, training arguments, training and test datasets, and evaluation function\n",
+ "trainer = transformers.Trainer(\n",
+ " model=model,\n",
+ " args=training_args,\n",
+ " train_dataset=dataset_tokenized[\"train\"],\n",
+ " eval_dataset=dataset_tokenized[\"test\"],\n",
+ " compute_metrics=compute_metrics,\n",
+ ")"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {
+ "colab": {
+ "base_uri": "https://localhost:8080/",
+ "height": 1000
+ },
+ "id": "c74vtU1oQpga",
+ "outputId": "ab40cce1-3cac-4cf4-827e-9a94e9b50212"
+ },
+ "outputs": [
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "/opt/conda/lib/python3.7/site-packages/transformers/optimization.py:310: FutureWarning: This implementation of AdamW is deprecated and will be removed in a future version. Use the PyTorch implementation torch.optim.AdamW instead, or set `no_deprecation_warning=True` to disable this warning\n",
+ " FutureWarning,\n",
+ "***** Running training *****\n",
+ " Num examples = 67022\n",
+ " Num Epochs = 3\n",
+ " Instantaneous batch size per device = 8\n",
+ " Total train batch size (w. parallel, distributed & accumulation) = 8\n",
+ " Gradient Accumulation steps = 1\n",
+ " Total optimization steps = 25134\n",
+ " Number of trainable parameters = 65783042\n",
+ "The following columns in the training set don't have a corresponding argument in `DistilBertForSequenceClassification.forward` and have been ignored: text. If text are not expected by `DistilBertForSequenceClassification.forward`, you can safely ignore this message.\n"
+ ]
+ },
+ {
+ "data": {
+ "text/html": [
+ "\n",
+ " \n",
+ " \n",
+ "
\n",
+ " [25134/25134 1:02:22, Epoch 3/3]\n",
+ "
\n",
+ " \n",
+ " \n",
+ " \n",
+ " Step \n",
+ " Training Loss \n",
+ " \n",
+ " \n",
+ " \n",
+ " \n",
+ " 500 \n",
+ " 0.140700 \n",
+ " \n",
+ " \n",
+ " 1000 \n",
+ " 0.095800 \n",
+ " \n",
+ " \n",
+ " 1500 \n",
+ " 0.098900 \n",
+ " \n",
+ " \n",
+ " 2000 \n",
+ " 0.073800 \n",
+ " \n",
+ " \n",
+ " 2500 \n",
+ " 0.054100 \n",
+ " \n",
+ " \n",
+ " 3000 \n",
+ " 0.076100 \n",
+ " \n",
+ " \n",
+ " 3500 \n",
+ " 0.081300 \n",
+ " \n",
+ " \n",
+ " 4000 \n",
+ " 0.081500 \n",
+ " \n",
+ " \n",
+ " 4500 \n",
+ " 0.074500 \n",
+ " \n",
+ " \n",
+ " 5000 \n",
+ " 0.075700 \n",
+ " \n",
+ " \n",
+ " 5500 \n",
+ " 0.074200 \n",
+ " \n",
+ " \n",
+ " 6000 \n",
+ " 0.084900 \n",
+ " \n",
+ " \n",
+ " 6500 \n",
+ " 0.080400 \n",
+ " \n",
+ " \n",
+ " 7000 \n",
+ " 0.075000 \n",
+ " \n",
+ " \n",
+ " 7500 \n",
+ " 0.056700 \n",
+ " \n",
+ " \n",
+ " 8000 \n",
+ " 0.061200 \n",
+ " \n",
+ " \n",
+ " 8500 \n",
+ " 0.075700 \n",
+ " \n",
+ " \n",
+ " 9000 \n",
+ " 0.061200 \n",
+ " \n",
+ " \n",
+ " 9500 \n",
+ " 0.047900 \n",
+ " \n",
+ " \n",
+ " 10000 \n",
+ " 0.055100 \n",
+ " \n",
+ " \n",
+ " 10500 \n",
+ " 0.057500 \n",
+ " \n",
+ " \n",
+ " 11000 \n",
+ " 0.047500 \n",
+ " \n",
+ " \n",
+ " 11500 \n",
+ " 0.056500 \n",
+ " \n",
+ " \n",
+ " 12000 \n",
+ " 0.055900 \n",
+ " \n",
+ " \n",
+ " 12500 \n",
+ " 0.052100 \n",
+ " \n",
+ " \n",
+ " 13000 \n",
+ " 0.060200 \n",
+ " \n",
+ " \n",
+ " 13500 \n",
+ " 0.042800 \n",
+ " \n",
+ " \n",
+ " 14000 \n",
+ " 0.046900 \n",
+ " \n",
+ " \n",
+ " 14500 \n",
+ " 0.033600 \n",
+ " \n",
+ " \n",
+ " 15000 \n",
+ " 0.049600 \n",
+ " \n",
+ " \n",
+ " 15500 \n",
+ " 0.036200 \n",
+ " \n",
+ " \n",
+ " 16000 \n",
+ " 0.049500 \n",
+ " \n",
+ " \n",
+ " 16500 \n",
+ " 0.037800 \n",
+ " \n",
+ " \n",
+ " 17000 \n",
+ " 0.040900 \n",
+ " \n",
+ " \n",
+ " 17500 \n",
+ " 0.033900 \n",
+ " \n",
+ " \n",
+ " 18000 \n",
+ " 0.036600 \n",
+ " \n",
+ " \n",
+ " 18500 \n",
+ " 0.028000 \n",
+ " \n",
+ " \n",
+ " 19000 \n",
+ " 0.024500 \n",
+ " \n",
+ " \n",
+ " 19500 \n",
+ " 0.032300 \n",
+ " \n",
+ " \n",
+ " 20000 \n",
+ " 0.031600 \n",
+ " \n",
+ " \n",
+ " 20500 \n",
+ " 0.027300 \n",
+ " \n",
+ " \n",
+ " 21000 \n",
+ " 0.022200 \n",
+ " \n",
+ " \n",
+ " 21500 \n",
+ " 0.022400 \n",
+ " \n",
+ " \n",
+ " 22000 \n",
+ " 0.030700 \n",
+ " \n",
+ " \n",
+ " 22500 \n",
+ " 0.023000 \n",
+ " \n",
+ " \n",
+ " 23000 \n",
+ " 0.021400 \n",
+ " \n",
+ " \n",
+ " 23500 \n",
+ " 0.027500 \n",
+ " \n",
+ " \n",
+ " 24000 \n",
+ " 0.021600 \n",
+ " \n",
+ " \n",
+ " 24500 \n",
+ " 0.035700 \n",
+ " \n",
+ " \n",
+ " 25000 \n",
+ " 0.027800 \n",
+ " \n",
+ " \n",
+ "
"
+ ],
+ "text/plain": [
+ ""
+ ]
+ },
+ "metadata": {},
+ "output_type": "display_data"
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "Saving model checkpoint to test_trainer/checkpoint-500\n",
+ "Configuration saved in test_trainer/checkpoint-500/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-500/pytorch_model.bin\n",
+ "Saving model checkpoint to test_trainer/checkpoint-1000\n",
+ "Configuration saved in test_trainer/checkpoint-1000/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-1000/pytorch_model.bin\n",
+ "Saving model checkpoint to test_trainer/checkpoint-1500\n",
+ "Configuration saved in test_trainer/checkpoint-1500/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-1500/pytorch_model.bin\n",
+ "Saving model checkpoint to test_trainer/checkpoint-2000\n",
+ "Configuration saved in test_trainer/checkpoint-2000/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-2000/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-500] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-2500\n",
+ "Configuration saved in test_trainer/checkpoint-2500/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-2500/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-1000] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-3000\n",
+ "Configuration saved in test_trainer/checkpoint-3000/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-3000/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-1500] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-3500\n",
+ "Configuration saved in test_trainer/checkpoint-3500/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-3500/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-2000] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-4000\n",
+ "Configuration saved in test_trainer/checkpoint-4000/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-4000/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-2500] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-4500\n",
+ "Configuration saved in test_trainer/checkpoint-4500/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-4500/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-3000] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-5000\n",
+ "Configuration saved in test_trainer/checkpoint-5000/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-5000/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-3500] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-5500\n",
+ "Configuration saved in test_trainer/checkpoint-5500/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-5500/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-4000] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-6000\n",
+ "Configuration saved in test_trainer/checkpoint-6000/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-6000/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-4500] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-6500\n",
+ "Configuration saved in test_trainer/checkpoint-6500/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-6500/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-5000] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-7000\n",
+ "Configuration saved in test_trainer/checkpoint-7000/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-7000/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-5500] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-7500\n",
+ "Configuration saved in test_trainer/checkpoint-7500/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-7500/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-6000] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-8000\n",
+ "Configuration saved in test_trainer/checkpoint-8000/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-8000/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-6500] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-8500\n",
+ "Configuration saved in test_trainer/checkpoint-8500/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-8500/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-7000] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-9000\n",
+ "Configuration saved in test_trainer/checkpoint-9000/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-9000/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-7500] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-9500\n",
+ "Configuration saved in test_trainer/checkpoint-9500/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-9500/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-8000] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-10000\n",
+ "Configuration saved in test_trainer/checkpoint-10000/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-10000/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-8500] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-10500\n",
+ "Configuration saved in test_trainer/checkpoint-10500/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-10500/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-9000] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-11000\n",
+ "Configuration saved in test_trainer/checkpoint-11000/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-11000/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-9500] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-11500\n",
+ "Configuration saved in test_trainer/checkpoint-11500/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-11500/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-10000] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-12000\n",
+ "Configuration saved in test_trainer/checkpoint-12000/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-12000/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-10500] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-12500\n",
+ "Configuration saved in test_trainer/checkpoint-12500/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-12500/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-11000] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-13000\n",
+ "Configuration saved in test_trainer/checkpoint-13000/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-13000/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-11500] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-13500\n",
+ "Configuration saved in test_trainer/checkpoint-13500/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-13500/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-12000] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-14000\n",
+ "Configuration saved in test_trainer/checkpoint-14000/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-14000/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-12500] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-14500\n",
+ "Configuration saved in test_trainer/checkpoint-14500/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-14500/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-13000] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-15000\n",
+ "Configuration saved in test_trainer/checkpoint-15000/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-15000/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-13500] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-15500\n",
+ "Configuration saved in test_trainer/checkpoint-15500/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-15500/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-14000] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-16000\n",
+ "Configuration saved in test_trainer/checkpoint-16000/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-16000/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-14500] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-16500\n",
+ "Configuration saved in test_trainer/checkpoint-16500/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-16500/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-15000] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-17000\n",
+ "Configuration saved in test_trainer/checkpoint-17000/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-17000/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-15500] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-17500\n",
+ "Configuration saved in test_trainer/checkpoint-17500/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-17500/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-16000] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-18000\n",
+ "Configuration saved in test_trainer/checkpoint-18000/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-18000/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-16500] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-18500\n",
+ "Configuration saved in test_trainer/checkpoint-18500/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-18500/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-17000] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-19000\n",
+ "Configuration saved in test_trainer/checkpoint-19000/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-19000/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-17500] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-19500\n",
+ "Configuration saved in test_trainer/checkpoint-19500/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-19500/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-18000] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-20000\n",
+ "Configuration saved in test_trainer/checkpoint-20000/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-20000/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-18500] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-20500\n",
+ "Configuration saved in test_trainer/checkpoint-20500/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-20500/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-19000] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-21000\n",
+ "Configuration saved in test_trainer/checkpoint-21000/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-21000/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-19500] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-21500\n",
+ "Configuration saved in test_trainer/checkpoint-21500/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-21500/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-20000] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-22000\n",
+ "Configuration saved in test_trainer/checkpoint-22000/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-22000/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-20500] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-22500\n",
+ "Configuration saved in test_trainer/checkpoint-22500/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-22500/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-21000] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-23000\n",
+ "Configuration saved in test_trainer/checkpoint-23000/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-23000/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-21500] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-23500\n",
+ "Configuration saved in test_trainer/checkpoint-23500/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-23500/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-22000] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-24000\n",
+ "Configuration saved in test_trainer/checkpoint-24000/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-24000/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-22500] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-24500\n",
+ "Configuration saved in test_trainer/checkpoint-24500/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-24500/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-23000] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-25000\n",
+ "Configuration saved in test_trainer/checkpoint-25000/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-25000/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-23500] due to args.save_total_limit\n",
+ "\n",
+ "\n",
+ "Training completed. Do not forget to share your model on huggingface.co/models =)\n",
+ "\n",
+ "\n"
+ ]
+ },
+ {
+ "data": {
+ "text/plain": [
+ "TrainOutput(global_step=25134, training_loss=0.052604342072317574, metrics={'train_runtime': 3743.4451, 'train_samples_per_second': 53.711, 'train_steps_per_second': 6.714, 'total_flos': 2.6634689978167296e+16, 'train_loss': 0.052604342072317574, 'epoch': 3.0})"
+ ]
+ },
+ "execution_count": 18,
+ "metadata": {},
+ "output_type": "execute_result"
+ }
+ ],
+ "source": [
+ "# Finally, we fine-tune our model\n",
+ "trainer.train() # Train"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {
+ "colab": {
+ "base_uri": "https://localhost:8080/",
+ "height": 236
+ },
+ "id": "gmYZ24ZTQqj2",
+ "outputId": "21940fd4-9e3b-4f3a-ddf2-2d43ac0a1cf6"
+ },
+ "outputs": [
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "***** Running Evaluation *****\n",
+ " Num examples = 16756\n",
+ " Batch size = 8\n",
+ "The following columns in the evaluation set don't have a corresponding argument in `DistilBertForSequenceClassification.forward` and have been ignored: text. If text are not expected by `DistilBertForSequenceClassification.forward`, you can safely ignore this message.\n"
+ ]
+ },
+ {
+ "data": {
+ "text/html": [
+ "\n",
+ " \n",
+ " \n",
+ "
\n",
+ " [2095/2095 01:38]\n",
+ "
\n",
+ " "
+ ],
+ "text/plain": [
+ ""
+ ]
+ },
+ "metadata": {},
+ "output_type": "display_data"
+ },
+ {
+ "data": {
+ "text/plain": [
+ "{'eval_loss': 0.05530316382646561,\n",
+ " 'eval_accuracy': 0.9875865361661494,\n",
+ " 'eval_runtime': 98.4031,\n",
+ " 'eval_samples_per_second': 170.279,\n",
+ " 'eval_steps_per_second': 21.29,\n",
+ " 'epoch': 3.0}"
+ ]
+ },
+ "execution_count": 19,
+ "metadata": {},
+ "output_type": "execute_result"
+ }
+ ],
+ "source": [
+ "# Evaluate model on test set\n",
+ "trainer.evaluate()"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {
+ "colab": {
+ "base_uri": "https://localhost:8080/"
+ },
+ "id": "nDHgPCeiQs23",
+ "outputId": "14f66abb-48bd-4551-f15a-e8e066efb57a"
+ },
+ "outputs": [
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "Saving model checkpoint to model-esc\n",
+ "Configuration saved in model-esc/config.json\n",
+ "Model weights saved in model-esc/pytorch_model.bin\n"
+ ]
+ }
+ ],
+ "source": [
+ "# Save model\n",
+ "trainer.save_model(\"model-esc\")"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "metadata": {
+ "id": "opFYrx7FyK2V"
+ },
+ "source": [
+ "## Performance on Test Set: English Spam Classifier"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 12,
+ "metadata": {
+ "colab": {
+ "base_uri": "https://localhost:8080/",
+ "height": 145,
+ "referenced_widgets": [
+ "8843f019aebd467196068f4309f25cc9",
+ "10ae828e4419422185cb5bf0e834a1b7",
+ "12eb1eab035e4a11bac666b5107b71c5",
+ "fd86ec91921b4616b7e44b88ac227e2b",
+ "fd416c21c4234cf08f3fbf35d919081d",
+ "56d5fa4a7beb44fc970ef4be853bd7d1",
+ "e30fdf93ef214dc590ab2aaefa839ec4",
+ "2659476ea6a7422d984d833b6ee4a559",
+ "a609503e6d93432fa87bdebcd1d41c44",
+ "11ac3ef5cec1446fb1e6e6fbdcd786fc",
+ "b4ed709d84934f6b8834736c0827325e",
+ "8c0244cc8ddd415baef0af9a26e99c2a",
+ "55d43e8681f34cf8b647e3640e65b5c3",
+ "f6e9075e09374f0c8d73cbc23fe2c37f",
+ "d452fd4dadf44c17958db8d708babaaa",
+ "2a67e7e31ee64b2783875c8a6503f3f7",
+ "029110c1b2944668b989034bfe44bdcf",
+ "7a31e43bee4f4ac9a6348a9fd5193e8a",
+ "706d7c5ee2704629a8818aea8f1de9ad",
+ "f2c936c647fd4150add769a8346ff487",
+ "6302b8231099405b9878315047f7ecca",
+ "c81150576005465a9f7501b4daf958a0",
+ "1201e64261d940b7879ca4ac4edaf132",
+ "a8c994bbd11f498fb045a8fb3133734e",
+ "36433ddc6ff346eda8b000f4f8b99af8",
+ "4066b311bb7f4df795695dc9e7e3b01e",
+ "409352ab5143416b8100af93fe5ff874",
+ "985900082d00472286fbd731de7d4cb5",
+ "9ed8efeef04a4a24b3c20db522ee881f",
+ "60619fc65d5b49179dce1e4ebfb240e9",
+ "4e1b10bfb2d5480dab2f72a7882e6007",
+ "7bf7c794b5414e54b4bb1fabdd5d5872",
+ "a379f0161b2a4f2a854280720c8a386a",
+ "55195cb575f9411fb8025257b4bb7e6c",
+ "ae027b9b103040ebb67c958f8c4bbc04",
+ "a68734e56e6743279bffd85f658dd6f0",
+ "f2fd3178ae9e456f94d40bc5aebfdc30",
+ "8bce862f7f37454d9bd5642f3dc2126d",
+ "a444ba3c963f4d678462ff1463ab622c",
+ "918b4c69019f43ecac1af0b4a7e07496",
+ "a513c748eae3413cb985de8926f5c393",
+ "e45dfb3b48b340d0afb90c4639127353",
+ "b4c5f02e8c47456ca61de0dc1558b32c",
+ "21ddfc64c103402d90e4944255c53189"
+ ]
+ },
+ "id": "Ogo5rLn1yK2V",
+ "outputId": "ec4ab69a-fa40-4caf-bead-949dba4b26b9"
+ },
+ "outputs": [
+ {
+ "output_type": "display_data",
+ "data": {
+ "text/plain": [
+ "Downloading: 0%| | 0.00/29.0 [00:00, ?B/s]"
+ ],
+ "application/vnd.jupyter.widget-view+json": {
+ "version_major": 2,
+ "version_minor": 0,
+ "model_id": "8843f019aebd467196068f4309f25cc9"
+ }
+ },
+ "metadata": {}
+ },
+ {
+ "output_type": "display_data",
+ "data": {
+ "text/plain": [
+ "Downloading: 0%| | 0.00/411 [00:00, ?B/s]"
+ ],
+ "application/vnd.jupyter.widget-view+json": {
+ "version_major": 2,
+ "version_minor": 0,
+ "model_id": "8c0244cc8ddd415baef0af9a26e99c2a"
+ }
+ },
+ "metadata": {}
+ },
+ {
+ "output_type": "display_data",
+ "data": {
+ "text/plain": [
+ "Downloading: 0%| | 0.00/213k [00:00, ?B/s]"
+ ],
+ "application/vnd.jupyter.widget-view+json": {
+ "version_major": 2,
+ "version_minor": 0,
+ "model_id": "1201e64261d940b7879ca4ac4edaf132"
+ }
+ },
+ "metadata": {}
+ },
+ {
+ "output_type": "display_data",
+ "data": {
+ "text/plain": [
+ "Downloading: 0%| | 0.00/436k [00:00, ?B/s]"
+ ],
+ "application/vnd.jupyter.widget-view+json": {
+ "version_major": 2,
+ "version_minor": 0,
+ "model_id": "55195cb575f9411fb8025257b4bb7e6c"
+ }
+ },
+ "metadata": {}
+ }
+ ],
+ "source": [
+ "from transformers import pipeline\n",
+ "from transformers import AutoModelForSequenceClassification, AutoTokenizer\n",
+ "# Load both models\n",
+ "model = AutoModelForSequenceClassification.from_pretrained('model-esc')\n",
+ "model_tokenizer = AutoTokenizer.from_pretrained(\"distilbert-base-cased\")\n",
+ "\n",
+ "# Create a pipeline to facilitate the use of the model for classification\n",
+ "classifier = pipeline(\"text-classification\", model=model, tokenizer=model_tokenizer)"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 13,
+ "metadata": {
+ "id": "4qkF-JN_yK2V"
+ },
+ "outputs": [],
+ "source": [
+ "y_true = test_en['label'].tolist()\n",
+ "y_predict = classifier(test_en['description'].map(lambda x: str(x)).tolist(), padding=True, truncation=True)\n",
+ "y_predict = [1 if pred['label'] == 'LABEL_1' else 0 for pred in y_predict]"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 14,
+ "metadata": {
+ "colab": {
+ "base_uri": "https://localhost:8080/"
+ },
+ "id": "NpUkEX3myK2V",
+ "outputId": "41db98e9-1515-4948-a4d3-1916fedb956d"
+ },
+ "outputs": [
+ {
+ "output_type": "stream",
+ "name": "stdout",
+ "text": [
+ "Accuracy: 98.75865361661495 %\n",
+ "\n",
+ "F1 Score: 98.59991612467391 %\n",
+ "\n",
+ "True positives: 97.61904761904762 %\n",
+ "True negatives: 99.32855863921218 %\n"
+ ]
+ }
+ ],
+ "source": [
+ "# compute accuracy\n",
+ "from sklearn.metrics import accuracy_score\n",
+ "accuracy_score(y_true, y_predict)\n",
+ "print(f'Accuracy: {100 * accuracy_score(y_true, y_predict)} %')\n",
+ "print()\n",
+ "# compute f1 score\n",
+ "from sklearn.metrics import f1_score\n",
+ "f1_score(y_true, y_predict, average='macro')\n",
+ "print(f'F1 Score: {100 * f1_score(y_true, y_predict, average=\"macro\")} %')\n",
+ "print()\n",
+ "# compute confusion matrix\n",
+ "from sklearn.metrics import confusion_matrix\n",
+ "confusion_matrix = confusion_matrix(y_true, y_predict)\n",
+ "print('True positives: ', 100 * confusion_matrix[1][1]/(confusion_matrix[1][1] + confusion_matrix[1][0]), '%')\n",
+ "print('True negatives: ', 100 * confusion_matrix[0][0]/(confusion_matrix[0][0] + confusion_matrix[0][1]), '%')"
+ ]
+ }
+ ],
+ "metadata": {
+ "accelerator": "GPU",
+ "colab": {
+ "provenance": []
+ },
+ "gpuClass": "standard",
+ "kernelspec": {
+ "display_name": "Python 3 (ipykernel)",
+ "language": "python",
+ "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.7.13"
+ },
+ "vscode": {
+ "interpreter": {
+ "hash": "40d3a090f54c6569ab1632332b64b2c03c39dcf918b08424e98f38b5ae0af88f"
+ }
+ },
+ "widgets": {
+ "application/vnd.jupyter.widget-state+json": {
+ "01f6f0b388f049a39c99ded81a645dea": {
+ "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": ""
+ }
+ },
+ "042be1e691574df3ac3f3d06b14f8170": {
+ "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": ""
+ }
+ },
+ "0e4b4edd0e654585a321939c17de50ef": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "16cb882a91774a03a5db074c0f801822": {
+ "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": ""
+ }
+ },
+ "186537772d64452bb853c9acb81766d2": {
+ "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_de5095a95b0e4cdd984e3ddd90ba4003",
+ "placeholder": "",
+ "style": "IPY_MODEL_f2e4763e8f384091869f4a594f6f60da",
+ "value": " 263M/263M [00:04<00:00, 59.6MB/s]"
+ }
+ },
+ "189ff3fbd931458bb1038d5f96b8ff17": {
+ "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_45f189446ee84bc5b8cf691da54dbb01",
+ "placeholder": "",
+ "style": "IPY_MODEL_e70aba335af14f59ac44e051a0a5a51b",
+ "value": " 436k/436k [00:00<00:00, 566kB/s]"
+ }
+ },
+ "198299a2a67b46c8a1e9e9c77e930207": {
+ "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": ""
+ }
+ },
+ "1a15546fcdaf408489e706ec55d3e56f": {
+ "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_331ea37f337f476d8e144518c0bccf05",
+ "IPY_MODEL_744ed7356b4048749e860b0152adc85c",
+ "IPY_MODEL_868a675576394889acd10a0effdae67f"
+ ],
+ "layout": "IPY_MODEL_970f227a7ded478792151ecc2861b6e9"
+ }
+ },
+ "1f37d39909ba411c84ba4d587502808f": {
+ "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_83985d283ba747ac813204d89b39fc19",
+ "IPY_MODEL_d83687033a1f4c549a258eedb8fbc13f",
+ "IPY_MODEL_c5506388a6c841d0b8e0b8959444b1bd"
+ ],
+ "layout": "IPY_MODEL_42e80e5f55d849adae1694dd26c48596"
+ }
+ },
+ "269280705e004f02b2560b5f1c56cc37": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "2b45c435aacf41cf98833abcfcc80989": {
+ "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_59d498db7b914a5781d8f256514438e3",
+ "IPY_MODEL_8c086ffc64ac42f88fbc20265c85f036",
+ "IPY_MODEL_189ff3fbd931458bb1038d5f96b8ff17"
+ ],
+ "layout": "IPY_MODEL_5fabbacbefc7495892cf71289b7bea54"
+ }
+ },
+ "2b63341f028a4cf4b4efee73d77f8f61": {
+ "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": ""
+ }
+ },
+ "2e800df0d89242b09f66a00be949a7e7": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "2eae3ad820254e589596f34191eaa992": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "331ea37f337f476d8e144518c0bccf05": {
+ "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_c178d6a39eb944b3b8fbf91ab5d1c2ad",
+ "placeholder": "",
+ "style": "IPY_MODEL_3cdd13058a1241da8c63abf6d91865b1",
+ "value": "100%"
+ }
+ },
+ "349fa09283144ce8b54f96c2cad503c8": {
+ "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_e9e112654602409099f4748d122f0cf6",
+ "placeholder": "",
+ "style": "IPY_MODEL_9e8a82e6b92b4d40a9f72b35dc397d86",
+ "value": "100%"
+ }
+ },
+ "370954df41134e03a9ede5aa55141b6e": {
+ "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_d4b63a54f77c4af79ccd3b5a8460352e",
+ "max": 411,
+ "min": 0,
+ "orientation": "horizontal",
+ "style": "IPY_MODEL_2b63341f028a4cf4b4efee73d77f8f61",
+ "value": 411
+ }
+ },
+ "384ddeb98b9c4775bc6b9344b60b9554": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "3c47d4afdb89459aaeadd6e93d337dac": {
+ "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": ""
+ }
+ },
+ "3cdd13058a1241da8c63abf6d91865b1": {
+ "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": ""
+ }
+ },
+ "3e42ceb88c324e6da79adaf56540e9b0": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "4077f17c18c645ea9cb44fcc6a9a9afa": {
+ "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": ""
+ }
+ },
+ "4204b749b4d844ca92254e693be1ea4c": {
+ "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_384ddeb98b9c4775bc6b9344b60b9554",
+ "placeholder": "",
+ "style": "IPY_MODEL_c7630c218de0423da30c3a59936b484f",
+ "value": "Downloading: 100%"
+ }
+ },
+ "42e80e5f55d849adae1694dd26c48596": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "4358fc52289647a1bc9d00aa8974a77a": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "45f189446ee84bc5b8cf691da54dbb01": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "51da161d012447db9357736cf7bb3783": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "53d774b07f434041a9beb99e594760d4": {
+ "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_95073dd374104a12ba1bf0bb7ef9d9d5",
+ "IPY_MODEL_c47ed49a6f644018af40bb2a5f2ced9e",
+ "IPY_MODEL_79c3275a7abf473db6ce9d9d8780bc71"
+ ],
+ "layout": "IPY_MODEL_7cad65e1d5154139b7775dc57dffa4e1"
+ }
+ },
+ "556d64e203884a0da94409be73c0f2f1": {
+ "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": ""
+ }
+ },
+ "59d498db7b914a5781d8f256514438e3": {
+ "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_e72af544a87f433b961dc235bb53623a",
+ "placeholder": "",
+ "style": "IPY_MODEL_832d878db7ad4b1f9f9162126b9d9974",
+ "value": "Downloading: 100%"
+ }
+ },
+ "5af0450d396048edbdefa772a927b0d3": {
+ "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": ""
+ }
+ },
+ "5b6f4eab91fb41129900f797262255a3": {
+ "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": ""
+ }
+ },
+ "5fabbacbefc7495892cf71289b7bea54": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "69672d9839684ccb9385fb20acbdf08d": {
+ "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": ""
+ }
+ },
+ "744ed7356b4048749e860b0152adc85c": {
+ "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_51da161d012447db9357736cf7bb3783",
+ "max": 17,
+ "min": 0,
+ "orientation": "horizontal",
+ "style": "IPY_MODEL_9874f61f1bd24875b626dbc652767895",
+ "value": 17
+ }
+ },
+ "79c3275a7abf473db6ce9d9d8780bc71": {
+ "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_e611e960e4c842eb801d723d3735bcba",
+ "placeholder": "",
+ "style": "IPY_MODEL_5b6f4eab91fb41129900f797262255a3",
+ "value": " 213k/213k [00:00<00:00, 568kB/s]"
+ }
+ },
+ "7cad65e1d5154139b7775dc57dffa4e1": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "8090864834ab485faf3553e6b99d3ff6": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "8103f2f0804f485d8bde4ace62cd0913": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "832d878db7ad4b1f9f9162126b9d9974": {
+ "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": ""
+ }
+ },
+ "83985d283ba747ac813204d89b39fc19": {
+ "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_f25e47228131400aa23b1b9d61ab1a8f",
+ "placeholder": "",
+ "style": "IPY_MODEL_9599953932cd4eebad2e7b8aa3a10ebf",
+ "value": "Downloading: 100%"
+ }
+ },
+ "8557d9ca91184353846754e8c30eb17a": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "868a675576394889acd10a0effdae67f": {
+ "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_d41772f6e0834242a16d5bebef0bdce2",
+ "placeholder": "",
+ "style": "IPY_MODEL_4077f17c18c645ea9cb44fcc6a9a9afa",
+ "value": " 17/17 [00:17<00:00, 1.03ba/s]"
+ }
+ },
+ "8bc429f2cb80478792c3b9296067f09a": {
+ "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_4204b749b4d844ca92254e693be1ea4c",
+ "IPY_MODEL_370954df41134e03a9ede5aa55141b6e",
+ "IPY_MODEL_b08c290cffaf466cb53baf9b7bbf11ca"
+ ],
+ "layout": "IPY_MODEL_deddcc7ebc6b4250b2b1e28cfed07b6f"
+ }
+ },
+ "8c086ffc64ac42f88fbc20265c85f036": {
+ "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_2e800df0d89242b09f66a00be949a7e7",
+ "max": 435797,
+ "min": 0,
+ "orientation": "horizontal",
+ "style": "IPY_MODEL_042be1e691574df3ac3f3d06b14f8170",
+ "value": 435797
+ }
+ },
+ "91266e3ae31d4be8ba11c0555710eb3d": {
+ "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_e0da42df22d74e4a8263ac501d4c4f5a",
+ "placeholder": "",
+ "style": "IPY_MODEL_556d64e203884a0da94409be73c0f2f1",
+ "value": "Downloading builder script: "
+ }
+ },
+ "95073dd374104a12ba1bf0bb7ef9d9d5": {
+ "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_bded28391bd9442da0ebbb9461002046",
+ "placeholder": "",
+ "style": "IPY_MODEL_3c47d4afdb89459aaeadd6e93d337dac",
+ "value": "Downloading: 100%"
+ }
+ },
+ "9599953932cd4eebad2e7b8aa3a10ebf": {
+ "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": ""
+ }
+ },
+ "970f227a7ded478792151ecc2861b6e9": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "9874f61f1bd24875b626dbc652767895": {
+ "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": ""
+ }
+ },
+ "9e8a82e6b92b4d40a9f72b35dc397d86": {
+ "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": ""
+ }
+ },
+ "9f1b87dece70453787bd40fc7902945b": {
+ "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": ""
+ }
+ },
+ "9fec8a0b4b3e4697b83ce2d63795c30f": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "a4d860f540d547f28c124e47b540ef32": {
+ "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": ""
+ }
+ },
+ "b08c290cffaf466cb53baf9b7bbf11ca": {
+ "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_2eae3ad820254e589596f34191eaa992",
+ "placeholder": "",
+ "style": "IPY_MODEL_198299a2a67b46c8a1e9e9c77e930207",
+ "value": " 411/411 [00:00<00:00, 12.5kB/s]"
+ }
+ },
+ "b80b8b33903f48d5a5276d648cf529f5": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "bb2b1da544584531b716942ec4f3beb5": {
+ "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_ee461187c4f247b2a7ee70c5a8913fb8",
+ "max": 263273408,
+ "min": 0,
+ "orientation": "horizontal",
+ "style": "IPY_MODEL_dfed28b0a1ea462b9c181d64a719fc1f",
+ "value": 263273408
+ }
+ },
+ "bded28391bd9442da0ebbb9461002046": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "c16485602ce54070a8e8f3239945fda8": {
+ "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": ""
+ }
+ },
+ "c178d6a39eb944b3b8fbf91ab5d1c2ad": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "c1c3ee0603194f96a6634c8199b77e78": {
+ "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_dcd4e20391fe47aeb13ad6ac1009cb86",
+ "IPY_MODEL_bb2b1da544584531b716942ec4f3beb5",
+ "IPY_MODEL_186537772d64452bb853c9acb81766d2"
+ ],
+ "layout": "IPY_MODEL_3e42ceb88c324e6da79adaf56540e9b0"
+ }
+ },
+ "c47ed49a6f644018af40bb2a5f2ced9e": {
+ "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_b80b8b33903f48d5a5276d648cf529f5",
+ "max": 213450,
+ "min": 0,
+ "orientation": "horizontal",
+ "style": "IPY_MODEL_9f1b87dece70453787bd40fc7902945b",
+ "value": 213450
+ }
+ },
+ "c492d389b717420e80816e0e2c870df1": {
+ "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_349fa09283144ce8b54f96c2cad503c8",
+ "IPY_MODEL_fcc092b099664d939f1250eaa85c92a3",
+ "IPY_MODEL_edb8224a921d4020b144c5277d192c44"
+ ],
+ "layout": "IPY_MODEL_8557d9ca91184353846754e8c30eb17a"
+ }
+ },
+ "c5506388a6c841d0b8e0b8959444b1bd": {
+ "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_9fec8a0b4b3e4697b83ce2d63795c30f",
+ "placeholder": "",
+ "style": "IPY_MODEL_5af0450d396048edbdefa772a927b0d3",
+ "value": " 29.0/29.0 [00:00<00:00, 873B/s]"
+ }
+ },
+ "c7630c218de0423da30c3a59936b484f": {
+ "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": ""
+ }
+ },
+ "cc924810fe3c4b94bb61b23b768df948": {
+ "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_8103f2f0804f485d8bde4ace62cd0913",
+ "placeholder": "",
+ "style": "IPY_MODEL_01f6f0b388f049a39c99ded81a645dea",
+ "value": " 4.21k/? [00:00<00:00, 129kB/s]"
+ }
+ },
+ "d41772f6e0834242a16d5bebef0bdce2": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "d4b63a54f77c4af79ccd3b5a8460352e": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "d83687033a1f4c549a258eedb8fbc13f": {
+ "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_f9011bab69da4abc8116463fc937d667",
+ "max": 29,
+ "min": 0,
+ "orientation": "horizontal",
+ "style": "IPY_MODEL_a4d860f540d547f28c124e47b540ef32",
+ "value": 29
+ }
+ },
+ "dcd4e20391fe47aeb13ad6ac1009cb86": {
+ "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_def11395cae64c45b632ae049c292c39",
+ "placeholder": "",
+ "style": "IPY_MODEL_fc79e5e1339a41fb8cafc5c4aaa95314",
+ "value": "Downloading: 100%"
+ }
+ },
+ "de5095a95b0e4cdd984e3ddd90ba4003": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "deddcc7ebc6b4250b2b1e28cfed07b6f": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "def11395cae64c45b632ae049c292c39": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "dfed28b0a1ea462b9c181d64a719fc1f": {
+ "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": ""
+ }
+ },
+ "e0da42df22d74e4a8263ac501d4c4f5a": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "e42768511bbf4caab595ca632aab4a77": {
+ "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_91266e3ae31d4be8ba11c0555710eb3d",
+ "IPY_MODEL_f02fa8dbad2d483eb6662bf3077dd321",
+ "IPY_MODEL_cc924810fe3c4b94bb61b23b768df948"
+ ],
+ "layout": "IPY_MODEL_0e4b4edd0e654585a321939c17de50ef"
+ }
+ },
+ "e611e960e4c842eb801d723d3735bcba": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "e70aba335af14f59ac44e051a0a5a51b": {
+ "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": ""
+ }
+ },
+ "e72af544a87f433b961dc235bb53623a": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "e9e112654602409099f4748d122f0cf6": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "edb8224a921d4020b144c5277d192c44": {
+ "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_8090864834ab485faf3553e6b99d3ff6",
+ "placeholder": "",
+ "style": "IPY_MODEL_c16485602ce54070a8e8f3239945fda8",
+ "value": " 68/68 [01:12<00:00, 1.03s/ba]"
+ }
+ },
+ "ee461187c4f247b2a7ee70c5a8913fb8": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "f02fa8dbad2d483eb6662bf3077dd321": {
+ "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_4358fc52289647a1bc9d00aa8974a77a",
+ "max": 1652,
+ "min": 0,
+ "orientation": "horizontal",
+ "style": "IPY_MODEL_16cb882a91774a03a5db074c0f801822",
+ "value": 1652
+ }
+ },
+ "f25e47228131400aa23b1b9d61ab1a8f": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "f2e4763e8f384091869f4a594f6f60da": {
+ "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": ""
+ }
+ },
+ "f9011bab69da4abc8116463fc937d667": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "fc79e5e1339a41fb8cafc5c4aaa95314": {
+ "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": ""
+ }
+ },
+ "fcc092b099664d939f1250eaa85c92a3": {
+ "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_269280705e004f02b2560b5f1c56cc37",
+ "max": 68,
+ "min": 0,
+ "orientation": "horizontal",
+ "style": "IPY_MODEL_69672d9839684ccb9385fb20acbdf08d",
+ "value": 68
+ }
+ },
+ "8843f019aebd467196068f4309f25cc9": {
+ "model_module": "@jupyter-widgets/controls",
+ "model_name": "HBoxModel",
+ "model_module_version": "1.5.0",
+ "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_10ae828e4419422185cb5bf0e834a1b7",
+ "IPY_MODEL_12eb1eab035e4a11bac666b5107b71c5",
+ "IPY_MODEL_fd86ec91921b4616b7e44b88ac227e2b"
+ ],
+ "layout": "IPY_MODEL_fd416c21c4234cf08f3fbf35d919081d"
+ }
+ },
+ "10ae828e4419422185cb5bf0e834a1b7": {
+ "model_module": "@jupyter-widgets/controls",
+ "model_name": "HTMLModel",
+ "model_module_version": "1.5.0",
+ "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_56d5fa4a7beb44fc970ef4be853bd7d1",
+ "placeholder": "",
+ "style": "IPY_MODEL_e30fdf93ef214dc590ab2aaefa839ec4",
+ "value": "Downloading: 100%"
+ }
+ },
+ "12eb1eab035e4a11bac666b5107b71c5": {
+ "model_module": "@jupyter-widgets/controls",
+ "model_name": "FloatProgressModel",
+ "model_module_version": "1.5.0",
+ "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_2659476ea6a7422d984d833b6ee4a559",
+ "max": 29,
+ "min": 0,
+ "orientation": "horizontal",
+ "style": "IPY_MODEL_a609503e6d93432fa87bdebcd1d41c44",
+ "value": 29
+ }
+ },
+ "fd86ec91921b4616b7e44b88ac227e2b": {
+ "model_module": "@jupyter-widgets/controls",
+ "model_name": "HTMLModel",
+ "model_module_version": "1.5.0",
+ "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_11ac3ef5cec1446fb1e6e6fbdcd786fc",
+ "placeholder": "",
+ "style": "IPY_MODEL_b4ed709d84934f6b8834736c0827325e",
+ "value": " 29.0/29.0 [00:00<00:00, 1.09kB/s]"
+ }
+ },
+ "fd416c21c4234cf08f3fbf35d919081d": {
+ "model_module": "@jupyter-widgets/base",
+ "model_name": "LayoutModel",
+ "model_module_version": "1.2.0",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "56d5fa4a7beb44fc970ef4be853bd7d1": {
+ "model_module": "@jupyter-widgets/base",
+ "model_name": "LayoutModel",
+ "model_module_version": "1.2.0",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "e30fdf93ef214dc590ab2aaefa839ec4": {
+ "model_module": "@jupyter-widgets/controls",
+ "model_name": "DescriptionStyleModel",
+ "model_module_version": "1.5.0",
+ "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": ""
+ }
+ },
+ "2659476ea6a7422d984d833b6ee4a559": {
+ "model_module": "@jupyter-widgets/base",
+ "model_name": "LayoutModel",
+ "model_module_version": "1.2.0",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "a609503e6d93432fa87bdebcd1d41c44": {
+ "model_module": "@jupyter-widgets/controls",
+ "model_name": "ProgressStyleModel",
+ "model_module_version": "1.5.0",
+ "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": ""
+ }
+ },
+ "11ac3ef5cec1446fb1e6e6fbdcd786fc": {
+ "model_module": "@jupyter-widgets/base",
+ "model_name": "LayoutModel",
+ "model_module_version": "1.2.0",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "b4ed709d84934f6b8834736c0827325e": {
+ "model_module": "@jupyter-widgets/controls",
+ "model_name": "DescriptionStyleModel",
+ "model_module_version": "1.5.0",
+ "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": ""
+ }
+ },
+ "8c0244cc8ddd415baef0af9a26e99c2a": {
+ "model_module": "@jupyter-widgets/controls",
+ "model_name": "HBoxModel",
+ "model_module_version": "1.5.0",
+ "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_55d43e8681f34cf8b647e3640e65b5c3",
+ "IPY_MODEL_f6e9075e09374f0c8d73cbc23fe2c37f",
+ "IPY_MODEL_d452fd4dadf44c17958db8d708babaaa"
+ ],
+ "layout": "IPY_MODEL_2a67e7e31ee64b2783875c8a6503f3f7"
+ }
+ },
+ "55d43e8681f34cf8b647e3640e65b5c3": {
+ "model_module": "@jupyter-widgets/controls",
+ "model_name": "HTMLModel",
+ "model_module_version": "1.5.0",
+ "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_029110c1b2944668b989034bfe44bdcf",
+ "placeholder": "",
+ "style": "IPY_MODEL_7a31e43bee4f4ac9a6348a9fd5193e8a",
+ "value": "Downloading: 100%"
+ }
+ },
+ "f6e9075e09374f0c8d73cbc23fe2c37f": {
+ "model_module": "@jupyter-widgets/controls",
+ "model_name": "FloatProgressModel",
+ "model_module_version": "1.5.0",
+ "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_706d7c5ee2704629a8818aea8f1de9ad",
+ "max": 411,
+ "min": 0,
+ "orientation": "horizontal",
+ "style": "IPY_MODEL_f2c936c647fd4150add769a8346ff487",
+ "value": 411
+ }
+ },
+ "d452fd4dadf44c17958db8d708babaaa": {
+ "model_module": "@jupyter-widgets/controls",
+ "model_name": "HTMLModel",
+ "model_module_version": "1.5.0",
+ "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_6302b8231099405b9878315047f7ecca",
+ "placeholder": "",
+ "style": "IPY_MODEL_c81150576005465a9f7501b4daf958a0",
+ "value": " 411/411 [00:00<00:00, 15.1kB/s]"
+ }
+ },
+ "2a67e7e31ee64b2783875c8a6503f3f7": {
+ "model_module": "@jupyter-widgets/base",
+ "model_name": "LayoutModel",
+ "model_module_version": "1.2.0",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "029110c1b2944668b989034bfe44bdcf": {
+ "model_module": "@jupyter-widgets/base",
+ "model_name": "LayoutModel",
+ "model_module_version": "1.2.0",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "7a31e43bee4f4ac9a6348a9fd5193e8a": {
+ "model_module": "@jupyter-widgets/controls",
+ "model_name": "DescriptionStyleModel",
+ "model_module_version": "1.5.0",
+ "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": ""
+ }
+ },
+ "706d7c5ee2704629a8818aea8f1de9ad": {
+ "model_module": "@jupyter-widgets/base",
+ "model_name": "LayoutModel",
+ "model_module_version": "1.2.0",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "f2c936c647fd4150add769a8346ff487": {
+ "model_module": "@jupyter-widgets/controls",
+ "model_name": "ProgressStyleModel",
+ "model_module_version": "1.5.0",
+ "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": ""
+ }
+ },
+ "6302b8231099405b9878315047f7ecca": {
+ "model_module": "@jupyter-widgets/base",
+ "model_name": "LayoutModel",
+ "model_module_version": "1.2.0",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "c81150576005465a9f7501b4daf958a0": {
+ "model_module": "@jupyter-widgets/controls",
+ "model_name": "DescriptionStyleModel",
+ "model_module_version": "1.5.0",
+ "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": ""
+ }
+ },
+ "1201e64261d940b7879ca4ac4edaf132": {
+ "model_module": "@jupyter-widgets/controls",
+ "model_name": "HBoxModel",
+ "model_module_version": "1.5.0",
+ "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_a8c994bbd11f498fb045a8fb3133734e",
+ "IPY_MODEL_36433ddc6ff346eda8b000f4f8b99af8",
+ "IPY_MODEL_4066b311bb7f4df795695dc9e7e3b01e"
+ ],
+ "layout": "IPY_MODEL_409352ab5143416b8100af93fe5ff874"
+ }
+ },
+ "a8c994bbd11f498fb045a8fb3133734e": {
+ "model_module": "@jupyter-widgets/controls",
+ "model_name": "HTMLModel",
+ "model_module_version": "1.5.0",
+ "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_985900082d00472286fbd731de7d4cb5",
+ "placeholder": "",
+ "style": "IPY_MODEL_9ed8efeef04a4a24b3c20db522ee881f",
+ "value": "Downloading: 100%"
+ }
+ },
+ "36433ddc6ff346eda8b000f4f8b99af8": {
+ "model_module": "@jupyter-widgets/controls",
+ "model_name": "FloatProgressModel",
+ "model_module_version": "1.5.0",
+ "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_60619fc65d5b49179dce1e4ebfb240e9",
+ "max": 213450,
+ "min": 0,
+ "orientation": "horizontal",
+ "style": "IPY_MODEL_4e1b10bfb2d5480dab2f72a7882e6007",
+ "value": 213450
+ }
+ },
+ "4066b311bb7f4df795695dc9e7e3b01e": {
+ "model_module": "@jupyter-widgets/controls",
+ "model_name": "HTMLModel",
+ "model_module_version": "1.5.0",
+ "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_7bf7c794b5414e54b4bb1fabdd5d5872",
+ "placeholder": "",
+ "style": "IPY_MODEL_a379f0161b2a4f2a854280720c8a386a",
+ "value": " 213k/213k [00:00<00:00, 251kB/s]"
+ }
+ },
+ "409352ab5143416b8100af93fe5ff874": {
+ "model_module": "@jupyter-widgets/base",
+ "model_name": "LayoutModel",
+ "model_module_version": "1.2.0",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "985900082d00472286fbd731de7d4cb5": {
+ "model_module": "@jupyter-widgets/base",
+ "model_name": "LayoutModel",
+ "model_module_version": "1.2.0",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "9ed8efeef04a4a24b3c20db522ee881f": {
+ "model_module": "@jupyter-widgets/controls",
+ "model_name": "DescriptionStyleModel",
+ "model_module_version": "1.5.0",
+ "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": ""
+ }
+ },
+ "60619fc65d5b49179dce1e4ebfb240e9": {
+ "model_module": "@jupyter-widgets/base",
+ "model_name": "LayoutModel",
+ "model_module_version": "1.2.0",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "4e1b10bfb2d5480dab2f72a7882e6007": {
+ "model_module": "@jupyter-widgets/controls",
+ "model_name": "ProgressStyleModel",
+ "model_module_version": "1.5.0",
+ "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": ""
+ }
+ },
+ "7bf7c794b5414e54b4bb1fabdd5d5872": {
+ "model_module": "@jupyter-widgets/base",
+ "model_name": "LayoutModel",
+ "model_module_version": "1.2.0",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "a379f0161b2a4f2a854280720c8a386a": {
+ "model_module": "@jupyter-widgets/controls",
+ "model_name": "DescriptionStyleModel",
+ "model_module_version": "1.5.0",
+ "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": ""
+ }
+ },
+ "55195cb575f9411fb8025257b4bb7e6c": {
+ "model_module": "@jupyter-widgets/controls",
+ "model_name": "HBoxModel",
+ "model_module_version": "1.5.0",
+ "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_ae027b9b103040ebb67c958f8c4bbc04",
+ "IPY_MODEL_a68734e56e6743279bffd85f658dd6f0",
+ "IPY_MODEL_f2fd3178ae9e456f94d40bc5aebfdc30"
+ ],
+ "layout": "IPY_MODEL_8bce862f7f37454d9bd5642f3dc2126d"
+ }
+ },
+ "ae027b9b103040ebb67c958f8c4bbc04": {
+ "model_module": "@jupyter-widgets/controls",
+ "model_name": "HTMLModel",
+ "model_module_version": "1.5.0",
+ "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_a444ba3c963f4d678462ff1463ab622c",
+ "placeholder": "",
+ "style": "IPY_MODEL_918b4c69019f43ecac1af0b4a7e07496",
+ "value": "Downloading: 100%"
+ }
+ },
+ "a68734e56e6743279bffd85f658dd6f0": {
+ "model_module": "@jupyter-widgets/controls",
+ "model_name": "FloatProgressModel",
+ "model_module_version": "1.5.0",
+ "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_a513c748eae3413cb985de8926f5c393",
+ "max": 435797,
+ "min": 0,
+ "orientation": "horizontal",
+ "style": "IPY_MODEL_e45dfb3b48b340d0afb90c4639127353",
+ "value": 435797
+ }
+ },
+ "f2fd3178ae9e456f94d40bc5aebfdc30": {
+ "model_module": "@jupyter-widgets/controls",
+ "model_name": "HTMLModel",
+ "model_module_version": "1.5.0",
+ "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_b4c5f02e8c47456ca61de0dc1558b32c",
+ "placeholder": "",
+ "style": "IPY_MODEL_21ddfc64c103402d90e4944255c53189",
+ "value": " 436k/436k [00:01<00:00, 521kB/s]"
+ }
+ },
+ "8bce862f7f37454d9bd5642f3dc2126d": {
+ "model_module": "@jupyter-widgets/base",
+ "model_name": "LayoutModel",
+ "model_module_version": "1.2.0",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "a444ba3c963f4d678462ff1463ab622c": {
+ "model_module": "@jupyter-widgets/base",
+ "model_name": "LayoutModel",
+ "model_module_version": "1.2.0",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "918b4c69019f43ecac1af0b4a7e07496": {
+ "model_module": "@jupyter-widgets/controls",
+ "model_name": "DescriptionStyleModel",
+ "model_module_version": "1.5.0",
+ "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": ""
+ }
+ },
+ "a513c748eae3413cb985de8926f5c393": {
+ "model_module": "@jupyter-widgets/base",
+ "model_name": "LayoutModel",
+ "model_module_version": "1.2.0",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "e45dfb3b48b340d0afb90c4639127353": {
+ "model_module": "@jupyter-widgets/controls",
+ "model_name": "ProgressStyleModel",
+ "model_module_version": "1.5.0",
+ "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": ""
+ }
+ },
+ "b4c5f02e8c47456ca61de0dc1558b32c": {
+ "model_module": "@jupyter-widgets/base",
+ "model_name": "LayoutModel",
+ "model_module_version": "1.2.0",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "21ddfc64c103402d90e4944255c53189": {
+ "model_module": "@jupyter-widgets/controls",
+ "model_name": "DescriptionStyleModel",
+ "model_module_version": "1.5.0",
+ "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": ""
+ }
+ }
+ }
+ }
+ },
+ "nbformat": 4,
+ "nbformat_minor": 0
+}
\ No newline at end of file
diff --git a/experiments/cs433/multi-spam-classifier/README.md b/experiments/cs433/multi-spam-classifier/README.md
new file mode 100644
index 0000000..70aad9b
--- /dev/null
+++ b/experiments/cs433/multi-spam-classifier/README.md
@@ -0,0 +1,13 @@
+# BERT (All languages)
+
+## Abstract
+
+We developed an NLP-based spam classifier through a transfer learning approach, by fine-tuning a pre-trained multilingual DistilBERT model on the Zenodo dataset for text classification.
+
+## Results
+
+| Training Time | Prediction Time | Accuracy | F1-Score |
+|---------------|-----------------|----------|----------|
+| 1h09 | 0.005 | 98.814 | 98.778 |
+
+All computation and time measurement were made using an NVIDIA RTX A5000.
diff --git a/experiments/cs433/multi-spam-classifier/traing_multi_sc.ipynb b/experiments/cs433/multi-spam-classifier/traing_multi_sc.ipynb
new file mode 100644
index 0000000..3cbd736
--- /dev/null
+++ b/experiments/cs433/multi-spam-classifier/traing_multi_sc.ipynb
@@ -0,0 +1,4252 @@
+{
+ "cells": [
+ {
+ "cell_type": "markdown",
+ "metadata": {
+ "id": "3ILVeQZ5Gfew"
+ },
+ "source": [
+ "### EPFL CS-433 - Machine Learning Project 2\n",
+ "#### CERN - Zenodo: Adaptable Spam Filter Modelling for Digital Scientific Research Repository \n",
+ "Training a DistilBERT model for the task of multi-lingual spam detection.\n",
+ "\n",
+ "Authors: Luka Secilmis, Yanis De Busschere, Thomas Ecabert"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "# Install required packages\n",
+ "!pip install transformers\n",
+ "!pip install pandas\n",
+ "!pip install numpy\n",
+ "!pip install datasets\n",
+ "!pip install sklearn\n",
+ "!pip install torch"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 1,
+ "metadata": {
+ "id": "4gGUsIXLF_TI"
+ },
+ "outputs": [],
+ "source": [
+ "# Import required packages\n",
+ "import transformers\n",
+ "import pandas as pd\n",
+ "import numpy as np\n",
+ "import datasets\n",
+ "from sklearn.model_selection import train_test_split\n",
+ "import torch"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 2,
+ "metadata": {
+ "colab": {
+ "base_uri": "https://localhost:8080/"
+ },
+ "id": "5xpevkPtGCoZ",
+ "outputId": "e5617054-1cd1-4233-8d1c-697fb75fd165"
+ },
+ "outputs": [
+ {
+ "name": "stdout",
+ "output_type": "stream",
+ "text": [
+ "GPU: NVIDIA RTX A5000\n"
+ ]
+ }
+ ],
+ "source": [
+ "# Set Hardware accelerator to GPU in Edit: Notebook Settings (in Google Colab)\n",
+ "# Check if GPU is available, this will significantly speed up fine-tuning\n",
+ "if torch.cuda.is_available(): \n",
+ " device = torch.device(\"cuda\") \n",
+ " print('GPU:', torch.cuda.get_device_name(0))\n",
+ "else:\n",
+ " print('No GPU available, do not train')"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "metadata": {
+ "id": "dBlaE9efGbfW"
+ },
+ "source": [
+ "## Import pre-processed data\n",
+ "Run script *feat-eng-msc.py* to generate the pre-processed data."
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 3,
+ "metadata": {
+ "id": "4z1ZyD0uGbyJ"
+ },
+ "outputs": [],
+ "source": [
+ "# Load the processed dataset\n",
+ "df = pd.read_csv('dataset-msc.csv')\n",
+ "df = df.dropna()"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 4,
+ "metadata": {
+ "colab": {
+ "base_uri": "https://localhost:8080/"
+ },
+ "id": "WobbJ86FQMVP",
+ "outputId": "1a1da8a5-6625-43a7-9516-7b99c0966ffc"
+ },
+ "outputs": [
+ {
+ "name": "stdout",
+ "output_type": "stream",
+ "text": [
+ "(90618, 2)\n"
+ ]
+ }
+ ],
+ "source": [
+ "print(df.shape)"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 5,
+ "metadata": {
+ "colab": {
+ "base_uri": "https://localhost:8080/",
+ "height": 206
+ },
+ "id": "nHN7dKsdQT7s",
+ "outputId": "53345723-9625-4b57-dad0-bdc5a0b8aa66"
+ },
+ "outputs": [
+ {
+ "data": {
+ "text/html": [
+ "\n",
+ "\n",
+ "
\n",
+ " \n",
+ " \n",
+ " \n",
+ " description \n",
+ " label \n",
+ " \n",
+ " \n",
+ " \n",
+ " \n",
+ " 0 \n",
+ " Masih bingung dalam hal makanan penambah berat... \n",
+ " 1 \n",
+ " \n",
+ " \n",
+ " 1 \n",
+ " FonePaw iPhone Data Recovery features in recov... \n",
+ " 1 \n",
+ " \n",
+ " \n",
+ " 2 \n",
+ " FonePaw iOS Transfer is mainly designed to tra... \n",
+ " 1 \n",
+ " \n",
+ " \n",
+ " 3 \n",
+ " This is my first upload \n",
+ " 1 \n",
+ " \n",
+ " \n",
+ " 4 \n",
+ " Doyantoto merupakan sebuah website Agen Togel ... \n",
+ " 1 \n",
+ " \n",
+ " \n",
+ "
\n",
+ "
"
+ ],
+ "text/plain": [
+ " description label\n",
+ "0 Masih bingung dalam hal makanan penambah berat... 1\n",
+ "1 FonePaw iPhone Data Recovery features in recov... 1\n",
+ "2 FonePaw iOS Transfer is mainly designed to tra... 1\n",
+ "3 This is my first upload 1\n",
+ "4 Doyantoto merupakan sebuah website Agen Togel ... 1"
+ ]
+ },
+ "execution_count": 5,
+ "metadata": {},
+ "output_type": "execute_result"
+ }
+ ],
+ "source": [
+ "df.head()"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 6,
+ "metadata": {
+ "colab": {
+ "base_uri": "https://localhost:8080/"
+ },
+ "id": "YZPyhMFbQXiq",
+ "outputId": "c23765ac-aaf1-4ccd-eaae-fb84d0643295"
+ },
+ "outputs": [
+ {
+ "data": {
+ "text/plain": [
+ "0 52834\n",
+ "1 37784\n",
+ "Name: label, dtype: int64"
+ ]
+ },
+ "execution_count": 6,
+ "metadata": {},
+ "output_type": "execute_result"
+ }
+ ],
+ "source": [
+ "df['label'].value_counts()"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "metadata": {
+ "id": "eN38xG9dQZhz"
+ },
+ "source": [
+ "## Training Set-up"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 7,
+ "metadata": {
+ "id": "K1SyRzDPQcld"
+ },
+ "outputs": [],
+ "source": [
+ "# Split data into train and test sets\n",
+ "# Note: stratify on 'label' to preserve the same proportions of labels in each set as observed in the original dataset\n",
+ "train, test = train_test_split(df, test_size=0.2, stratify=df[['label']], random_state=42)\n",
+ "test_multi = test.copy()\n",
+ "test_no_en = test.copy()"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 8,
+ "metadata": {
+ "colab": {
+ "base_uri": "https://localhost:8080/",
+ "height": 145,
+ "referenced_widgets": [
+ "1e6d4ba2b7b94f4dac9284a4f093d321",
+ "0cf595effd0e4cdcae790f2aec3fc176",
+ "80b55e96450648a880766c0492299029",
+ "7cd75a5a8b9e4365bb7adb7ce339b533",
+ "9dc7769a72244901883af1e209c02ab0",
+ "6e500e22b9ac47f29a2b60695eaeee1b",
+ "499d54d5f9d64ec5a7297780d01d7542",
+ "ccad7e6b754643d1872cbafef7158603",
+ "301745323ce14a49884c61ac37c36542",
+ "d848f3cd8fc648988e18a8569eb0bc48",
+ "dca20772f5b24c2591870d1da7dfbbff",
+ "ad44115b21dc46ef8ca008a738b8fbfe",
+ "1f9eb0a390484302a45317810f2e829d",
+ "c7fd5da448114c02a63c8d32b1d2991c",
+ "0cf205ec4c82488ba13f32519fab56b3",
+ "2eea7465105a4b4ea00cd57c6c16e78f",
+ "eef2d41094f34f18b811b7079f043220",
+ "6d992fc1ec634c19a794b7eda835c4a1",
+ "c17c34d0a0f5454ea2e12cef84aa4e27",
+ "745b1b2a04d1422d96d6c54934d771b5",
+ "8af7ffff71ce445e8b437bccf46b96f2",
+ "ee5a378bf6384328bb59b3f3bdb0f3d2",
+ "389833ff94f9462f8270fcec2396b19e",
+ "95d668b851c24aea988177972de6b0fa",
+ "cbfee6447535490a80fab030669c6eae",
+ "76ea2f1266a54708939acb5a96e8dfdf",
+ "a6f64f1c4078400a9df4bb35dd97d0b4",
+ "2fce782be7da430dba8014f58ac00b02",
+ "2490c7a9dfe04ff48995d77e7cb749d4",
+ "1918d586490e46ce8da9416064096151",
+ "ffcfba2fe7f94b5c982eaaedf6f3febc",
+ "8666b83039ed4cc3bd3896485ec09d09",
+ "cf46fefd82f24b12ad0c3145c4924acb",
+ "5633ff0eba2a48f48c69ebb23271d4ea",
+ "7440b1b3c178410ebeb5bd0dc1547a1b",
+ "2ef2d786b88c4f04b3d9bd73e6e945d0",
+ "da353539b2474d6caffc38af0241fecf",
+ "a5f108b19ab149ccb4e2b028e6d62422",
+ "b3928b364fb24476be243bde37e65469",
+ "2105aab8494c4a9d94f01acf7f7e357d",
+ "264853c4fdf44d25819027c2effa3b0f",
+ "d04a2a562c5b4aaea83248e1ecf44c70",
+ "a195f4aee30044d38af9d9e20c2dc490",
+ "25295a5688474c219fa43c9a0b7482ab"
+ ]
+ },
+ "id": "_UdZwkQ1QdgD",
+ "outputId": "0c16a6eb-d0d7-478e-c8a9-4779d9bf853b"
+ },
+ "outputs": [
+ {
+ "data": {
+ "application/vnd.jupyter.widget-view+json": {
+ "model_id": "445f2eedb4f447bbbf87992d680508ee",
+ "version_major": 2,
+ "version_minor": 0
+ },
+ "text/plain": [
+ "Downloading: 0%| | 0.00/29.0 [00:00, ?B/s]"
+ ]
+ },
+ "metadata": {},
+ "output_type": "display_data"
+ },
+ {
+ "data": {
+ "application/vnd.jupyter.widget-view+json": {
+ "model_id": "53f059075b144cf49adff260cbd0a05c",
+ "version_major": 2,
+ "version_minor": 0
+ },
+ "text/plain": [
+ "Downloading: 0%| | 0.00/466 [00:00, ?B/s]"
+ ]
+ },
+ "metadata": {},
+ "output_type": "display_data"
+ },
+ {
+ "data": {
+ "application/vnd.jupyter.widget-view+json": {
+ "model_id": "f8680f70bdfb4501b1ee2beafbdd9a8f",
+ "version_major": 2,
+ "version_minor": 0
+ },
+ "text/plain": [
+ "Downloading: 0%| | 0.00/996k [00:00, ?B/s]"
+ ]
+ },
+ "metadata": {},
+ "output_type": "display_data"
+ },
+ {
+ "data": {
+ "application/vnd.jupyter.widget-view+json": {
+ "model_id": "6b13f4b7914141848d483d6e67153511",
+ "version_major": 2,
+ "version_minor": 0
+ },
+ "text/plain": [
+ "Downloading: 0%| | 0.00/1.96M [00:00, ?B/s]"
+ ]
+ },
+ "metadata": {},
+ "output_type": "display_data"
+ }
+ ],
+ "source": [
+ "# Load pre-trained tokenizer\n",
+ "from transformers import AutoTokenizer\n",
+ "tokenizer = AutoTokenizer.from_pretrained(\"distilbert-base-multilingual-cased\")\n",
+ "\n",
+ "def tokenize_(examples):\n",
+ " return tokenizer(examples['text'], padding=\"max_length\", truncation=True)"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 9,
+ "metadata": {
+ "id": "fOw9DlTTQfCW"
+ },
+ "outputs": [],
+ "source": [
+ "# Convert dataframses into DatasetDict for tokenizer\n",
+ "train = pd.DataFrame({\n",
+ " \"label\" : [int(x) for x in train['label'].tolist()],\n",
+ " \"text\" : [str(x) for x in train['description'].tolist()]\n",
+ "})\n",
+ "\n",
+ "test = pd.DataFrame({\n",
+ " \"label\" : [int(x) for x in test['label'].tolist()],\n",
+ " \"text\" : [str(x) for x in test['description'].tolist()]\n",
+ "})"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 10,
+ "metadata": {
+ "colab": {
+ "base_uri": "https://localhost:8080/",
+ "height": 81,
+ "referenced_widgets": [
+ "c928e4b904844c50b6fe2b0b7c864174",
+ "2bdb17153fc648a1aa24704e1f5779e8",
+ "86167df488b1420bb8332345ae9a052e",
+ "a7a446784fbd49e69097ce2d65f7ced7",
+ "2131431357ca4b2e963de9b004e21102",
+ "31847ecd09c44c93b19f54c651f3df48",
+ "51a29e88dc884eae901226444148576a",
+ "77c3fafe158b48dd9624f66e01383665",
+ "4e0808e7c9a94bd89dbe568f9795afc6",
+ "ff9535a15bfe4feab5d1d379bc9fe135",
+ "aaa3e3da8a98422ba236f1609c4ed42c",
+ "17b3166a46f54ab5a2c725d8355b8759",
+ "c139d1e7843247f0bfb30a916a0233d7",
+ "d2d9bce8fafa4c188c401ed7bee7fd49",
+ "ae3c0f882ae14194931a8387f82f9fd4",
+ "7e60c1d8816b49d5a5b1ff59dfde5ae0",
+ "164d488a4b2242ff9d8104052fc0240f",
+ "710f69706ef143cfa7513f13afd7f1fc",
+ "5ec669e823294afe8897f7beeb446c69",
+ "cf19df6dada74286bfe708bd13a9149f",
+ "f8983be97d254c82b6eb7ed93f41c5f6",
+ "864458a3a69e4dfda01d55f0143ba8b4"
+ ]
+ },
+ "id": "Yw1noiGNQhIv",
+ "outputId": "e76953c4-f6dc-499d-be7b-6322cb0ad81e"
+ },
+ "outputs": [
+ {
+ "data": {
+ "application/vnd.jupyter.widget-view+json": {
+ "model_id": "a27ed24e44474dd59b1b4c05319f6390",
+ "version_major": 2,
+ "version_minor": 0
+ },
+ "text/plain": [
+ " 0%| | 0/73 [00:00, ?ba/s]"
+ ]
+ },
+ "metadata": {},
+ "output_type": "display_data"
+ },
+ {
+ "data": {
+ "application/vnd.jupyter.widget-view+json": {
+ "model_id": "2cdf703f6f1543a6ba1fb4c0dfc49df1",
+ "version_major": 2,
+ "version_minor": 0
+ },
+ "text/plain": [
+ " 0%| | 0/19 [00:00, ?ba/s]"
+ ]
+ },
+ "metadata": {},
+ "output_type": "display_data"
+ }
+ ],
+ "source": [
+ "dataset = datasets.DatasetDict({\"train\":datasets.Dataset.from_dict(train),\"test\":datasets.Dataset.from_dict(test)})\n",
+ "dataset_tokenized = dataset.map(tokenize_, batched=True)"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 11,
+ "metadata": {
+ "colab": {
+ "base_uri": "https://localhost:8080/",
+ "height": 158,
+ "referenced_widgets": [
+ "63e769008e724def9f8f9b3410c1de1c",
+ "2267c81aaeea44ab87bf7ba3d1beff03",
+ "ed2f673d3b354e29aaac004b5203de8f",
+ "43ba716e2e50446eb5f7dfaca3d81b36",
+ "238696e1b9d34281b94c08a8d4d858ba",
+ "ee4a8572a2234f5fb374584c2af87a1f",
+ "6dcc977075ad4cf49dd22eea0ccdf449",
+ "9c39358f86c14301bfbf3ef3b80bdafc",
+ "6821955b03724206a785bee03e1a2452",
+ "34c6d9d585f84f56b638d780ba2cc293",
+ "8c050559ad244002afc9f84ea33a09c6"
+ ]
+ },
+ "id": "iClFsmdGQjD7",
+ "outputId": "13b07a5a-89c5-4d90-e244-ff5953300634"
+ },
+ "outputs": [
+ {
+ "data": {
+ "application/vnd.jupyter.widget-view+json": {
+ "model_id": "5e48a84ee2974316b38d20d07eb2e1d1",
+ "version_major": 2,
+ "version_minor": 0
+ },
+ "text/plain": [
+ "Downloading: 0%| | 0.00/542M [00:00, ?B/s]"
+ ]
+ },
+ "metadata": {},
+ "output_type": "display_data"
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "Some weights of the model checkpoint at distilbert-base-multilingual-cased were not used when initializing DistilBertForSequenceClassification: ['vocab_layer_norm.bias', 'vocab_layer_norm.weight', 'vocab_transform.bias', 'vocab_projector.bias', 'vocab_transform.weight', 'vocab_projector.weight']\n",
+ "- This IS expected if you are initializing DistilBertForSequenceClassification from the checkpoint of a model trained on another task or with another architecture (e.g. initializing a BertForSequenceClassification model from a BertForPreTraining model).\n",
+ "- This IS NOT expected if you are initializing DistilBertForSequenceClassification from the checkpoint of a model that you expect to be exactly identical (initializing a BertForSequenceClassification model from a BertForSequenceClassification model).\n",
+ "Some weights of DistilBertForSequenceClassification were not initialized from the model checkpoint at distilbert-base-multilingual-cased and are newly initialized: ['pre_classifier.weight', 'classifier.weight', 'classifier.bias', 'pre_classifier.bias']\n",
+ "You should probably TRAIN this model on a down-stream task to be able to use it for predictions and inference.\n"
+ ]
+ }
+ ],
+ "source": [
+ "# Import pre-trained BERT model for Binary Classification\n",
+ "from transformers import AutoModelForSequenceClassification\n",
+ "model = AutoModelForSequenceClassification.from_pretrained(\"distilbert-base-multilingual-cased\", num_labels=2)"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 12,
+ "metadata": {
+ "id": "oVAQBt2rQkVz"
+ },
+ "outputs": [],
+ "source": [
+ "# contains all the hyperparameters you can tune as well as flags for activating different training options\n",
+ "training_args = transformers.TrainingArguments(output_dir=\"test_trainer\", save_total_limit=3)"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 13,
+ "metadata": {
+ "colab": {
+ "base_uri": "https://localhost:8080/",
+ "height": 105,
+ "referenced_widgets": [
+ "9766005031f442e0a6b4aa4235478198",
+ "50a4df1c2ce9404987f4625f193929d4",
+ "d52fa063f955471da01b7ee6b5e29be0",
+ "f436622afdba40d8abb46590de18d218",
+ "c2612158281943a9b6777fe893807542",
+ "7af3f089337047368e55d96926a2e3bd",
+ "635922d86fc4405c826ff2b19cd7fc74",
+ "cee3f2161609479dbe05730d718498db",
+ "9fa95444dd8e46a5800a727e257ca14c",
+ "7dea9f79416447c4b67c36239d4e3973",
+ "89fe56d17960451286261aa5bf308b06"
+ ]
+ },
+ "id": "MWLuxQyBQlp9",
+ "outputId": "bf496fec-df7c-44ff-b515-6236bc1e9958"
+ },
+ "outputs": [
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "/opt/conda/lib/python3.7/site-packages/ipykernel_launcher.py:3: FutureWarning: load_metric is deprecated and will be removed in the next major version of datasets. Use 'evaluate.load' instead, from the new library 🤗 Evaluate: https://huggingface.co/docs/evaluate\n",
+ " This is separate from the ipykernel package so we can avoid doing imports until\n"
+ ]
+ },
+ {
+ "data": {
+ "application/vnd.jupyter.widget-view+json": {
+ "model_id": "e81bee82ffa64a8f94bc8574885fdfda",
+ "version_major": 2,
+ "version_minor": 0
+ },
+ "text/plain": [
+ "Downloading builder script: 0%| | 0.00/1.65k [00:00, ?B/s]"
+ ]
+ },
+ "metadata": {},
+ "output_type": "display_data"
+ }
+ ],
+ "source": [
+ "# function to compute and report metrics\n",
+ "from datasets import load_metric\n",
+ "metric = load_metric(\"accuracy\")"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 14,
+ "metadata": {
+ "id": "PmF6IyBsQngj"
+ },
+ "outputs": [],
+ "source": [
+ "# Before passing your predictions to compute, you need to convert the predictions to logits \n",
+ "# Transformers models return logits\n",
+ "def compute_metrics(eval_pred):\n",
+ " logits, labels = eval_pred\n",
+ " predictions = np.argmax(logits, axis=-1)\n",
+ " return metric.compute(predictions=predictions, references=labels)"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 15,
+ "metadata": {
+ "id": "AHySA8onQofu"
+ },
+ "outputs": [],
+ "source": [
+ "# Trainer object with model, training arguments, training and test datasets, and evaluation function\n",
+ "trainer = transformers.Trainer(\n",
+ " model=model,\n",
+ " args=training_args,\n",
+ " train_dataset=dataset_tokenized[\"train\"],\n",
+ " eval_dataset=dataset_tokenized[\"test\"],\n",
+ " compute_metrics=compute_metrics,\n",
+ ")"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 16,
+ "metadata": {
+ "colab": {
+ "base_uri": "https://localhost:8080/",
+ "height": 1000
+ },
+ "id": "c74vtU1oQpga",
+ "outputId": "b7cceb55-282d-4750-b0f6-07027374ad0f"
+ },
+ "outputs": [
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "The following columns in the training set don't have a corresponding argument in `DistilBertForSequenceClassification.forward` and have been ignored: text. If text are not expected by `DistilBertForSequenceClassification.forward`, you can safely ignore this message.\n",
+ "/opt/conda/lib/python3.7/site-packages/transformers/optimization.py:310: FutureWarning: This implementation of AdamW is deprecated and will be removed in a future version. Use the PyTorch implementation torch.optim.AdamW instead, or set `no_deprecation_warning=True` to disable this warning\n",
+ " FutureWarning,\n",
+ "***** Running training *****\n",
+ " Num examples = 72494\n",
+ " Num Epochs = 3\n",
+ " Instantaneous batch size per device = 8\n",
+ " Total train batch size (w. parallel, distributed & accumulation) = 8\n",
+ " Gradient Accumulation steps = 1\n",
+ " Total optimization steps = 27186\n",
+ " Number of trainable parameters = 135326210\n"
+ ]
+ },
+ {
+ "data": {
+ "text/html": [
+ "\n",
+ " \n",
+ " \n",
+ "
\n",
+ " [27186/27186 1:09:26, Epoch 3/3]\n",
+ "
\n",
+ " \n",
+ " \n",
+ " \n",
+ " Step \n",
+ " Training Loss \n",
+ " \n",
+ " \n",
+ " \n",
+ " \n",
+ " 500 \n",
+ " 0.175200 \n",
+ " \n",
+ " \n",
+ " 1000 \n",
+ " 0.096900 \n",
+ " \n",
+ " \n",
+ " 1500 \n",
+ " 0.089600 \n",
+ " \n",
+ " \n",
+ " 2000 \n",
+ " 0.087400 \n",
+ " \n",
+ " \n",
+ " 2500 \n",
+ " 0.085300 \n",
+ " \n",
+ " \n",
+ " 3000 \n",
+ " 0.084000 \n",
+ " \n",
+ " \n",
+ " 3500 \n",
+ " 0.089200 \n",
+ " \n",
+ " \n",
+ " 4000 \n",
+ " 0.088300 \n",
+ " \n",
+ " \n",
+ " 4500 \n",
+ " 0.094400 \n",
+ " \n",
+ " \n",
+ " 5000 \n",
+ " 0.065800 \n",
+ " \n",
+ " \n",
+ " 5500 \n",
+ " 0.075000 \n",
+ " \n",
+ " \n",
+ " 6000 \n",
+ " 0.080100 \n",
+ " \n",
+ " \n",
+ " 6500 \n",
+ " 0.080600 \n",
+ " \n",
+ " \n",
+ " 7000 \n",
+ " 0.075900 \n",
+ " \n",
+ " \n",
+ " 7500 \n",
+ " 0.081400 \n",
+ " \n",
+ " \n",
+ " 8000 \n",
+ " 0.062000 \n",
+ " \n",
+ " \n",
+ " 8500 \n",
+ " 0.069600 \n",
+ " \n",
+ " \n",
+ " 9000 \n",
+ " 0.056100 \n",
+ " \n",
+ " \n",
+ " 9500 \n",
+ " 0.048700 \n",
+ " \n",
+ " \n",
+ " 10000 \n",
+ " 0.047400 \n",
+ " \n",
+ " \n",
+ " 10500 \n",
+ " 0.041600 \n",
+ " \n",
+ " \n",
+ " 11000 \n",
+ " 0.032300 \n",
+ " \n",
+ " \n",
+ " 11500 \n",
+ " 0.040400 \n",
+ " \n",
+ " \n",
+ " 12000 \n",
+ " 0.045100 \n",
+ " \n",
+ " \n",
+ " 12500 \n",
+ " 0.052600 \n",
+ " \n",
+ " \n",
+ " 13000 \n",
+ " 0.053700 \n",
+ " \n",
+ " \n",
+ " 13500 \n",
+ " 0.052600 \n",
+ " \n",
+ " \n",
+ " 14000 \n",
+ " 0.043300 \n",
+ " \n",
+ " \n",
+ " 14500 \n",
+ " 0.042600 \n",
+ " \n",
+ " \n",
+ " 15000 \n",
+ " 0.044300 \n",
+ " \n",
+ " \n",
+ " 15500 \n",
+ " 0.034900 \n",
+ " \n",
+ " \n",
+ " 16000 \n",
+ " 0.038800 \n",
+ " \n",
+ " \n",
+ " 16500 \n",
+ " 0.045900 \n",
+ " \n",
+ " \n",
+ " 17000 \n",
+ " 0.037800 \n",
+ " \n",
+ " \n",
+ " 17500 \n",
+ " 0.046500 \n",
+ " \n",
+ " \n",
+ " 18000 \n",
+ " 0.036300 \n",
+ " \n",
+ " \n",
+ " 18500 \n",
+ " 0.029500 \n",
+ " \n",
+ " \n",
+ " 19000 \n",
+ " 0.029300 \n",
+ " \n",
+ " \n",
+ " 19500 \n",
+ " 0.027500 \n",
+ " \n",
+ " \n",
+ " 20000 \n",
+ " 0.029400 \n",
+ " \n",
+ " \n",
+ " 20500 \n",
+ " 0.024800 \n",
+ " \n",
+ " \n",
+ " 21000 \n",
+ " 0.013800 \n",
+ " \n",
+ " \n",
+ " 21500 \n",
+ " 0.027000 \n",
+ " \n",
+ " \n",
+ " 22000 \n",
+ " 0.020900 \n",
+ " \n",
+ " \n",
+ " 22500 \n",
+ " 0.039700 \n",
+ " \n",
+ " \n",
+ " 23000 \n",
+ " 0.026800 \n",
+ " \n",
+ " \n",
+ " 23500 \n",
+ " 0.031600 \n",
+ " \n",
+ " \n",
+ " 24000 \n",
+ " 0.024400 \n",
+ " \n",
+ " \n",
+ " 24500 \n",
+ " 0.027200 \n",
+ " \n",
+ " \n",
+ " 25000 \n",
+ " 0.016400 \n",
+ " \n",
+ " \n",
+ " 25500 \n",
+ " 0.027900 \n",
+ " \n",
+ " \n",
+ " 26000 \n",
+ " 0.031200 \n",
+ " \n",
+ " \n",
+ " 26500 \n",
+ " 0.023400 \n",
+ " \n",
+ " \n",
+ " 27000 \n",
+ " 0.025200 \n",
+ " \n",
+ " \n",
+ "
"
+ ],
+ "text/plain": [
+ ""
+ ]
+ },
+ "metadata": {},
+ "output_type": "display_data"
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "Saving model checkpoint to test_trainer/checkpoint-500\n",
+ "Configuration saved in test_trainer/checkpoint-500/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-500/pytorch_model.bin\n",
+ "Saving model checkpoint to test_trainer/checkpoint-1000\n",
+ "Configuration saved in test_trainer/checkpoint-1000/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-1000/pytorch_model.bin\n",
+ "Saving model checkpoint to test_trainer/checkpoint-1500\n",
+ "Configuration saved in test_trainer/checkpoint-1500/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-1500/pytorch_model.bin\n",
+ "Saving model checkpoint to test_trainer/checkpoint-2000\n",
+ "Configuration saved in test_trainer/checkpoint-2000/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-2000/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-500] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-2500\n",
+ "Configuration saved in test_trainer/checkpoint-2500/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-2500/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-1000] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-3000\n",
+ "Configuration saved in test_trainer/checkpoint-3000/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-3000/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-1500] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-3500\n",
+ "Configuration saved in test_trainer/checkpoint-3500/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-3500/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-2000] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-4000\n",
+ "Configuration saved in test_trainer/checkpoint-4000/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-4000/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-2500] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-4500\n",
+ "Configuration saved in test_trainer/checkpoint-4500/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-4500/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-3000] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-5000\n",
+ "Configuration saved in test_trainer/checkpoint-5000/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-5000/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-3500] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-5500\n",
+ "Configuration saved in test_trainer/checkpoint-5500/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-5500/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-4000] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-6000\n",
+ "Configuration saved in test_trainer/checkpoint-6000/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-6000/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-4500] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-6500\n",
+ "Configuration saved in test_trainer/checkpoint-6500/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-6500/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-5000] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-7000\n",
+ "Configuration saved in test_trainer/checkpoint-7000/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-7000/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-5500] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-7500\n",
+ "Configuration saved in test_trainer/checkpoint-7500/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-7500/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-6000] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-8000\n",
+ "Configuration saved in test_trainer/checkpoint-8000/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-8000/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-6500] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-8500\n",
+ "Configuration saved in test_trainer/checkpoint-8500/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-8500/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-7000] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-9000\n",
+ "Configuration saved in test_trainer/checkpoint-9000/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-9000/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-7500] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-9500\n",
+ "Configuration saved in test_trainer/checkpoint-9500/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-9500/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-8000] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-10000\n",
+ "Configuration saved in test_trainer/checkpoint-10000/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-10000/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-8500] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-10500\n",
+ "Configuration saved in test_trainer/checkpoint-10500/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-10500/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-9000] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-11000\n",
+ "Configuration saved in test_trainer/checkpoint-11000/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-11000/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-9500] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-11500\n",
+ "Configuration saved in test_trainer/checkpoint-11500/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-11500/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-10000] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-12000\n",
+ "Configuration saved in test_trainer/checkpoint-12000/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-12000/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-10500] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-12500\n",
+ "Configuration saved in test_trainer/checkpoint-12500/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-12500/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-11000] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-13000\n",
+ "Configuration saved in test_trainer/checkpoint-13000/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-13000/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-11500] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-13500\n",
+ "Configuration saved in test_trainer/checkpoint-13500/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-13500/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-12000] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-14000\n",
+ "Configuration saved in test_trainer/checkpoint-14000/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-14000/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-12500] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-14500\n",
+ "Configuration saved in test_trainer/checkpoint-14500/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-14500/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-13000] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-15000\n",
+ "Configuration saved in test_trainer/checkpoint-15000/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-15000/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-13500] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-15500\n",
+ "Configuration saved in test_trainer/checkpoint-15500/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-15500/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-14000] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-16000\n",
+ "Configuration saved in test_trainer/checkpoint-16000/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-16000/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-14500] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-16500\n",
+ "Configuration saved in test_trainer/checkpoint-16500/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-16500/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-15000] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-17000\n",
+ "Configuration saved in test_trainer/checkpoint-17000/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-17000/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-15500] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-17500\n",
+ "Configuration saved in test_trainer/checkpoint-17500/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-17500/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-16000] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-18000\n",
+ "Configuration saved in test_trainer/checkpoint-18000/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-18000/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-16500] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-18500\n",
+ "Configuration saved in test_trainer/checkpoint-18500/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-18500/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-17000] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-19000\n",
+ "Configuration saved in test_trainer/checkpoint-19000/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-19000/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-17500] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-19500\n",
+ "Configuration saved in test_trainer/checkpoint-19500/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-19500/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-18000] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-20000\n",
+ "Configuration saved in test_trainer/checkpoint-20000/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-20000/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-18500] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-20500\n",
+ "Configuration saved in test_trainer/checkpoint-20500/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-20500/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-19000] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-21000\n",
+ "Configuration saved in test_trainer/checkpoint-21000/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-21000/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-19500] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-21500\n",
+ "Configuration saved in test_trainer/checkpoint-21500/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-21500/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-20000] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-22000\n",
+ "Configuration saved in test_trainer/checkpoint-22000/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-22000/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-20500] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-22500\n",
+ "Configuration saved in test_trainer/checkpoint-22500/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-22500/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-21000] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-23000\n",
+ "Configuration saved in test_trainer/checkpoint-23000/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-23000/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-21500] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-23500\n",
+ "Configuration saved in test_trainer/checkpoint-23500/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-23500/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-22000] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-24000\n",
+ "Configuration saved in test_trainer/checkpoint-24000/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-24000/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-22500] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-24500\n",
+ "Configuration saved in test_trainer/checkpoint-24500/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-24500/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-23000] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-25000\n",
+ "Configuration saved in test_trainer/checkpoint-25000/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-25000/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-23500] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-25500\n",
+ "Configuration saved in test_trainer/checkpoint-25500/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-25500/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-24000] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-26000\n",
+ "Configuration saved in test_trainer/checkpoint-26000/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-26000/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-24500] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-26500\n",
+ "Configuration saved in test_trainer/checkpoint-26500/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-26500/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-25000] due to args.save_total_limit\n",
+ "Saving model checkpoint to test_trainer/checkpoint-27000\n",
+ "Configuration saved in test_trainer/checkpoint-27000/config.json\n",
+ "Model weights saved in test_trainer/checkpoint-27000/pytorch_model.bin\n",
+ "Deleting older checkpoint [test_trainer/checkpoint-25500] due to args.save_total_limit\n",
+ "\n",
+ "\n",
+ "Training completed. Do not forget to share your model on huggingface.co/models =)\n",
+ "\n",
+ "\n"
+ ]
+ },
+ {
+ "data": {
+ "text/plain": [
+ "TrainOutput(global_step=27186, training_loss=0.05157783799180919, metrics={'train_runtime': 4167.7462, 'train_samples_per_second': 52.182, 'train_steps_per_second': 6.523, 'total_flos': 2.880927479450419e+16, 'train_loss': 0.05157783799180919, 'epoch': 3.0})"
+ ]
+ },
+ "execution_count": 16,
+ "metadata": {},
+ "output_type": "execute_result"
+ }
+ ],
+ "source": [
+ "# Finally, we fine-tune our model\n",
+ "trainer.train() # Training took about 1h15 with GPU: NVIDIA RTX A5000"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 17,
+ "metadata": {
+ "id": "gmYZ24ZTQqj2"
+ },
+ "outputs": [
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "The following columns in the evaluation set don't have a corresponding argument in `DistilBertForSequenceClassification.forward` and have been ignored: text. If text are not expected by `DistilBertForSequenceClassification.forward`, you can safely ignore this message.\n",
+ "***** Running Evaluation *****\n",
+ " Num examples = 18124\n",
+ " Batch size = 8\n"
+ ]
+ },
+ {
+ "data": {
+ "text/html": [
+ "\n",
+ " \n",
+ " \n",
+ "
\n",
+ " [2266/2266 01:38]\n",
+ "
\n",
+ " "
+ ],
+ "text/plain": [
+ ""
+ ]
+ },
+ "metadata": {},
+ "output_type": "display_data"
+ },
+ {
+ "data": {
+ "text/plain": [
+ "{'eval_loss': 0.05935591459274292,\n",
+ " 'eval_accuracy': 0.9881372765393953,\n",
+ " 'eval_runtime': 98.1932,\n",
+ " 'eval_samples_per_second': 184.575,\n",
+ " 'eval_steps_per_second': 23.077,\n",
+ " 'epoch': 3.0}"
+ ]
+ },
+ "execution_count": 17,
+ "metadata": {},
+ "output_type": "execute_result"
+ }
+ ],
+ "source": [
+ "# Evaluate model on test set\n",
+ "trainer.evaluate()"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 18,
+ "metadata": {
+ "id": "nDHgPCeiQs23"
+ },
+ "outputs": [
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "Saving model checkpoint to msc-model\n",
+ "Configuration saved in msc-model/config.json\n",
+ "Model weights saved in msc-model/pytorch_model.bin\n"
+ ]
+ }
+ ],
+ "source": [
+ "# Save model\n",
+ "trainer.save_model(\"msc-model\")"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "metadata": {},
+ "source": [
+ "## Performance on Test Set: Multilingual Spam Classifier"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 20,
+ "metadata": {},
+ "outputs": [
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "loading configuration file msc-model/config.json\n",
+ "Model config DistilBertConfig {\n",
+ " \"_name_or_path\": \"msc-model\",\n",
+ " \"activation\": \"gelu\",\n",
+ " \"architectures\": [\n",
+ " \"DistilBertForSequenceClassification\"\n",
+ " ],\n",
+ " \"attention_dropout\": 0.1,\n",
+ " \"dim\": 768,\n",
+ " \"dropout\": 0.1,\n",
+ " \"hidden_dim\": 3072,\n",
+ " \"initializer_range\": 0.02,\n",
+ " \"max_position_embeddings\": 512,\n",
+ " \"model_type\": \"distilbert\",\n",
+ " \"n_heads\": 12,\n",
+ " \"n_layers\": 6,\n",
+ " \"output_past\": true,\n",
+ " \"pad_token_id\": 0,\n",
+ " \"problem_type\": \"single_label_classification\",\n",
+ " \"qa_dropout\": 0.1,\n",
+ " \"seq_classif_dropout\": 0.2,\n",
+ " \"sinusoidal_pos_embds\": false,\n",
+ " \"tie_weights_\": true,\n",
+ " \"torch_dtype\": \"float32\",\n",
+ " \"transformers_version\": \"4.25.1\",\n",
+ " \"vocab_size\": 119547\n",
+ "}\n",
+ "\n",
+ "loading weights file msc-model/pytorch_model.bin\n",
+ "All model checkpoint weights were used when initializing DistilBertForSequenceClassification.\n",
+ "\n",
+ "All the weights of DistilBertForSequenceClassification were initialized from the model checkpoint at msc-model.\n",
+ "If your task is similar to the task the model of the checkpoint was trained on, you can already use DistilBertForSequenceClassification for predictions without further training.\n",
+ "loading configuration file config.json from cache at /root/.cache/huggingface/hub/models--distilbert-base-multilingual-cased/snapshots/fb240273126596a03b35c85793d2e82a5b13ac79/config.json\n",
+ "Model config DistilBertConfig {\n",
+ " \"_name_or_path\": \"distilbert-base-multilingual-cased\",\n",
+ " \"activation\": \"gelu\",\n",
+ " \"architectures\": [\n",
+ " \"DistilBertForMaskedLM\"\n",
+ " ],\n",
+ " \"attention_dropout\": 0.1,\n",
+ " \"dim\": 768,\n",
+ " \"dropout\": 0.1,\n",
+ " \"hidden_dim\": 3072,\n",
+ " \"initializer_range\": 0.02,\n",
+ " \"max_position_embeddings\": 512,\n",
+ " \"model_type\": \"distilbert\",\n",
+ " \"n_heads\": 12,\n",
+ " \"n_layers\": 6,\n",
+ " \"output_past\": true,\n",
+ " \"pad_token_id\": 0,\n",
+ " \"qa_dropout\": 0.1,\n",
+ " \"seq_classif_dropout\": 0.2,\n",
+ " \"sinusoidal_pos_embds\": false,\n",
+ " \"tie_weights_\": true,\n",
+ " \"transformers_version\": \"4.25.1\",\n",
+ " \"vocab_size\": 119547\n",
+ "}\n",
+ "\n",
+ "loading file vocab.txt from cache at /root/.cache/huggingface/hub/models--distilbert-base-multilingual-cased/snapshots/fb240273126596a03b35c85793d2e82a5b13ac79/vocab.txt\n",
+ "loading file tokenizer.json from cache at /root/.cache/huggingface/hub/models--distilbert-base-multilingual-cased/snapshots/fb240273126596a03b35c85793d2e82a5b13ac79/tokenizer.json\n",
+ "loading file added_tokens.json from cache at None\n",
+ "loading file special_tokens_map.json from cache at None\n",
+ "loading file tokenizer_config.json from cache at /root/.cache/huggingface/hub/models--distilbert-base-multilingual-cased/snapshots/fb240273126596a03b35c85793d2e82a5b13ac79/tokenizer_config.json\n",
+ "loading configuration file config.json from cache at /root/.cache/huggingface/hub/models--distilbert-base-multilingual-cased/snapshots/fb240273126596a03b35c85793d2e82a5b13ac79/config.json\n",
+ "Model config DistilBertConfig {\n",
+ " \"_name_or_path\": \"distilbert-base-multilingual-cased\",\n",
+ " \"activation\": \"gelu\",\n",
+ " \"architectures\": [\n",
+ " \"DistilBertForMaskedLM\"\n",
+ " ],\n",
+ " \"attention_dropout\": 0.1,\n",
+ " \"dim\": 768,\n",
+ " \"dropout\": 0.1,\n",
+ " \"hidden_dim\": 3072,\n",
+ " \"initializer_range\": 0.02,\n",
+ " \"max_position_embeddings\": 512,\n",
+ " \"model_type\": \"distilbert\",\n",
+ " \"n_heads\": 12,\n",
+ " \"n_layers\": 6,\n",
+ " \"output_past\": true,\n",
+ " \"pad_token_id\": 0,\n",
+ " \"qa_dropout\": 0.1,\n",
+ " \"seq_classif_dropout\": 0.2,\n",
+ " \"sinusoidal_pos_embds\": false,\n",
+ " \"tie_weights_\": true,\n",
+ " \"transformers_version\": \"4.25.1\",\n",
+ " \"vocab_size\": 119547\n",
+ "}\n",
+ "\n"
+ ]
+ }
+ ],
+ "source": [
+ "from transformers import pipeline\n",
+ "from transformers import AutoModelForSequenceClassification, AutoTokenizer\n",
+ "# Load both models\n",
+ "model = AutoModelForSequenceClassification.from_pretrained('msc-model')\n",
+ "model_tokenizer = AutoTokenizer.from_pretrained(\"distilbert-base-multilingual-cased\")\n",
+ "\n",
+ "# Create a pipeline to facilitate the use of the model for classification\n",
+ "classifier = pipeline(\"text-classification\", model=model, tokenizer=model_tokenizer)"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 21,
+ "metadata": {},
+ "outputs": [
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "Disabling tokenizer parallelism, we're using DataLoader multithreading already\n"
+ ]
+ }
+ ],
+ "source": [
+ "y_true = test_multi['label'].tolist()\n",
+ "y_predict = classifier(test_multi['description'].map(lambda x: str(x)).tolist(), padding=True, truncation=True)\n",
+ "y_predict = [1 if pred['label'] == 'LABEL_1' else 0 for pred in y_predict]"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 22,
+ "metadata": {},
+ "outputs": [
+ {
+ "name": "stdout",
+ "output_type": "stream",
+ "text": [
+ "Accuracy: 98.81372765393954 %\n",
+ "\n",
+ "F1 Score: 98.77898987594016 %\n",
+ "\n",
+ "True positives: 98.26650787349477 %\n",
+ "True negatives: 99.20507239519259 %\n"
+ ]
+ }
+ ],
+ "source": [
+ "# compute accuracy\n",
+ "from sklearn.metrics import accuracy_score\n",
+ "accuracy_score(y_true, y_predict)\n",
+ "print(f'Accuracy: {100 * accuracy_score(y_true, y_predict)} %')\n",
+ "print()\n",
+ "# compute f1 score\n",
+ "from sklearn.metrics import f1_score\n",
+ "f1_score(y_true, y_predict, average='macro')\n",
+ "print(f'F1 Score: {100 * f1_score(y_true, y_predict, average=\"macro\")} %')\n",
+ "print()\n",
+ "# compute confusion matrix\n",
+ "from sklearn.metrics import confusion_matrix\n",
+ "confusion_matrix = confusion_matrix(y_true, y_predict)\n",
+ "\n",
+ "print('True positives: ', 100 * confusion_matrix[1][1]/(confusion_matrix[1][1] + confusion_matrix[1][0]), '%')\n",
+ "print('True negatives: ', 100 * confusion_matrix[0][0]/(confusion_matrix[0][0] + confusion_matrix[0][1]), '%')"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "metadata": {},
+ "source": [
+ "## Performance on Test Set: all non-english languages Spam Classifier"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 23,
+ "metadata": {},
+ "outputs": [
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "Warning : `load_model` does not return WordVectorModel or SupervisedModel any more, but a `FastText` object which is very similar.\n"
+ ]
+ }
+ ],
+ "source": [
+ "# Filter out all the english texts\n",
+ "import re\n",
+ "from ftlangdetect import detect\n",
+ "CLEANING_REGEX = re.compile(r'[^a-zA-Z0-9\\s]', re.MULTILINE)\n",
+ "def detect_lang(descr):\n",
+ " d = CLEANING_REGEX.sub('', str(descr))\n",
+ " d = d.replace('\\r', ' ').replace('\\n', ' ')\n",
+ " lang = detect(d)['lang']\n",
+ " return lang\n",
+ "\n",
+ "test_no_en['lang'] = test_no_en['description'].map(lambda x: detect_lang(x))\n",
+ "test_no_en = test_no_en[test_no_en['lang'] != 'en']\n",
+ "test_no_en = test_no_en.drop(columns=['lang'])"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 24,
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "y_true = test_no_en['label'].tolist()\n",
+ "y_predict = classifier(test_no_en['description'].map(lambda x: str(x)).tolist(), padding=True, truncation=True)\n",
+ "y_predict = [1 if pred['label'] == 'LABEL_1' else 0 for pred in y_predict]"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 25,
+ "metadata": {},
+ "outputs": [
+ {
+ "name": "stdout",
+ "output_type": "stream",
+ "text": [
+ "Accuracy: 98.31041257367387 %\n",
+ "\n",
+ "F1 Score: 97.48498193971817 %\n",
+ "\n",
+ "True positives: 98.50746268656717 %\n",
+ "True negatives: 97.57009345794393 %\n"
+ ]
+ }
+ ],
+ "source": [
+ "# compute accuracy\n",
+ "from sklearn.metrics import accuracy_score\n",
+ "accuracy_score(y_true, y_predict)\n",
+ "print(f'Accuracy: {100 * accuracy_score(y_true, y_predict)} %')\n",
+ "print()\n",
+ "# compute f1 score\n",
+ "from sklearn.metrics import f1_score\n",
+ "f1_score(y_true, y_predict, average='macro')\n",
+ "print(f'F1 Score: {100 * f1_score(y_true, y_predict, average=\"macro\")} %')\n",
+ "print()\n",
+ "# compute confusion matrix\n",
+ "from sklearn.metrics import confusion_matrix\n",
+ "confusion_matrix = confusion_matrix(y_true, y_predict)\n",
+ "print('True positives: ', 100 * confusion_matrix[1][1]/(confusion_matrix[1][1] + confusion_matrix[1][0]), '%')\n",
+ "print('True negatives: ', 100 * confusion_matrix[0][0]/(confusion_matrix[0][0] + confusion_matrix[0][1]), '%')"
+ ]
+ }
+ ],
+ "metadata": {
+ "accelerator": "GPU",
+ "colab": {
+ "provenance": []
+ },
+ "gpuClass": "standard",
+ "kernelspec": {
+ "display_name": "Python 3 (ipykernel)",
+ "language": "python",
+ "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.7.13"
+ },
+ "vscode": {
+ "interpreter": {
+ "hash": "40d3a090f54c6569ab1632332b64b2c03c39dcf918b08424e98f38b5ae0af88f"
+ }
+ },
+ "widgets": {
+ "application/vnd.jupyter.widget-state+json": {
+ "0cf205ec4c82488ba13f32519fab56b3": {
+ "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_8af7ffff71ce445e8b437bccf46b96f2",
+ "placeholder": "",
+ "style": "IPY_MODEL_ee5a378bf6384328bb59b3f3bdb0f3d2",
+ "value": " 466/466 [00:00<00:00, 15.4kB/s]"
+ }
+ },
+ "0cf595effd0e4cdcae790f2aec3fc176": {
+ "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_6e500e22b9ac47f29a2b60695eaeee1b",
+ "placeholder": "",
+ "style": "IPY_MODEL_499d54d5f9d64ec5a7297780d01d7542",
+ "value": "Downloading: 100%"
+ }
+ },
+ "164d488a4b2242ff9d8104052fc0240f": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "17b3166a46f54ab5a2c725d8355b8759": {
+ "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_c139d1e7843247f0bfb30a916a0233d7",
+ "IPY_MODEL_d2d9bce8fafa4c188c401ed7bee7fd49",
+ "IPY_MODEL_ae3c0f882ae14194931a8387f82f9fd4"
+ ],
+ "layout": "IPY_MODEL_7e60c1d8816b49d5a5b1ff59dfde5ae0"
+ }
+ },
+ "1918d586490e46ce8da9416064096151": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "1e6d4ba2b7b94f4dac9284a4f093d321": {
+ "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_0cf595effd0e4cdcae790f2aec3fc176",
+ "IPY_MODEL_80b55e96450648a880766c0492299029",
+ "IPY_MODEL_7cd75a5a8b9e4365bb7adb7ce339b533"
+ ],
+ "layout": "IPY_MODEL_9dc7769a72244901883af1e209c02ab0"
+ }
+ },
+ "1f9eb0a390484302a45317810f2e829d": {
+ "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_eef2d41094f34f18b811b7079f043220",
+ "placeholder": "",
+ "style": "IPY_MODEL_6d992fc1ec634c19a794b7eda835c4a1",
+ "value": "Downloading: 100%"
+ }
+ },
+ "2105aab8494c4a9d94f01acf7f7e357d": {
+ "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": ""
+ }
+ },
+ "2131431357ca4b2e963de9b004e21102": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "2267c81aaeea44ab87bf7ba3d1beff03": {
+ "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_ee4a8572a2234f5fb374584c2af87a1f",
+ "placeholder": "",
+ "style": "IPY_MODEL_6dcc977075ad4cf49dd22eea0ccdf449",
+ "value": "Downloading: 100%"
+ }
+ },
+ "238696e1b9d34281b94c08a8d4d858ba": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "2490c7a9dfe04ff48995d77e7cb749d4": {
+ "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": ""
+ }
+ },
+ "25295a5688474c219fa43c9a0b7482ab": {
+ "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": ""
+ }
+ },
+ "264853c4fdf44d25819027c2effa3b0f": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "2bdb17153fc648a1aa24704e1f5779e8": {
+ "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_31847ecd09c44c93b19f54c651f3df48",
+ "placeholder": "",
+ "style": "IPY_MODEL_51a29e88dc884eae901226444148576a",
+ "value": "100%"
+ }
+ },
+ "2eea7465105a4b4ea00cd57c6c16e78f": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "2ef2d786b88c4f04b3d9bd73e6e945d0": {
+ "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_264853c4fdf44d25819027c2effa3b0f",
+ "max": 1961828,
+ "min": 0,
+ "orientation": "horizontal",
+ "style": "IPY_MODEL_d04a2a562c5b4aaea83248e1ecf44c70",
+ "value": 1961828
+ }
+ },
+ "2fce782be7da430dba8014f58ac00b02": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "301745323ce14a49884c61ac37c36542": {
+ "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": ""
+ }
+ },
+ "31847ecd09c44c93b19f54c651f3df48": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "34c6d9d585f84f56b638d780ba2cc293": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "389833ff94f9462f8270fcec2396b19e": {
+ "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_95d668b851c24aea988177972de6b0fa",
+ "IPY_MODEL_cbfee6447535490a80fab030669c6eae",
+ "IPY_MODEL_76ea2f1266a54708939acb5a96e8dfdf"
+ ],
+ "layout": "IPY_MODEL_a6f64f1c4078400a9df4bb35dd97d0b4"
+ }
+ },
+ "43ba716e2e50446eb5f7dfaca3d81b36": {
+ "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_34c6d9d585f84f56b638d780ba2cc293",
+ "placeholder": "",
+ "style": "IPY_MODEL_8c050559ad244002afc9f84ea33a09c6",
+ "value": " 542M/542M [00:09<00:00, 59.3MB/s]"
+ }
+ },
+ "499d54d5f9d64ec5a7297780d01d7542": {
+ "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": ""
+ }
+ },
+ "4e0808e7c9a94bd89dbe568f9795afc6": {
+ "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": ""
+ }
+ },
+ "50a4df1c2ce9404987f4625f193929d4": {
+ "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_7af3f089337047368e55d96926a2e3bd",
+ "placeholder": "",
+ "style": "IPY_MODEL_635922d86fc4405c826ff2b19cd7fc74",
+ "value": "Downloading builder script: "
+ }
+ },
+ "51a29e88dc884eae901226444148576a": {
+ "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": ""
+ }
+ },
+ "5633ff0eba2a48f48c69ebb23271d4ea": {
+ "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_7440b1b3c178410ebeb5bd0dc1547a1b",
+ "IPY_MODEL_2ef2d786b88c4f04b3d9bd73e6e945d0",
+ "IPY_MODEL_da353539b2474d6caffc38af0241fecf"
+ ],
+ "layout": "IPY_MODEL_a5f108b19ab149ccb4e2b028e6d62422"
+ }
+ },
+ "5ec669e823294afe8897f7beeb446c69": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "635922d86fc4405c826ff2b19cd7fc74": {
+ "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": ""
+ }
+ },
+ "63e769008e724def9f8f9b3410c1de1c": {
+ "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_2267c81aaeea44ab87bf7ba3d1beff03",
+ "IPY_MODEL_ed2f673d3b354e29aaac004b5203de8f",
+ "IPY_MODEL_43ba716e2e50446eb5f7dfaca3d81b36"
+ ],
+ "layout": "IPY_MODEL_238696e1b9d34281b94c08a8d4d858ba"
+ }
+ },
+ "6821955b03724206a785bee03e1a2452": {
+ "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": ""
+ }
+ },
+ "6d992fc1ec634c19a794b7eda835c4a1": {
+ "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": ""
+ }
+ },
+ "6dcc977075ad4cf49dd22eea0ccdf449": {
+ "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": ""
+ }
+ },
+ "6e500e22b9ac47f29a2b60695eaeee1b": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "710f69706ef143cfa7513f13afd7f1fc": {
+ "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": ""
+ }
+ },
+ "7440b1b3c178410ebeb5bd0dc1547a1b": {
+ "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_b3928b364fb24476be243bde37e65469",
+ "placeholder": "",
+ "style": "IPY_MODEL_2105aab8494c4a9d94f01acf7f7e357d",
+ "value": "Downloading: 100%"
+ }
+ },
+ "745b1b2a04d1422d96d6c54934d771b5": {
+ "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": ""
+ }
+ },
+ "76ea2f1266a54708939acb5a96e8dfdf": {
+ "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_8666b83039ed4cc3bd3896485ec09d09",
+ "placeholder": "",
+ "style": "IPY_MODEL_cf46fefd82f24b12ad0c3145c4924acb",
+ "value": " 996k/996k [00:00<00:00, 2.02MB/s]"
+ }
+ },
+ "77c3fafe158b48dd9624f66e01383665": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "7af3f089337047368e55d96926a2e3bd": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "7cd75a5a8b9e4365bb7adb7ce339b533": {
+ "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_d848f3cd8fc648988e18a8569eb0bc48",
+ "placeholder": "",
+ "style": "IPY_MODEL_dca20772f5b24c2591870d1da7dfbbff",
+ "value": " 29.0/29.0 [00:00<00:00, 958B/s]"
+ }
+ },
+ "7dea9f79416447c4b67c36239d4e3973": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "7e60c1d8816b49d5a5b1ff59dfde5ae0": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "80b55e96450648a880766c0492299029": {
+ "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_ccad7e6b754643d1872cbafef7158603",
+ "max": 29,
+ "min": 0,
+ "orientation": "horizontal",
+ "style": "IPY_MODEL_301745323ce14a49884c61ac37c36542",
+ "value": 29
+ }
+ },
+ "86167df488b1420bb8332345ae9a052e": {
+ "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_77c3fafe158b48dd9624f66e01383665",
+ "max": 91,
+ "min": 0,
+ "orientation": "horizontal",
+ "style": "IPY_MODEL_4e0808e7c9a94bd89dbe568f9795afc6",
+ "value": 91
+ }
+ },
+ "864458a3a69e4dfda01d55f0143ba8b4": {
+ "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": ""
+ }
+ },
+ "8666b83039ed4cc3bd3896485ec09d09": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "89fe56d17960451286261aa5bf308b06": {
+ "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": ""
+ }
+ },
+ "8af7ffff71ce445e8b437bccf46b96f2": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "8c050559ad244002afc9f84ea33a09c6": {
+ "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": ""
+ }
+ },
+ "95d668b851c24aea988177972de6b0fa": {
+ "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_2fce782be7da430dba8014f58ac00b02",
+ "placeholder": "",
+ "style": "IPY_MODEL_2490c7a9dfe04ff48995d77e7cb749d4",
+ "value": "Downloading: 100%"
+ }
+ },
+ "9766005031f442e0a6b4aa4235478198": {
+ "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_50a4df1c2ce9404987f4625f193929d4",
+ "IPY_MODEL_d52fa063f955471da01b7ee6b5e29be0",
+ "IPY_MODEL_f436622afdba40d8abb46590de18d218"
+ ],
+ "layout": "IPY_MODEL_c2612158281943a9b6777fe893807542"
+ }
+ },
+ "9c39358f86c14301bfbf3ef3b80bdafc": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "9dc7769a72244901883af1e209c02ab0": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "9fa95444dd8e46a5800a727e257ca14c": {
+ "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": ""
+ }
+ },
+ "a195f4aee30044d38af9d9e20c2dc490": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "a5f108b19ab149ccb4e2b028e6d62422": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "a6f64f1c4078400a9df4bb35dd97d0b4": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "a7a446784fbd49e69097ce2d65f7ced7": {
+ "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_ff9535a15bfe4feab5d1d379bc9fe135",
+ "placeholder": "",
+ "style": "IPY_MODEL_aaa3e3da8a98422ba236f1609c4ed42c",
+ "value": " 91/91 [02:01<00:00, 1.46s/ba]"
+ }
+ },
+ "aaa3e3da8a98422ba236f1609c4ed42c": {
+ "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": ""
+ }
+ },
+ "ad44115b21dc46ef8ca008a738b8fbfe": {
+ "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_1f9eb0a390484302a45317810f2e829d",
+ "IPY_MODEL_c7fd5da448114c02a63c8d32b1d2991c",
+ "IPY_MODEL_0cf205ec4c82488ba13f32519fab56b3"
+ ],
+ "layout": "IPY_MODEL_2eea7465105a4b4ea00cd57c6c16e78f"
+ }
+ },
+ "ae3c0f882ae14194931a8387f82f9fd4": {
+ "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_f8983be97d254c82b6eb7ed93f41c5f6",
+ "placeholder": "",
+ "style": "IPY_MODEL_864458a3a69e4dfda01d55f0143ba8b4",
+ "value": " 23/23 [00:29<00:00, 1.09ba/s]"
+ }
+ },
+ "b3928b364fb24476be243bde37e65469": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "c139d1e7843247f0bfb30a916a0233d7": {
+ "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_164d488a4b2242ff9d8104052fc0240f",
+ "placeholder": "",
+ "style": "IPY_MODEL_710f69706ef143cfa7513f13afd7f1fc",
+ "value": "100%"
+ }
+ },
+ "c17c34d0a0f5454ea2e12cef84aa4e27": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "c2612158281943a9b6777fe893807542": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "c7fd5da448114c02a63c8d32b1d2991c": {
+ "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_c17c34d0a0f5454ea2e12cef84aa4e27",
+ "max": 466,
+ "min": 0,
+ "orientation": "horizontal",
+ "style": "IPY_MODEL_745b1b2a04d1422d96d6c54934d771b5",
+ "value": 466
+ }
+ },
+ "c928e4b904844c50b6fe2b0b7c864174": {
+ "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_2bdb17153fc648a1aa24704e1f5779e8",
+ "IPY_MODEL_86167df488b1420bb8332345ae9a052e",
+ "IPY_MODEL_a7a446784fbd49e69097ce2d65f7ced7"
+ ],
+ "layout": "IPY_MODEL_2131431357ca4b2e963de9b004e21102"
+ }
+ },
+ "cbfee6447535490a80fab030669c6eae": {
+ "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_1918d586490e46ce8da9416064096151",
+ "max": 995526,
+ "min": 0,
+ "orientation": "horizontal",
+ "style": "IPY_MODEL_ffcfba2fe7f94b5c982eaaedf6f3febc",
+ "value": 995526
+ }
+ },
+ "ccad7e6b754643d1872cbafef7158603": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "cee3f2161609479dbe05730d718498db": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "cf19df6dada74286bfe708bd13a9149f": {
+ "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": ""
+ }
+ },
+ "cf46fefd82f24b12ad0c3145c4924acb": {
+ "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": ""
+ }
+ },
+ "d04a2a562c5b4aaea83248e1ecf44c70": {
+ "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": ""
+ }
+ },
+ "d2d9bce8fafa4c188c401ed7bee7fd49": {
+ "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_5ec669e823294afe8897f7beeb446c69",
+ "max": 23,
+ "min": 0,
+ "orientation": "horizontal",
+ "style": "IPY_MODEL_cf19df6dada74286bfe708bd13a9149f",
+ "value": 23
+ }
+ },
+ "d52fa063f955471da01b7ee6b5e29be0": {
+ "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_cee3f2161609479dbe05730d718498db",
+ "max": 1652,
+ "min": 0,
+ "orientation": "horizontal",
+ "style": "IPY_MODEL_9fa95444dd8e46a5800a727e257ca14c",
+ "value": 1652
+ }
+ },
+ "d848f3cd8fc648988e18a8569eb0bc48": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "da353539b2474d6caffc38af0241fecf": {
+ "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_a195f4aee30044d38af9d9e20c2dc490",
+ "placeholder": "",
+ "style": "IPY_MODEL_25295a5688474c219fa43c9a0b7482ab",
+ "value": " 1.96M/1.96M [00:00<00:00, 1.97MB/s]"
+ }
+ },
+ "dca20772f5b24c2591870d1da7dfbbff": {
+ "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": ""
+ }
+ },
+ "ed2f673d3b354e29aaac004b5203de8f": {
+ "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_9c39358f86c14301bfbf3ef3b80bdafc",
+ "max": 541808922,
+ "min": 0,
+ "orientation": "horizontal",
+ "style": "IPY_MODEL_6821955b03724206a785bee03e1a2452",
+ "value": 541808922
+ }
+ },
+ "ee4a8572a2234f5fb374584c2af87a1f": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "ee5a378bf6384328bb59b3f3bdb0f3d2": {
+ "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": ""
+ }
+ },
+ "eef2d41094f34f18b811b7079f043220": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "f436622afdba40d8abb46590de18d218": {
+ "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_7dea9f79416447c4b67c36239d4e3973",
+ "placeholder": "",
+ "style": "IPY_MODEL_89fe56d17960451286261aa5bf308b06",
+ "value": " 4.21k/? [00:00<00:00, 119kB/s]"
+ }
+ },
+ "f8983be97d254c82b6eb7ed93f41c5f6": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "ff9535a15bfe4feab5d1d379bc9fe135": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/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
+ }
+ },
+ "ffcfba2fe7f94b5c982eaaedf6f3febc": {
+ "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": ""
+ }
+ }
+ }
+ }
+ },
+ "nbformat": 4,
+ "nbformat_minor": 4
+}