diff --git a/tasks/SentimentAnalysis/README.md b/tasks/SentimentAnalysis/README.md new file mode 100644 index 00000000..488c4561 --- /dev/null +++ b/tasks/SentimentAnalysis/README.md @@ -0,0 +1,34 @@ +# Laser Encoder: Sentiment Analysis + +## Overview + +This project demonstrates the application of the Laser Encoder tool for creating sentence embeddings in the context of sentiment analysis. The Laser Encoder is used to encode text data, and a sentiment analysis model is trained to predict the sentiment of the text. + +## Getting Started + +To run the notebook in Google Colab, click the "Open in Colab" button below: + +[![Open In Colab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/NIXBLACK11/LASER-fork/blob/Sentiment-analysis-laser/tasks/SentimentAnalysis/SentimentAnalysis.ipynb) + +Also, check out the hugging face space with the button below: + +[![Open In Hugging Face Space](https://img.shields.io/badge/Open%20In-Hugging%20Face%20Space-blue?logo=huggingface)](https://huggingface.co/spaces/NIXBLACK/SentimentAnalysis_LASER_) + + +## Example Usage + +Run the Example Notebook: + Execute the provided Jupyter Notebook SentimentAnalysis.ipynb + + jupyter notebook SentimentAnalysis.ipynb + + +## Customization + +- Modify the model architecture, hyperparameters, and training settings in the neural network model section based on your requirements. +- Customize the sentiment mapping and handling of unknown sentiments in the data preparation section. + +## Additional Notes +- Feel free to experiment with different models, embeddings, and hyperparameters to optimize performance. +- Ensure that the dimensions of embeddings and model inputs are compatible. +Adapt the code based on your specific dataset and use case. diff --git a/tasks/SentimentAnalysis/SentimentAnalysis.ipynb b/tasks/SentimentAnalysis/SentimentAnalysis.ipynb new file mode 100644 index 00000000..adec6b51 --- /dev/null +++ b/tasks/SentimentAnalysis/SentimentAnalysis.ipynb @@ -0,0 +1,8073 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "metadata": { + "id": "OUrFprmDa40H" + }, + "source": [ + "# Tutorial: Sentiment Analysis with LASER Embeddings and RNN\n", + "\n", + "In this tutorial, we will guide you through the process of installing the necessary libraries, downloading a sentiment analysis dataset, and building a sentiment analysis model using [LASER](https://github.com/facebookresearch/LASER) embeddings and a Recurrent Neural Network (RNN).\n", + "Despite being trained on English-language data, the model accurately analyzes texts in various languages.\n", + "\n" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "hJETScFpJkyu" + }, + "source": [ + "## Step 1: Installing Laser Encoder\n", + "\n", + "To begin, let's install the laser_encoders library along with its dependencies. These include sacremoses, sentencepiece, and fairseq. You can achieve this by running the following command:" + ] + }, + { + "cell_type": "code", + "execution_count": 1, + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "KZ_Eqn90J6CK", + "outputId": "4c8d8e6c-93d6-4072-af76-d8245f929ece" + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Collecting laser_encoders\n", + " Downloading laser_encoders-0.0.1-py3-none-any.whl (24 kB)\n", + "Collecting sacremoses==0.1.0 (from laser_encoders)\n", + " Downloading sacremoses-0.1.0-py3-none-any.whl (895 kB)\n", + "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m895.1/895.1 kB\u001b[0m \u001b[31m5.3 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n", + "\u001b[?25hCollecting unicategories>=0.1.2 (from laser_encoders)\n", + " Downloading unicategories-0.1.2.tar.gz (12 kB)\n", + " Preparing metadata (setup.py) ... \u001b[?25l\u001b[?25hdone\n", + "Collecting sentencepiece>=0.1.99 (from laser_encoders)\n", + " Downloading sentencepiece-0.1.99-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (1.3 MB)\n", + "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m1.3/1.3 MB\u001b[0m \u001b[31m26.0 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n", + "\u001b[?25hRequirement already satisfied: numpy>=1.21.3 in /usr/local/lib/python3.10/dist-packages (from laser_encoders) (1.23.5)\n", + "Requirement already satisfied: torch>=1.10.0 in /usr/local/lib/python3.10/dist-packages (from laser_encoders) (2.1.0+cu118)\n", + "Collecting fairseq>=0.12.2 (from laser_encoders)\n", + " Downloading fairseq-0.12.2.tar.gz (9.6 MB)\n", + "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m9.6/9.6 MB\u001b[0m \u001b[31m70.8 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n", + "\u001b[?25h Installing build dependencies ... \u001b[?25l\u001b[?25hdone\n", + " Getting requirements to build wheel ... \u001b[?25l\u001b[?25hdone\n", + " Installing backend dependencies ... \u001b[?25l\u001b[?25hdone\n", + " Preparing metadata (pyproject.toml) ... \u001b[?25l\u001b[?25hdone\n", + "Requirement already satisfied: regex in /usr/local/lib/python3.10/dist-packages (from sacremoses==0.1.0->laser_encoders) (2023.6.3)\n", + "Requirement already satisfied: click in /usr/local/lib/python3.10/dist-packages (from sacremoses==0.1.0->laser_encoders) (8.1.7)\n", + "Requirement already satisfied: joblib in /usr/local/lib/python3.10/dist-packages (from sacremoses==0.1.0->laser_encoders) (1.3.2)\n", + "Requirement already satisfied: tqdm in /usr/local/lib/python3.10/dist-packages (from sacremoses==0.1.0->laser_encoders) (4.66.1)\n", + "Requirement already satisfied: cffi in /usr/local/lib/python3.10/dist-packages (from fairseq>=0.12.2->laser_encoders) (1.16.0)\n", + "Requirement already satisfied: cython in /usr/local/lib/python3.10/dist-packages (from fairseq>=0.12.2->laser_encoders) (3.0.6)\n", + "Collecting hydra-core<1.1,>=1.0.7 (from fairseq>=0.12.2->laser_encoders)\n", + " Downloading hydra_core-1.0.7-py3-none-any.whl (123 kB)\n", + "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m123.8/123.8 kB\u001b[0m \u001b[31m17.4 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n", + "\u001b[?25hCollecting omegaconf<2.1 (from fairseq>=0.12.2->laser_encoders)\n", + " Downloading omegaconf-2.0.6-py3-none-any.whl (36 kB)\n", + "Collecting sacrebleu>=1.4.12 (from fairseq>=0.12.2->laser_encoders)\n", + " Downloading sacrebleu-2.3.3-py3-none-any.whl (106 kB)\n", + "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m106.4/106.4 kB\u001b[0m \u001b[31m4.4 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n", + "\u001b[?25hCollecting bitarray (from fairseq>=0.12.2->laser_encoders)\n", + " Downloading bitarray-2.8.4-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (279 kB)\n", + "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m279.9/279.9 kB\u001b[0m \u001b[31m27.5 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n", + "\u001b[?25hRequirement already satisfied: torchaudio>=0.8.0 in /usr/local/lib/python3.10/dist-packages (from fairseq>=0.12.2->laser_encoders) (2.1.0+cu118)\n", + "Requirement already satisfied: filelock in /usr/local/lib/python3.10/dist-packages (from torch>=1.10.0->laser_encoders) (3.13.1)\n", + "Requirement already satisfied: typing-extensions in /usr/local/lib/python3.10/dist-packages (from torch>=1.10.0->laser_encoders) (4.5.0)\n", + "Requirement already satisfied: sympy in /usr/local/lib/python3.10/dist-packages (from torch>=1.10.0->laser_encoders) (1.12)\n", + "Requirement already satisfied: networkx in /usr/local/lib/python3.10/dist-packages (from torch>=1.10.0->laser_encoders) (3.2.1)\n", + "Requirement already satisfied: jinja2 in /usr/local/lib/python3.10/dist-packages (from torch>=1.10.0->laser_encoders) (3.1.2)\n", + "Requirement already satisfied: fsspec in /usr/local/lib/python3.10/dist-packages (from torch>=1.10.0->laser_encoders) (2023.6.0)\n", + "Requirement already satisfied: triton==2.1.0 in /usr/local/lib/python3.10/dist-packages (from torch>=1.10.0->laser_encoders) (2.1.0)\n", + "Requirement already satisfied: appdirs in /usr/local/lib/python3.10/dist-packages (from unicategories>=0.1.2->laser_encoders) (1.4.4)\n", + "Collecting antlr4-python3-runtime==4.8 (from hydra-core<1.1,>=1.0.7->fairseq>=0.12.2->laser_encoders)\n", + " Downloading antlr4-python3-runtime-4.8.tar.gz (112 kB)\n", + "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m112.4/112.4 kB\u001b[0m \u001b[31m15.6 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n", + "\u001b[?25h Preparing metadata (setup.py) ... \u001b[?25l\u001b[?25hdone\n", + "Requirement already satisfied: PyYAML>=5.1.* in /usr/local/lib/python3.10/dist-packages (from omegaconf<2.1->fairseq>=0.12.2->laser_encoders) (6.0.1)\n", + "Collecting portalocker (from sacrebleu>=1.4.12->fairseq>=0.12.2->laser_encoders)\n", + " Downloading portalocker-2.8.2-py3-none-any.whl (17 kB)\n", + "Requirement already satisfied: tabulate>=0.8.9 in /usr/local/lib/python3.10/dist-packages (from sacrebleu>=1.4.12->fairseq>=0.12.2->laser_encoders) (0.9.0)\n", + "Collecting colorama (from sacrebleu>=1.4.12->fairseq>=0.12.2->laser_encoders)\n", + " Downloading colorama-0.4.6-py2.py3-none-any.whl (25 kB)\n", + "Requirement already satisfied: lxml in /usr/local/lib/python3.10/dist-packages (from sacrebleu>=1.4.12->fairseq>=0.12.2->laser_encoders) (4.9.3)\n", + "Requirement already satisfied: pycparser in /usr/local/lib/python3.10/dist-packages (from cffi->fairseq>=0.12.2->laser_encoders) (2.21)\n", + "Requirement already satisfied: MarkupSafe>=2.0 in /usr/local/lib/python3.10/dist-packages (from jinja2->torch>=1.10.0->laser_encoders) (2.1.3)\n", + "Requirement already satisfied: mpmath>=0.19 in /usr/local/lib/python3.10/dist-packages (from sympy->torch>=1.10.0->laser_encoders) (1.3.0)\n", + "Building wheels for collected packages: fairseq, unicategories, antlr4-python3-runtime\n", + " Building wheel for fairseq (pyproject.toml) ... \u001b[?25l\u001b[?25hdone\n", + " Created wheel for fairseq: filename=fairseq-0.12.2-cp310-cp310-linux_x86_64.whl size=11291812 sha256=d6e901a4343c5ff920f12c372773eda078dda7be8955c66d11406617e3dc3519\n", + " Stored in directory: /root/.cache/pip/wheels/e4/35/55/9c66f65ec7c83fd6fbc2b9502a0ac81b2448a1196159dacc32\n", + " Building wheel for unicategories (setup.py) ... \u001b[?25l\u001b[?25hdone\n", + " Created wheel for unicategories: filename=unicategories-0.1.2-py2.py3-none-any.whl size=30843 sha256=31556e02d7c4d0d4e0091974bbf384f04859b44ed83cc3b393d2810a9e4f2027\n", + " Stored in directory: /root/.cache/pip/wheels/0b/6d/14/7135674b9daa3996f7f0d9bc1ccff5b7d50d6f1c4a16dc7d90\n", + " Building wheel for antlr4-python3-runtime (setup.py) ... \u001b[?25l\u001b[?25hdone\n", + " Created wheel for antlr4-python3-runtime: filename=antlr4_python3_runtime-4.8-py3-none-any.whl size=141210 sha256=34c258aea7d9045a058a75577c46fa94f3f766635f64f8e261bff829d5ddf52d\n", + " Stored in directory: /root/.cache/pip/wheels/a7/20/bd/e1477d664f22d99989fd28ee1a43d6633dddb5cb9e801350d5\n", + "Successfully built fairseq unicategories antlr4-python3-runtime\n", + "Installing collected packages: sentencepiece, bitarray, antlr4-python3-runtime, unicategories, sacremoses, portalocker, omegaconf, colorama, sacrebleu, hydra-core, fairseq, laser_encoders\n", + "Successfully installed antlr4-python3-runtime-4.8 bitarray-2.8.4 colorama-0.4.6 fairseq-0.12.2 hydra-core-1.0.7 laser_encoders-0.0.1 omegaconf-2.0.6 portalocker-2.8.2 sacrebleu-2.3.3 sacremoses-0.1.0 sentencepiece-0.1.99 unicategories-0.1.2\n" + ] + } + ], + "source": [ + "! pip install laser_encoders" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "F-BHLZZTbq5_" + }, + "source": [ + "This ensures that you have all the required packages for this tutorial." + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "4qYPrbjXcNjK" + }, + "source": [ + "## Step 2: Install Additional Libraries\n", + "\n", + "Before we proceed, let's install the chardet library, which is handy for detecting the encoding of the dataset." + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "bxnIqaniSXbG", + "outputId": "d000e9cf-aa56-4173-de99-3d8f733ffdb5" + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Requirement already satisfied: chardet in /usr/local/lib/python3.10/dist-packages (5.2.0)\n", + "Collecting datasets\n", + " Downloading datasets-2.15.0-py3-none-any.whl (521 kB)\n", + "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m521.2/521.2 kB\u001b[0m \u001b[31m4.3 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n", + "\u001b[?25hRequirement already satisfied: numpy>=1.17 in /usr/local/lib/python3.10/dist-packages (from datasets) (1.23.5)\n", + "Requirement already satisfied: pyarrow>=8.0.0 in /usr/local/lib/python3.10/dist-packages (from datasets) (9.0.0)\n", + "Collecting pyarrow-hotfix (from datasets)\n", + " Downloading pyarrow_hotfix-0.6-py3-none-any.whl (7.9 kB)\n", + "Collecting dill<0.3.8,>=0.3.0 (from datasets)\n", + " Downloading dill-0.3.7-py3-none-any.whl (115 kB)\n", + "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m115.3/115.3 kB\u001b[0m \u001b[31m16.6 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n", + "\u001b[?25hRequirement already satisfied: pandas in /usr/local/lib/python3.10/dist-packages (from datasets) (1.5.3)\n", + "Requirement already satisfied: requests>=2.19.0 in /usr/local/lib/python3.10/dist-packages (from datasets) (2.31.0)\n", + "Requirement already satisfied: tqdm>=4.62.1 in /usr/local/lib/python3.10/dist-packages (from datasets) (4.66.1)\n", + "Requirement already satisfied: xxhash in /usr/local/lib/python3.10/dist-packages (from datasets) (3.4.1)\n", + "Collecting multiprocess (from datasets)\n", + " Downloading multiprocess-0.70.15-py310-none-any.whl (134 kB)\n", + "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m134.8/134.8 kB\u001b[0m \u001b[31m19.2 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n", + "\u001b[?25hRequirement already satisfied: fsspec[http]<=2023.10.0,>=2023.1.0 in /usr/local/lib/python3.10/dist-packages (from datasets) (2023.6.0)\n", + "Requirement already satisfied: aiohttp in /usr/local/lib/python3.10/dist-packages (from datasets) (3.9.1)\n", + "Requirement already satisfied: huggingface-hub>=0.18.0 in /usr/local/lib/python3.10/dist-packages (from datasets) (0.19.4)\n", + "Requirement already satisfied: packaging in /usr/local/lib/python3.10/dist-packages (from datasets) (23.2)\n", + "Requirement already satisfied: pyyaml>=5.1 in /usr/local/lib/python3.10/dist-packages (from datasets) (6.0.1)\n", + "Requirement already satisfied: attrs>=17.3.0 in /usr/local/lib/python3.10/dist-packages (from aiohttp->datasets) (23.1.0)\n", + "Requirement already satisfied: multidict<7.0,>=4.5 in /usr/local/lib/python3.10/dist-packages (from aiohttp->datasets) (6.0.4)\n", + "Requirement already satisfied: yarl<2.0,>=1.0 in /usr/local/lib/python3.10/dist-packages (from aiohttp->datasets) (1.9.3)\n", + "Requirement already satisfied: frozenlist>=1.1.1 in /usr/local/lib/python3.10/dist-packages (from aiohttp->datasets) (1.4.0)\n", + "Requirement already satisfied: aiosignal>=1.1.2 in /usr/local/lib/python3.10/dist-packages (from aiohttp->datasets) (1.3.1)\n", + "Requirement already satisfied: async-timeout<5.0,>=4.0 in /usr/local/lib/python3.10/dist-packages (from aiohttp->datasets) (4.0.3)\n", + "Requirement already satisfied: filelock in /usr/local/lib/python3.10/dist-packages (from huggingface-hub>=0.18.0->datasets) (3.13.1)\n", + "Requirement already satisfied: typing-extensions>=3.7.4.3 in /usr/local/lib/python3.10/dist-packages (from huggingface-hub>=0.18.0->datasets) (4.5.0)\n", + "Requirement already satisfied: charset-normalizer<4,>=2 in /usr/local/lib/python3.10/dist-packages (from requests>=2.19.0->datasets) (3.3.2)\n", + "Requirement already satisfied: idna<4,>=2.5 in /usr/local/lib/python3.10/dist-packages (from requests>=2.19.0->datasets) (3.6)\n", + "Requirement already satisfied: urllib3<3,>=1.21.1 in /usr/local/lib/python3.10/dist-packages (from requests>=2.19.0->datasets) (2.0.7)\n", + "Requirement already satisfied: certifi>=2017.4.17 in /usr/local/lib/python3.10/dist-packages (from requests>=2.19.0->datasets) (2023.11.17)\n", + "Requirement already satisfied: python-dateutil>=2.8.1 in /usr/local/lib/python3.10/dist-packages (from pandas->datasets) (2.8.2)\n", + "Requirement already satisfied: pytz>=2020.1 in /usr/local/lib/python3.10/dist-packages (from pandas->datasets) (2023.3.post1)\n", + "Requirement already satisfied: six>=1.5 in /usr/local/lib/python3.10/dist-packages (from python-dateutil>=2.8.1->pandas->datasets) (1.16.0)\n", + "Installing collected packages: pyarrow-hotfix, dill, multiprocess, datasets\n", + "Successfully installed datasets-2.15.0 dill-0.3.7 multiprocess-0.70.15 pyarrow-hotfix-0.6\n" + ] + } + ], + "source": [ + "!pip install chardet\n", + "!pip install datasets" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "rgBj7FdeVIZn" + }, + "source": [ + "## Step 3: Import Necessary Libraries\n", + "\n", + "Now, let's import the libraries required for data manipulation, encoding, and model building." + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "metadata": { + "id": "LN0F4-9AR8_k" + }, + "outputs": [], + "source": [ + "import numpy as np\n", + "import pandas as pd\n", + "import chardet\n", + "import matplotlib.pyplot as plt\n", + "from laser_encoders import LaserEncoderPipeline\n", + "from sklearn.model_selection import train_test_split\n", + "from sklearn.metrics import accuracy_score\n", + "from sklearn.linear_model import LogisticRegression\n", + "from sklearn.preprocessing import LabelEncoder\n", + "from tensorflow.keras.models import Sequential\n", + "from tensorflow.keras.layers import Dense\n", + "from tqdm import tqdm\n", + "from datasets import load_dataset\n", + "from collections import Counter" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "HI_joOxsc-l7" + }, + "source": [ + "These libraries will be crucial for various stages of the tutorial." + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "RPQyhOAyVM-X" + }, + "source": [ + "## Step 4: Load the Dataset\n", + "\n", + "\n", + "The provided code loads a Twitter sentiment analysis dataset named \"carblacac/twitter-sentiment-analysis\" using the Hugging Face datasets library.\n", + "You can explore the dataset at [Twitter sentiment analysis](https://huggingface.co/datasets/carblacac/twitter-sentiment-analysis)." + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/", + "height": 625, + "referenced_widgets": [ + "f720e5b0f068453895e8f931d83792bd", + "09adc94479c14590971e97b21b6a5d6e", + "93283eaea26547c891d16c64e20d3fb4", + "d36b419d21734f09b8667362c11536b4", + "ef1231caedd343a08a2b08e8f513a67f", + "49600a623e5a423b8299aa12527c172e", + "0eac091d915340a5948cf80aed896ef8", + "6898685d25ee4805b7fec0378365ffa0", + "f174f333e840477ba96c910213a81d0a", + "b79d7facd6d7485cb92dc4c053551e40", + "ddac597cb7134c098050fc68de47b478", + "ff9f1d437bac40b0aa93e4839069deb2", + "07078068134d4a11987f88bdf0b08f17", + "fc4458f874424781bbd52adc4f441a37", + "0925e66d052145bcb3480604f3da4cda", + "4f4ae616c7c343edada8b37ca4027125", + "b1b81a92053b4c3fa5c76caef02563b6", + "c4012bd1af3945f28f62c7c1307458e5", + "d04039432648443082f031df11d445c9", + "028b74f6c2fe4fd999507b3ed0f03f21", + "ece324a1271b46b98a8b6fd5ba384236", + "8471e543444f44f09e59b4fe964ed82e", + "ed79c826a7194b5a9942671d86e2379d", + "8194ea8f5b0a4c8cb5f999ec0c87a633", + "81b0c62b427040c0a085e7e63db46ac3", + "91799ab4c0864ba9a9a8dd54f73cf7a4", + "91598533cd7f48f5a708543bf5f3bab6", + "543c8cc6dd0f4ccd99e48c038543cd9f", + "debe32e761d34be1a2c30d801a2451be", + "d958d6f7c1284adeae233a13353ba3d0", + "49a44fb68bca4ea19a6ffcf794f3039a", + "e991a429e51d4980b1374992b1bd3fb3", + "6224481255304438bafa996d1981bd9b", + "822edeea9ecf4c16b9bcf7951eed3792", + "8e4c08035b694012922777750beb333e", + "0b19af29fefa46749ec3efa4af03bd85", + "4f6d03ac52c04d3f8da9b7796054b648", + "2c73ded880e14d7fbae4d3abc94262c2", + "92459ab6b11d47dba3db1fc162972efd", + "91a1b97822fc40eeb827c34fd15c74b6", + "de9ac409b2104355b33f3224a58d5d24", + "103a16e8a0cb4abeaff11b881ad45cd7", + "48a424c068e247b889628fe97265550a", + "cd33f15aee464f798cba807dce8440e9", + "a441f30832cc435c8bbe4176a4eb6397", + "38e802c8fcee4125815f972d7c7a0fff", + "cf58b80e62454c939e14a0cf451a0aa2", + "94dad8d2649c403dbb443c7e3d8b1097", + "6daf5ef868b847d397fb3924b1b74d35", + "95991639ef264d37a509f8bd9ecdf7c8", + "f7d58ab0578b49e39939c05192016146", + "9d0edf01c6574b6da5e2fd9ffc9146aa", + "935634cd3d1340d3986110539c3fcc76", + "2001d69064ec4b78be911fe41c06b468", + "074215c3ae704b939e205bc604a6339d", + "caf5cd41ecb44a50b80508f7cb6792f2", + "2ada78a1a43a42668dba150700b257ea", + "abdd89a240da41858e2eedbe80a3a084", + "7ed6cb7e905f43768e21ceb29c674215", + "e8aa467e689c47c5a52738dc8620d529", + "75560191f732426e8d48348d9519c1f0", + "bbae5295c7814f8aa8a83b6c7c4622f2", + "f73ecd74491647148a180a05c52e69b8", + "f312478e6d794daa9625836628caf03f", + "0cc7dfd0ff934b649b76b3917602f1be", + "afd3066953514cd59f31e15e4d2915e7", + "a652e69a7c0044f190068adae92d4461", + "146c22e8c0654103944d314f183beac1", + "9384d6d22f3643219151ad248a0d2fc7", + "5780154511334024bedf4323a4c87227", + "f6d52c07e696497c9744d30e48c4f8ba", + "848fb54cd20347f8b61579415190dd92", + "9e5e85f4d62b4a699c28f7cf5567dd46", + "017322c8e90b48ae9164efe2569c2727", + "9658ed7253c940548fb40a4b320ac1b4", + "390e468c3044442aacca917d23d5709d", + "eb1a99d40b2b426a80884f1577f18948", + "489f5cfe7b244bdd85122db470ad7d2a", + "0799153be5ac4d209c20817dfd187cf8", + "7188ef2547fb49a79f044755eda0e7ca", + "70b549e449864f4795d7fca0ceb21b3a", + "458ec4577122485dae1acbf046fb6701", + "c6bf49b2298c4d9eb9035fb860b539e7", + "eff0a998e46046fe8cbeed279d4956c3", + "a2956bc417f8442a93ace1630b4f6c5c", + "1e3ece313db34ed89f7c97bda5d94136", + "26215544657644888e95c477b5875804", + "a2c144716157471f86cff341ec3a188e", + "55130e2f028e4711a48477b69601295d", + "93cb42215da44d2ba4213b835d252eab", + "94d0bf4b5dce4ec8b33600c8b3472630", + "c55c9f7cf12b40a4bf753945ddd96f05", + "1fa1643b342b485d9b6697d7cefeddac", + "dd417a969ac849baa6929d18ada5d1c9", + "dfdcf8520708413da2dc151f41c193c0", + "c0fb53db671b4d26ac06c6c3c9933b15", + "0da9f1a610f244249d7dbe73df3ac5ee", + "0169f1f662334c438b88fcdadfbcbfd4", + "ba97193bfa6442bb929be164fc9a7463", + "36bd99d5f08c4fdabada7157edff32ea", + "5c9e7ebc6e5d41bab8328e93513913ad", + "f2b117616f3b4eedb96986bab63a6692", + "91e0f48982364466a14fbd0c5364d336", + "28514f23fe78478faf8d4ee54c03f573", + "adb329d31dc94bbb9447099ee12802a4", + "e46269bca9ac4f289ae58b63a9b50c05", + "727e09b03a2841fab93af2ccdc800619", + "b240fb02e8184aa58d1eba709b1991bc", + "1e467554461f4cc2ae842712b59feea8", + "28848374ffd84ecd869acd909f966885", + "6970e3f5318c425bb682a11fe2710eb8", + "93cd1a99f280417fa21c10147d3086a2", + "88c000f55dbb48129f1d719207084ddb", + "f4eda86e937a4a548024f662723e37a3", + "199692beb0204413b8e3212ea7a3a030", + "bdb1639f2264475c96a6665fd0a16fdf", + "87007da808364f3a8f464fed05c92a0d", + "e932af18b3734c50b3d7d12972408a8d", + "9e9516808b2e406c9e1010f23d5b26c0", + "70f0780e3ac143eaa5793bd75b1dd0d4", + "62c52ca8fa1147c594cfc1b0e891992f", + "40f69f00418b4f3e90061376bac624d5", + "dc0da9cdfd2e41998f4e2f3a04dfc658", + "a4493afa196e4888aa1d1b2b06a181a0", + "c25e4db8dbbc4aef980fa2463678306f", + "2a432c2f7e4b44c2926fc6a5460c27ed", + "c7d932f531e0499ab8318f32834dae51", + "a50c23d78cc445879300f98af0ac69ae", + "8774f73644024974a3116309684f0c7c", + "85d4eb30714f4d66b1fe1f77887554ca", + "7d8e46bd108d41adae04baa12963bb56", + "5d5a7becafcb45808dfe65cb660e6827", + "27ce5829e05149a39ea9afd2e6f0fc98", + "aae06c7d529c418b9841a348bc444d3a", + "52a4fd97b2094096a0a23d8bb097a686", + "1ce195a3a1354811945728f81568da2a", + "e0f1add308c74732b8e488e2057becf4", + "6f1ca069baf04a5da2861661dadbc662", + "8af4d1f70cd944ddadf8ea36ac38c58e", + "400f27da06e749d5be0a61accaf43a0c", + "3f813851ad10411ab48f26e765dc9cff", + "2908cee0b3524c82a262c0d5b78fddfb", + "35710d549e274f58abd02c54be72c6c2", + "46e5647a158d4d83a89a08991191bcbb", + "1dff1987bcc64508b236a2a5bf9cec2a", + "70f57872c19447aa9b0d2d9e5bcf0570", + "461c8ba97e25462189b95f238a27044e", + "f7985d5de72648c2a4334b89ee603f7c", + "43da3b6e0120420bacc56bb081c560ec", + "031f9bd8994f498db14409e4e7f1cf03", + "6c4658d876b44a84b360d061bb68ed66", + "439aa1daa2424e49a07ec12ed29ac351", + "88dd9b1409f04bfc9993bcd0244777fe", + "c979b3835a7b49ae8ab8947cf13707d5", + "0bccff746d854f2cba07592a9f1259f5", + "c59fec8321c64cb98488e70f9ef78740", + "5a7ea78609464fb0b4b6c1e4a3597613", + "269568a9089f40ccb9a0c62efb6c3770", + "1ee4b4a1f0014f60b88656f97f31dd51", + "65eeb8ee0eeb4127a0d5bd27e2aee5b7", + "4a8a0369a02d45b0ba6b3714180da358", + "303510fad09b4534aed23aa783256b89", + "35377e401e344f27b3f86567e03b8665", + "3c13ee6ac4364612bc17ef3ffd6b3429", + "fc4f53f70e3446a1b93a144879dd8c2d", + "495a8f52054743509e151806da0abbfa", + "8c22504ccaee4cbf9bdfef0c120590b2", + "df38d84cc6ae40788c0f164cc251f185", + "cc4803dc285b471685e754d1e442c6fd", + "e875464290684953b527904557f3528e", + "9bb3360a875543ae82ee5480acac4796", + "2a7dda9c5aac4087951f16e5b5ac96b7", + "f578471ef71447758cfd82bd8bdc99e0", + "ebc67fdc3a434f4f8a52e12faa935dea", + "e138aec3fffe40fc8855ff43e8bdc96e", + "06a0f93bdfcb4b6d9f2bd0488565c650", + "271cfea7b9a4422ba78ad0513d8091e9", + "7ec9e74bff04481da80fe3370e876420", + "5bd26ff88cf248d4aabe2fcf5446cd5c", + "adf9c6b09bd54777996a1f9673d7f694", + "6e9fdbd4fd544b15a04dd0729aedcaae", + "6581c29cdfb04ea59400f8061d796fe3", + "d115499e37a34b8690d6849494aa65ae", + "13826beae5f042db9b6d3e3f3807f85e", + "14c66c78bd1b4313b789a79ddb265a45", + "f02baf3f36754d8f87241f7184ffb75c", + "cda0be8a5d5847ca989c89fff99dac1f", + "3103d44d02bb45beb33588cf708ba811", + "58385a662e624c63b2d317b5b6840037", + "736c636e2b274ffeb9aac319d56a37a7", + "002e4045b9b44bfc84571412f0f11624", + "5969054c9cf34ed1a638a69bcbbb377a", + "c24af0f963b7460d9d38e3b09081f949", + "65055dbabf0440d1a6b0c0189553ffcf", + "c8b52ae553bb4745b0444e6476da535d", + "f7e102b56feb46c68f968056adaec751", + "2c7208b82d5c42adb83acc50af9e2a29", + "ed390a926cd14072bc95e2054d184541", + "2831a9ec119a495bbde153ee1eb37c66", + "e830bae8320b44a4bec4a8652e3d8472", + "f44ba78d0c29409bbd1e24134d5335da", + "0ba6d5b1963e4ec1a2a6bc72990bc5a3", + "b01e8fb3d39c4aa986da3ac2b0a16ec7", + "0411fc784d604202afbfbf43a915e467", + "3246b30f178c4fe9a256e6e326546cbd", + "e764d414a9db4f9bbb3bf42a5f8b780a", + "fca8c1d470cb49b08c8066676d70aed3", + "f01e1dee781d49939d3204cdfe991def", + "8badb18f053f407e83699688cc0c5999" + ] + }, + "id": "K0CKtslqNlQg", + "outputId": "b9e2ddd9-7fd5-4eec-fcc7-443b0d0b1b76" + }, + "outputs": [ + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "f720e5b0f068453895e8f931d83792bd", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + "Downloading builder script: 0%| | 0.00/4.38k [00:00" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plt.figure(figsize=(10, 6))\n", + "ax = data['feeling'].value_counts().plot(kind='bar', color=['red', 'blue'])\n", + "ax.set_title('Sentiment Distribution')\n", + "ax.set_xlabel('Sentiment')\n", + "ax.set_ylabel('Count')\n", + "\n", + "labels = ['Negative', 'Positive']\n", + "ax.set_xticks([0, 1])\n", + "ax.set_xticklabels(labels)\n", + "\n", + "plt.show()" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "xgpZZMfI5NWv" + }, + "source": [ + "## Step 7: Extract Sentiments and Texts from DataFrame\n", + "\n", + "Now, we'll extract sentiments and texts from the DataFrame." + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "fmkM4YiSVRym", + "outputId": "76d3d964-e92c-4c30-9d7e-d932bef37a5d" + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "119988\n", + "119988\n" + ] + } + ], + "source": [ + "sentiments = []\n", + "texts = []\n", + "\n", + "for index, row in data.iterrows():\n", + " sentiment = row['feeling']\n", + " sentiments.append(sentiment)\n", + "\n", + " text = row['text'].lower()\n", + " texts.append(text)\n", + "\n", + "print(len(sentiments))\n", + "print(len(texts))" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "OttHuyrLd5HR" + }, + "source": [ + "This step prepares the data by converting sentiments and texts into a suitable format for training.\n", + "\n" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "RYAKRFt_d87z" + }, + "source": [ + "## Step 8: Split the Dataset\n", + "\n", + "For model training and evaluation, we'll split the dataset into training and validation sets:" + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "GOUNpqmlfMV5", + "outputId": "3df5a74b-ab41-4656-cb9b-e9810bf27b97" + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Training set - Class distribution:\n", + "Class 0: 9595\n", + "Class 1: 9603\n", + "\n", + "Test set - Class distribution:\n", + "Class 0: 2399\n", + "Class 1: 2401\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "100%|██████████| 1.01M/1.01M [00:00<00:00, 15.3MB/s]\n", + "100%|██████████| 179M/179M [00:07<00:00, 25.3MB/s]\n", + "100%|██████████| 470k/470k [00:00<00:00, 8.13MB/s]\n" + ] + } + ], + "source": [ + "label_encoder = LabelEncoder()\n", + "encoded_sentiments = label_encoder.fit_transform(sentiments)\n", + "\n", + "# Split into training and temporary sets with stratification\n", + "X_train_temp, X_temp, y_train_temp, y_temp = train_test_split(\n", + " texts, encoded_sentiments,\n", + " test_size=0.2,\n", + " random_state=42,\n", + " stratify=encoded_sentiments\n", + ")\n", + "\n", + "# Split the temporary set into the final training and test sets with stratification\n", + "X_train, X_test, y_train, y_test = train_test_split(\n", + " X_temp, y_temp,\n", + " test_size=0.2,\n", + " random_state=42,\n", + " stratify=y_temp\n", + ")\n", + "\n", + "counter_train = Counter(y_train)\n", + "counter_test = Counter(y_test)\n", + "\n", + "print(\"Training set - Class distribution:\")\n", + "print(\"Class 0:\", counter_train[0])\n", + "print(\"Class 1:\", counter_train[1])\n", + "\n", + "print(\"\\nTest set - Class distribution:\")\n", + "print(\"Class 0:\", counter_test[0])\n", + "print(\"Class 1:\", counter_test[1])\n", + "\n", + "\n", + "# Initialize the LaserEncoder\n", + "encoder = LaserEncoderPipeline(lang=\"eng_Latn\")" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "x2vziPx6eSDs" + }, + "source": [ + "A good practice is to reserve a portion of the data for validation to assess the model's performance." + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "KKLdd5MO5hoE" + }, + "source": [ + "## Step 9: LASER Embeddings\n", + "\n", + "Now, let's leverage LASER embeddings to convert the text data into numerical representations:" + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "3yrXnFZWzTv3", + "outputId": "f4b0515e-f790-4184-daad-9fbb6955b247" + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Encoding training sentences:\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "100%|██████████| 19198/19198 [02:20<00:00, 136.17it/s]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Encoding testing sentences:\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "100%|██████████| 4800/4800 [00:36<00:00, 130.31it/s]\n" + ] + } + ], + "source": [ + "# Initialize empty arrays to store embeddings\n", + "X_train_embeddings = []\n", + "X_test_embeddings = []\n", + "\n", + "# Encode sentences line-wise using tqdm for progress visualization\n", + "print(\"Encoding training sentences:\")\n", + "for sentence in tqdm(X_train):\n", + " embeddings = encoder.encode_sentences([sentence])[0]\n", + " X_train_embeddings.append(embeddings)\n", + "\n", + "print(\"Encoding testing sentences:\")\n", + "for sentence in tqdm(X_test):\n", + " embeddings = encoder.encode_sentences([sentence])[0]\n", + " X_test_embeddings.append(embeddings)\n", + "\n", + "# Convert lists to numpy arrays\n", + "X_train_embeddings = np.array(X_train_embeddings)\n", + "X_test_embeddings = np.array(X_test_embeddings)" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "7HeCXoUvefhT" + }, + "source": [ + "## Step 10: Build and Train the RNN Model\n", + "\n", + "With the data ready, it's time to build and train our sentiment analysis model using a simple RNN architecture:" + ] + }, + { + "cell_type": "code", + "execution_count": 10, + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "7-7mYJsmWKVT", + "outputId": "148ade44-3d25-4772-dc24-c8eb5281ac89" + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Model: \"sequential\"\n", + "_________________________________________________________________\n", + " Layer (type) Output Shape Param # \n", + "=================================================================\n", + " dense (Dense) (None, 256) 262400 \n", + " \n", + " reshape (Reshape) (None, 1, 256) 0 \n", + " \n", + " simple_rnn (SimpleRNN) (None, 128) 49280 \n", + " \n", + " dense_1 (Dense) (None, 64) 8256 \n", + " \n", + " dropout (Dropout) (None, 64) 0 \n", + " \n", + " dense_2 (Dense) (None, 2) 130 \n", + " \n", + "=================================================================\n", + "Total params: 320066 (1.22 MB)\n", + "Trainable params: 320066 (1.22 MB)\n", + "Non-trainable params: 0 (0.00 Byte)\n", + "_________________________________________________________________\n", + "Epoch 1/30\n", + "540/540 [==============================] - 7s 8ms/step - loss: 0.6179 - accuracy: 0.6628 - val_loss: 0.5265 - val_accuracy: 0.7500 - lr: 1.0000e-04\n", + "Epoch 2/30\n", + "540/540 [==============================] - 3s 6ms/step - loss: 0.5190 - accuracy: 0.7532 - val_loss: 0.5023 - val_accuracy: 0.7656 - lr: 9.0000e-05\n", + "Epoch 3/30\n", + "540/540 [==============================] - 3s 5ms/step - loss: 0.4967 - accuracy: 0.7691 - val_loss: 0.4938 - val_accuracy: 0.7594 - lr: 8.1000e-05\n", + "Epoch 4/30\n", + "540/540 [==============================] - 3s 5ms/step - loss: 0.4844 - accuracy: 0.7708 - val_loss: 0.4806 - val_accuracy: 0.7760 - lr: 7.2900e-05\n", + "Epoch 5/30\n", + "540/540 [==============================] - 4s 7ms/step - loss: 0.4794 - accuracy: 0.7764 - val_loss: 0.4859 - val_accuracy: 0.7604 - lr: 6.5610e-05\n", + "Epoch 6/30\n", + "540/540 [==============================] - 3s 6ms/step - loss: 0.4743 - accuracy: 0.7798 - val_loss: 0.4776 - val_accuracy: 0.7719 - lr: 5.9049e-05\n", + "Epoch 7/30\n", + "540/540 [==============================] - 3s 5ms/step - loss: 0.4701 - accuracy: 0.7819 - val_loss: 0.4777 - val_accuracy: 0.7802 - lr: 5.3144e-05\n", + "Epoch 8/30\n", + "540/540 [==============================] - 3s 5ms/step - loss: 0.4676 - accuracy: 0.7812 - val_loss: 0.4732 - val_accuracy: 0.7786 - lr: 4.7830e-05\n", + "Epoch 9/30\n", + "540/540 [==============================] - 3s 6ms/step - loss: 0.4629 - accuracy: 0.7846 - val_loss: 0.4719 - val_accuracy: 0.7828 - lr: 4.3047e-05\n", + "Epoch 10/30\n", + "540/540 [==============================] - 4s 7ms/step - loss: 0.4611 - accuracy: 0.7833 - val_loss: 0.4730 - val_accuracy: 0.7766 - lr: 3.8742e-05\n", + "Epoch 11/30\n", + "540/540 [==============================] - 3s 6ms/step - loss: 0.4576 - accuracy: 0.7859 - val_loss: 0.4716 - val_accuracy: 0.7781 - lr: 3.4868e-05\n", + "Epoch 12/30\n", + "540/540 [==============================] - 3s 5ms/step - loss: 0.4555 - accuracy: 0.7895 - val_loss: 0.4710 - val_accuracy: 0.7833 - lr: 3.1381e-05\n", + "Epoch 13/30\n", + "540/540 [==============================] - 3s 6ms/step - loss: 0.4545 - accuracy: 0.7895 - val_loss: 0.4712 - val_accuracy: 0.7771 - lr: 2.8243e-05\n", + "Epoch 14/30\n", + "540/540 [==============================] - 4s 7ms/step - loss: 0.4530 - accuracy: 0.7905 - val_loss: 0.4702 - val_accuracy: 0.7786 - lr: 2.5419e-05\n", + "Epoch 15/30\n", + "540/540 [==============================] - 3s 5ms/step - loss: 0.4524 - accuracy: 0.7897 - val_loss: 0.4687 - val_accuracy: 0.7839 - lr: 2.2877e-05\n", + "Epoch 16/30\n", + "540/540 [==============================] - 3s 5ms/step - loss: 0.4518 - accuracy: 0.7900 - val_loss: 0.4693 - val_accuracy: 0.7807 - lr: 2.0589e-05\n", + "Epoch 17/30\n", + "540/540 [==============================] - 3s 5ms/step - loss: 0.4502 - accuracy: 0.7917 - val_loss: 0.4725 - val_accuracy: 0.7760 - lr: 1.8530e-05\n", + "Epoch 18/30\n", + "540/540 [==============================] - 4s 8ms/step - loss: 0.4483 - accuracy: 0.7927 - val_loss: 0.4688 - val_accuracy: 0.7812 - lr: 1.6677e-05\n", + "Epoch 19/30\n", + "540/540 [==============================] - 3s 5ms/step - loss: 0.4489 - accuracy: 0.7919 - val_loss: 0.4689 - val_accuracy: 0.7807 - lr: 1.5009e-05\n", + "Epoch 20/30\n", + "540/540 [==============================] - 3s 5ms/step - loss: 0.4495 - accuracy: 0.7925 - val_loss: 0.4690 - val_accuracy: 0.7807 - lr: 1.3509e-05\n", + "Epoch 21/30\n", + "540/540 [==============================] - 3s 5ms/step - loss: 0.4478 - accuracy: 0.7899 - val_loss: 0.4684 - val_accuracy: 0.7807 - lr: 1.2158e-05\n", + "Epoch 22/30\n", + "540/540 [==============================] - 4s 7ms/step - loss: 0.4471 - accuracy: 0.7926 - val_loss: 0.4697 - val_accuracy: 0.7776 - lr: 1.0942e-05\n", + "Epoch 23/30\n", + "540/540 [==============================] - 3s 6ms/step - loss: 0.4462 - accuracy: 0.7923 - val_loss: 0.4710 - val_accuracy: 0.7771 - lr: 9.8477e-06\n", + "Epoch 24/30\n", + "540/540 [==============================] - 3s 6ms/step - loss: 0.4465 - accuracy: 0.7918 - val_loss: 0.4694 - val_accuracy: 0.7786 - lr: 8.8629e-06\n", + "Epoch 25/30\n", + "540/540 [==============================] - 3s 5ms/step - loss: 0.4473 - accuracy: 0.7929 - val_loss: 0.4691 - val_accuracy: 0.7781 - lr: 7.9766e-06\n", + "Epoch 26/30\n", + "540/540 [==============================] - 3s 6ms/step - loss: 0.4455 - accuracy: 0.7939 - val_loss: 0.4685 - val_accuracy: 0.7792 - lr: 7.1790e-06\n", + "Epoch 27/30\n", + "540/540 [==============================] - 4s 6ms/step - loss: 0.4456 - accuracy: 0.7920 - val_loss: 0.4684 - val_accuracy: 0.7818 - lr: 6.4611e-06\n", + "Epoch 28/30\n", + "540/540 [==============================] - 3s 5ms/step - loss: 0.4452 - accuracy: 0.7914 - val_loss: 0.4682 - val_accuracy: 0.7828 - lr: 5.8150e-06\n", + "Epoch 29/30\n", + "540/540 [==============================] - 3s 5ms/step - loss: 0.4447 - accuracy: 0.7940 - val_loss: 0.4683 - val_accuracy: 0.7828 - lr: 5.2335e-06\n", + "Epoch 30/30\n", + "540/540 [==============================] - 3s 6ms/step - loss: 0.4456 - accuracy: 0.7939 - val_loss: 0.4687 - val_accuracy: 0.7797 - lr: 4.7101e-06\n" + ] + }, + { + "data": { + "text/plain": [ + "" + ] + }, + "execution_count": 10, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "# Sentiment Prediction with RNN Neural Network and Confusion Matrix\n", + "\n", + "from keras.models import Sequential\n", + "from keras.layers import Dense, SimpleRNN, Reshape, Dropout\n", + "from keras.optimizers import Adam\n", + "from keras.callbacks import LearningRateScheduler\n", + "from sklearn.metrics import confusion_matrix\n", + "import seaborn as sns\n", + "import matplotlib.pyplot as plt\n", + "import numpy as np\n", + "\n", + "# Build a neural network model with RNN\n", + "model = Sequential()\n", + "model.add(Dense(256, input_shape=(1024,), activation='tanh'))\n", + "model.add(Reshape((1, 256)))\n", + "model.add(SimpleRNN(128, activation='relu'))\n", + "model.add(Dense(64, activation='relu'))\n", + "model.add(Dropout(0.5)) # Adding dropout for regularization\n", + "model.add(Dense(2, activation='softmax'))\n", + "\n", + "# Use a learning rate scheduler\n", + "def lr_schedule(epoch):\n", + " return 0.0001 * 0.9 ** epoch\n", + "\n", + "opt = Adam(learning_rate=0.0001)\n", + "lr_scheduler = LearningRateScheduler(lr_schedule)\n", + "#\n", + "# Compile the model\n", + "model.compile(optimizer=opt, loss='sparse_categorical_crossentropy', metrics=['accuracy'])\n", + "\n", + "\n", + "# Print model summary to check the architecture\n", + "model.summary()\n", + "\n", + "# Train the model with the learning rate scheduler\n", + "model.fit(X_train_embeddings, y_train, epochs=30, batch_size=32, validation_split=0.1, callbacks=[lr_scheduler])" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "32_oRAmBejuj" + }, + "source": [ + "In this architecture, we employ a feedforward neural network with three dense layers, culminating in a softmax activation layer for sentiment classification." + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "WLFMDGLqfugC" + }, + "source": [ + "## Step 11: Evaluate the Model\n", + "Finally, let's evaluate the model's performance on the validation set and calculate the accuracy:" + ] + }, + { + "cell_type": "code", + "execution_count": 11, + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "Kx4_t2UjgALF", + "outputId": "2c65a96c-1bb0-46a5-c0d4-3fb34fbaae6b" + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "150/150 [==============================] - 0s 2ms/step - loss: 0.4879 - accuracy: 0.7581\n", + "Accuracy: 75.81%\n", + "150/150 [==============================] - 0s 2ms/step\n", + "Label 0: Precision = 0.75, Recall = 0.77\n", + "Label 1: Precision = 0.77, Recall = 0.74\n", + "\n", + "Classification Report:\n", + " precision recall f1-score support\n", + "\n", + " 0 0.75 0.77 0.76 2399\n", + " 1 0.77 0.74 0.75 2401\n", + "\n", + " accuracy 0.76 4800\n", + " macro avg 0.76 0.76 0.76 4800\n", + "weighted avg 0.76 0.76 0.76 4800\n", + "\n" + ] + } + ], + "source": [ + "from sklearn.metrics import accuracy_score, precision_score, recall_score, classification_report\n", + "\n", + "# Evaluate the model on the test set\n", + "accuracy = model.evaluate(X_test_embeddings, y_test)[1]\n", + "print(f\"Accuracy: {accuracy * 100:.2f}%\")\n", + "\n", + "# Predictions on the test set\n", + "y_pred_probabilities = model.predict(X_test_embeddings)\n", + "y_pred = np.argmax(y_pred_probabilities, axis=1)\n", + "\n", + "# Calculate precision and recall per label\n", + "precision_per_label = precision_score(y_test, y_pred, average=None)\n", + "recall_per_label = recall_score(y_test, y_pred, average=None)\n", + "\n", + "# Display precision and recall per label\n", + "for label, precision, recall in zip(range(len(precision_per_label)), precision_per_label, recall_per_label):\n", + " print(f\"Label {label}: Precision = {precision:.2f}, Recall = {recall:.2f}\")\n", + "\n", + "# Classification report\n", + "print(\"\\nClassification Report:\")\n", + "print(classification_report(y_test, y_pred))" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "xTwXSCUVfvVx" + }, + "source": [ + "This step provides insights into how well the model generalizes to new, unseen data." + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "E6mdIbjPgsne" + }, + "source": [ + "## Step 12:Evaluate with Confusion Matrix\n", + "\n", + "This matrix provides detailed insights into the model's predictions, showcasing true positives, true negatives, false positives, and false negatives." + ] + }, + { + "cell_type": "code", + "execution_count": 12, + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/", + "height": 564 + }, + "id": "kPY816C7gEOw", + "outputId": "d3034218-ab2c-45a6-b081-679bccffba94" + }, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAoUAAAIjCAYAAAB1bGEnAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMSwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy/bCgiHAAAACXBIWXMAAA9hAAAPYQGoP6dpAABa8klEQVR4nO3deXxMZ/vH8e8kkslGIiRia4K0iL081FJLG43SllZbrS3SolRRwVPaWttKl8dSy0OpvapaSm21VNEqtW9FbbW0JNaERsg25/eHn3k6kpCQyQz5vL3O62Xuuc8514wZuXLd97mPyTAMQwAAAMjXXBwdAAAAAByPpBAAAAAkhQAAACApBAAAgEgKAQAAIJJCAAAAiKQQAAAAIikEAACASAoBAAAgkkLgntS4cWM1btzY+vj48eMymUyaMWNGnsbRqVMnhYSE5Ok579Ts2bNVoUIFubm5yc/PL9ePP3ToUJlMplw/7r3KUZ9JAHeOpBD3pRkzZshkMsnDw0OnTp3K8Hzjxo1VuXJlB0SWvy1cuFBPPvmkihYtKnd3d5UoUUIvvviifvzxR7ue9/fff1enTp1Urlw5TZkyRZMnT7br+fKayWSSyWRS586dM33+nXfesfY5f/58jo+/fPlyDR069C6jBODsSApxX0tOTtaHH37o6DDsLjg4WFevXlWHDh0cHUqmDMNQVFSUnnvuOZ05c0bR0dGaNGmSevTooT/++EOPP/64Nm7caLfzr1u3ThaLRZ9++qk6deqkF198MdfP8e677+rq1au5ftzs8vDw0IIFC5SSkpLhublz58rDw+OOj718+XINGzYsR/s4+2cSQEYkhbivVa9eXVOmTNHp06ftdg7DMByaDEiyVkVdXV0dGkdWRo4cqRkzZujNN9/U9u3b9fbbb+uVV17RO++8o23btmnWrFkqUKCA3c5/9uxZSbLLsPENBQoUuKvE6241a9ZMly9f1vfff2/TvnHjRh07dkwtWrTIkzjS0tKUkpLi9J9JABmRFOK+9vbbbys9PT1b1cK0tDS99957KleunMxms0JCQvT2228rOTnZpl9ISIieeuoprVy5UrVq1ZKnp6c+++wzrVu3TiaTSV9//bWGDRumkiVLqmDBgnr++ed16dIlJScn680331RgYKB8fHwUFRWV4djTp0/XY489psDAQJnNZoWFhWnixIm3jf3m+Vs3Yslsu3kO4Pfff69HH31U3t7eKliwoFq0aKF9+/ZlOMeiRYtUuXJleXh4qHLlylq4cOFt45Kkq1evKiYmRhUqVNB//vOfTOfddejQQbVr17Y+/uOPP/TCCy/I399fXl5eeuSRR7Rs2TKbff75fn/wwQcqVaqUPDw89Pjjj+vIkSPWfiEhIRoyZIgkKSAgQCaTyToU+s+//1NISIg6depkfZyamqphw4bpwQcflIeHh4oUKaIGDRpo9erV1j6ZzSnM6Wdqw4YNql27tjw8PFS2bFnNmjXr1m/uP5QsWVINGzbUl19+adM+Z84cValSJdPpEj///LNeeOEFPfDAAzKbzSpdurT69Olj80tOp06dNGHCBOv7dWOT/ve5+89//qMxY8ZYX+f+/fszfCbPnj2rgIAANW7cWIZhWI9/5MgReXt7q02bNtl+rQDsw36/mgNOoEyZMurYsaOmTJmiAQMGqESJEln27dy5s2bOnKnnn39effv21ebNmxUTE6MDBw5kSIAOHjyol19+Wa+99pq6dOmi8uXLW5+LiYmRp6enBgwYoCNHjmjcuHFyc3OTi4uL4uPjNXToUP3666+aMWOGypQpo8GDB1v3nThxoipVqqRnnnlGBQoU0JIlS/T666/LYrGoR48e2X7dFStW1OzZs23aEhISFB0drcDAQGvb7NmzFRkZqYiICH300UdKSkrSxIkT1aBBA+3cudOaQK5atUqtW7dWWFiYYmJidOHCBUVFRalUqVK3jWXDhg26ePGi3nzzzWxVjc6cOaN69eopKSlJvXr1UpEiRTRz5kw988wzmj9/vp599lmb/h9++KFcXFzUr18/Xbp0SR9//LHatWunzZs3S5LGjBmjWbNmaeHChZo4caJ8fHxUtWrV28bxT0OHDlVMTIw6d+6s2rVr6/Lly9q2bZt27Nihpk2bZrlfTj5TR44c0fPPP69XX31VkZGRmjZtmjp16qSaNWuqUqVK2Yqzbdu26t27txITE+Xj46O0tDR98803io6O1rVr1zL0/+abb5SUlKTu3burSJEi2rJli8aNG6e//vpL33zzjSTptdde0+nTp7V69eoMn6kbpk+frmvXrqlr164ym83y9/eXxWKx6RMYGKiJEyfqhRde0Lhx49SrVy9ZLBZ16tRJBQsW1H//+99svUYAdmQA96Hp06cbkoytW7caR48eNQoUKGD06tXL+nyjRo2MSpUqWR/v2rXLkGR07tzZ5jj9+vUzJBk//vijtS04ONiQZKxYscKm79q1aw1JRuXKlY2UlBRr+8svv2yYTCbjySeftOlft25dIzg42KYtKSkpw2uJiIgwypYta9PWqFEjo1GjRtbHx44dMyQZ06dPz/T9sFgsxlNPPWX4+PgY+/btMwzDMP7++2/Dz8/P6NKli03fuLg4w9fX16a9evXqRvHixY2EhARr26pVqwxJGV7DzT799FNDkrFw4cJb9rvhzTffNCQZP//8s7Xt77//NsqUKWOEhIQY6enphmH87/2uWLGikZycnOF8e/futbYNGTLEkGScO3fO5lySjCFDhmSIITg42IiMjLQ+rlatmtGiRYtbxn3jHDfcyWfqp59+sradPXvWMJvNRt++fW953huvo0ePHsbFixcNd3d3Y/bs2YZhGMayZcsMk8lkHD9+PNP3ILPPW0xMjGEymYwTJ05Y23r06GFk9uPixueuUKFCxtmzZzN97ubP5Msvv2x4eXkZhw4dMj755BNDkrFo0aLbvkYA9sfwMe57ZcuWVYcOHTR58mTFxsZm2mf58uWSpOjoaJv2vn37SlKGocsyZcooIiIi02N17NhRbm5u1sd16tSRYRh65ZVXbPrVqVNHf/75p9LS0qxtnp6e1r9funRJ58+fV6NGjfTHH3/o0qVLt3upWXrvvfe0dOlSzZgxQ2FhYZKk1atXKyEhQS+//LLOnz9v3VxdXVWnTh2tXbtWkhQbG6tdu3YpMjJSvr6+1mM2bdrUeqxbuXz5siSpYMGC2Yp1+fLlql27tho0aGBt8/HxUdeuXXX8+HHt37/fpn9UVJTc3d2tjx999FFJ14egc4ufn5/27dunw4cPZ3ufnH6mwsLCrLFL14e6y5cvn6PXUbhwYTVr1kxz586VJH355ZeqV6+egoODM+3/z8/blStXdP78edWrV0+GYWjnzp3ZPm/r1q0VEBCQrb7jx4+Xr6+vnn/+eQ0aNEgdOnRQy5Yts30uAPZDUoh84d1331VaWlqWcwtPnDghFxcXhYaG2rQHBQXJz89PJ06csGkvU6ZMlud64IEHbB7fSKRKly6dod1isdgke7/88ovCw8Pl7e0tPz8/BQQE6O2335akO04KV6xYoWHDhmngwIFq3bq1tf1GgvPYY48pICDAZlu1apX14owbr/3BBx/McOx/DptnpVChQpKkv//+O1vxnjhxItPjVqxY0SaeG25+vwsXLixJio+Pz9b5smP48OFKSEjQQw89pCpVqqh///7as2fPLffJ6Wfq5tchXX8tOX0dbdu21erVq3Xy5EktWrRIbdu2zbLvyZMn1alTJ/n7+8vHx0cBAQFq1KiRpJx93m71fbiZv7+/xo4dqz179sjX11djx47N9r4A7Is5hcgXypYtq/bt22vy5MkaMGBAlv2yu/jwPyssN8tq3lxW7cb/T7o/evSoHn/8cVWoUEGjRo1S6dKl5e7uruXLl2v06NEZ5mhlx7Fjx9SuXTs1bdpU77//vs1zN443e/ZsBQUFZdg3t64GrlChgiRp7969atWqVa4c859u977eifT0dJvHDRs21NGjR/Xdd99p1apV+vzzzzV69GhNmjQpy7UBb8juZyq3Xsczzzwjs9msyMhIJScnZ7n8Tnp6upo2baqLFy/qrbfeUoUKFeTt7a1Tp06pU6dOOfq83er7kJmVK1dKup64//XXX3a9KhxA9pEUIt9499139cUXX+ijjz7K8FxwcLAsFosOHz5srUhJ1y96SEhIyHL4LTctWbJEycnJWrx4sU3V6MYwbk5dvXpVzz33nPz8/DR37ly5uNgODJQrV07S9QsAwsPDszzOjdee2dDpwYMHbxtHgwYNVLhwYc2dO1dvv/32bS82CQ4OzvS4v//+u008uaFw4cJKSEiwaUtJScl0moG/v7+ioqIUFRWlxMRENWzYUEOHDs0yKXTUZ8rT01OtWrXSF198YV0oPDN79+7VoUOHNHPmTHXs2NHa/s8rqm/IzTu1rFixQp9//rn+/e9/a86cOYqMjNTmzZvtuiQRgOxh+Bj5Rrly5dS+fXt99tlniouLs3muefPmkq5fqfpPo0aNkqQ8WePtRrL0z8rQpUuXNH369Ds6Xrdu3XTo0CEtXLjQOqT6TxERESpUqJBGjBih1NTUDM+fO3dOklS8eHFVr15dM2fOtBlSXL16dYb5fZnx8vLSW2+9pQMHDuitt97KtPL1xRdfaMuWLZKu/1ts2bJFmzZtsj5/5coVTZ48WSEhIdmax5hd5cqV008//WTTNnny5AyVwgsXLtg89vHxUWhoaIalZf7JkZ+pfv36aciQIRo0aFCWfTL7vBmGoU8//TRDX29vb0nKkEDnVEJCgvUK7hEjRujzzz/Xjh07NGLEiLs6LoDcwa9myFfeeecdzZ49WwcPHrRZ5qNatWqKjIzU5MmTlZCQoEaNGmnLli2aOXOmWrVqpSZNmtg9tieeeELu7u56+umn9dprrykxMVFTpkxRYGBglhfIZGXZsmWaNWuWWrdurT179tjMf/Px8VGrVq1UqFAhTZw4UR06dNDDDz+sl156SQEBATp58qSWLVum+vXra/z48ZKuL7PTokULNWjQQK+88oouXryocePGqVKlSkpMTLxtPP3799e+ffs0cuRIrV27Vs8//7yCgoIUFxenRYsWacuWLdY7mgwYMEBz587Vk08+qV69esnf318zZ87UsWPHtGDBggwVz7vRuXNndevWTa1bt1bTpk21e/durVy5MkN1LSwsTI0bN1bNmjXl7++vbdu2af78+XrjjTeyPLYjP1PVqlVTtWrVbtmnQoUKKleunPr166dTp06pUKFCWrBgQaZzGGvWrClJ6tWrlyIiIuTq6qqXXnopx3H17t1bFy5c0A8//CBXV1c1a9ZMnTt31vvvv6+WLVveNmYAduaw654BO/rnkjQ3i4yMNCTZLEljGIaRmppqDBs2zChTpozh5uZmlC5d2hg4cKBx7do1m37BwcGZLk9yY4mUb775JluxZLZEyOLFi42qVasaHh4eRkhIiPHRRx8Z06ZNMyQZx44ds/a73ZI0N86Z2XbzEjJr1641IiIiDF9fX8PDw8MoV66c0alTJ2Pbtm02/RYsWGBUrFjRMJvNRlhYmPHtt98akZGRt12S5p/mz59vPPHEE4a/v79RoEABo3jx4kabNm2MdevW2fQ7evSo8fzzzxt+fn6Gh4eHUbt2bWPp0qUZ4s7s/c5sKZSslqRJT0833nrrLaNo0aKGl5eXERERYRw5ciTDkjTvv/++Ubt2bcPPz8/w9PQ0KlSoYHzwwQc2Sw/dvCSNYdz9Z+rmf+es6P+XpLmVzN6D/fv3G+Hh4YaPj49RtGhRo0uXLsbu3bszvH9paWlGz549jYCAAMNkMllf5433+pNPPslwvpv/Hb777jtDkjFy5EibfpcvXzaCg4ONatWq2byfAPKeyTDuYjY2AAAA7gvMKQQAAABJIQAAAEgKAQAAIJJCAAAAiKQQAAAAIikEAACASAoBAACg+/SOJp41sr7LAJCfxW8d7+gQAKfjcV/+JERO2TN3uLrz3vi/l0ohAAAA7s9KIQAAQI6YqJORFAIAAJhMjo7A4UiLAQAAQKUQAACA4WMqhQAAABCVQgAAAOYUikohAAAARKUQAACAOYWiUggAAABRKQQAAGBOoUgKAQAAGD4Ww8cAAAAQlUIAAACGj0WlEAAAAKJSCAAAwJxCUSkEAACAqBQCAAAwp1BUCgEAACAqhQAAAMwpFEkhAAAAw8di+BgAAACiUggAAMDwsagUAgAAQFQKAQAAqBSKSiEAAABEpRAAAEBy4epjKoUAAACgUggAAMCcQpJCAAAAFq8Ww8cAAAAQlUIAAACGj0WlEAAAAKJSCAAAwJxCUSkEAACAqBQCAAAwp1BUCgEAACAqhQAAAMwpFEkhAAAAw8di+BgAAACiUggAAMDwsagUAgAAQFQKAQAAmFMoKoUAAAAQlUIAAADmFIpKIQAAAESlEAAAgDmFIikEAAAgKRTDxwAAABCVQgAAAC40EZVCAAAAiEohAAAAcwpFpRAAAACiUggAAMCcQlEpBAAAgKgUAgAAMKdQJIUAAAAMH4vhYwAAAKczYcIEhYSEyMPDQ3Xq1NGWLVuy7Nu4cWOZTKYMW4sWLXJ0TpJCAACQ72WWVOXWllPz5s1TdHS0hgwZoh07dqhatWqKiIjQ2bNnM+3/7bffKjY21rr99ttvcnV11QsvvJCj85IUAgAAOJFRo0apS5cuioqKUlhYmCZNmiQvLy9NmzYt0/7+/v4KCgqybqtXr5aXl1eOk0LmFAIAgHzvTip62ZWcnKzk5GSbNrPZLLPZnKFvSkqKtm/froEDB1rbXFxcFB4erk2bNmXrfFOnTtVLL70kb2/vHMVJpRAAAMCOYmJi5Ovra7PFxMRk2vf8+fNKT09XsWLFbNqLFSumuLi4255ry5Yt+u2339S5c+ccx0mlEAAAwI4XHw8cOFDR0dE2bZlVCXPD1KlTVaVKFdWuXTvH+5IUAgAA2FFWQ8WZKVq0qFxdXXXmzBmb9jNnzigoKOiW+165ckVfffWVhg8ffkdxMnwMAADyPWe5+tjd3V01a9bUmjVrrG0Wi0Vr1qxR3bp1b7nvN998o+TkZLVv3/6O3gMqhQAAIN+z54UmORUdHa3IyEjVqlVLtWvX1pgxY3TlyhVFRUVJkjp27KiSJUtmmJc4depUtWrVSkWKFLmj85IUAgAAOJE2bdro3LlzGjx4sOLi4lS9enWtWLHCevHJyZMn5eJiO9h78OBBbdiwQatWrbrj85oMwzDuKnIn5FnjDUeHADil+K3jHR0C4HQ8KI9AUqGXZtnt2Je/6mi3Y+cm5hQCAADAccPHly9fznbfQoUK2TESAACQ3znTnEJHcVhS6Ofnd9t/AMMwZDKZlJ6enkdRAQAA5E8OSwrXrl3rqFMDAADYolDouKSwUaNGjjo1AAAAbuJU11wlJSXp5MmTSklJsWmvWrWqgyICAAD5AXMKnSQpPHfunKKiovT9999n+jxzCgEAAOzLKZakefPNN5WQkKDNmzfL09NTK1as0MyZM/Xggw9q8eLFjg4PAADc55zlNneO5BSVwh9//FHfffedatWqJRcXFwUHB6tp06YqVKiQYmJi1KJFC0eHCAAA7mP3UvJmL05RKbxy5YoCAwMlSYULF9a5c+ckSVWqVNGOHTscGRoAAEC+4BRJYfny5XXw4EFJUrVq1fTZZ5/p1KlTmjRpkooXL+7g6AAAwP2O4WMnGT7u3bu3YmNjJUlDhgxRs2bNNGfOHLm7u2vGjBmODQ4AACAfcIqksH379ta/16xZUydOnNDvv/+uBx54QEWLFnVgZAAAIF+4dwp6duPw4ePU1FSVK1dOBw4csLZ5eXnp4YcfJiEEAADIIw6vFLq5uenatWuODgMAAORj99LcP3txeKVQknr06KGPPvpIaWlpjg4FAAAgX3J4pVCStm7dqjVr1mjVqlWqUqWKvL29bZ7/9ttvHRQZAADID6gUOklS6Ofnp9atWzs6DAAAkE+RFDpJUjh9+nRHh4Bseu3FhuoT+biKFSmkvYdOKfqjb7Rt34lM+66c0lsNaz2Yof37n3/Tc70mSZKu7hyf6b5vj16o0bPW5F7ggB199eUczZw+VefPn9ND5StowNuDVKVq1Uz7Lvjmay1ZvEhHjhyWJIWFVVLP3tE2/SdOGKcV3y9TXFyc3NzcFBZWSW/07qOqVavlyesBkD85xZzCxx57TAkJCRnaL1++rMceeyzvA0Kmnn/iYX3U91l98Nn3qtv2I+05dEqL/9tDAYV9Mu3/Ut8pCgkfaN0ebv2+0tLS9e3qndY+/3w+JHygug75QhaLRQvX7MqjVwXcnRXfL9d/Po7Ra6/30FffLFT58hXU/bVXdeHChUz7b9u6WU82b6HPp83S7DlfqVhQcXXv+orOnDlj7RMcHKKB7wzWgoVLNGP2lypRsqS6d3lFFy9ezKuXBeQ/Jjtu9wiTYRiGo4NwcXFRXFyc9VZ3N5w9e1YlS5ZUampqjo7nWeON3AwP/++nWf20fd8J9fnoG0nXS+1HVryniV+t13+mr77t/m+0baxB3VuoTNN3lHQtJdM+X4/qIh8vDzXvNi5XY8d18Vszr8zizrV76QVVqlxFb787WJJksVj0xOON9HLbDnq1S9fb7p+enq5H6/5LA98ZrKdbtsq0T2JiourXqanJU2eoziN1czN8SPJwijEzOFrgq1/b7dhnp75ot2PnJod+Ffbs2WP9+/79+xUXF2d9nJ6erhUrVqhkyZKOCA03cSvgqhoVS+uTaausbYZh6MfNB1W7aplsHSOyVT19s3JHlglhoH9BNWtQWV0Gz86VmAF7S01J0YH9+/Rql9esbS4uLnrkkXras3vnLfb8n2vXriotLU2FfH2zPMeCb+apYMGCeqh8+VyJG0BGzCl0cFJYvXp1630BMxsm9vT01Lhxt64YJScnKzk52abNsKTL5OKaq7Hmd0UL+6hAAVedvfi3TfvZC5dVPqTYbfevVSlYlR8soe7D5mTZp/3TdfR30jUt+nHX3YYL5In4hHilp6erSJEiNu1FihTRsWN/ZOsYY0b+RwGBgXqkbj2b9vXr1uqtftG6du2qigYEaNKUaSpc2D/XYgeAmzk0KTx27JgMw1DZsmW1ZcsWBQQEWJ9zd3dXYGCgXF1vndzFxMRo2LBhNm2uxf4lt+K17RIz7kxkq7rae+hUlhelSFLHlo9o3vfblJzCepXIH6ZOmawV3y/X1BmzZDabbZ77V+06+nrBIiUkxGvB/K/Vv++b+mLuNxkSUAC5g0qhgy80CQ4OVkhIiCwWi2rVqqXg4GDrVrx48dsmhJI0cOBAXbp0yWYrUKxmHkSfv5yPT1RaWroC/QvatAcWKaS4C5dvua+Xh7teiKipmYs2Zdmnfo1yKl8mSNMXbsyVeIG8UNivsFxdXTNcVHLhwoXb3qZz5vSpmj51siZNmaqHylfI8LyXl5ceCA5W1WrVNey9ESrgWkCLvp2fq/EDwD85xfTaWbNm3fL5jh07Zvmc2WzO8Bs2Q8e5LzUtXTsP/Kkmdcprybrrc0FNJpOa1H5Ik+b9dMt9n2taQ2b3Apq7fGuWfSJb1dX2/Se199CpXI0bsCc3d3dVDKukzb9u0mOPh0u6fqHJ5s2b9NLL7bPcb/rUKfp88iRNnDxVlSpXyda5LIZFKSmZz8cFcPeoFDpJUti7d2+bx6mpqUpKSpK7u7u8vLxumRQi74z94kdNGd5B2/ef1LbfjuuNtk3k5WnWrO9+lSR9/l4HnT57SYPHLbbZr1Orulqybo8uXrqS6XELenvouaY1NGDUQru/BiC3dYiM0qC331KlSpVVuUpVfTF7pq5evapWzz4nSXpn4L8VGFhMvfv0lSRN+3yy/jt+rD78eKRKlCip8+fOSbpeGfTy9lZSUpI+nzxJjZs8pqIBAUqIj9dXc+fo7JkzahrRzGGvE7jfkRQ6SVIYHx+foe3w4cPq3r27+vfv74CIkJn5q3aoaGEfDe7eQsWKFNSeg6fUsscE68UnpYP8ZbHYrnD0YHCg6j8cqhbdsl4K5YWImjLJpK9XbLNr/IA9NHuyueIvXtR/x4/V+fPnVL5CRf33s89V5P+Hj+NiY+Vi+t9MnW/mfaXU1FT17dPL5jjdXn9D3Xv0lKurq44d+0OLv1uohPh4+fn5qVLlKpo+a45CQzMuBg8AucUp1inMyrZt29S+fXv9/vvvOdqPdQqBzLFOIZAR6xRCkkp0+9Zuxz496Tm7HTs3OcUdTbJSoEABnT592tFhAAAA3Pec4vejxYtt56AZhqHY2FiNHz9e9evXd1BUAAAgv2BOoZMkha1atbJ5bDKZFBAQoMcee0wjR450TFAAAAD5iFMkhRaLxdEhAACAfIxKoZPNKUxJSdHBgweVlsYdLQAAAPKSUySFSUlJeuWVV+Tl5aVKlSrp5MmTkqSePXvqww8/dHB0AADgfmcymey23SucIikcOHCg9uzZo3Xr1snDw8PaHh4ernnz5jkwMgAAkC+Y7LjdI5xiTuGiRYs0b948PfLIIzYZdaVKlXT06FEHRgYAAJA/OEVSeO7cOQUGBmZov3Llyj1VdgUAAPcm8g0nGT6uVauWli1bZn184x/m888/V926dR0VFgAAQL7hFJXCESNG6Mknn9T+/fuVlpamTz/9VPv379fGjRu1fv16R4cHAADuc1QKnaRS2KBBA+3atUtpaWmqUqWKVq1apcDAQG3atEk1a9Z0dHgAAAD3PaeoFEpSuXLlNGXKFEeHAQAA8iEqhQ5OCl1cXG77j2AymVjMGgAAwM4cmhQuXLgwy+c2bdqksWPHcgs8AABgd1QKHZwUtmzZMkPbwYMHNWDAAC1ZskTt2rXT8OHDHRAZAADIV8gJneNCE0k6ffq0unTpoipVqigtLU27du3SzJkzFRwc7OjQAAAA7nsOv9Dk0qVLGjFihMaNG6fq1atrzZo1evTRRx0dFgAAyEcYPnZwUvjxxx/ro48+UlBQkObOnZvpcDIAAADsz2QYhuGok7u4uMjT01Ph4eFydXXNst+3336bo+N61njjbkMD7kvxW8c7OgTA6Xg4fMwMzqBc3+/tduyjI5+027Fzk0O/Ch07dqRcCwAA4AQcmhTOmDHDkacHAACQJFGjcqKrjwEAAOA4zKQAAAD5HtPZSAoBAAAYPhbDxwAAABCVQgAAAIaPRaUQAAAAolIIAADAnEJRKQQAAICoFAIAAMjFhVIhlUIAAABQKQQAAGBOIUkhAAAAS9KI4WMAAACISiEAAADDx6JSCAAAAFEpBAAAYE6hqBQCAABAVAoBAACoFIpKIQAAAESlEAAAgKuPRVIIAADA8LEYPgYAAIBICgEAAGQy2W+7ExMmTFBISIg8PDxUp04dbdmy5Zb9ExIS1KNHDxUvXlxms1kPPfSQli9fnqNzMnwMAADgRObNm6fo6GhNmjRJderU0ZgxYxQREaGDBw8qMDAwQ/+UlBQ1bdpUgYGBmj9/vkqWLKkTJ07Iz88vR+clKQQAAPmeM80pHDVqlLp06aKoqChJ0qRJk7Rs2TJNmzZNAwYMyNB/2rRpunjxojZu3Cg3NzdJUkhISI7Py/AxAACAHSUnJ+vy5cs2W3JycqZ9U1JStH37doWHh1vbXFxcFB4erk2bNmW6z+LFi1W3bl316NFDxYoVU+XKlTVixAilp6fnKE6SQgAAkO/Zc05hTEyMfH19bbaYmJhM4zh//rzS09NVrFgxm/ZixYopLi4u033++OMPzZ8/X+np6Vq+fLkGDRqkkSNH6v3338/Re8DwMQAAgB0NHDhQ0dHRNm1msznXjm+xWBQYGKjJkyfL1dVVNWvW1KlTp/TJJ59oyJAh2T4OSSEAAMj37Dmn0Gw2ZzsJLFq0qFxdXXXmzBmb9jNnzigoKCjTfYoXLy43Nze5urpa2ypWrKi4uDilpKTI3d09W+dm+BgAAMBJuLu7q2bNmlqzZo21zWKxaM2aNapbt26m+9SvX19HjhyRxWKxth06dEjFixfPdkIokRQCAAA41TqF0dHRmjJlimbOnKkDBw6oe/fuunLlivVq5I4dO2rgwIHW/t27d9fFixfVu3dvHTp0SMuWLdOIESPUo0ePHJ2X4WMAAJDvOdOSNG3atNG5c+c0ePBgxcXFqXr16lqxYoX14pOTJ0/KxeV/db3SpUtr5cqV6tOnj6pWraqSJUuqd+/eeuutt3J0XpNhGEauvhIn4FnjDUeHADil+K3jHR0C4HQ8KI9AUp2Y9XY79uaBjex27NzEVwEAAOR7TlQodBjmFAIAAIBKIQAAgDPNKXQUKoUAAACgUggAAEChkEohAAAARKUQAACAOYUiKQQAAGD4WAwfAwAAQFQKAQAAGD4WlUIAAACISiEAAACVQlEpBAAAgKgUAgAAcPWxqBQCAABAVAoBAACYUyiSQgAAAIaPxfAxAAAARKUQAACA4WNRKQQAAICoFAIAADCnUFQKAQAAICqFAAAAcqFUSKUQAAAAVAoBAACYUyiSQgAAAJakEcPHAAAAEJVCAAAAuVAopFIIAAAAKoUAAADMKRSVQgAAAIhKIQAAAEvS6D5NCv/aMMbRIQBOqfDjwx0dAuB0rq4f7OgQAKdwXyaFAAAAOWESpUKSQgAAkO+xJA0XmgAAAEBUCgEAAFiSRlQKAQAAICqFAAAALEkjKoUAAAAQlUIAAAC5UCqkUggAAAAqhQAAAMwpFEkhAAAAS9Iom0nhnj17sn3AqlWr3nEwAAAAcIxsJYXVq1eXyWSSYRiZPn/jOZPJpPT09FwNEAAAwN4oFGYzKTx27Ji94wAAAIADZSspDA4OtnccAAAADsOSNHe4JM3s2bNVv359lShRQidOnJAkjRkzRt99912uBgcAAIC8keOkcOLEiYqOjlbz5s2VkJBgnUPo5+enMWPG5HZ8AAAAdmey43avyHFSOG7cOE2ZMkXvvPOOXF1dre21atXS3r17czU4AAAA5I0cr1N47Ngx1ahRI0O72WzWlStXciUoAACAvMQ6hXdQKSxTpox27dqVoX3FihWqWLFibsQEAACQp1xM9tvuFTmuFEZHR6tHjx66du2aDMPQli1bNHfuXMXExOjzzz+3R4wAAACwsxwnhZ07d5anp6feffddJSUlqW3btipRooQ+/fRTvfTSS/aIEQAAwK4YPr7Dex+3a9dO7dq1U1JSkhITExUYGJjbcQEAACAP3VFSKElnz57VwYMHJV3PrgMCAnItKAAAgLxEofAOLjT5+++/1aFDB5UoUUKNGjVSo0aNVKJECbVv316XLl2yR4wAAACwsxwnhZ07d9bmzZu1bNkyJSQkKCEhQUuXLtW2bdv02muv2SNGAAAAuzKZTHbb7hU5Hj5eunSpVq5cqQYNGljbIiIiNGXKFDVr1ixXgwMAAEDeyHFSWKRIEfn6+mZo9/X1VeHChXMlKAAAgLx0L60naC85Hj5+9913FR0drbi4OGtbXFyc+vfvr0GDBuVqcAAAAHmB4eNsVgpr1Khh86IOHz6sBx54QA888IAk6eTJkzKbzTp37hzzCgEAAO5B2UoKW7VqZecwAAAAHOfeqefZT7aSwiFDhtg7DgAAADjQHS9eDQAAcL9wuYfm/tlLjpPC9PR0jR49Wl9//bVOnjyplJQUm+cvXryYa8EBAAAgb+T46uNhw4Zp1KhRatOmjS5duqTo6Gg999xzcnFx0dChQ+0QIgAAgH2ZTPbb7hU5TgrnzJmjKVOmqG/fvipQoIBefvllff755xo8eLB+/fVXe8QIAAAAO8txUhgXF6cqVapIknx8fKz3O37qqae0bNmy3I0OAAAgD7BO4R0khaVKlVJsbKwkqVy5clq1apUkaevWrTKbzbkbHQAAAPJEjpPCZ599VmvWrJEk9ezZU4MGDdKDDz6ojh076pVXXsn1AAEAAOyNOYV3cPXxhx9+aP17mzZtFBwcrI0bN+rBBx/U008/navBAQAA5AWWpLmDSuHNHnnkEUVHR6tOnToaMWJEbsQEAACAPHbXSeENsbGxGjRoUG4dDgAAIM842/DxhAkTFBISIg8PD9WpU0dbtmzJsu+MGTMyXNzi4eGR43PmWlIIAACAuzdv3jxFR0dryJAh2rFjh6pVq6aIiAidPXs2y30KFSqk2NhY63bixIkcn5ekEAAA5HvOtCTNqFGj1KVLF0VFRSksLEyTJk2Sl5eXpk2bdsv4g4KCrFuxYsVyfF6SQgAAADtKTk7W5cuXbbbk5ORM+6akpGj79u0KDw+3trm4uCg8PFybNm3K8hyJiYkKDg5W6dKl1bJlS+3bty/HcWb76uPo6OhbPn/u3LkcnxwAAMAZ2LNKFhMTo2HDhtm0DRkyJNPbA58/f17p6ekZKn3FihXT77//nunxy5cvr2nTpqlq1aq6dOmS/vOf/6hevXrat2+fSpUqle04s50U7ty587Z9GjZsmO0TAwAA5AcDBw7MUFzLzRt+1K1bV3Xr1rU+rlevnipWrKjPPvtM7733XraPk+2kcO3atTmLEAAA4B5hz9vRmc3mbCeBRYsWlaurq86cOWPTfubMGQUFBWXrGG5ubqpRo4aOHDmSoziZUwgAAPI9F5P9tpxwd3dXzZo1rXePkySLxaI1a9bYVANvJT09XXv37lXx4sVzdO4c39EEAAAA9hMdHa3IyEjVqlVLtWvX1pgxY3TlyhVFRUVJkjp27KiSJUsqJiZGkjR8+HA98sgjCg0NVUJCgj755BOdOHFCnTt3ztF5SQoBAEC+l9OKnj21adNG586d0+DBgxUXF6fq1atrxYoV1otPTp48KReX/w32xsfHq0uXLoqLi1PhwoVVs2ZNbdy4UWFhYTk6r8kwDCNXX4kTuHAlzdEhAE6pVHNuRQnc7Or6wY4OAU4genHmV/bmhlHPVLDbsXMTlUIAAJDv2fNCk3vFHV1o8vPPP6t9+/aqW7euTp06JUmaPXu2NmzYkKvBAQAAIG/kOClcsGCBIiIi5OnpqZ07d1pX5L506ZJGjGBoCgAA3Huc5epjR8pxUvj+++9r0qRJmjJlitzc3Kzt9evX144dO3I1OAAAAOSNHM8pPHjwYKZ3LvH19VVCQkJuxAQAAJCnmFJ4B5XCoKCgTFfI3rBhg8qWLZsrQQEAAOQlF5PJbtu9IsdJYZcuXdS7d29t3rxZJpNJp0+f1pw5c9SvXz91797dHjECAADAznI8fDxgwABZLBY9/vjjSkpKUsOGDWU2m9WvXz/17NnTHjECAADYFff9vYOk0GQy6Z133lH//v115MgRJSYmKiwsTD4+PvaIDwAAAHngjhevdnd3z/HtUwAAAJzRPTT1z25ynBQ2adLklqt+//jjj3cVEAAAAPJejpPC6tWr2zxOTU3Vrl279NtvvykyMjK34gIAAMgz99JVwvaS46Rw9OjRmbYPHTpUiYmJdx0QAAAA8l6uXWzTvn17TZs2LbcOBwAAkGdMJvtt94o7vtDkZps2bZKHh0duHQ4AACDP3Ev3KLaXHCeFzz33nM1jwzAUGxurbdu2adCgQbkWGAAAAPJOjpNCX19fm8cuLi4qX768hg8frieeeOKOA/n555/12Wef6ejRo5o/f75Kliyp2bNnq0yZMmrQoMEdHxcAAOB2uNAkh0lhenq6oqKiVKVKFRUuXDjXgliwYIE6dOigdu3aaefOnUpOTpYkXbp0SSNGjNDy5ctz7VwAAADIKEcXmri6uuqJJ55QQkJCrgbx/vvva9KkSZoyZYrc3Nys7fXr19eOHTty9VwAAAA340KTO7j6uHLlyvrjjz9yNYiDBw+qYcOGGdp9fX1zPQEFAABARjlOCt9//33169dPS5cuVWxsrC5fvmyz3YmgoCAdOXIkQ/uGDRtUtmzZOzomAABAdrmY7LfdK7I9p3D48OHq27evmjdvLkl65plnbG53ZxiGTCaT0tPTcxxEly5d1Lt3b02bNk0mk0mnT5/Wpk2b1K9fP65oBgAAyAPZTgqHDRumbt26ae3atbkexIABA2SxWPT4448rKSlJDRs2lNlsVr9+/dSzZ89cPx8AAMA/mXQPlfTsJNtJoWEYkqRGjRrlehAmk0nvvPOO+vfvryNHjigxMVFhYWHy8fHJ9XMBAADc7F4a5rWXHM0pNNnpEpovvvhCSUlJcnd3V1hYmGrXrk1CCAAAkIdylBQ+9NBD8vf3v+V2J/r06aPAwEC1bdtWy5cvv6N5iQAAAHeKC01yuHj1sGHDMtzRJDfExsZqxYoVmjt3rl588UV5eXnphRdeULt27VSvXr1cPx8AAABs5SgpfOmllxQYGJj7QRQooKeeekpPPfWUkpKStHDhQn355Zdq0qSJSpUqpaNHj+b6OQEAAG6w1xS5e0m2k8K8erO8vLwUERGh+Ph4nThxQgcOHMiT8wIAAORnOb762F5uVAjnzJmjNWvWqHTp0nr55Zc1f/58u54XAADgXpr7Zy/ZTgotFovdgnjppZe0dOlSeXl56cUXX9SgQYNUt25du50PAAAAtnI0p9BeXF1d9fXXXysiIkKurq6ODgcAAOQzTCl0kqRwzpw5jg4BAADkYy5khY5LCseOHauuXbvKw8NDY8eOvWXfXr165VFUAAAA+ZPDksLRo0erXbt28vDw0OjRo7PsZzKZSAqdyIJ5X2rOrOm6eOG8Qh8qr+h/v62wylUz7fvdt99oxdLF+uPoEUlS+Yph6vZG7wz9j/9xVP8dO0o7d2xTelq6QsqW1YhPxiioeAm7vx4gN7zWqpb6vFRPxfx9tPfoGUV/+r22/X46074rx3RUwxohGdq/33RYzw2Ym6F9bHRzdWlZS/3HrdT4+ZtzO3QA/48LTRyYFB47dizTv8N5/bDye40d9bH6vz1ElapU0bw5s9Wnx2uau3Cp/P2LZOi/c/tWhTdrrirVqsvd3awvZkzVm6931Zz53ykgsJgk6a8/T6rbqx30dMvn9Gq3N+Tt7a1jfxyRu9mc1y8PuCPPNwnTRz2eUM9Ry7R1/ym98UIdLf5PO1VrP0HnEpIy9H9p0Ndyd/vf3Gn/Ql7aMvU1fbtuf4a+zzxaXrXDSun0uct2fQ0AIOXwNnf2Mnz4cCUlZfzP8+rVqxo+fLgDIkJmvpozU888+7yeavmsypQN1b/fGSKzh4eWfvdtpv2HfvCxWr/4sh4qX1EhZcpq4ODhshgWbdvyq7XPZxPGqm79hurxZj+Vr1BRpUo/oEcbPZZpkgk4o14v1tX0pTs0+/vd+v3EefUcuUxXr6UqsnmNTPvH/31NZy5esW6P1yqrpOTUDElhiaIFNarXk4p6f6FS0+y3+gOA60wm+233CqdICocNG6bExMQM7UlJSRo2bJgDIsLNUlNTdPDAftWq87+lglxcXPSvOo/otz27s3WMa9euKS0tTYUKXb9VosVi0aYN6/VAcLDefL2Lmj/+qDp3fEnr166xy2sAcptbARfVeKi4ftz+v9EOw5B+3H5MtSuVytYxIltU1zc//qaka6nWNpNJmvpOK43+aqMOHD+X63EDQGacIik0DCPTO6bs3r1b/v7+t9w3OTlZly9fttmSk5PtFWq+lZCQoPT09AwVPH//Irp44Xy2jvHfsSNVNCDQmljGX7ygpKQkzZ4+VY/Ua6Ax/52shk0e19v9emvn9q25/hqA3FbU10sFCrjobPwVm/az8VcU5O9z2/1rVSihymWLacbSnTbtfdvWV1q6RRMWbMnVeAFkzUUmu233CocuSVO4cGGZTCaZTCY99NBDNolhenq6EhMT1a1bt1seIyYmJkM1sf/AQXrrncF2iRl3Ztb0Kfph5feaMHmGzP8/X9Dy/3fJebRxE73UPlKS9FD5ivpt9y4tnD9PNWr+y2HxAnkhskUN7T16xuailBoPFVeP1nVUr8tkB0YGID9yaFI4ZswYGYahV155RcOGDZOvr6/1OXd3d4WEhNz2ziYDBw5UdHS0TVtiGgtg5zY/Pz+5urrq4sULNu0XL16Qf5Git9z3y1nT9cX0qfp00ucKfai87TELFFBI2XI2/YPLlNWeXTtyL3jATs5fSlJamkWBhb1t2gMLeyvuYsYpMf/k5eGmFx6rpPemrbNpr1/1AQUW9tahr9+0thUo4KIPX2+qN56vowov3XoJLwB35l6a+2cvDk0KIyOvV4fKlCmjevXqyc3NLcfHMJvN1srTDalX0nIlPvyPm5u7ylcM0/Ytv6pRk8clXZ8TuG3LZrVu83KW+30xY6pmTpus0eMnq2JY5QzHrBhWWSePH7dp//PkCZajwT0hNc2inYdi1aRmGS3ZcFDS9R8sTR4uo0kLbz0F4rnGYTK7FdDc1Xtt2r9ctUc/bv/Dpm3JJ+305aq9mvX9rlyNH8D/sCSNA5PCy5cvq1ChQpKkGjVq6OrVq7p69WqmfW/0g2O91C5S7w95WxXCKimsUhXN+3K2rl29qqeeeVaSNHzQQAUEBqp7zz6SpNkzPtfnE8dr6IiPVbxECV04f33CvKeXl7y8rldW2nWM0qABfVX94ZqqWau2ft24Qb/8tE7jJ093zIsEcmjs15s0ZWArbf/9tLb9flpvPF9HXp5u1gTu87db6vS5vzV4yo82+3VqUUNLNvyui5dt/9+7ePlqhrbUNIvOXEzU4T9tK/UAkJsclhQWLlxYsbGxCgwMlJ+fX6YXmty4ACU9Pd0BEeJm4RFPKiH+oqZMHK+LF87rwfIVNGr8Z9bh4zNxsXL5x69aC7+Zp9TUVL3Tv4/NcV7p+ro6d+shSWr0WLj+/fYQzZo+RaM/iVFwcIg++GSMqtWomXcvDLgL89fuV1E/bw1+pbGK+ftoz5Ezatn/S+vFJ6UDfWWxGDb7PFi6iOpXfUAt+n7hiJABZILb3EkmwzCM23fLfevXr1f9+vVVoEABrV+//pZ9GzVqlKNjX2D4GMhUqeYjHB0C4HSurufCREiTfz1ht2N3fSTYbsfOTQ6rFP4z0ctp0gcAAJCbKBQ6yTqFK1as0IYNG6yPJ0yYoOrVq6tt27aKj493YGQAAAD5g1Mkhf3799fly9fv7bl3715FR0erefPmOnbsWIblZgAAAHKbi8lkt+1e4dAlaW44duyYwsLCJEkLFizQ008/rREjRmjHjh1q3ry5g6MDAAC4/zlFpdDd3V1JSUmSpB9++EFPPPGEJMnf399aQQQAALAXk8l+273CKSqFDRo0UHR0tOrXr68tW7Zo3rx5kqRDhw6pVKns3VQeAADgTjlFlczBnOI9GD9+vAoUKKD58+dr4sSJKlmypCTp+++/V7NmzRwcHQAAwP3PKSqFDzzwgJYuXZqhffTo0Q6IBgAA5DeZ3UQjv3GKpFCS0tPTtWjRIh04cECSVKlSJT3zzDNydXV1cGQAAAD3P6dICo8cOaLmzZvr1KlTKl++vCQpJiZGpUuX1rJly1SuXDkHRwgAAO5n1AmdZE5hr169VK5cOf3555/asWOHduzYoZMnT6pMmTLq1auXo8MDAAC47zlFpXD9+vX69ddf5e/vb20rUqSIPvzwQ9WvX9+BkQEAgPzgXlpk2l6colJoNpv1999/Z2hPTEyUu7u7AyICAADIX5wiKXzqqafUtWtXbd68WYZhyDAM/frrr+rWrZueeeYZR4cHAADucyY7bvcKp0gKx44dq9DQUNWrV08eHh7y8PBQ/fr1FRoaqk8//dTR4QEAgPscdzRx8JxCi8WiTz75RIsXL1ZKSopatWqlyMhImUwmVaxYUaGhoY4MDwAAIN9waFL4wQcfaOjQoQoPD5enp6eWL18uX19fTZs2zZFhAQCAfIbFqx08fDxr1iz997//1cqVK7Vo0SItWbJEc+bMkcVicWRYAAAA+Y5Dk8KTJ0+qefPm1sfh4eEymUw6ffq0A6MCAAD5jYsdt3uFQ2NNS0uTh4eHTZubm5tSU1MdFBEAAED+5NA5hYZhqFOnTjKbzda2a9euqVu3bvL29ra2ffvtt44IDwAA5BPMKXRwUhgZGZmhrX379g6IBAAAIH9zaFI4ffp0R54eAABA0r21yLS93EvzHwEAAGAnDq0UAgAAOAPmFJIUAgAAMHQq3gMAAACISiEAAADDx6JSCAAA4HQmTJigkJAQeXh4qE6dOtqyZUu29vvqq69kMpnUqlWrHJ+TpBAAAOR7JjtuOTVv3jxFR0dryJAh2rFjh6pVq6aIiAidPXv2lvsdP35c/fr106OPPnoHZyUpBAAAcCqjRo1Sly5dFBUVpbCwME2aNEleXl6aNm1alvukp6erXbt2GjZsmMqWLXtH5yUpBAAA+Z7JZL8tOTlZly9fttmSk5MzjSMlJUXbt29XeHi4tc3FxUXh4eHatGlTlvEPHz5cgYGBevXVV+/4PSApBAAAsKOYmBj5+vrabDExMZn2PX/+vNLT01WsWDGb9mLFiikuLi7TfTZs2KCpU6dqypQpdxUnVx8DAIB8z8WON7obOHCgoqOjbdrMZnOuHPvvv/9Whw4dNGXKFBUtWvSujkVSCAAA8j17rkhjNpuznQQWLVpUrq6uOnPmjE37mTNnFBQUlKH/0aNHdfz4cT399NPWNovFIkkqUKCADh48qHLlymXr3AwfAwAAOAl3d3fVrFlTa9assbZZLBatWbNGdevWzdC/QoUK2rt3r3bt2mXdnnnmGTVp0kS7du1S6dKls31uKoUAACDfM9lx+DinoqOjFRkZqVq1aql27doaM2aMrly5oqioKElSx44dVbJkScXExMjDw0OVK1e22d/Pz0+SMrTfDkkhAACAE2nTpo3OnTunwYMHKy4uTtWrV9eKFSusF5+cPHlSLi65P9hrMgzDyPWjOtiFK2mODgFwSqWaj3B0CIDTubp+sKNDgBNYvu/WC0PfjeaVAu127NzEnEIAAAAwfAwAAGDPJWnuFVQKAQAAQKUQAADAnusU3itICgEAQL5HUsjwMQAAAESlEAAAwKkWr3YUKoUAAACgUggAAOBCoZBKIQAAAKgUAgAAMKdQVAoBAAAgKoUAAACsUyiSQgAAAIaPxfAxAAAARKUQAACAJWlEpRAAAACiUggAAMCcQlEpBAAAgKgUAgAAsCSNqBQCAABAVAoBAACYUSiSQgAAALkwfszwMQAAAKgUAgAAMHwsKoUAAAAQlUIAAABKhaJSCAAAAFEpBAAA4DZ3olIIAAAAUSkEAADgNnciKQQAAGDwWAwfAwAAQFQKAQAAKBWKSiEAAABEpRAAAIAlaUSlEAAAAKJSCAAAwJI0olIIAAAAUSkEAABgRqFICgEAAMgKxfAxAAAARKUQAACAJWlEpRAAAACiUggAAMCSNKJSCAAAAFEpBAAAYEahJJNhGIajgwAAAHCk3Sf/ttuxqz1Q0G7Hzk1UCgEAACgVkhQCAACwJA0XmgAAAEBUCgEAAFiSRlQKAQAAICqFAAAAzCgUlUIAAACISiEAAAClQlEpBAAAgKgUAgAAsE6hqBQCAABAVAoBAABYp1AkhQAAAAwei+FjAAAAiEohAAAApUJRKQQAAICoFAIAALAkjagUAgAAQFQKAQAAWJJGVAoBAAAgKoUAAADMKBRJIQAAAFmhGD4GAACAqBQCAACwJI2oFAIAAEBUCgEAAFiSRlQKAQAAnM6ECRMUEhIiDw8P1alTR1u2bMmy77fffqtatWrJz89P3t7eql69umbPnp3jc5IUAgCAfM9kxy2n5s2bp+joaA0ZMkQ7duxQtWrVFBERobNnz2ba39/fX++88442bdqkPXv2KCoqSlFRUVq5cmWOzmsyDMO4g3gBAADuG0fPXrXbscsFeuaof506dfSvf/1L48ePlyRZLBaVLl1aPXv21IABA7J1jIcfflgtWrTQe++9l+3zUikEAACwY6kwOTlZly9fttmSk5MzDSMlJUXbt29XeHi4tc3FxUXh4eHatGnTbV+GYRhas2aNDh48qIYNG+boLSApBAAA+Z7Jjn9iYmLk6+trs8XExGQax/nz55Wenq5ixYrZtBcrVkxxcXFZxn/p0iX5+PjI3d1dLVq00Lhx49S0adMcvQdcfQwAAGBHAwcOVHR0tE2b2WzO1XMULFhQu3btUmJiotasWaPo6GiVLVtWjRs3zvYxSAoBAEC+Z88lacxmc7aTwKJFi8rV1VVnzpyxaT9z5oyCgoKy3M/FxUWhoaGSpOrVq+vAgQOKiYnJUVLI8DEAAICTcHd3V82aNbVmzRprm8Vi0Zo1a1S3bt1sH8disWQ5bzErVAoBAEC+50xrV0dHRysyMlK1atVS7dq1NWbMGF25ckVRUVGSpI4dO6pkyZLWeYkxMTGqVauWypUrp+TkZC1fvlyzZ8/WxIkTc3RekkIAAAAn0qZNG507d06DBw9WXFycqlevrhUrVlgvPjl58qRcXP432HvlyhW9/vrr+uuvv+Tp6akKFSroiy++UJs2bXJ0XtYpBAAA+d7xC9fsduyQIh52O3ZuYk4hAAAAGD4GAAAwOdWsQscgKQQAAPmePZekuVcwfAwAAAAqhQAAABQKqRQCAABAVAoBAACYUygqhQAAABCVQgAAADGrkEohAAAARKUQAACAOYUiKQQAAGDwWAwfAwAAQFQKAQAAGD4WlUIAAACISiEAAIBMzCqkUggAAAAqhQAAAFx+LCqFAAAAEJVCAAAACoUiKQQAAGBJGjF8DAAAAFEpBAAAYEkaUSkEAACAqBQCAABwpYmoFAIAAEBUCgEAACgUikohAAAA5ERJ4c8//6z27durbt26OnXqlCRp9uzZ2rBhg4MjAwAA9zuTyX7bvcIpksIFCxYoIiJCnp6e2rlzp5KTkyVJly5d0ogRIxwcHQAAuN+Z7PjnXuEUSeH777+vSZMmacqUKXJzc7O2169fXzt27HBgZAAAAPmDU1xocvDgQTVs2DBDu6+vrxISEvI+IAAAkK/cS8O89uIUlcKgoCAdOXIkQ/uGDRtUtmxZB0QEAACQvzhFUtilSxf17t1bmzdvlslk0unTpzVnzhz169dP3bt3d3R4AAAA9z2nGD4eMGCALBaLHn/8cSUlJalhw4Yym83q16+fevbs6ejwAAAA7nsmwzAMRwdxQ0pKio4cOaLExESFhYXJx8fH0SEBAIB8IOFqut2O7efpardj5yanSAq/+OILPffcc/Ly8nJ0KAAAIB8iKXSSpDAgIEBXr17VM888o/bt2ysiIkKurvfGGwgAAO59l65a7HZsX0+nuITjtpwiytjYWH311VcymUx68cUXVbx4cfXo0UMbN250dGgAACAf4I4mTlIp/KekpCQtXLhQX375pX744QeVKlVKR48edXRYAADgPnb5mv0qhYU8nKIGd1tOcfXxP3l5eSkiIkLx8fE6ceKEDhw44OiQAADAfe4eKujZjdOkrklJSZozZ46aN2+ukiVLasyYMXr22We1b98+R4cGAABw33OK4eOXXnpJS5culZeXl1588UW1a9dOdevWdXRYAAAgn/g72X7DxwXNTlODuyWnGD52dXXV119/zVXHAAAADuIUlUIAAABHSky2XzrkY743Ziw6rFI4duxYde3aVR4eHho7duwt+/bq1SuPogIAAMifHFYpLFOmjLZt26YiRYqoTJkyWfYzmUz6448/8jAyAACQ31xJsV865O1+b1QKGT4GAAD5HkmhkyxJM3z4cCUlJWVov3r1qoYPH+6AiAAAQH5isuN2r3CKSqGrq6tiY2MVGBho037hwgUFBgYqPd1+N6kGAABISrVfOuTldm+khk5RKTQMQ6ZMbg64e/du+fv7OyAiAACA/MWh6xQWLlxYJpNJJpNJDz30kE1imJ6ersTERHXr1s2BEQIAgPzAdE8N9NqHQ4ePZ86cKcMw9Morr2jMmDHy9fW1Pufu7q6QkBDubAIAAOzuaqr9ju3pZr9j5yanmFO4fv161atXT25u98i7BgAA7ivX0ux3bA+nuH/c7TlFUvhP165dU0pKik1boUKFsuyfnJys5ORkmzaz2Syz2WyX+AAAwP2HpNBJLjRJSkrSG2+8ocDAQHl7e6tw4cI2263ExMTI19fXZouJicmjyHErycnJGjp0aIakHcjv+G4AGTn6e+FRwH7bvcIpKoU9evTQ2rVr9d5776lDhw6aMGGCTp06pc8++0wffvih2rVrl+W+VAqd1+XLl+Xr66tLly7dstoL5Dd8N4CM+F44nlPkr0uWLNGsWbPUuHFjRUVF6dFHH1VoaKiCg4M1Z86cWyaFJIAAAAB3zymGjy9evKiyZctKuj5/8OLFi5KkBg0a6KeffnJkaAAAAPmCUySFZcuW1bFjxyRJFSpU0Ndffy3pegXRz8/PgZEBAADkD06RFEZFRWn37t2SpAEDBmjChAny8PBQnz591L9/fwdHhztlNps1ZMgQhveBm/DdADLie+F4TnGhyc1OnDih7du3KzQ0VFWrVnV0OAAAAPc9p0wKAQAAkLec4urjsWPHZtpuMpnk4eGh0NBQNWzYUK6urnkcGQAAQP7gFJXCMmXK6Ny5c0pKSrIuVh0fHy8vLy/5+Pjo7NmzKlu2rNauXavSpUs7OFoAAID7j1NcaDJixAj961//0uHDh3XhwgVduHBBhw4dUp06dfTpp5/q5MmTCgoKUp8+fRwdKpzEunXrZDKZlJCQ4OhQgGzL7uc2JCREY8aMyZOYgHsV35Pc5xRJ4bvvvqvRo0erXLly1rbQ0FD95z//0cCBA1WqVCl9/PHH+uWXXxwY5f2pU6dOMplM+vDDD23aFy1aJJPJlGvnOX78uEwmk3bt2pVrxwTs5cb3wmQyyd3dXaGhoRo+fLjS0u7u5qj16tVTbGysfH19JUkzZszIdNmtrVu3qmvXrnd1LuBu5NXPhuzge5J3nCIpjI2NzfQ/27S0NMXFxUmSSpQoob///juvQ8sXPDw89NFHHyk+Pt7RoSglJcXRIQCSpGbNmik2NlaHDx9W3759NXToUH3yySd3dUx3d3cFBQXd9odqQECAvLy87upcwN1ypp8NmeF7kvucIils0qSJXnvtNe3cudPatnPnTnXv3l2PPfaYJGnv3r0qU6aMo0K8r4WHhysoKEgxMTFZ9tmwYYMeffRReXp6qnTp0urVq5euXLlifd5kMmnRokU2+/j5+WnGjBmSZP23q1Gjhkwmkxo3bizp+m+jrVq10gcffKASJUqofPnykqTZs2erVq1aKliwoIKCgtS2bVudPXs29140cBtms1lBQUEKDg5W9+7dFR4ersWLFys+Pl4dO3ZU4cKF5eXlpSeffFKHDx+27nfixAk9/fTTKly4sLy9vVWpUiUtX75cku3w8bp16xQVFaVLly5Zq5JDhw6VZDss1rZtW7Vp08YmttTUVBUtWlSzZs2SJFksFsXExKhMmTLy9PRUtWrVNH/+fPu/Sbiv5cbPhtjYWLVo0UKenp4qU6aMvvzyywzDvqNGjVKVKlXk7e2t0qVL6/XXX1diYqIk8T3JY06RFE6dOlX+/v6qWbOm9V7GtWrVkr+/v6ZOnSpJ8vHx0ciRIx0c6f3J1dVVI0aM0Lhx4/TXX39leP7o0aNq1qyZWrdurT179mjevHnasGGD3njjjWyfY8uWLZKkH374QbGxsfr222+tz61Zs0YHDx7U6tWrtXTpUknXv8zvvfeedu/erUWLFun48ePq1KnT3b1Q4C54enoqJSVFnTp10rZt27R48WJt2rRJhmGoefPmSk1NlST16NFDycnJ+umnn7R371599NFH8vHxyXC8evXqacyYMSpUqJBiY2MVGxurfv36ZejXrl07LVmyxPpDUpJWrlyppKQkPfvss5KkmJgYzZo1S5MmTdK+ffvUp08ftW/fXuvXr7fTu4H8IDd+NnTs2FGnT5/WunXrtGDBAk2ePDnDL/guLi4aO3as9u3bp5kzZ+rHH3/Uv//9b0l8T/Kc4UQOHDhgfPfdd8Z3331n/P77744OJ1+IjIw0WrZsaRiGYTzyyCPGK6+8YhiGYSxcuNC48fF49dVXja5du9rs9/PPPxsuLi7G1atXDcMwDEnGwoULbfr4+voa06dPNwzDMI4dO2ZIMnbu3Jnh/MWKFTOSk5NvGefWrVsNScbff/9tGIZhrF271pBkxMfH5/AVA7f3z++FxWIxVq9ebZjNZqNVq1aGJOOXX36x9j1//rzh6elpfP3114ZhGEaVKlWMoUOHZnrcmz+306dPN3x9fTP0Cw4ONkaPHm0YhmGkpqYaRYsWNWbNmmV9/uWXXzbatGljGIZhXLt2zfDy8jI2btxoc4xXX33VePnll+/k5QO58rPhwIEDhiRj69at1ucPHz5sSLJ+vjPzzTffGEWKFLE+5nuSd5xincIbypYtK5PJpHLlyqlAAacKLV/46KOP9Nhjj2X4LWz37t3as2eP5syZY20zDEMWi0XHjh1TxYoV7+q8VapUkbu7u03b9u3bNXToUO3evVvx8fGyWCySpJMnTyosLOyuzgdkx9KlS+Xj46PU1FRZLBa1bdtWzz33nJYuXao6depY+xUpUkTly5fXgQMHJEm9evVS9+7dtWrVKoWHh6t169Z3dWemAgUK6MUXX9ScOXPUoUMHXblyRd99952++uorSdKRI0eUlJSkpk2b2uyXkpKiGjVq3PF5gRvu9GfDoUOHVKBAAT388MPW50NDQ61Lz93www8/KCYmRr///rsuX76stLQ0Xbt2TUlJSdmeM8j3JHc4xfBxUlKSXn31VXl5ealSpUo6efKkJKlnz54ZrnyC/TRs2FAREREaOHCgTXtiYqJee+017dq1y7rt3r1bhw8ftl4xbjKZZNy05OWN4bTb8fb2tnl85coVRUREqFChQpozZ462bt2qhQsXSuJCFOSdJk2aaNeuXTp8+LCuXr2qmTNnZuuqy86dO+uPP/5Qhw4dtHfvXtWqVUvjxo27q1jatWunNWvW6OzZs1q0aJE8PT3VrFkzSbIOly1btszmO7p//37mSyFX3M3Phts5fvy4nnrqKVWtWlULFizQ9u3bNWHCBEk5//+e78ndc4py3MCBA7V7926tW7fO+g8oXZ/kOnToUA0YMMCB0eUvH374oapXr2694EOSHn74Ye3fv1+hoaFZ7hcQEKDY2Fjr48OHDyspKcn6+EYlMD09/bYx/P7777pw4YI+/PBD62Ll27Zty/FrAe6Gt7d3hs98xYoVlZaWps2bN6tevXqSpAsXLujgwYM2FezSpUurW7du6tatmwYOHKgpU6aoZ8+eGc7h7u6ere9EvXr1VLp0ac2bN0/ff/+9XnjhBbm5uUmSwsLCZDabdfLkSTVq1OhuXjKQpTv52VC+fHmlpaVp586dqlmzpqTrFbt/Xs28fft2WSwWjRw5Ui4u1+tUX3/9tc1x+J7kHadIChctWqR58+bpkUcesflNvFKlSjp69KgDI8t/qlSponbt2tncevCtt97SI488ojfeeEOdO3eWt7e39u/fr9WrV2v8+PGSpMcee0zjx49X3bp1lZ6errfeesv6ZZSkwMBAeXp6asWKFSpVqpQ8PDysa7Xd7IEHHpC7u7vGjRunbt266bffftN7771n3xcOZMODDz6oli1bqkuXLvrss89UsGBBDRgwQCVLllTLli0lSW+++aaefPJJPfTQQ4qPj9fatWuznGIREhKixMRErVmzRtWqVZOXl1eWw2Vt27bVpEmTdOjQIa1du9baXrBgQfXr1099+vSRxWJRgwYNdOnSJf3yyy8qVKiQIiMjc/+NQL5zJz8bKlSooPDwcHXt2lUTJ06Um5ub+vbtK09PT+vP+tDQUKWmpmrcuHF6+umn9csvv2jSpEk25+Z7koccPKfRMAzD8PT0NI4ePWoYhmH4+PhY/75r1y6jUKFCjgztvvfPycQ3HDt2zHB3dzf++fHYsmWL0bRpU8PHx8fw9vY2qlatanzwwQfW50+dOmU88cQThre3t/Hggw8ay5cvt7nQxDAMY8qUKUbp0qUNFxcXo1GjRlme3zAM48svvzRCQkIMs9ls1K1b11i8eLHNhSpcaAJ7yupzaRiGcfHiRaNDhw6Gr6+v4enpaURERBiHDh2yPv/GG28Y5cqVM8xmsxEQEGB06NDBOH/+vGEYmX9uu3XrZhQpUsSQZAwZMsQwDNsJ9Dfs37/fkGQEBwcbFovF5jmLxWKMGTPGKF++vOHm5mYEBAQYERERxvr16+/6vUD+lFs/G06fPm08+eSThtlsNoKDg40vv/zSCAwMNCZNmmTtM2rUKKN48eLW79OsWbP4njiIU9z7uGHDhnrhhRfUs2dPFSxYUHv27FGZMmXUs2dPHT58WCtWrHB0iAAA4C799ddfKl26tH744Qc9/vjjjg4HN3GK4eMRI0boySef1P79+5WWlqZPP/1U+/fv18aNG1k/CACAe9SPP/6oxMREValSRbGxsfr3v/+tkJAQNWzY0NGhIRNOcfVxgwYNtGvXLqWlpalKlSpatWqVAgMDtWnTJuvkVAAAcG9JTU3V22+/rUqVKunZZ59VQECA1q1bZzPnHM7DKYaPAQAA4FgOHT52cXG57bpfJpNJaWlpeRQRAABA/uTQpPDGgsSZ2bRpk8aOHWu9kwUAAADsx+mGjw8ePKgBAwZoyZIlateunYYPH67g4GBHhwUAAHBfc4oLTSTp9OnT6tKli6pUqaK0tDTt2rVLM2fOJCEEAADIAw5PCi9duqS33npLoaGh2rdvn9asWaMlS5aocuXKjg4NAAAg33BoUvjxxx+rbNmyWrp0qebOnauNGzfq0UcfdWRIAO5Cp06d1KpVK+vjxo0b680338zzONatWyeTyaSEhAS7nePm13on8iJOAMguh15oMmDAAHl6eio0NFQzZ87UzJkzM+337bff5nFkwP2jU6dO1u+Wm5ubHnjgAXXs2FFvv/22ChSw738B3377bbbXI1u3bp2aNGmi+Ph4+fn52TUu6fr9VN98802HJK0A4IwcmhR27NjxtkvSALh7zZo10/Tp05WcnKzly5erR48ecnNz08CBAzP0TUlJkbu7e66c19/fP1eOAwCwP4cOH8+YMUPTp0+/7Qbg7pjNZgUFBSk4OFjdu3dXeHi4Fi9eLOl/w6AffPCBSpQoofLly0uS/vzzT7344ovy8/OTv7+/WrZsqePHj1uPmZ6erujoaPn5+alIkSL697//rZsXM7h5+Dg5OVlvvfWWSpcuLbPZrNDQUE2dOlXHjx9XkyZNJEmFCxeWyWRSp06dJEkWi0UxMTEqU6aMPD09Va1aNc2fP9/mPMuXL9dDDz0kT09PNWnSxCbOO5Genq5XX33Ves7y5cvr008/zbTvsGHDFBAQoEKFCqlbt25KSUmxPped2AHAWTjFvY8B5C1PT09duHDB+njNmjUqVKiQVq9eLen6rakiIiJUt25d/fzzzypQoIDef/99NWvWTHv27JG7u7tGjhypGTNmaNq0aapYsaJGjhyphQsX6rHHHsvyvB07drSuQVqtWjUdO3ZM58+fV+nSpbVgwQK1bt1aBw8eVKFCheTp6SlJiomJ0RdffKFJkybpwQcf1E8//aT27dsrICBAjRo10p9//qnnnntOPXr0UNeuXbVt2zb17dv3rt4fi8WiUqVK6ZtvvlGRIkW0ceNGde3aVcWLF9eLL75o8755eHho3bp1On78uKKiolSkSBF98MEH2YodAJyKAeC+FhkZabRs2dIwDMOwWCzG6tWrDbPZbPTr18/6fLFixYzk5GTrPrNnzzbKly9vWCwWa1tycrLh6elprFy50jAMwyhevLjx8ccfW59PTU01SpUqZT2XYRhGo0aNjN69exuGYRgHDx40JBmrV6/ONM61a9cakoz4+Hhr27Vr1wwvLy9j48aNNn1fffVV4+WXXzYMwzAGDhxohIWF2Tz/1ltvZTjWzYKDg43Ro0dn+fzNevToYbRu3dr6ODIy0vD39zeuXLlibZs4caLh4+NjpKenZyv2zF4zADgKlUIgH1i6dKl8fHyUmpoqi8Witm3baujQodbnq1SpYjOPcPfu3Tpy5IgKFixoc5xr167p6NGjunTpkmJjY1WnTh3rcwUKFFCtWrUyDCHfsGvXLrm6uuaoQnbkyBElJSWpadOmNu0pKSmqUaOGJOnAgQM2cUhS3bp1s32OrEyYMEHTpk3TyZMndfXqVaWkpKh69eo2fapVqyYvLy+b8yYmJurPP/9UYmLibWMHAGdCUgjkA02aNNHEiRPl7u6uEiVKZLjq2Nvb2+ZxYmKiatasqTlz5mQ4VkBAwB3FcGM4OCcSExMlScuWLVPJkiVtnjObzXcUR3Z89dVX6tevn0aOHKm6deuqYMGC+uSTT7R58+ZsH8NRsQPAnSIpBPIBb29vhYaGZrv/ww8/rHnz5ikwMFCFChXKtE/x4sW1efNmNWzYUJKUlpam7du36+GHH860f5UqVWSxWLR+/XqFh4dneP5GpTI9Pd3aFhYWJrPZrJMnT2ZZYaxYsaL1opkbfv3119u/yFv45ZdfVK9ePb3++uvWtqNHj2bot3v3bl29etWa8P7666/y8fFR6dKl5e/vf9vYAcCZOPyOJgCcT7t27VS0aFG1bNlSP//8s44dO6Z169apV69e+uuvvyRJvXv31ocffqhFixbp999/1+uvv37LRZhDQkIUGRmpV155RYsWLbIe8+uvv5YkBQcHy2QyaenSpTp37pwSExNVsGBB9evXT3369NHMmTN19OhR7dixQ+PGjbOuvditWzcdPnxY/fv318GDB/Xll19qxowZ2Xqdp06d0q5du2y2+Ph4Pfjgg9q2bZtWrlypQ4cOadCgQdq6dWuG/VNSUvTqq69q//79Wr58uYYMGaI33nhDLi4u2YodAJyKoyc1ArCvf15okpPnY2NjjY4dOxpFixY1zGazUbZsWaNLly7GpUuXDMO4fmFJ7969jUKFChl+fn5GdHS00bFjxywvNDEMw7h69arRp08fo3jx4oa7u7sRGhpqTJs2zfr88OHDjaCgIMNkMhmRkZGGYVy/OGbMmDFG+fLlDTc3NyMgIMCIiIgw1q9fb91vyZIlRmhoqGE2m41HH33UmDZtWrYuNJGUYZs9e7Zx7do1o1OnToavr6/h5+dndO/e3RgwYIBRrVq1DO/b4MGDjSJFihg+Pj5Gly5djGvXrln73C52LjQB4ExMhpHFrHAAAADkGwwfAwAAgKQQAAAAJIUAAAAQSSEAAABEUggAAACRFAIAAEAkhQAAABBJIQAAAERSCAAAAJEUAgAAQCSFAAAAkPR/5Il63vJJ4k4AAAAASUVORK5CYII=", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "cm = confusion_matrix(y_test, y_pred)\n", + "\n", + "# Normalize the confusion matrix\n", + "cm_normalized = cm.astype('float') / cm.sum(axis=1)[:, np.newaxis]\n", + "\n", + "# Plot the normalized confusion matrix\n", + "plt.figure(figsize=(8, 6))\n", + "sns.heatmap(cm_normalized, annot=True, cmap='Blues', xticklabels=['Neutral', 'Positive', 'Negative'], yticklabels=['Neutral', 'Positive', 'Negative'])\n", + "plt.title('Normalized Confusion Matrix')\n", + "plt.xlabel('Predicted Label')\n", + "plt.ylabel('True Label')\n", + "plt.show()" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "1B1ZP8EizqxU" + }, + "source": [ + "## Step 13:Sentiment Prediction for User Input in Different Languages" + ] + }, + { + "cell_type": "code", + "execution_count": 14, + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "H2kJx0vKzp81", + "outputId": "9ec013f1-5232-44b0-c38b-925c78540e03" + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Enter the language: english\n", + "Enter a text: hello how are you?\n", + "1/1 [==============================] - 0s 144ms/step\n", + "Predicted Sentiment: positive\n" + ] + } + ], + "source": [ + "language = input(\"Enter the language: \")\n", + "encoder = LaserEncoderPipeline(lang=language)\n", + "\n", + "\n", + "# Now, you can use the trained model to predict the sentiment of user input\n", + "user_text = input(\"Enter a text: \")\n", + "user_text_embedding = encoder.encode_sentences([user_text])[0]\n", + "user_text_embedding = np.reshape(user_text_embedding, (1, -1))\n", + "\n", + "predicted_sentiment = np.argmax(model.predict(user_text_embedding))\n", + "predicted_sentiment_no = label_encoder.inverse_transform([predicted_sentiment])[0]\n", + "if predicted_sentiment_no == 0:\n", + " predicted_sentiment_label = 'negative'\n", + "elif predicted_sentiment_no == 1:\n", + " predicted_sentiment_label = 'positive'\n", + "\n", + "print(f\"Predicted Sentiment: {predicted_sentiment_label}\")" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "SOxFqEdwcejj" + }, + "source": [ + "## Step 14:Zero-shot Sentiment Prediction for Multilingual Texts\n", + "\n", + "This step involves iterating through a collection of sentiments expressed in various languages, including Hindi, Portuguese, Romanian, Slovenian, Chinese, French, Dutch, Russian, Italian, and Bosnian.\n", + "\n", + "This process demonstrates the model's ability to analyze sentiments across diverse linguistic contexts and still yeild same output." + ] + }, + { + "cell_type": "code", + "execution_count": 15, + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "vjFvWEC0UOj0", + "outputId": "1a725455-cd9a-4eef-a872-aba3bfc694a9" + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Hindi: कुछ कड़ाई बातें कहीं और मैंने यह तक महसूस नहीं किया कि यह कड़ाई है जब तक मैंने यह कहा.. माफ़ करें\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "100%|██████████| 608M/608M [00:21<00:00, 28.4MB/s]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "1/1 [==============================] - 0s 19ms/step\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/usr/local/lib/python3.10/dist-packages/fairseq/models/transformer/transformer_encoder.py:281: UserWarning: The PyTorch API of nested tensors is in prototype stage and will change in the near future. (Triggered internally at ../aten/src/ATen/NestedTensorImpl.cpp:178.)\n", + " x = torch._nested_tensor_from_mask(\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Predicted Sentiment: negative\n", + "Portuguese: Disse algo duro e nem percebi que era duro até dizer.. Desculpe\n", + "1/1 [==============================] - 0s 37ms/step\n", + "Predicted Sentiment: negative\n", + "Romanian: Am spus ceva dur și nici măcar nu mi-am dat seama că e dur până când am spus asta.. Scuze\n", + "1/1 [==============================] - 0s 17ms/step\n", + "Predicted Sentiment: negative\n", + "Slovenian: Rekel sem nekaj ostrega in sploh nisem ugotovil, da je ostro, dokler nisem rekel.. Oprosti\n", + "1/1 [==============================] - 0s 21ms/step\n", + "Predicted Sentiment: negative\n", + "Chinese: 说了一些刻薄的话,甚至直到我说出来我才意识到它很刻薄.. 抱歉\n", + "1/1 [==============================] - 0s 18ms/step\n", + "Predicted Sentiment: negative\n", + "French: Ai dit quelque chose de dur et je n'ai même pas réalisé que c'était dur jusqu'à ce que je le dise.. Désolé\n", + "1/1 [==============================] - 0s 30ms/step\n", + "Predicted Sentiment: negative\n", + "Dutch: Iets hards gezegd en realiseerde me niet eens dat het hard was tot ik het zei.. Sorry\n", + "1/1 [==============================] - 0s 22ms/step\n", + "Predicted Sentiment: negative\n", + "Russian: Сказал что-то резкое и даже не осознал, насколько это резкое, пока не сказал.. Извините\n", + "1/1 [==============================] - 0s 27ms/step\n", + "Predicted Sentiment: negative\n", + "Italian: Ho detto qualcosa di duro e non me ne sono nemmeno reso conto finché non l'ho detto.. Scusa\n", + "1/1 [==============================] - 0s 28ms/step\n", + "Predicted Sentiment: negative\n", + "Bosnian: Rekao nešto oštro i čak nisam shvatio da je oštro dok nisam rekao.. Žao mi je\n", + "1/1 [==============================] - 0s 28ms/step\n", + "Predicted Sentiment: negative\n" + ] + } + ], + "source": [ + "sentiments = {\n", + " 'hindi': \"कुछ कड़ाई बातें कहीं और मैंने यह तक महसूस नहीं किया कि यह कड़ाई है जब तक मैंने यह कहा.. माफ़ करें\",\n", + " 'portuguese': \"Disse algo duro e nem percebi que era duro até dizer.. Desculpe\",\n", + " 'romanian': \"Am spus ceva dur și nici măcar nu mi-am dat seama că e dur până când am spus asta.. Scuze\",\n", + " 'slovenian': \"Rekel sem nekaj ostrega in sploh nisem ugotovil, da je ostro, dokler nisem rekel.. Oprosti\",\n", + " 'chinese': \"说了一些刻薄的话,甚至直到我说出来我才意识到它很刻薄.. 抱歉\",\n", + " 'french': \"Ai dit quelque chose de dur et je n'ai même pas réalisé que c'était dur jusqu'à ce que je le dise.. Désolé\",\n", + " 'dutch': \"Iets hards gezegd en realiseerde me niet eens dat het hard was tot ik het zei.. Sorry\",\n", + " 'russian': \"Сказал что-то резкое и даже не осознал, насколько это резкое, пока не сказал.. Извините\",\n", + " 'italian': \"Ho detto qualcosa di duro e non me ne sono nemmeno reso conto finché non l'ho detto.. Scusa\",\n", + " 'bosnian': \"Rekao nešto oštro i čak nisam shvatio da je oštro dok nisam rekao.. Žao mi je\"\n", + "}\n", + "\n", + "# Iterate through the dictionary and extract values\n", + "for language, sentiment in sentiments.items():\n", + " print(f\"{language.capitalize()}: {sentiment}\")\n", + " encoder = LaserEncoderPipeline(lang=language)\n", + " # Now, you can use the trained model to predict the sentiment of user input\n", + " user_text = sentiment\n", + " user_text_embedding = encoder.encode_sentences([user_text])[0]\n", + " user_text_embedding = np.reshape(user_text_embedding, (1, -1))\n", + "\n", + " predicted_sentiment = np.argmax(model.predict(user_text_embedding))\n", + " predicted_sentiment_no = label_encoder.inverse_transform([predicted_sentiment])[0]\n", + " if predicted_sentiment_no == 0:\n", + " predicted_sentiment_label = 'negative'\n", + " elif predicted_sentiment_no == 1:\n", + " predicted_sentiment_label = 'positive'\n", + "\n", + " print(f\"Predicted Sentiment: {predicted_sentiment_label}\")" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "D76SEjLm0ZOR" + }, + "source": [ + "Congratulations! You have completed the sentiment analysis tutorial using LASER embeddings and an RNN. Feel free to experiment with different architectures, hyperparameters, or datasets to further improve the model." + ] + } + ], + "metadata": { + "accelerator": "GPU", + "colab": { + "provenance": [] + }, + "kernelspec": { + "display_name": "Python 3", + "name": "python3" + }, + "language_info": { + "name": "python" + }, + "widgets": { + "application/vnd.jupyter.widget-state+json": { + "002e4045b9b44bfc84571412f0f11624": { + "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_2c7208b82d5c42adb83acc50af9e2a29", + "placeholder": "​", + "style": "IPY_MODEL_ed390a926cd14072bc95e2054d184541", + "value": " 29997/29997 [00:03<00:00, 6705.96 examples/s]" + } + }, + "0169f1f662334c438b88fcdadfbcbfd4": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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 + } + }, + "017322c8e90b48ae9164efe2569c2727": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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 + } + }, + "028b74f6c2fe4fd999507b3ed0f03f21": { + "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": "" + } + }, + "031f9bd8994f498db14409e4e7f1cf03": { + "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": "" + } + }, + "0411fc784d604202afbfbf43a915e467": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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 + } + }, + "06a0f93bdfcb4b6d9f2bd0488565c650": { + "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": "" + } + }, + "07078068134d4a11987f88bdf0b08f17": { + "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_b1b81a92053b4c3fa5c76caef02563b6", + "placeholder": "​", + "style": "IPY_MODEL_c4012bd1af3945f28f62c7c1307458e5", + "value": "Downloading metadata: 100%" + } + }, + "074215c3ae704b939e205bc604a6339d": { + "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": "" + } + }, + "0799153be5ac4d209c20817dfd187cf8": { + "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_c6bf49b2298c4d9eb9035fb860b539e7", + "placeholder": "​", + "style": "IPY_MODEL_eff0a998e46046fe8cbeed279d4956c3", + "value": "Downloading data files: 100%" + } + }, + "0925e66d052145bcb3480604f3da4cda": { + "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_ece324a1271b46b98a8b6fd5ba384236", + "placeholder": "​", + "style": "IPY_MODEL_8471e543444f44f09e59b4fe964ed82e", + "value": " 2.06k/2.06k [00:00<00:00, 136kB/s]" + } + }, + "09adc94479c14590971e97b21b6a5d6e": { + "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_49600a623e5a423b8299aa12527c172e", + "placeholder": "​", + "style": "IPY_MODEL_0eac091d915340a5948cf80aed896ef8", + "value": "Downloading builder script: 100%" + } + }, + "0b19af29fefa46749ec3efa4af03bd85": { + "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_de9ac409b2104355b33f3224a58d5d24", + "max": 2, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_103a16e8a0cb4abeaff11b881ad45cd7", + "value": 2 + } + }, + "0ba6d5b1963e4ec1a2a6bc72990bc5a3": { + "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_f01e1dee781d49939d3204cdfe991def", + "placeholder": "​", + "style": "IPY_MODEL_8badb18f053f407e83699688cc0c5999", + "value": " 61998/61998 [00:02<00:00, 33733.27 examples/s]" + } + }, + "0bccff746d854f2cba07592a9f1259f5": { + "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_c59fec8321c64cb98488e70f9ef78740", + "IPY_MODEL_5a7ea78609464fb0b4b6c1e4a3597613", + "IPY_MODEL_269568a9089f40ccb9a0c62efb6c3770" + ], + "layout": "IPY_MODEL_1ee4b4a1f0014f60b88656f97f31dd51" + } + }, + "0cc7dfd0ff934b649b76b3917602f1be": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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 + } + }, + "0da9f1a610f244249d7dbe73df3ac5ee": { + "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": "" + } + }, + "0eac091d915340a5948cf80aed896ef8": { + "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": "" + } + }, + "103a16e8a0cb4abeaff11b881ad45cd7": { + "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": "" + } + }, + "13826beae5f042db9b6d3e3f3807f85e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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 + } + }, + "146c22e8c0654103944d314f183beac1": { + "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_848fb54cd20347f8b61579415190dd92", + "placeholder": "​", + "style": "IPY_MODEL_9e5e85f4d62b4a699c28f7cf5567dd46", + "value": "Extracting data files: 100%" + } + }, + "14c66c78bd1b4313b789a79ddb265a45": { + "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": "" + } + }, + "199692beb0204413b8e3212ea7a3a030": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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 + } + }, + "1ce195a3a1354811945728f81568da2a": { + "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_2908cee0b3524c82a262c0d5b78fddfb", + "placeholder": "​", + "style": "IPY_MODEL_35710d549e274f58abd02c54be72c6c2", + "value": " 61998/61998 [00:05<00:00, 7078.06 examples/s]" + } + }, + "1dff1987bcc64508b236a2a5bf9cec2a": { + "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_43da3b6e0120420bacc56bb081c560ec", + "placeholder": "​", + "style": "IPY_MODEL_031f9bd8994f498db14409e4e7f1cf03", + "value": "Creating json from Arrow format: 100%" + } + }, + "1e3ece313db34ed89f7c97bda5d94136": { + "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": "" + } + }, + "1e467554461f4cc2ae842712b59feea8": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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 + } + }, + "1ee4b4a1f0014f60b88656f97f31dd51": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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 + } + }, + "1fa1643b342b485d9b6697d7cefeddac": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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 + } + }, + "2001d69064ec4b78be911fe41c06b468": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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 + } + }, + "26215544657644888e95c477b5875804": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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 + } + }, + "269568a9089f40ccb9a0c62efb6c3770": { + "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_3c13ee6ac4364612bc17ef3ffd6b3429", + "placeholder": "​", + "style": "IPY_MODEL_fc4f53f70e3446a1b93a144879dd8c2d", + "value": " 30/30 [00:00<00:00, 89.60ba/s]" + } + }, + "271cfea7b9a4422ba78ad0513d8091e9": { + "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_7ec9e74bff04481da80fe3370e876420", + "IPY_MODEL_5bd26ff88cf248d4aabe2fcf5446cd5c", + "IPY_MODEL_adf9c6b09bd54777996a1f9673d7f694" + ], + "layout": "IPY_MODEL_6e9fdbd4fd544b15a04dd0729aedcaae" + } + }, + "27ce5829e05149a39ea9afd2e6f0fc98": { + "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_aae06c7d529c418b9841a348bc444d3a", + "IPY_MODEL_52a4fd97b2094096a0a23d8bb097a686", + "IPY_MODEL_1ce195a3a1354811945728f81568da2a" + ], + "layout": "IPY_MODEL_e0f1add308c74732b8e488e2057becf4" + } + }, + "2831a9ec119a495bbde153ee1eb37c66": { + "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_e830bae8320b44a4bec4a8652e3d8472", + "IPY_MODEL_f44ba78d0c29409bbd1e24134d5335da", + "IPY_MODEL_0ba6d5b1963e4ec1a2a6bc72990bc5a3" + ], + "layout": "IPY_MODEL_b01e8fb3d39c4aa986da3ac2b0a16ec7" + } + }, + "28514f23fe78478faf8d4ee54c03f573": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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 + } + }, + "28848374ffd84ecd869acd909f966885": { + "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": "" + } + }, + "2908cee0b3524c82a262c0d5b78fddfb": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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 + } + }, + "2a432c2f7e4b44c2926fc6a5460c27ed": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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 + } + }, + "2a7dda9c5aac4087951f16e5b5ac96b7": { + "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": "" + } + }, + "2ada78a1a43a42668dba150700b257ea": { + "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_75560191f732426e8d48348d9519c1f0", + "placeholder": "​", + "style": "IPY_MODEL_bbae5295c7814f8aa8a83b6c7c4622f2", + "value": "Downloading data: " + } + }, + "2c7208b82d5c42adb83acc50af9e2a29": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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 + } + }, + "2c73ded880e14d7fbae4d3abc94262c2": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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 + } + }, + "303510fad09b4534aed23aa783256b89": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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 + } + }, + "3103d44d02bb45beb33588cf708ba811": { + "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_58385a662e624c63b2d317b5b6840037", + "IPY_MODEL_736c636e2b274ffeb9aac319d56a37a7", + "IPY_MODEL_002e4045b9b44bfc84571412f0f11624" + ], + "layout": "IPY_MODEL_5969054c9cf34ed1a638a69bcbbb377a" + } + }, + "3246b30f178c4fe9a256e6e326546cbd": { + "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": "" + } + }, + "35377e401e344f27b3f86567e03b8665": { + "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": "" + } + }, + "35710d549e274f58abd02c54be72c6c2": { + "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": "" + } + }, + "36bd99d5f08c4fdabada7157edff32ea": { + "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_5c9e7ebc6e5d41bab8328e93513913ad", + "IPY_MODEL_f2b117616f3b4eedb96986bab63a6692", + "IPY_MODEL_91e0f48982364466a14fbd0c5364d336" + ], + "layout": "IPY_MODEL_28514f23fe78478faf8d4ee54c03f573" + } + }, + "38e802c8fcee4125815f972d7c7a0fff": { + "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_95991639ef264d37a509f8bd9ecdf7c8", + "placeholder": "​", + "style": "IPY_MODEL_f7d58ab0578b49e39939c05192016146", + "value": "Downloading data: " + } + }, + "390e468c3044442aacca917d23d5709d": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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 + } + }, + "3c13ee6ac4364612bc17ef3ffd6b3429": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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 + } + }, + "3f813851ad10411ab48f26e765dc9cff": { + "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": "" + } + }, + "400f27da06e749d5be0a61accaf43a0c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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 + } + }, + "40f69f00418b4f3e90061376bac624d5": { + "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_dc0da9cdfd2e41998f4e2f3a04dfc658", + "IPY_MODEL_a4493afa196e4888aa1d1b2b06a181a0", + "IPY_MODEL_c25e4db8dbbc4aef980fa2463678306f" + ], + "layout": "IPY_MODEL_2a432c2f7e4b44c2926fc6a5460c27ed" + } + }, + "439aa1daa2424e49a07ec12ed29ac351": { + "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": "" + } + }, + "43da3b6e0120420bacc56bb081c560ec": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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 + } + }, + "458ec4577122485dae1acbf046fb6701": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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 + } + }, + "461c8ba97e25462189b95f238a27044e": { + "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_88dd9b1409f04bfc9993bcd0244777fe", + "placeholder": "​", + "style": "IPY_MODEL_c979b3835a7b49ae8ab8947cf13707d5", + "value": " 120/120 [00:02<00:00, 76.68ba/s]" + } + }, + "46e5647a158d4d83a89a08991191bcbb": { + "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_1dff1987bcc64508b236a2a5bf9cec2a", + "IPY_MODEL_70f57872c19447aa9b0d2d9e5bcf0570", + "IPY_MODEL_461c8ba97e25462189b95f238a27044e" + ], + "layout": "IPY_MODEL_f7985d5de72648c2a4334b89ee603f7c" + } + }, + "489f5cfe7b244bdd85122db470ad7d2a": { + "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_0799153be5ac4d209c20817dfd187cf8", + "IPY_MODEL_7188ef2547fb49a79f044755eda0e7ca", + "IPY_MODEL_70b549e449864f4795d7fca0ceb21b3a" + ], + "layout": "IPY_MODEL_458ec4577122485dae1acbf046fb6701" + } + }, + "48a424c068e247b889628fe97265550a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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 + } + }, + "495a8f52054743509e151806da0abbfa": { + "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_8c22504ccaee4cbf9bdfef0c120590b2", + "IPY_MODEL_df38d84cc6ae40788c0f164cc251f185", + "IPY_MODEL_cc4803dc285b471685e754d1e442c6fd" + ], + "layout": "IPY_MODEL_e875464290684953b527904557f3528e" + } + }, + "49600a623e5a423b8299aa12527c172e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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 + } + }, + "49a44fb68bca4ea19a6ffcf794f3039a": { + "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": "" + } + }, + "4a8a0369a02d45b0ba6b3714180da358": { + "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": "" + } + }, + "4f4ae616c7c343edada8b37ca4027125": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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 + } + }, + "4f6d03ac52c04d3f8da9b7796054b648": { + "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_48a424c068e247b889628fe97265550a", + "placeholder": "​", + "style": "IPY_MODEL_cd33f15aee464f798cba807dce8440e9", + "value": " 2/2 [00:02<00:00, 1.43s/it]" + } + }, + "52a4fd97b2094096a0a23d8bb097a686": { + "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_400f27da06e749d5be0a61accaf43a0c", + "max": 61998, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_3f813851ad10411ab48f26e765dc9cff", + "value": 61998 + } + }, + "543c8cc6dd0f4ccd99e48c038543cd9f": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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 + } + }, + "55130e2f028e4711a48477b69601295d": { + "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_93cb42215da44d2ba4213b835d252eab", + "IPY_MODEL_94d0bf4b5dce4ec8b33600c8b3472630", + "IPY_MODEL_c55c9f7cf12b40a4bf753945ddd96f05" + ], + "layout": "IPY_MODEL_1fa1643b342b485d9b6697d7cefeddac" + } + }, + "5780154511334024bedf4323a4c87227": { + "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_390e468c3044442aacca917d23d5709d", + "placeholder": "​", + "style": "IPY_MODEL_eb1a99d40b2b426a80884f1577f18948", + "value": " 2/2 [00:00<00:00, 107.80it/s]" + } + }, + "58385a662e624c63b2d317b5b6840037": { + "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_c24af0f963b7460d9d38e3b09081f949", + "placeholder": "​", + "style": "IPY_MODEL_65055dbabf0440d1a6b0c0189553ffcf", + "value": "Generating validation split: 100%" + } + }, + "5969054c9cf34ed1a638a69bcbbb377a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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 + } + }, + "5a7ea78609464fb0b4b6c1e4a3597613": { + "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_303510fad09b4534aed23aa783256b89", + "max": 30, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_35377e401e344f27b3f86567e03b8665", + "value": 30 + } + }, + "5bd26ff88cf248d4aabe2fcf5446cd5c": { + "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_13826beae5f042db9b6d3e3f3807f85e", + "max": 119988, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_14c66c78bd1b4313b789a79ddb265a45", + "value": 119988 + } + }, + "5c9e7ebc6e5d41bab8328e93513913ad": { + "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_adb329d31dc94bbb9447099ee12802a4", + "placeholder": "​", + "style": "IPY_MODEL_e46269bca9ac4f289ae58b63a9b50c05", + "value": "Generating train split: " + } + }, + "5d5a7becafcb45808dfe65cb660e6827": { + "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": "" + } + }, + "6224481255304438bafa996d1981bd9b": { + "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": "" + } + }, + "62c52ca8fa1147c594cfc1b0e891992f": { + "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": "" + } + }, + "65055dbabf0440d1a6b0c0189553ffcf": { + "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": "" + } + }, + "6581c29cdfb04ea59400f8061d796fe3": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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 + } + }, + "65eeb8ee0eeb4127a0d5bd27e2aee5b7": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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 + } + }, + "6898685d25ee4805b7fec0378365ffa0": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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 + } + }, + "6970e3f5318c425bb682a11fe2710eb8": { + "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_93cd1a99f280417fa21c10147d3086a2", + "IPY_MODEL_88c000f55dbb48129f1d719207084ddb", + "IPY_MODEL_f4eda86e937a4a548024f662723e37a3" + ], + "layout": "IPY_MODEL_199692beb0204413b8e3212ea7a3a030" + } + }, + "6c4658d876b44a84b360d061bb68ed66": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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 + } + }, + "6daf5ef868b847d397fb3924b1b74d35": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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 + } + }, + "6e9fdbd4fd544b15a04dd0729aedcaae": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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 + } + }, + "6f1ca069baf04a5da2861661dadbc662": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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 + } + }, + "70b549e449864f4795d7fca0ceb21b3a": { + "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_26215544657644888e95c477b5875804", + "placeholder": "​", + "style": "IPY_MODEL_a2c144716157471f86cff341ec3a188e", + "value": " 2/2 [00:00<00:00, 125.53it/s]" + } + }, + "70f0780e3ac143eaa5793bd75b1dd0d4": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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 + } + }, + "70f57872c19447aa9b0d2d9e5bcf0570": { + "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_6c4658d876b44a84b360d061bb68ed66", + "max": 120, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_439aa1daa2424e49a07ec12ed29ac351", + "value": 120 + } + }, + "7188ef2547fb49a79f044755eda0e7ca": { + "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_a2956bc417f8442a93ace1630b4f6c5c", + "max": 2, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_1e3ece313db34ed89f7c97bda5d94136", + "value": 2 + } + }, + "727e09b03a2841fab93af2ccdc800619": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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": "20px" + } + }, + "736c636e2b274ffeb9aac319d56a37a7": { + "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_c8b52ae553bb4745b0444e6476da535d", + "max": 29997, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_f7e102b56feb46c68f968056adaec751", + "value": 29997 + } + }, + "75560191f732426e8d48348d9519c1f0": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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 + } + }, + "7d8e46bd108d41adae04baa12963bb56": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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 + } + }, + "7ec9e74bff04481da80fe3370e876420": { + "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_6581c29cdfb04ea59400f8061d796fe3", + "placeholder": "​", + "style": "IPY_MODEL_d115499e37a34b8690d6849494aa65ae", + "value": "Generating train split: 100%" + } + }, + "7ed6cb7e905f43768e21ceb29c674215": { + "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_0cc7dfd0ff934b649b76b3917602f1be", + "placeholder": "​", + "style": "IPY_MODEL_afd3066953514cd59f31e15e4d2915e7", + "value": " 4.84M/? [00:00<00:00, 30.3MB/s]" + } + }, + "8194ea8f5b0a4c8cb5f999ec0c87a633": { + "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_543c8cc6dd0f4ccd99e48c038543cd9f", + "placeholder": "​", + "style": "IPY_MODEL_debe32e761d34be1a2c30d801a2451be", + "value": "Downloading readme: 100%" + } + }, + "81b0c62b427040c0a085e7e63db46ac3": { + "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_d958d6f7c1284adeae233a13353ba3d0", + "max": 5439, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_49a44fb68bca4ea19a6ffcf794f3039a", + "value": 5439 + } + }, + "822edeea9ecf4c16b9bcf7951eed3792": { + "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_8e4c08035b694012922777750beb333e", + "IPY_MODEL_0b19af29fefa46749ec3efa4af03bd85", + "IPY_MODEL_4f6d03ac52c04d3f8da9b7796054b648" + ], + "layout": "IPY_MODEL_2c73ded880e14d7fbae4d3abc94262c2" + } + }, + "8471e543444f44f09e59b4fe964ed82e": { + "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": "" + } + }, + "848fb54cd20347f8b61579415190dd92": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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 + } + }, + "85d4eb30714f4d66b1fe1f77887554ca": { + "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": "" + } + }, + "87007da808364f3a8f464fed05c92a0d": { + "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": "" + } + }, + "8774f73644024974a3116309684f0c7c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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 + } + }, + "88c000f55dbb48129f1d719207084ddb": { + "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_e932af18b3734c50b3d7d12972408a8d", + "max": 1, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_9e9516808b2e406c9e1010f23d5b26c0", + "value": 1 + } + }, + "88dd9b1409f04bfc9993bcd0244777fe": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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 + } + }, + "8af4d1f70cd944ddadf8ea36ac38c58e": { + "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": "" + } + }, + "8badb18f053f407e83699688cc0c5999": { + "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": "" + } + }, + "8c22504ccaee4cbf9bdfef0c120590b2": { + "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_9bb3360a875543ae82ee5480acac4796", + "placeholder": "​", + "style": "IPY_MODEL_2a7dda9c5aac4087951f16e5b5ac96b7", + "value": "Creating json from Arrow format: 100%" + } + }, + "8e4c08035b694012922777750beb333e": { + "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_92459ab6b11d47dba3db1fc162972efd", + "placeholder": "​", + "style": "IPY_MODEL_91a1b97822fc40eeb827c34fd15c74b6", + "value": "Downloading data files: 100%" + } + }, + "91598533cd7f48f5a708543bf5f3bab6": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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 + } + }, + "91799ab4c0864ba9a9a8dd54f73cf7a4": { + "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_e991a429e51d4980b1374992b1bd3fb3", + "placeholder": "​", + "style": "IPY_MODEL_6224481255304438bafa996d1981bd9b", + "value": " 5.44k/5.44k [00:00<00:00, 220kB/s]" + } + }, + "91a1b97822fc40eeb827c34fd15c74b6": { + "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": "" + } + }, + "91e0f48982364466a14fbd0c5364d336": { + "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_1e467554461f4cc2ae842712b59feea8", + "placeholder": "​", + "style": "IPY_MODEL_28848374ffd84ecd869acd909f966885", + "value": " 149985/0 [00:00<00:00, 522618.35 examples/s]" + } + }, + "92459ab6b11d47dba3db1fc162972efd": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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 + } + }, + "93283eaea26547c891d16c64e20d3fb4": { + "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_6898685d25ee4805b7fec0378365ffa0", + "max": 4376, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_f174f333e840477ba96c910213a81d0a", + "value": 4376 + } + }, + "935634cd3d1340d3986110539c3fcc76": { + "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": "" + } + }, + "9384d6d22f3643219151ad248a0d2fc7": { + "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_017322c8e90b48ae9164efe2569c2727", + "max": 2, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_9658ed7253c940548fb40a4b320ac1b4", + "value": 2 + } + }, + "93cb42215da44d2ba4213b835d252eab": { + "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_dd417a969ac849baa6929d18ada5d1c9", + "placeholder": "​", + "style": "IPY_MODEL_dfdcf8520708413da2dc151f41c193c0", + "value": "Extracting data files: 100%" + } + }, + "93cd1a99f280417fa21c10147d3086a2": { + "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_bdb1639f2264475c96a6665fd0a16fdf", + "placeholder": "​", + "style": "IPY_MODEL_87007da808364f3a8f464fed05c92a0d", + "value": "Generating test split: " + } + }, + "94d0bf4b5dce4ec8b33600c8b3472630": { + "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_c0fb53db671b4d26ac06c6c3c9933b15", + "max": 2, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_0da9f1a610f244249d7dbe73df3ac5ee", + "value": 2 + } + }, + "94dad8d2649c403dbb443c7e3d8b1097": { + "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_2001d69064ec4b78be911fe41c06b468", + "placeholder": "​", + "style": "IPY_MODEL_074215c3ae704b939e205bc604a6339d", + "value": " 11.7M/? [00:00<00:00, 41.9MB/s]" + } + }, + "95991639ef264d37a509f8bd9ecdf7c8": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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 + } + }, + "9658ed7253c940548fb40a4b320ac1b4": { + "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": "" + } + }, + "9bb3360a875543ae82ee5480acac4796": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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 + } + }, + "9d0edf01c6574b6da5e2fd9ffc9146aa": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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 + } + }, + "9e5e85f4d62b4a699c28f7cf5567dd46": { + "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": "" + } + }, + "9e9516808b2e406c9e1010f23d5b26c0": { + "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": "" + } + }, + "a2956bc417f8442a93ace1630b4f6c5c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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 + } + }, + "a2c144716157471f86cff341ec3a188e": { + "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": "" + } + }, + "a441f30832cc435c8bbe4176a4eb6397": { + "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_38e802c8fcee4125815f972d7c7a0fff", + "IPY_MODEL_cf58b80e62454c939e14a0cf451a0aa2", + "IPY_MODEL_94dad8d2649c403dbb443c7e3d8b1097" + ], + "layout": "IPY_MODEL_6daf5ef868b847d397fb3924b1b74d35" + } + }, + "a4493afa196e4888aa1d1b2b06a181a0": { + "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_8774f73644024974a3116309684f0c7c", + "max": 149985, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_85d4eb30714f4d66b1fe1f77887554ca", + "value": 149985 + } + }, + "a50c23d78cc445879300f98af0ac69ae": { + "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": "" + } + }, + "a652e69a7c0044f190068adae92d4461": { + "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_146c22e8c0654103944d314f183beac1", + "IPY_MODEL_9384d6d22f3643219151ad248a0d2fc7", + "IPY_MODEL_5780154511334024bedf4323a4c87227" + ], + "layout": "IPY_MODEL_f6d52c07e696497c9744d30e48c4f8ba" + } + }, + "aae06c7d529c418b9841a348bc444d3a": { + "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_6f1ca069baf04a5da2861661dadbc662", + "placeholder": "​", + "style": "IPY_MODEL_8af4d1f70cd944ddadf8ea36ac38c58e", + "value": "Map: 100%" + } + }, + "abdd89a240da41858e2eedbe80a3a084": { + "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_f73ecd74491647148a180a05c52e69b8", + "max": 2228485, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_f312478e6d794daa9625836628caf03f", + "value": 2228485 + } + }, + "adb329d31dc94bbb9447099ee12802a4": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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 + } + }, + "adf9c6b09bd54777996a1f9673d7f694": { + "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_f02baf3f36754d8f87241f7184ffb75c", + "placeholder": "​", + "style": "IPY_MODEL_cda0be8a5d5847ca989c89fff99dac1f", + "value": " 119988/119988 [00:08<00:00, 13031.33 examples/s]" + } + }, + "afd3066953514cd59f31e15e4d2915e7": { + "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": "" + } + }, + "b01e8fb3d39c4aa986da3ac2b0a16ec7": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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 + } + }, + "b1b81a92053b4c3fa5c76caef02563b6": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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 + } + }, + "b240fb02e8184aa58d1eba709b1991bc": { + "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": "" + } + }, + "b79d7facd6d7485cb92dc4c053551e40": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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 + } + }, + "ba97193bfa6442bb929be164fc9a7463": { + "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": "" + } + }, + "bbae5295c7814f8aa8a83b6c7c4622f2": { + "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": "" + } + }, + "bdb1639f2264475c96a6665fd0a16fdf": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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 + } + }, + "c0fb53db671b4d26ac06c6c3c9933b15": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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 + } + }, + "c24af0f963b7460d9d38e3b09081f949": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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 + } + }, + "c25e4db8dbbc4aef980fa2463678306f": { + "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_7d8e46bd108d41adae04baa12963bb56", + "placeholder": "​", + "style": "IPY_MODEL_5d5a7becafcb45808dfe65cb660e6827", + "value": " 149985/149985 [00:10<00:00, 17268.92 examples/s]" + } + }, + "c4012bd1af3945f28f62c7c1307458e5": { + "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": "" + } + }, + "c55c9f7cf12b40a4bf753945ddd96f05": { + "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_0169f1f662334c438b88fcdadfbcbfd4", + "placeholder": "​", + "style": "IPY_MODEL_ba97193bfa6442bb929be164fc9a7463", + "value": " 2/2 [00:00<00:00, 68.43it/s]" + } + }, + "c59fec8321c64cb98488e70f9ef78740": { + "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_65eeb8ee0eeb4127a0d5bd27e2aee5b7", + "placeholder": "​", + "style": "IPY_MODEL_4a8a0369a02d45b0ba6b3714180da358", + "value": "Creating json from Arrow format: 100%" + } + }, + "c6bf49b2298c4d9eb9035fb860b539e7": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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 + } + }, + "c7d932f531e0499ab8318f32834dae51": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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 + } + }, + "c8b52ae553bb4745b0444e6476da535d": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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 + } + }, + "c979b3835a7b49ae8ab8947cf13707d5": { + "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": "" + } + }, + "caf5cd41ecb44a50b80508f7cb6792f2": { + "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_2ada78a1a43a42668dba150700b257ea", + "IPY_MODEL_abdd89a240da41858e2eedbe80a3a084", + "IPY_MODEL_7ed6cb7e905f43768e21ceb29c674215" + ], + "layout": "IPY_MODEL_e8aa467e689c47c5a52738dc8620d529" + } + }, + "cc4803dc285b471685e754d1e442c6fd": { + "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_e138aec3fffe40fc8855ff43e8bdc96e", + "placeholder": "​", + "style": "IPY_MODEL_06a0f93bdfcb4b6d9f2bd0488565c650", + "value": " 62/62 [00:00<00:00, 199.66ba/s]" + } + }, + "cd33f15aee464f798cba807dce8440e9": { + "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": "" + } + }, + "cda0be8a5d5847ca989c89fff99dac1f": { + "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": "" + } + }, + "cf58b80e62454c939e14a0cf451a0aa2": { + "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_9d0edf01c6574b6da5e2fd9ffc9146aa", + "max": 5383113, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_935634cd3d1340d3986110539c3fcc76", + "value": 5383113 + } + }, + "d04039432648443082f031df11d445c9": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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 + } + }, + "d115499e37a34b8690d6849494aa65ae": { + "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": "" + } + }, + "d36b419d21734f09b8667362c11536b4": { + "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_b79d7facd6d7485cb92dc4c053551e40", + "placeholder": "​", + "style": "IPY_MODEL_ddac597cb7134c098050fc68de47b478", + "value": " 4.38k/4.38k [00:00<00:00, 115kB/s]" + } + }, + "d958d6f7c1284adeae233a13353ba3d0": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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 + } + }, + "dc0da9cdfd2e41998f4e2f3a04dfc658": { + "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_c7d932f531e0499ab8318f32834dae51", + "placeholder": "​", + "style": "IPY_MODEL_a50c23d78cc445879300f98af0ac69ae", + "value": "Map: 100%" + } + }, + "dd417a969ac849baa6929d18ada5d1c9": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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 + } + }, + "ddac597cb7134c098050fc68de47b478": { + "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": "" + } + }, + "de9ac409b2104355b33f3224a58d5d24": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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 + } + }, + "debe32e761d34be1a2c30d801a2451be": { + "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": "" + } + }, + "df38d84cc6ae40788c0f164cc251f185": { + "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_f578471ef71447758cfd82bd8bdc99e0", + "max": 62, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_ebc67fdc3a434f4f8a52e12faa935dea", + "value": 62 + } + }, + "dfdcf8520708413da2dc151f41c193c0": { + "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": "" + } + }, + "e0f1add308c74732b8e488e2057becf4": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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 + } + }, + "e138aec3fffe40fc8855ff43e8bdc96e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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 + } + }, + "e46269bca9ac4f289ae58b63a9b50c05": { + "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": "" + } + }, + "e764d414a9db4f9bbb3bf42a5f8b780a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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 + } + }, + "e830bae8320b44a4bec4a8652e3d8472": { + "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_0411fc784d604202afbfbf43a915e467", + "placeholder": "​", + "style": "IPY_MODEL_3246b30f178c4fe9a256e6e326546cbd", + "value": "Generating test split: 100%" + } + }, + "e875464290684953b527904557f3528e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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 + } + }, + "e8aa467e689c47c5a52738dc8620d529": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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 + } + }, + "e932af18b3734c50b3d7d12972408a8d": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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": "20px" + } + }, + "e991a429e51d4980b1374992b1bd3fb3": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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 + } + }, + "eb1a99d40b2b426a80884f1577f18948": { + "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": "" + } + }, + "ebc67fdc3a434f4f8a52e12faa935dea": { + "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": "" + } + }, + "ece324a1271b46b98a8b6fd5ba384236": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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 + } + }, + "ed390a926cd14072bc95e2054d184541": { + "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": "" + } + }, + "ed79c826a7194b5a9942671d86e2379d": { + "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_8194ea8f5b0a4c8cb5f999ec0c87a633", + "IPY_MODEL_81b0c62b427040c0a085e7e63db46ac3", + "IPY_MODEL_91799ab4c0864ba9a9a8dd54f73cf7a4" + ], + "layout": "IPY_MODEL_91598533cd7f48f5a708543bf5f3bab6" + } + }, + "ef1231caedd343a08a2b08e8f513a67f": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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 + } + }, + "eff0a998e46046fe8cbeed279d4956c3": { + "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": "" + } + }, + "f01e1dee781d49939d3204cdfe991def": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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 + } + }, + "f02baf3f36754d8f87241f7184ffb75c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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 + } + }, + "f174f333e840477ba96c910213a81d0a": { + "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": "" + } + }, + "f2b117616f3b4eedb96986bab63a6692": { + "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_727e09b03a2841fab93af2ccdc800619", + "max": 1, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_b240fb02e8184aa58d1eba709b1991bc", + "value": 1 + } + }, + "f312478e6d794daa9625836628caf03f": { + "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": "" + } + }, + "f44ba78d0c29409bbd1e24134d5335da": { + "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_e764d414a9db4f9bbb3bf42a5f8b780a", + "max": 61998, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_fca8c1d470cb49b08c8066676d70aed3", + "value": 61998 + } + }, + "f4eda86e937a4a548024f662723e37a3": { + "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_70f0780e3ac143eaa5793bd75b1dd0d4", + "placeholder": "​", + "style": "IPY_MODEL_62c52ca8fa1147c594cfc1b0e891992f", + "value": " 61998/0 [00:00<00:00, 617050.03 examples/s]" + } + }, + "f578471ef71447758cfd82bd8bdc99e0": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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 + } + }, + "f6d52c07e696497c9744d30e48c4f8ba": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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 + } + }, + "f720e5b0f068453895e8f931d83792bd": { + "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_09adc94479c14590971e97b21b6a5d6e", + "IPY_MODEL_93283eaea26547c891d16c64e20d3fb4", + "IPY_MODEL_d36b419d21734f09b8667362c11536b4" + ], + "layout": "IPY_MODEL_ef1231caedd343a08a2b08e8f513a67f" + } + }, + "f73ecd74491647148a180a05c52e69b8": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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 + } + }, + "f7985d5de72648c2a4334b89ee603f7c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_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 + } + }, + "f7d58ab0578b49e39939c05192016146": { + "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": "" + } + }, + "f7e102b56feb46c68f968056adaec751": { + "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": "" + } + }, + "fc4458f874424781bbd52adc4f441a37": { + "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_d04039432648443082f031df11d445c9", + "max": 2063, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_028b74f6c2fe4fd999507b3ed0f03f21", + "value": 2063 + } + }, + "fc4f53f70e3446a1b93a144879dd8c2d": { + "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": "" + } + }, + "fca8c1d470cb49b08c8066676d70aed3": { + "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": "" + } + }, + "ff9f1d437bac40b0aa93e4839069deb2": { + "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_07078068134d4a11987f88bdf0b08f17", + "IPY_MODEL_fc4458f874424781bbd52adc4f441a37", + "IPY_MODEL_0925e66d052145bcb3480604f3da4cda" + ], + "layout": "IPY_MODEL_4f4ae616c7c343edada8b37ca4027125" + } + } + } + } + }, + "nbformat": 4, + "nbformat_minor": 0 +}