diff --git a/MultiModal/tts/tts-text-to-speech.ipynb b/MultiModal/tts/tts-text-to-speech.ipynb
new file mode 100644
index 0000000..a6ea0c7
--- /dev/null
+++ b/MultiModal/tts/tts-text-to-speech.ipynb
@@ -0,0 +1,7927 @@
+{
+ "cells": [
+ {
+ "cell_type": "markdown",
+ "id": "c316c80b",
+ "metadata": {
+ "id": "ySBqaIDK-Jrw",
+ "papermill": {
+ "duration": 0.045744,
+ "end_time": "2024-01-22T19:03:31.194147",
+ "exception": false,
+ "start_time": "2024-01-22T19:03:31.148403",
+ "status": "completed"
+ },
+ "tags": []
+ },
+ "source": [
+ "
\n",
+ " Text to Speech (TTS)
\n",
+ "\n",
+ "\n"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "4cb4fe42",
+ "metadata": {
+ "papermill": {
+ "duration": 0.04559,
+ "end_time": "2024-01-22T19:03:31.286099",
+ "exception": false,
+ "start_time": "2024-01-22T19:03:31.240509",
+ "status": "completed"
+ },
+ "tags": []
+ },
+ "source": [
+ "# Introduction\n",
+ "\n",
+ "📌 **The objective of this notebook is to compare different Text-to-Speech (TTS) models and conduct simple benchmarks.**\n",
+ "\n",
+ "
\n",
+ "\n"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "32b09c71",
+ "metadata": {
+ "id": "FiCO4ikcDL2U",
+ "papermill": {
+ "duration": 0.046646,
+ "end_time": "2024-01-22T19:03:31.380063",
+ "exception": false,
+ "start_time": "2024-01-22T19:03:31.333417",
+ "status": "completed"
+ },
+ "tags": []
+ },
+ "source": [
+ "# Models\n",
+ "\n",
+ "I will compare three model, two of these are open source and one is pay.\n",
+ "\n",
+ "OPEN SOURCE:\n",
+ "* [Bark](https://huggingface.co/docs/transformers/v4.36.1/en/model_doc/bark#optimizing-bark): Bark is a transformer-based text-to-speech model proposed by Suno AI in suno-ai/bark.\n",
+ "\n",
+ "* [Massively Multilingual Speech (MMS)](https://huggingface.co/docs/transformers/main/en/model_doc/mms): Is Multilingual and multitasking single model, it cans does:\n",
+ " * Automatic Speech Recognition (ASR) 1,107 languages\n",
+ " * **Speech Synthesis (TTS) 1,100 languages**\n",
+ " * Language Identification (LID) 4,017 languages\n",
+ "\n",
+ "\n",
+ "PAY API:\n",
+ "* [OPEN AI - TTS](https://platform.openai.com/docs/guides/text-to-speech)"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "6631f2fe",
+ "metadata": {
+ "id": "UFvcD8NZ_9Sv",
+ "papermill": {
+ "duration": 0.095304,
+ "end_time": "2024-01-22T19:03:31.522145",
+ "exception": false,
+ "start_time": "2024-01-22T19:03:31.426841",
+ "status": "completed"
+ },
+ "tags": []
+ },
+ "source": [
+ "# References and Resourcers\n",
+ "\n",
+ "* MMS\n",
+ "\n",
+ " * [MMS models](https://huggingface.co/models?sort=trending&search=facebook%2Fmms-tts) - MMS for diferent languages from Hugging Face Hub\n",
+ "\n",
+ " * [Complete Guide MMS](https://huggingface.co/docs/transformers/model_doc/mms)\n",
+ "\n",
+ "* Bark 🐶\n",
+ "\n",
+ " * [TTS: Text-To-Speech with Bark 🐶](https://www.kaggle.com/code/hinepo/tts-text-to-speech-with-bark) - from [@HinePo](https://www.kaggle.com/hinepo/code)\n",
+ "\n",
+ " * [Bark repository](https://github.com/suno-ai/bark) - git of bark model.\n",
+ "\n",
+ " * [Optimizing a Text-To-Speech model using 🤗 Transformers](https://huggingface.co/blog/optimizing-bark)\n",
+ "\n"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "82f1b411",
+ "metadata": {
+ "id": "mNdyQX7zG2vC",
+ "papermill": {
+ "duration": 0.046424,
+ "end_time": "2024-01-22T19:03:31.617509",
+ "exception": false,
+ "start_time": "2024-01-22T19:03:31.571085",
+ "status": "completed"
+ },
+ "tags": []
+ },
+ "source": [
+ "# LIBS"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 1,
+ "id": "b44765f7",
+ "metadata": {
+ "execution": {
+ "iopub.execute_input": "2024-01-22T19:03:31.713504Z",
+ "iopub.status.busy": "2024-01-22T19:03:31.713124Z",
+ "iopub.status.idle": "2024-01-22T19:04:23.233895Z",
+ "shell.execute_reply": "2024-01-22T19:04:23.232824Z"
+ },
+ "id": "7mJ1X5M-x_ms",
+ "outputId": "baf6260c-6f20-4310-8e8b-1b149b78d587",
+ "papermill": {
+ "duration": 51.571464,
+ "end_time": "2024-01-22T19:04:23.236373",
+ "exception": false,
+ "start_time": "2024-01-22T19:03:31.664909",
+ "status": "completed"
+ },
+ "tags": []
+ },
+ "outputs": [
+ {
+ "name": "stdout",
+ "output_type": "stream",
+ "text": [
+ "\u001b[31mERROR: pip's dependency resolver does not currently take into account all the packages that are installed. This behaviour is the source of the following dependency conflicts.\r\n",
+ "cudf 23.8.0 requires cupy-cuda11x>=12.0.0, which is not installed.\r\n",
+ "cuml 23.8.0 requires cupy-cuda11x>=12.0.0, which is not installed.\r\n",
+ "dask-cudf 23.8.0 requires cupy-cuda11x>=12.0.0, which is not installed.\r\n",
+ "apache-beam 2.46.0 requires dill<0.3.2,>=0.3.1.1, but you have dill 0.3.7 which is incompatible.\r\n",
+ "apache-beam 2.46.0 requires pyarrow<10.0.0,>=3.0.0, but you have pyarrow 11.0.0 which is incompatible.\r\n",
+ "cudf 23.8.0 requires pandas<1.6.0dev0,>=1.3, but you have pandas 2.0.3 which is incompatible.\r\n",
+ "cudf 23.8.0 requires protobuf<5,>=4.21, but you have protobuf 3.20.3 which is incompatible.\r\n",
+ "cuml 23.8.0 requires dask==2023.7.1, but you have dask 2023.12.1 which is incompatible.\r\n",
+ "cuml 23.8.0 requires distributed==2023.7.1, but you have distributed 2023.12.1 which is incompatible.\r\n",
+ "dask-cudf 23.8.0 requires dask==2023.7.1, but you have dask 2023.12.1 which is incompatible.\r\n",
+ "dask-cudf 23.8.0 requires distributed==2023.7.1, but you have distributed 2023.12.1 which is incompatible.\r\n",
+ "dask-cudf 23.8.0 requires pandas<1.6.0dev0,>=1.3, but you have pandas 2.0.3 which is incompatible.\r\n",
+ "jupyterlab 4.0.10 requires jupyter-lsp>=2.0.0, but you have jupyter-lsp 1.5.1 which is incompatible.\r\n",
+ "jupyterlab-lsp 5.0.1 requires jupyter-lsp>=2.0.0, but you have jupyter-lsp 1.5.1 which is incompatible.\r\n",
+ "pymc3 3.11.5 requires numpy<1.22.2,>=1.15.0, but you have numpy 1.24.3 which is incompatible.\r\n",
+ "pymc3 3.11.5 requires scipy<1.8.0,>=1.7.3, but you have scipy 1.11.4 which is incompatible.\r\n",
+ "tensorflow 2.13.0 requires typing-extensions<4.6.0,>=3.6.6, but you have typing-extensions 4.9.0 which is incompatible.\r\n",
+ "tensorflow-probability 0.21.0 requires typing-extensions<4.6.0, but you have typing-extensions 4.9.0 which is incompatible.\r\n",
+ "tensorflowjs 4.15.0 requires packaging~=23.1, but you have packaging 21.3 which is incompatible.\r\n",
+ "ydata-profiling 4.5.1 requires numpy<1.24,>=1.16.0, but you have numpy 1.24.3 which is incompatible.\r\n",
+ "ydata-profiling 4.5.1 requires pydantic<2,>=1.8.1, but you have pydantic 2.5.3 which is incompatible.\u001b[0m\u001b[31m\r\n",
+ "\u001b[0m"
+ ]
+ }
+ ],
+ "source": [
+ "!pip install -U accelerate optimum transformers -qq\n",
+ "! pip install -U openai pydantic -qq"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 2,
+ "id": "03a2c632",
+ "metadata": {
+ "execution": {
+ "iopub.execute_input": "2024-01-22T19:04:23.333683Z",
+ "iopub.status.busy": "2024-01-22T19:04:23.332723Z",
+ "iopub.status.idle": "2024-01-22T19:04:23.337524Z",
+ "shell.execute_reply": "2024-01-22T19:04:23.336569Z"
+ },
+ "id": "PpFweX2i6fso",
+ "outputId": "694be355-d022-47c7-fc35-cc0bc963b6fc",
+ "papermill": {
+ "duration": 0.056467,
+ "end_time": "2024-01-22T19:04:23.339697",
+ "exception": false,
+ "start_time": "2024-01-22T19:04:23.283230",
+ "status": "completed"
+ },
+ "tags": []
+ },
+ "outputs": [],
+ "source": [
+ "# from IPython.display import display_html\n",
+ "# display_html(\"\", raw=True)"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 3,
+ "id": "a6eb84a1",
+ "metadata": {
+ "execution": {
+ "iopub.execute_input": "2024-01-22T19:04:23.433937Z",
+ "iopub.status.busy": "2024-01-22T19:04:23.433256Z",
+ "iopub.status.idle": "2024-01-22T19:04:43.916033Z",
+ "shell.execute_reply": "2024-01-22T19:04:43.914940Z"
+ },
+ "id": "zBwMpSiFmbEc",
+ "outputId": "a34aab66-f042-48fe-ba1b-6ba5a4b0e040",
+ "papermill": {
+ "duration": 20.531433,
+ "end_time": "2024-01-22T19:04:43.918191",
+ "exception": false,
+ "start_time": "2024-01-22T19:04:23.386758",
+ "status": "completed"
+ },
+ "tags": []
+ },
+ "outputs": [
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "/opt/conda/lib/python3.10/site-packages/scipy/__init__.py:146: UserWarning: A NumPy version >=1.16.5 and <1.23.0 is required for this version of SciPy (detected version 1.24.3\n",
+ " warnings.warn(f\"A NumPy version >={np_minversion} and <{np_maxversion}\"\n"
+ ]
+ },
+ {
+ "name": "stdout",
+ "output_type": "stream",
+ "text": [
+ "[nltk_data] Downloading package punkt to /usr/share/nltk_data...\n",
+ "[nltk_data] Package punkt is already up-to-date!\n",
+ "[nltk_data] Downloading package stopwords to /usr/share/nltk_data...\n",
+ "[nltk_data] Package stopwords is already up-to-date!\n",
+ "[nltk_data] Downloading package averaged_perceptron_tagger to\n",
+ "[nltk_data] /usr/share/nltk_data...\n",
+ "[nltk_data] Package averaged_perceptron_tagger is already up-to-\n",
+ "[nltk_data] date!\n",
+ "[nltk_data] Downloading package wordnet to /usr/share/nltk_data...\n",
+ "[nltk_data] Package wordnet is already up-to-date!\n",
+ "transformers 4.37.0\n"
+ ]
+ }
+ ],
+ "source": [
+ "#general utils\n",
+ "import pandas as pd\n",
+ "import numpy as np\n",
+ "import wave\n",
+ "import nltk\n",
+ "import time\n",
+ "import warnings\n",
+ "import os\n",
+ "from tqdm.notebook import tqdm\n",
+ "import gc\n",
+ "\n",
+ "### HF\n",
+ "from transformers import AutoProcessor, AutoModel #BarkModel\n",
+ "from transformers import VitsModel,VitsTokenizer, AutoTokenizer, set_seed\n",
+ "import transformers\n",
+ "\n",
+ "#OpenAi\n",
+ "from openai import OpenAI\n",
+ "\n",
+ "### torch\n",
+ "import torch\n",
+ "\n",
+ "### audio\n",
+ "from IPython.display import Audio\n",
+ "\n",
+ "\n",
+ "\n",
+ "#Audio\n",
+ "from scipy.io.wavfile import write as write_wav\n",
+ "import librosa\n",
+ "import librosa.display\n",
+ "from IPython.display import Audio\n",
+ "\n",
+ "\n",
+ "\n",
+ "import matplotlib.pyplot as plt\n",
+ "import seaborn as sns\n",
+ "\n",
+ "\n",
+ "import nltk\n",
+ "from nltk.corpus import stopwords\n",
+ "\n",
+ "\n",
+ "nltk.download('punkt')\n",
+ "nltk.download('stopwords')\n",
+ "nltk.download('averaged_perceptron_tagger')\n",
+ "nltk.download('wordnet')\n",
+ "\n",
+ "print('transformers',transformers.__version__)\n",
+ "warnings.filterwarnings('ignore')\n",
+ "\n",
+ "\n"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "38691c4f",
+ "metadata": {
+ "id": "gAImxxM5IRAR",
+ "papermill": {
+ "duration": 0.044262,
+ "end_time": "2024-01-22T19:04:44.015480",
+ "exception": false,
+ "start_time": "2024-01-22T19:04:43.971218",
+ "status": "completed"
+ },
+ "tags": []
+ },
+ "source": [
+ "# Config"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 4,
+ "id": "788bd7c5",
+ "metadata": {
+ "execution": {
+ "iopub.execute_input": "2024-01-22T19:04:44.108774Z",
+ "iopub.status.busy": "2024-01-22T19:04:44.107740Z",
+ "iopub.status.idle": "2024-01-22T19:04:44.205808Z",
+ "shell.execute_reply": "2024-01-22T19:04:44.204817Z"
+ },
+ "id": "pAQJHni7ISoM",
+ "papermill": {
+ "duration": 0.147422,
+ "end_time": "2024-01-22T19:04:44.207946",
+ "exception": false,
+ "start_time": "2024-01-22T19:04:44.060524",
+ "status": "completed"
+ },
+ "tags": []
+ },
+ "outputs": [],
+ "source": [
+ "class CFG:\n",
+ " DEBUG = False\n",
+ "\n",
+ " DEVICE = \"cuda\" if torch.cuda.is_available() else \"cpu\"\n",
+ "\n",
+ " SEED= 42\n",
+ "\n",
+ "\n",
+ "\n",
+ " # Textos do build data - TROCAR PARA LANDING\n",
+ " INPUT_DATA = '/dbfs/mnt/landing-zone/TTS/conteudos_somenete_paragrafos.parquet'\n",
+ " AUDIO_OUT_PATH = '/dbfs/mnt/landing-zone/TTS/audios/mms/'\n",
+ "\n",
+ " # Output RAW - TROCAR PARA LANDING\n",
+ " MODEL_TYPE = 'mms-tts-por'\n",
+ "\n",
+ " # --------------------------------------\n",
+ " # Bark - if MODEL_TYPE == bark_batch\n",
+ " BARK_SPEAKER = \"v2/en_speaker_0\"\n",
+ " GEN_TEMP = 0.6\n",
+ " MIN_EOS_P = 0.01 # 0.01\n",
+ "\n",
+ "\n",
+ " #split Sentences\n",
+ " char_limit = 200 #if 0 use tokens_limit\n",
+ " tokens_limit = 0 #if 0 use char_limit\n",
+ "\n",
+ " ### post-processing: to visualize and remove Noise\n",
+ " AMPLITUDE_THRESHOLD = 0.05\n",
+ " TIME_THRESHOLD = int(24_000 * 0.5) # sample_rate * n_seconds\n",
+ " IGNORE_INITIAL_STEPS = int(24_000 * 0.5) # sample_rate * n_seconds\n",
+ "\n",
+ "\n",
+ " #OpenAI\n",
+ "\n"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "0d0cd65c",
+ "metadata": {
+ "id": "7kvXZwWBHVjN",
+ "papermill": {
+ "duration": 0.046966,
+ "end_time": "2024-01-22T19:04:44.302661",
+ "exception": false,
+ "start_time": "2024-01-22T19:04:44.255695",
+ "status": "completed"
+ },
+ "tags": []
+ },
+ "source": [
+ "# Text\n",
+ "\n",
+ "\n",
+ "In Greek mythology, there are multiple stories associated with the constellation Cancer, but one prominent tale involves the second labor of Heracles (Hercules in Roman mythology). Hera, the wife of Zeus and the goddess of marriage, held a grudge against Heracles because he was the illegitimate son of Zeus and another woman. To harm Heracles, Hera sent a giant crab named Karkinos to distract him during his battle with the Hydra, a serpent with multiple heads.\n",
+ "\n",
+ "As Heracles was fighting the Hydra, Karkinos latched onto his foot with its strong pincers. However, Heracles quickly crushed the crab with his foot, killing it. In recognition of Karkinos' loyalty and sacrifice, Hera placed the crab in the night sky as the constellation Cancer. This was her way of honoring the creature that tried to thwart Heracles in his quest. The Cancer constellation is often depicted as a crab in various interpretations of this myth.\n",
+ "\n",
+ "SOURCE: [TTS: Text-To-Speech with Bark 🐶](https://www.kaggle.com/code/hinepo/tts-text-to-speech-with-bark) - from [@HinePo](https://www.kaggle.com/hinepo/code)"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 5,
+ "id": "dff6770f",
+ "metadata": {
+ "execution": {
+ "iopub.execute_input": "2024-01-22T19:04:44.401109Z",
+ "iopub.status.busy": "2024-01-22T19:04:44.400547Z",
+ "iopub.status.idle": "2024-01-22T19:04:44.406476Z",
+ "shell.execute_reply": "2024-01-22T19:04:44.405509Z"
+ },
+ "id": "67SA5LTP-HXo",
+ "papermill": {
+ "duration": 0.057314,
+ "end_time": "2024-01-22T19:04:44.408830",
+ "exception": false,
+ "start_time": "2024-01-22T19:04:44.351516",
+ "status": "completed"
+ },
+ "tags": []
+ },
+ "outputs": [],
+ "source": [
+ "### choose text to make inference on\n",
+ "text_to_infer = '''\n",
+ "In Greek mythology, there are multiple stories associated with the constellation Cancer, but one prominent tale involves the second labor of Heracles (Hercules in Roman mythology). Hera, the wife of Zeus and the goddess of marriage, held a grudge against Heracles because he was the illegitimate son of Zeus and another woman. To harm Heracles, Hera sent a giant crab named Karkinos to distract him during his battle with the Hydra, a serpent with multiple heads.\n",
+ "\n",
+ "As Heracles was fighting the Hydra, Karkinos latched onto his foot with its strong pincers. However, Heracles quickly crushed the crab with his foot, killing it. In recognition of Karkinos' loyalty and sacrifice, Hera placed the crab in the night sky as the constellation Cancer. This was her way of honoring the creature that tried to thwart Heracles in his quest. The Cancer constellation is often depicted as a crab in various interpretations of this myth.\n",
+ "\n",
+ "'''"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "b52129ed",
+ "metadata": {
+ "id": "iN1nnoozcLDR",
+ "papermill": {
+ "duration": 0.046612,
+ "end_time": "2024-01-22T19:04:44.504788",
+ "exception": false,
+ "start_time": "2024-01-22T19:04:44.458176",
+ "status": "completed"
+ },
+ "tags": []
+ },
+ "source": [
+ "# Utils"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 6,
+ "id": "16829424",
+ "metadata": {
+ "execution": {
+ "iopub.execute_input": "2024-01-22T19:04:44.598439Z",
+ "iopub.status.busy": "2024-01-22T19:04:44.598109Z",
+ "iopub.status.idle": "2024-01-22T19:04:44.612728Z",
+ "shell.execute_reply": "2024-01-22T19:04:44.611898Z"
+ },
+ "id": "cqiIuSplcNEI",
+ "papermill": {
+ "duration": 0.063819,
+ "end_time": "2024-01-22T19:04:44.614616",
+ "exception": false,
+ "start_time": "2024-01-22T19:04:44.550797",
+ "status": "completed"
+ },
+ "tags": []
+ },
+ "outputs": [],
+ "source": [
+ "def text_report(text, processor):\n",
+ "\n",
+ " n_tokens = len(processor.tokenizer.encode(text)) if MODEL_NAME == 'suno/bark' else len(processor.encode(text))\n",
+ " print('\\nText Report')\n",
+ " print('Nº of char: ', len(text))\n",
+ " print('Nº of words: ', len(nltk.word_tokenize(text)))\n",
+ " print('Nº of Sentences: ', len(nltk.sent_tokenize(text)))\n",
+ " print('Nº of Tokens: ', n_tokens)\n",
+ " print('\\n')\n",
+ "\n",
+ "def save_audio(path, audio, sample_rate):\n",
+ " scaled_audio_data = np.int16(np.array(audio) * 32767)\n",
+ " with wave.open(path, 'w') as wave_file:\n",
+ " wave_file.setnchannels(1) # mono\n",
+ " wave_file.setsampwidth(2) # 16-bit\n",
+ " wave_file.setframerate(sample_rate)\n",
+ " wave_file.writeframes(scaled_audio_data.tobytes())\n",
+ "\n",
+ "def measure_latency_and_memory_use(model, inputs, nb_loops = 5):\n",
+ "\n",
+ " # define Events that measure start and end of the generate pass\n",
+ " start_event = torch.cuda.Event(enable_timing=True)\n",
+ " end_event = torch.cuda.Event(enable_timing=True)\n",
+ "\n",
+ " # reset cuda memory stats and empty cache\n",
+ " torch.cuda.reset_peak_memory_stats(device)\n",
+ " torch.cuda.empty_cache()\n",
+ " torch.cuda.synchronize()\n",
+ "\n",
+ " # get the start time\n",
+ " start_event.record()\n",
+ "\n",
+ " # actually generate\n",
+ " for _ in range(nb_loops):\n",
+ " # set seed for reproducibility\n",
+ " set_seed(0)\n",
+ " output = model.generate(**inputs, do_sample = True, fine_temperature = 0.4, coarse_temperature = 0.8)\n",
+ "\n",
+ " # get the end time\n",
+ " end_event.record()\n",
+ " torch.cuda.synchronize()\n",
+ "\n",
+ " # measure memory footprint and elapsed time\n",
+ " max_memory = torch.cuda.max_memory_allocated(device)\n",
+ " elapsed_time = start_event.elapsed_time(end_event) * 1.0e-3\n",
+ "\n",
+ " print('Execution time:', elapsed_time/nb_loops, 'seconds')\n",
+ " print('Max memory footprint', max_memory*1e-9, ' GB')\n",
+ "\n",
+ " return output\n",
+ "\n",
+ "#from https://www.kaggle.com/code/hinepo/tts-text-to-speech-with-bark/notebook#%E2%9C%82%EF%B8%8F-Slice-array-function\n",
+ "def slice_array_wave(input_array, amplitude_threshold, time_threshold, ignore_initial_steps=0):\n",
+ " \"\"\"\n",
+ " Slice an input array based on consecutive low amplitude values.\n",
+ "\n",
+ " Parameters:\n",
+ " - input_array (numpy.ndarray): Input array containing amplitude values.\n",
+ " - amplitude_threshold (float): Threshold below which amplitudes are considered low.\n",
+ " - time_threshold (int): Number of consecutive low amplitude values needed to trigger slicing.\n",
+ " - ignore_initial_steps (int, optional): Number of initial steps to ignore before checking for consecutive low amplitudes.\n",
+ "\n",
+ " Returns:\n",
+ " numpy.ndarray: Sliced array up to the point where consecutive low amplitudes reach the specified time_threshold.\n",
+ " \"\"\"\n",
+ "\n",
+ " low_amplitude_indices = np.abs(input_array) < amplitude_threshold\n",
+ "\n",
+ " consecutive_count = 0\n",
+ " for i, is_low_amplitude in enumerate(low_amplitude_indices[ignore_initial_steps:]):\n",
+ " if is_low_amplitude:\n",
+ " consecutive_count += 1\n",
+ " else:\n",
+ " consecutive_count = 0\n",
+ "\n",
+ " if consecutive_count >= time_threshold:\n",
+ "# return input_array[:i - time_threshold]\n",
+ "# return input_array[:i - int(time_threshold/2) + int(time_threshold/4)]\n",
+ " return input_array[:i + int(time_threshold/4)]\n",
+ "\n",
+ " return input_array\n"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "2bbb0e8e",
+ "metadata": {
+ "id": "dKKmiAUMH0cM",
+ "papermill": {
+ "duration": 0.045795,
+ "end_time": "2024-01-22T19:04:44.705450",
+ "exception": false,
+ "start_time": "2024-01-22T19:04:44.659655",
+ "status": "completed"
+ },
+ "tags": []
+ },
+ "source": [
+ "# Get Model\n",
+ "\n",
+ "Bark uses a processor to prepare text to the model, and it has tokenizer was a method of processing. MMS just uses the tokenizer.\n"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 7,
+ "id": "c88f3587",
+ "metadata": {
+ "execution": {
+ "iopub.execute_input": "2024-01-22T19:04:44.802602Z",
+ "iopub.status.busy": "2024-01-22T19:04:44.801916Z",
+ "iopub.status.idle": "2024-01-22T19:04:44.812373Z",
+ "shell.execute_reply": "2024-01-22T19:04:44.811485Z"
+ },
+ "id": "txHNksUIH4dE",
+ "papermill": {
+ "duration": 0.061421,
+ "end_time": "2024-01-22T19:04:44.814434",
+ "exception": false,
+ "start_time": "2024-01-22T19:04:44.753013",
+ "status": "completed"
+ },
+ "tags": []
+ },
+ "outputs": [],
+ "source": [
+ "def get_model(model_name):\n",
+ "\n",
+ "\n",
+ " if model_name == 'facebook/mms-tts-eng':\n",
+ "\n",
+ " processor = VitsTokenizer.from_pretrained(model_name,\n",
+ " #noramlize=False\n",
+ " )\n",
+ "\n",
+ " model = VitsModel.from_pretrained(model_name).to(CFG.DEVICE)\n",
+ "\n",
+ "\n",
+ " #model.resize_token_embeddings(len(processor))\n",
+ "\n",
+ "\n",
+ " print('\\nModel Report\\n')\n",
+ " print('Name = ',model_name)\n",
+ " print('Sample Rate = ',model.config.sampling_rate)\n",
+ " print('Noise Sacle = ',model.noise_scale)\n",
+ " print('Sepaking Rate = ', model.speaking_rate)\n",
+ " print('Number os Speakers = ', model.config.speaker_embedding_size + 1)\n",
+ " print('Context Lenght = ', processor.model_max_length)\n",
+ "\n",
+ "\n",
+ " sample_rate = model.config.sampling_rate\n",
+ "\n",
+ " elif model_name == 'suno/bark':\n",
+ "\n",
+ " model = AutoModel.from_pretrained(model_name,\n",
+ " torch_dtype = torch.float16, # half-precision\n",
+ " ).to(CFG.DEVICE)\n",
+ "\n",
+ "\n",
+ "\n",
+ " processor = AutoProcessor.from_pretrained(model_name,\n",
+ " voice_preset=CFG.BARK_SPEAKER,\n",
+ " temp=CFG.GEN_TEMP,\n",
+ " min_eos_p=CFG.MIN_EOS_P)\n",
+ "\n",
+ "\n",
+ " print(f'{model_name} Report\\n')\n",
+ " print('Sample Rate = ', model.generation_config.sample_rate)\n",
+ " print('Sepaker = ', CFG.BARK_SPEAKER)\n",
+ " print('Context Lenght = ', processor.tokenizer.model_max_length)\n",
+ "\n",
+ " sample_rate = model.generation_config.sample_rate\n",
+ "\n",
+ "\n",
+ " #load not use models on cpu\n",
+ " model.enable_cpu_offload()\n",
+ "\n",
+ " # model = model.to_bettertransformer()\n",
+ "\n",
+ " else:\n",
+ " print('Invalid model name')\n",
+ "\n",
+ "\n",
+ " return model, processor, sample_rate\n"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "ace1e938",
+ "metadata": {
+ "id": "fzL2RmSXy8gb",
+ "papermill": {
+ "duration": 0.044255,
+ "end_time": "2024-01-22T19:04:44.904871",
+ "exception": false,
+ "start_time": "2024-01-22T19:04:44.860616",
+ "status": "completed"
+ },
+ "tags": []
+ },
+ "source": [
+ "# Inferences"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 8,
+ "id": "1bdc20d5",
+ "metadata": {
+ "execution": {
+ "iopub.execute_input": "2024-01-22T19:04:44.996410Z",
+ "iopub.status.busy": "2024-01-22T19:04:44.996090Z",
+ "iopub.status.idle": "2024-01-22T19:04:45.008785Z",
+ "shell.execute_reply": "2024-01-22T19:04:45.007746Z"
+ },
+ "id": "sMipQshWy9wq",
+ "papermill": {
+ "duration": 0.060606,
+ "end_time": "2024-01-22T19:04:45.010828",
+ "exception": false,
+ "start_time": "2024-01-22T19:04:44.950222",
+ "status": "completed"
+ },
+ "tags": []
+ },
+ "outputs": [],
+ "source": [
+ "def inference(text, processor = None, model=None):\n",
+ " #reset cuda memory stats and empty cache\n",
+ " # torch.cuda.reset_peak_memory_stats(CFG.DEVICE)\n",
+ " # torch.cuda.empty_cache()\n",
+ "\n",
+ " if MODEL_NAME == 'facebook/mms-tts-eng':\n",
+ "\n",
+ "\n",
+ "\n",
+ "\n",
+ " set_seed(CFG.SEED)\n",
+ "\n",
+ "\n",
+ "\n",
+ " text_report(text, processor)\n",
+ "\n",
+ " start_time = time.time()\n",
+ "\n",
+ " inputs = processor(text, return_tensors=\"pt\").to(CFG.DEVICE)\n",
+ " with torch.no_grad():\n",
+ " output = model(**inputs)\n",
+ "\n",
+ "\n",
+ "\n",
+ " max_memory = torch.cuda.max_memory_allocated(CFG.DEVICE)\n",
+ "\n",
+ " end_time = time.time()\n",
+ " run_time = end_time - start_time\n",
+ " run_time = round(end_time - start_time,2)\n",
+ "\n",
+ " #audio = output['waveform'].cpu().numpy().squeeze()\n",
+ " print('inference Time = ', run_time,'seconds')\n",
+ " print('Max memory footprint', max_memory*1e-9, ' GB')\n",
+ "\n",
+ " return output, run_time\n",
+ "\n",
+ " elif MODEL_NAME == 'suno/bark':\n",
+ "\n",
+ "\n",
+ " text_report(text, processor)\n",
+ "\n",
+ " start_time = time.time()\n",
+ "\n",
+ " sentences = nltk.sent_tokenize(text)\n",
+ "\n",
+ "\n",
+ " inputs = processor(\n",
+ " text = sentences,\n",
+ " return_tensors = \"pt\",\n",
+ " return_attention_mask = True,\n",
+ " max_length = 1024,\n",
+ " voice_preset = CFG.BARK_SPEAKER,\n",
+ " add_special_tokens = False,\n",
+ " ).to(CFG.DEVICE)\n",
+ "\n",
+ " with torch.inference_mode():\n",
+ " output = model.generate(\n",
+ " **inputs,\n",
+ " do_sample = True,\n",
+ " semantic_max_new_tokens = 1024,\n",
+ " pad_token_id = processor.tokenizer.pad_token_id,\n",
+ " )\n",
+ "\n",
+ " torch.cuda.synchronize()\n",
+ "\n",
+ " max_memory = torch.cuda.max_memory_allocated(CFG.DEVICE)\n",
+ "\n",
+ " end_time = time.time()\n",
+ " run_time = round(end_time - start_time,2)\n",
+ "\n",
+ " print('inference Time = ', run_time,'seconds')\n",
+ " print('Max memory footprint', max_memory*1e-9, ' GB')\n",
+ "\n",
+ " return output.cpu(),run_time\n",
+ "\n",
+ " elif MODEL_NAME == 'tts-1':\n",
+ "\n",
+ " client = OpenAI(api_key = OPENAI_API_KEY)\n",
+ "\n",
+ " start_time = time.time()\n",
+ " response = client.audio.speech.create(\n",
+ " model = MODEL_NAME,\n",
+ " voice = 'onyx',\n",
+ " input = text,\n",
+ " )\n",
+ "\n",
+ " end_time = time.time()\n",
+ " run_time = round(end_time - start_time,2)\n",
+ "\n",
+ " response.stream_to_file(\"./openai_audio.mp3\")\n",
+ "\n",
+ " print('inference Time = ', run_time,'seconds')\n",
+ "\n",
+ " return response,run_time"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "f5e4ca58",
+ "metadata": {
+ "id": "wL6MWshjuwXJ",
+ "papermill": {
+ "duration": 0.045456,
+ "end_time": "2024-01-22T19:04:45.101731",
+ "exception": false,
+ "start_time": "2024-01-22T19:04:45.056275",
+ "status": "completed"
+ },
+ "tags": []
+ },
+ "source": [
+ "# Bark - Infe\n",
+ "\n",
+ "Bark has its output limited:\n",
+ "\n",
+ "
\n",
+ "\n",
+ "Because that, it's necessary split the text in chunk of sentences and after that concatenate and apply a post processing the output audio of each sentence.\n",
+ "\n",
+ "I used the post processing and audio concatenation functions from [TTS: Text-To-Speech with Bark 🐶](https://www.kaggle.com/code/hinepo/tts-text-to-speech-with-bark) - thanks to [@HinePo](https://www.kaggle.com/hinepo/code) for you helpful notebook.\n",
+ "\n",
+ "I also used optimization techniques like: Better Transform, Half-precision and CPU offload, Check the code in `get_model` and `inference` functions. Check [Optimizing a Text-To-Speech model using 🤗 Transformers](https://huggingface.co/blog/optimizing-bark) for more information\n"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 9,
+ "id": "54cb1f22",
+ "metadata": {
+ "execution": {
+ "iopub.execute_input": "2024-01-22T19:04:45.194032Z",
+ "iopub.status.busy": "2024-01-22T19:04:45.193692Z",
+ "iopub.status.idle": "2024-01-22T19:05:10.470426Z",
+ "shell.execute_reply": "2024-01-22T19:05:10.469604Z"
+ },
+ "id": "raYYNpxvtVLy",
+ "outputId": "de655315-03a4-4aa2-b66f-6bb008419a9f",
+ "papermill": {
+ "duration": 25.325145,
+ "end_time": "2024-01-22T19:05:10.472850",
+ "exception": false,
+ "start_time": "2024-01-22T19:04:45.147705",
+ "status": "completed"
+ },
+ "tags": []
+ },
+ "outputs": [
+ {
+ "data": {
+ "application/vnd.jupyter.widget-view+json": {
+ "model_id": "e0b62456f7454b24bc168f0fa266a06a",
+ "version_major": 2,
+ "version_minor": 0
+ },
+ "text/plain": [
+ "config.json: 0%| | 0.00/8.81k [00:00, ?B/s]"
+ ]
+ },
+ "metadata": {},
+ "output_type": "display_data"
+ },
+ {
+ "data": {
+ "application/vnd.jupyter.widget-view+json": {
+ "model_id": "e1297cd8619849aba54f71ca094141ce",
+ "version_major": 2,
+ "version_minor": 0
+ },
+ "text/plain": [
+ "pytorch_model.bin: 0%| | 0.00/4.49G [00:00, ?B/s]"
+ ]
+ },
+ "metadata": {},
+ "output_type": "display_data"
+ },
+ {
+ "data": {
+ "application/vnd.jupyter.widget-view+json": {
+ "model_id": "ad85045070564761897f5048b8d4b485",
+ "version_major": 2,
+ "version_minor": 0
+ },
+ "text/plain": [
+ "generation_config.json: 0%| | 0.00/4.91k [00:00, ?B/s]"
+ ]
+ },
+ "metadata": {},
+ "output_type": "display_data"
+ },
+ {
+ "data": {
+ "application/vnd.jupyter.widget-view+json": {
+ "model_id": "7d1f11a483dc4a9fba2f6e06b7c3aeee",
+ "version_major": 2,
+ "version_minor": 0
+ },
+ "text/plain": [
+ "tokenizer_config.json: 0%| | 0.00/353 [00:00, ?B/s]"
+ ]
+ },
+ "metadata": {},
+ "output_type": "display_data"
+ },
+ {
+ "data": {
+ "application/vnd.jupyter.widget-view+json": {
+ "model_id": "f5062f1eef014aff9a2e72fc1a240826",
+ "version_major": 2,
+ "version_minor": 0
+ },
+ "text/plain": [
+ "speaker_embeddings_path.json: 0%| | 0.00/61.1k [00:00, ?B/s]"
+ ]
+ },
+ "metadata": {},
+ "output_type": "display_data"
+ },
+ {
+ "data": {
+ "application/vnd.jupyter.widget-view+json": {
+ "model_id": "23b563ae21be49be8d07d575e48fc3d6",
+ "version_major": 2,
+ "version_minor": 0
+ },
+ "text/plain": [
+ "vocab.txt: 0%| | 0.00/996k [00:00, ?B/s]"
+ ]
+ },
+ "metadata": {},
+ "output_type": "display_data"
+ },
+ {
+ "data": {
+ "application/vnd.jupyter.widget-view+json": {
+ "model_id": "b3301a27c47f41c2819bf9f2b1d7f348",
+ "version_major": 2,
+ "version_minor": 0
+ },
+ "text/plain": [
+ "tokenizer.json: 0%| | 0.00/2.92M [00:00, ?B/s]"
+ ]
+ },
+ "metadata": {},
+ "output_type": "display_data"
+ },
+ {
+ "data": {
+ "application/vnd.jupyter.widget-view+json": {
+ "model_id": "a771d9c8050b452aa5c52c8676e445da",
+ "version_major": 2,
+ "version_minor": 0
+ },
+ "text/plain": [
+ "special_tokens_map.json: 0%| | 0.00/125 [00:00, ?B/s]"
+ ]
+ },
+ "metadata": {},
+ "output_type": "display_data"
+ },
+ {
+ "name": "stdout",
+ "output_type": "stream",
+ "text": [
+ "suno/bark Report\n",
+ "\n",
+ "Sample Rate = 24000\n",
+ "Sepaker = v2/en_speaker_0\n",
+ "Context Lenght = 512\n"
+ ]
+ }
+ ],
+ "source": [
+ "MODEL_NAME = 'suno/bark'\n",
+ "bark_model, processor, sample_rate = get_model(MODEL_NAME)"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 10,
+ "id": "23c0a0e0",
+ "metadata": {
+ "execution": {
+ "iopub.execute_input": "2024-01-22T19:05:10.570745Z",
+ "iopub.status.busy": "2024-01-22T19:05:10.569462Z",
+ "iopub.status.idle": "2024-01-22T19:05:10.795896Z",
+ "shell.execute_reply": "2024-01-22T19:05:10.794722Z"
+ },
+ "id": "Y6aAKIEpixbi",
+ "outputId": "755f0752-4383-4b6b-cf28-48baa6776724",
+ "papermill": {
+ "duration": 0.276342,
+ "end_time": "2024-01-22T19:05:10.798149",
+ "exception": false,
+ "start_time": "2024-01-22T19:05:10.521807",
+ "status": "completed"
+ },
+ "tags": []
+ },
+ "outputs": [
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "The BetterTransformer implementation does not support padding during training, as the fused kernels do not support attention masks. Beware that passing padded batched data during training may result in unexpected outputs. Please refer to https://huggingface.co/docs/optimum/bettertransformer/overview for more details.\n"
+ ]
+ }
+ ],
+ "source": [
+ "#inference optimization with accelerate\n",
+ "bark_model = bark_model.to_bettertransformer()"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 11,
+ "id": "8206c2fb",
+ "metadata": {
+ "execution": {
+ "iopub.execute_input": "2024-01-22T19:05:10.896038Z",
+ "iopub.status.busy": "2024-01-22T19:05:10.895189Z",
+ "iopub.status.idle": "2024-01-22T19:06:37.797127Z",
+ "shell.execute_reply": "2024-01-22T19:06:37.796066Z"
+ },
+ "id": "VhcdGbZ-kTKP",
+ "outputId": "10f24e84-8943-4ca3-b10f-2e1824205a25",
+ "papermill": {
+ "duration": 87.003368,
+ "end_time": "2024-01-22T19:06:37.849775",
+ "exception": false,
+ "start_time": "2024-01-22T19:05:10.846407",
+ "status": "completed"
+ },
+ "tags": []
+ },
+ "outputs": [
+ {
+ "name": "stdout",
+ "output_type": "stream",
+ "text": [
+ "\n",
+ "Text Report\n",
+ "Nº of char: 927\n",
+ "Nº of words: 173\n",
+ "Nº of Sentences: 8\n",
+ "Nº of Tokens: 210\n",
+ "\n",
+ "\n"
+ ]
+ },
+ {
+ "data": {
+ "application/vnd.jupyter.widget-view+json": {
+ "model_id": "1ec4601ccfbc4937bac1fea4c407bdfa",
+ "version_major": 2,
+ "version_minor": 0
+ },
+ "text/plain": [
+ "en_speaker_0_semantic_prompt.npy: 0%| | 0.00/2.86k [00:00, ?B/s]"
+ ]
+ },
+ "metadata": {},
+ "output_type": "display_data"
+ },
+ {
+ "data": {
+ "application/vnd.jupyter.widget-view+json": {
+ "model_id": "48e2c5f6db6448be8954fbb09f064562",
+ "version_major": 2,
+ "version_minor": 0
+ },
+ "text/plain": [
+ "en_speaker_0_coarse_prompt.npy: 0%| | 0.00/8.32k [00:00, ?B/s]"
+ ]
+ },
+ "metadata": {},
+ "output_type": "display_data"
+ },
+ {
+ "data": {
+ "application/vnd.jupyter.widget-view+json": {
+ "model_id": "70d1724a85dc4ed18b71d618115fca2e",
+ "version_major": 2,
+ "version_minor": 0
+ },
+ "text/plain": [
+ "en_speaker_0_fine_prompt.npy: 0%| | 0.00/16.5k [00:00, ?B/s]"
+ ]
+ },
+ "metadata": {},
+ "output_type": "display_data"
+ },
+ {
+ "name": "stdout",
+ "output_type": "stream",
+ "text": [
+ "inference Time = 86.88 seconds\n",
+ "Max memory footprint 2.65122048 GB\n"
+ ]
+ }
+ ],
+ "source": [
+ "output, run_time = inference(text_to_infer,processor,bark_model)"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "7e98f14f",
+ "metadata": {
+ "id": "OfBnNdBlbCdO",
+ "papermill": {
+ "duration": 0.047483,
+ "end_time": "2024-01-22T19:06:37.945412",
+ "exception": false,
+ "start_time": "2024-01-22T19:06:37.897929",
+ "status": "completed"
+ },
+ "tags": []
+ },
+ "source": [
+ "Bark has a slow inference, it was optmized for research and finetuing, bark can be customized with nonverbal communications like laughing, sighing and crying."
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "97a41797",
+ "metadata": {
+ "id": "sjQ0eZben2uX",
+ "papermill": {
+ "duration": 0.048157,
+ "end_time": "2024-01-22T19:06:38.041519",
+ "exception": false,
+ "start_time": "2024-01-22T19:06:37.993362",
+ "status": "completed"
+ },
+ "tags": []
+ },
+ "source": [
+ "## Results and Post Processing"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 12,
+ "id": "dc158dd2",
+ "metadata": {
+ "execution": {
+ "iopub.execute_input": "2024-01-22T19:06:38.141026Z",
+ "iopub.status.busy": "2024-01-22T19:06:38.140595Z",
+ "iopub.status.idle": "2024-01-22T19:06:38.147396Z",
+ "shell.execute_reply": "2024-01-22T19:06:38.146500Z"
+ },
+ "id": "hfE8s8wym7Sz",
+ "outputId": "472c513c-7ddb-44b4-e78a-6f969c647d0e",
+ "papermill": {
+ "duration": 0.059242,
+ "end_time": "2024-01-22T19:06:38.149537",
+ "exception": false,
+ "start_time": "2024-01-22T19:06:38.090295",
+ "status": "completed"
+ },
+ "tags": []
+ },
+ "outputs": [
+ {
+ "data": {
+ "text/plain": [
+ "torch.Size([8, 287360])"
+ ]
+ },
+ "execution_count": 12,
+ "metadata": {},
+ "output_type": "execute_result"
+ }
+ ],
+ "source": [
+ "#output has 8 dims corespond to 8 sentences\n",
+ "output.shape"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 13,
+ "id": "effc0cfd",
+ "metadata": {
+ "execution": {
+ "iopub.execute_input": "2024-01-22T19:06:38.252755Z",
+ "iopub.status.busy": "2024-01-22T19:06:38.251833Z",
+ "iopub.status.idle": "2024-01-22T19:06:45.819889Z",
+ "shell.execute_reply": "2024-01-22T19:06:45.819114Z"
+ },
+ "id": "_EEuV4kyoKJM",
+ "outputId": "c5b7647b-84a8-4406-9d0e-50b2753c85bb",
+ "papermill": {
+ "duration": 7.622694,
+ "end_time": "2024-01-22T19:06:45.821907",
+ "exception": false,
+ "start_time": "2024-01-22T19:06:38.199213",
+ "status": "completed"
+ },
+ "tags": []
+ },
+ "outputs": [
+ {
+ "name": "stdout",
+ "output_type": "stream",
+ "text": [
+ "\n",
+ "Sentence : 1\n",
+ " Raw Audio\n"
+ ]
+ },
+ {
+ "data": {
+ "text/html": [
+ "\n",
+ " \n",
+ " "
+ ],
+ "text/plain": [
+ ""
+ ]
+ },
+ "metadata": {},
+ "output_type": "display_data"
+ },
+ {
+ "name": "stdout",
+ "output_type": "stream",
+ "text": [
+ " Processing Audio\n"
+ ]
+ },
+ {
+ "data": {
+ "text/html": [
+ "\n",
+ " \n",
+ " "
+ ],
+ "text/plain": [
+ ""
+ ]
+ },
+ "metadata": {},
+ "output_type": "display_data"
+ },
+ {
+ "name": "stdout",
+ "output_type": "stream",
+ "text": [
+ "\n",
+ "Sentence : 2\n",
+ " Raw Audio\n"
+ ]
+ },
+ {
+ "data": {
+ "text/html": [
+ "\n",
+ " \n",
+ " "
+ ],
+ "text/plain": [
+ ""
+ ]
+ },
+ "metadata": {},
+ "output_type": "display_data"
+ },
+ {
+ "name": "stdout",
+ "output_type": "stream",
+ "text": [
+ " Processing Audio\n"
+ ]
+ },
+ {
+ "data": {
+ "text/html": [
+ "\n",
+ " \n",
+ " "
+ ],
+ "text/plain": [
+ ""
+ ]
+ },
+ "metadata": {},
+ "output_type": "display_data"
+ },
+ {
+ "name": "stdout",
+ "output_type": "stream",
+ "text": [
+ "\n",
+ "Sentence : 3\n",
+ " Raw Audio\n"
+ ]
+ },
+ {
+ "data": {
+ "text/html": [
+ "\n",
+ " \n",
+ " "
+ ],
+ "text/plain": [
+ ""
+ ]
+ },
+ "metadata": {},
+ "output_type": "display_data"
+ },
+ {
+ "name": "stdout",
+ "output_type": "stream",
+ "text": [
+ " Processing Audio\n"
+ ]
+ },
+ {
+ "data": {
+ "text/html": [
+ "\n",
+ " \n",
+ " "
+ ],
+ "text/plain": [
+ ""
+ ]
+ },
+ "metadata": {},
+ "output_type": "display_data"
+ },
+ {
+ "name": "stdout",
+ "output_type": "stream",
+ "text": [
+ "\n",
+ "Sentence : 4\n",
+ " Raw Audio\n"
+ ]
+ },
+ {
+ "data": {
+ "text/html": [
+ "\n",
+ " \n",
+ " "
+ ],
+ "text/plain": [
+ ""
+ ]
+ },
+ "metadata": {},
+ "output_type": "display_data"
+ },
+ {
+ "name": "stdout",
+ "output_type": "stream",
+ "text": [
+ " Processing Audio\n"
+ ]
+ },
+ {
+ "data": {
+ "text/html": [
+ "\n",
+ " \n",
+ " "
+ ],
+ "text/plain": [
+ ""
+ ]
+ },
+ "metadata": {},
+ "output_type": "display_data"
+ },
+ {
+ "name": "stdout",
+ "output_type": "stream",
+ "text": [
+ "\n",
+ "Sentence : 5\n",
+ " Raw Audio\n"
+ ]
+ },
+ {
+ "data": {
+ "text/html": [
+ "\n",
+ " \n",
+ " "
+ ],
+ "text/plain": [
+ ""
+ ]
+ },
+ "metadata": {},
+ "output_type": "display_data"
+ },
+ {
+ "name": "stdout",
+ "output_type": "stream",
+ "text": [
+ " Processing Audio\n"
+ ]
+ },
+ {
+ "data": {
+ "text/html": [
+ "\n",
+ " \n",
+ " "
+ ],
+ "text/plain": [
+ ""
+ ]
+ },
+ "metadata": {},
+ "output_type": "display_data"
+ },
+ {
+ "name": "stdout",
+ "output_type": "stream",
+ "text": [
+ "\n",
+ "Sentence : 6\n",
+ " Raw Audio\n"
+ ]
+ },
+ {
+ "data": {
+ "text/html": [
+ "\n",
+ " \n",
+ " "
+ ],
+ "text/plain": [
+ ""
+ ]
+ },
+ "metadata": {},
+ "output_type": "display_data"
+ },
+ {
+ "name": "stdout",
+ "output_type": "stream",
+ "text": [
+ " Processing Audio\n"
+ ]
+ },
+ {
+ "data": {
+ "text/html": [
+ "\n",
+ " \n",
+ " "
+ ],
+ "text/plain": [
+ ""
+ ]
+ },
+ "metadata": {},
+ "output_type": "display_data"
+ },
+ {
+ "name": "stdout",
+ "output_type": "stream",
+ "text": [
+ "\n",
+ "Sentence : 7\n",
+ " Raw Audio\n"
+ ]
+ },
+ {
+ "data": {
+ "text/html": [
+ "\n",
+ " \n",
+ " "
+ ],
+ "text/plain": [
+ ""
+ ]
+ },
+ "metadata": {},
+ "output_type": "display_data"
+ },
+ {
+ "name": "stdout",
+ "output_type": "stream",
+ "text": [
+ " Processing Audio\n"
+ ]
+ },
+ {
+ "data": {
+ "text/html": [
+ "\n",
+ " \n",
+ " "
+ ],
+ "text/plain": [
+ ""
+ ]
+ },
+ "metadata": {},
+ "output_type": "display_data"
+ },
+ {
+ "name": "stdout",
+ "output_type": "stream",
+ "text": [
+ "\n",
+ "Sentence : 8\n",
+ " Raw Audio\n"
+ ]
+ },
+ {
+ "data": {
+ "text/html": [
+ "\n",
+ " \n",
+ " "
+ ],
+ "text/plain": [
+ ""
+ ]
+ },
+ "metadata": {},
+ "output_type": "display_data"
+ },
+ {
+ "name": "stdout",
+ "output_type": "stream",
+ "text": [
+ " Processing Audio\n"
+ ]
+ },
+ {
+ "data": {
+ "text/html": [
+ "\n",
+ " \n",
+ " "
+ ],
+ "text/plain": [
+ ""
+ ]
+ },
+ "metadata": {},
+ "output_type": "display_data"
+ }
+ ],
+ "source": [
+ "final_audio_list = []\n",
+ "for i in range(output.shape[0]):\n",
+ "\n",
+ " raw_audio = output[i]\n",
+ " processing_audio = slice_array_wave(\n",
+ " input_array = raw_audio,\n",
+ " amplitude_threshold = CFG.AMPLITUDE_THRESHOLD,\n",
+ " time_threshold = CFG.TIME_THRESHOLD,\n",
+ " ignore_initial_steps = CFG.IGNORE_INITIAL_STEPS\n",
+ " )\n",
+ "\n",
+ " final_audio_list.append(processing_audio.cpu().numpy())\n",
+ "\n",
+ "\n",
+ "\n",
+ " print(f'\\nSentence : {i+1}')\n",
+ " print(' Raw Audio')\n",
+ " display(Audio(raw_audio, rate=sample_rate))\n",
+ " print(' Processing Audio')\n",
+ " display(Audio(processing_audio, rate=sample_rate))\n",
+ "\n",
+ "final_bark_audio = np.concatenate(final_audio_list)\n",
+ "save_audio('./bark_audio.wav', final_bark_audio, sample_rate)\n"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 14,
+ "id": "c8f6edd7",
+ "metadata": {
+ "execution": {
+ "iopub.execute_input": "2024-01-22T19:06:46.247173Z",
+ "iopub.status.busy": "2024-01-22T19:06:46.246440Z",
+ "iopub.status.idle": "2024-01-22T19:06:46.304240Z",
+ "shell.execute_reply": "2024-01-22T19:06:46.302976Z"
+ },
+ "id": "bwvIQxmWngTO",
+ "outputId": "70e9d269-fce6-43ed-e070-648b8b64b68a",
+ "papermill": {
+ "duration": 0.31345,
+ "end_time": "2024-01-22T19:06:46.348943",
+ "exception": false,
+ "start_time": "2024-01-22T19:06:46.035493",
+ "status": "completed"
+ },
+ "tags": []
+ },
+ "outputs": [
+ {
+ "data": {
+ "text/html": [
+ "\n",
+ " \n",
+ " "
+ ],
+ "text/plain": [
+ ""
+ ]
+ },
+ "metadata": {},
+ "output_type": "display_data"
+ }
+ ],
+ "source": [
+ "display(Audio(filename = './bark_audio.wav', rate=sample_rate))"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "41b2b79c",
+ "metadata": {
+ "id": "EHWNw-hafsjx",
+ "papermill": {
+ "duration": 0.273867,
+ "end_time": "2024-01-22T19:06:46.897319",
+ "exception": false,
+ "start_time": "2024-01-22T19:06:46.623452",
+ "status": "completed"
+ },
+ "tags": []
+ },
+ "source": [
+ "There are some noises in initial of sentences."
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 15,
+ "id": "c995c4c0",
+ "metadata": {
+ "execution": {
+ "iopub.execute_input": "2024-01-22T19:06:47.428382Z",
+ "iopub.status.busy": "2024-01-22T19:06:47.427981Z",
+ "iopub.status.idle": "2024-01-22T19:06:47.463369Z",
+ "shell.execute_reply": "2024-01-22T19:06:47.462421Z"
+ },
+ "id": "kLwo6orjuBHy",
+ "papermill": {
+ "duration": 0.303493,
+ "end_time": "2024-01-22T19:06:47.465437",
+ "exception": false,
+ "start_time": "2024-01-22T19:06:47.161944",
+ "status": "completed"
+ },
+ "tags": []
+ },
+ "outputs": [],
+ "source": [
+ "del bark_model, processor, sample_rate"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "660eb25c",
+ "metadata": {
+ "id": "7pLIjsMjuMAH",
+ "papermill": {
+ "duration": 0.254711,
+ "end_time": "2024-01-22T19:06:47.975398",
+ "exception": false,
+ "start_time": "2024-01-22T19:06:47.720687",
+ "status": "completed"
+ },
+ "tags": []
+ },
+ "source": [
+ "# MMS"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 16,
+ "id": "33e31b99",
+ "metadata": {
+ "execution": {
+ "iopub.execute_input": "2024-01-22T19:06:48.504628Z",
+ "iopub.status.busy": "2024-01-22T19:06:48.504053Z",
+ "iopub.status.idle": "2024-01-22T19:06:50.476406Z",
+ "shell.execute_reply": "2024-01-22T19:06:50.475368Z"
+ },
+ "id": "dW9tctLZuUQo",
+ "outputId": "51af64b6-a6a4-4610-d4f3-32c0a4c99115",
+ "papermill": {
+ "duration": 2.236297,
+ "end_time": "2024-01-22T19:06:50.478518",
+ "exception": false,
+ "start_time": "2024-01-22T19:06:48.242221",
+ "status": "completed"
+ },
+ "tags": []
+ },
+ "outputs": [
+ {
+ "data": {
+ "application/vnd.jupyter.widget-view+json": {
+ "model_id": "9a1db94467e44ecf8462de701ed44dd6",
+ "version_major": 2,
+ "version_minor": 0
+ },
+ "text/plain": [
+ "tokenizer_config.json: 0%| | 0.00/287 [00:00, ?B/s]"
+ ]
+ },
+ "metadata": {},
+ "output_type": "display_data"
+ },
+ {
+ "data": {
+ "application/vnd.jupyter.widget-view+json": {
+ "model_id": "e3f06444aaa6476d86b8438b47cb1563",
+ "version_major": 2,
+ "version_minor": 0
+ },
+ "text/plain": [
+ "vocab.json: 0%| | 0.00/413 [00:00, ?B/s]"
+ ]
+ },
+ "metadata": {},
+ "output_type": "display_data"
+ },
+ {
+ "data": {
+ "application/vnd.jupyter.widget-view+json": {
+ "model_id": "2a59764d4bf947aca354300b2eb81414",
+ "version_major": 2,
+ "version_minor": 0
+ },
+ "text/plain": [
+ "special_tokens_map.json: 0%| | 0.00/47.0 [00:00, ?B/s]"
+ ]
+ },
+ "metadata": {},
+ "output_type": "display_data"
+ },
+ {
+ "data": {
+ "application/vnd.jupyter.widget-view+json": {
+ "model_id": "27c809bfdac746b5bf3142edae54b82d",
+ "version_major": 2,
+ "version_minor": 0
+ },
+ "text/plain": [
+ "config.json: 0%| | 0.00/1.64k [00:00, ?B/s]"
+ ]
+ },
+ "metadata": {},
+ "output_type": "display_data"
+ },
+ {
+ "data": {
+ "application/vnd.jupyter.widget-view+json": {
+ "model_id": "5ff287ef86f543738a0a66ad18b2cad0",
+ "version_major": 2,
+ "version_minor": 0
+ },
+ "text/plain": [
+ "model.safetensors: 0%| | 0.00/145M [00:00, ?B/s]"
+ ]
+ },
+ "metadata": {},
+ "output_type": "display_data"
+ },
+ {
+ "name": "stdout",
+ "output_type": "stream",
+ "text": [
+ "\n",
+ "Model Report\n",
+ "\n",
+ "Name = facebook/mms-tts-eng\n",
+ "Sample Rate = 16000\n",
+ "Noise Sacle = 0.667\n",
+ "Sepaking Rate = 1.0\n",
+ "Number os Speakers = 1\n",
+ "Context Lenght = 4096\n"
+ ]
+ }
+ ],
+ "source": [
+ "MODEL_NAME = 'facebook/mms-tts-eng'\n",
+ "mms_model, processor, sample_rate = get_model(MODEL_NAME)"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "96a8d955",
+ "metadata": {
+ "id": "VLmBT-TAvuS8",
+ "papermill": {
+ "duration": 0.271388,
+ "end_time": "2024-01-22T19:06:51.032387",
+ "exception": false,
+ "start_time": "2024-01-22T19:06:50.760999",
+ "status": "completed"
+ },
+ "tags": []
+ },
+ "source": [
+ "The context lenght of MMS is very big, 4096 (bark just had 512).\n",
+ "\n",
+ "With this context length and not limitation output, I can do inference for whole text.\n",
+ "\n"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 17,
+ "id": "8d464840",
+ "metadata": {
+ "execution": {
+ "iopub.execute_input": "2024-01-22T19:06:51.570107Z",
+ "iopub.status.busy": "2024-01-22T19:06:51.569705Z",
+ "iopub.status.idle": "2024-01-22T19:06:53.256869Z",
+ "shell.execute_reply": "2024-01-22T19:06:53.255786Z"
+ },
+ "id": "klUp8LsRuZ3p",
+ "outputId": "563e8e7e-4915-4084-899f-0ec09313837f",
+ "papermill": {
+ "duration": 1.955994,
+ "end_time": "2024-01-22T19:06:53.259347",
+ "exception": false,
+ "start_time": "2024-01-22T19:06:51.303353",
+ "status": "completed"
+ },
+ "tags": []
+ },
+ "outputs": [
+ {
+ "name": "stdout",
+ "output_type": "stream",
+ "text": [
+ "\n",
+ "Text Report\n",
+ "Nº of char: 927\n",
+ "Nº of words: 173\n",
+ "Nº of Sentences: 8\n",
+ "Nº of Tokens: 1805\n",
+ "\n",
+ "\n",
+ "inference Time = 1.67 seconds\n",
+ "Max memory footprint 2.65122048 GB\n"
+ ]
+ }
+ ],
+ "source": [
+ "output, run_time = inference(text_to_infer,processor,mms_model)\n"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "bfde3ac4",
+ "metadata": {
+ "id": "TjLVH7F7ZqIc",
+ "papermill": {
+ "duration": 0.280269,
+ "end_time": "2024-01-22T19:06:53.808167",
+ "exception": false,
+ "start_time": "2024-01-22T19:06:53.527898",
+ "status": "completed"
+ },
+ "tags": []
+ },
+ "source": [
+ "MMM is very fast, more than 60 x 😮 faster than bark. MMS has a lightning inference, it was optimizing for real time translation applications."
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 18,
+ "id": "f0747c6b",
+ "metadata": {
+ "execution": {
+ "iopub.execute_input": "2024-01-22T19:06:54.356331Z",
+ "iopub.status.busy": "2024-01-22T19:06:54.355915Z",
+ "iopub.status.idle": "2024-01-22T19:06:54.395891Z",
+ "shell.execute_reply": "2024-01-22T19:06:54.394976Z"
+ },
+ "id": "7b4bzj5CctH_",
+ "outputId": "f04b4282-0564-4d6c-f855-5fef34a9d8c4",
+ "papermill": {
+ "duration": 0.356653,
+ "end_time": "2024-01-22T19:06:54.425519",
+ "exception": false,
+ "start_time": "2024-01-22T19:06:54.068866",
+ "status": "completed"
+ },
+ "tags": []
+ },
+ "outputs": [
+ {
+ "name": "stdout",
+ "output_type": "stream",
+ "text": [
+ "MMS output: odict_keys(['waveform', 'sequence_lengths', 'spectrogram']) \n",
+ "\n"
+ ]
+ },
+ {
+ "data": {
+ "text/html": [
+ "\n",
+ " \n",
+ " "
+ ],
+ "text/plain": [
+ ""
+ ]
+ },
+ "metadata": {},
+ "output_type": "display_data"
+ }
+ ],
+ "source": [
+ "print('MMS output: ', output.keys(), '\\n')\n",
+ "mms_audio = output['waveform'].cpu().numpy()\n",
+ "save_audio('./mms_audio.wav', mms_audio, sample_rate)\n",
+ "display(Audio(filename = './mms_audio.wav', rate=sample_rate))"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "ef2febd7",
+ "metadata": {
+ "id": "mYeD1PQFgg1q",
+ "papermill": {
+ "duration": 0.28771,
+ "end_time": "2024-01-22T19:06:55.017628",
+ "exception": false,
+ "start_time": "2024-01-22T19:06:54.729918",
+ "status": "completed"
+ },
+ "tags": []
+ },
+ "source": [
+ "The model ignores punctuations.\n",
+ "\n",
+ "
\n",
+ "\n",
+ "For more details about Pre-processing check the [Paper](https://arxiv.org/abs/2305.13516)"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "ae1fabd4",
+ "metadata": {
+ "id": "UIxZzjOilmQ-",
+ "papermill": {
+ "duration": 0.292571,
+ "end_time": "2024-01-22T19:06:55.597935",
+ "exception": false,
+ "start_time": "2024-01-22T19:06:55.305364",
+ "status": "completed"
+ },
+ "tags": []
+ },
+ "source": [
+ "# OpenAI - TTS\n",
+ "\n",
+ "There are two model variate in OpenAI TTS API:\n",
+ "\n",
+ "
\n",
+ "\n",
+ "\n",
+ "There are some types of voices, `alloy, echo, fable, onyx, nova, and shimmer`, check samples of these voices in english [here](https://platform.openai.com/docs/guides/text-to-speech)\n",
+ "\n"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "9ce34a95",
+ "metadata": {
+ "papermill": {
+ "duration": 0.296206,
+ "end_time": "2024-01-22T19:06:56.190108",
+ "exception": false,
+ "start_time": "2024-01-22T19:06:55.893902",
+ "status": "completed"
+ },
+ "tags": []
+ },
+ "source": [
+ "## Key"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 19,
+ "id": "bc6be3f2",
+ "metadata": {
+ "execution": {
+ "iopub.execute_input": "2024-01-22T19:06:56.796684Z",
+ "iopub.status.busy": "2024-01-22T19:06:56.795862Z",
+ "iopub.status.idle": "2024-01-22T19:06:56.974886Z",
+ "shell.execute_reply": "2024-01-22T19:06:56.973884Z"
+ },
+ "id": "E3PK_krzlok_",
+ "papermill": {
+ "duration": 0.487886,
+ "end_time": "2024-01-22T19:06:56.977325",
+ "exception": false,
+ "start_time": "2024-01-22T19:06:56.489439",
+ "status": "completed"
+ },
+ "tags": []
+ },
+ "outputs": [],
+ "source": [
+ "from kaggle_secrets import UserSecretsClient\n",
+ "user_secrets = UserSecretsClient()\n",
+ "OPENAI_API_KEY = user_secrets.get_secret(\"openai\")"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 20,
+ "id": "f56e7581",
+ "metadata": {
+ "execution": {
+ "iopub.execute_input": "2024-01-22T19:06:57.583160Z",
+ "iopub.status.busy": "2024-01-22T19:06:57.582368Z",
+ "iopub.status.idle": "2024-01-22T19:07:16.527997Z",
+ "shell.execute_reply": "2024-01-22T19:07:16.526900Z"
+ },
+ "id": "L8r4r6EI9FRH",
+ "outputId": "b608e2f1-f0c1-47c8-dfab-61a4261703ad",
+ "papermill": {
+ "duration": 19.249407,
+ "end_time": "2024-01-22T19:07:16.530044",
+ "exception": false,
+ "start_time": "2024-01-22T19:06:57.280637",
+ "status": "completed"
+ },
+ "tags": []
+ },
+ "outputs": [
+ {
+ "name": "stdout",
+ "output_type": "stream",
+ "text": [
+ "inference Time = 18.93 seconds\n"
+ ]
+ }
+ ],
+ "source": [
+ "MODEL_NAME = \"tts-1\"\n",
+ "output, run_time = inference(text_to_infer)\n",
+ "\n"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "c8be5ddb",
+ "metadata": {
+ "id": "U2Ak6U2dhvRo",
+ "papermill": {
+ "duration": 0.295721,
+ "end_time": "2024-01-22T19:07:17.132051",
+ "exception": false,
+ "start_time": "2024-01-22T19:07:16.836330",
+ "status": "completed"
+ },
+ "tags": []
+ },
+ "source": [
+ "The inference time of OpenAI API is less than bark but, is more bigger than MMS. The OpenAI TTS models are optimized to:\n",
+ "\n",
+ "* Narrate a written blog post\n",
+ "* Produce spoken audio in multiple languages\n",
+ "* Give real time audio output using streaming\n"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 21,
+ "id": "90b7bbb4",
+ "metadata": {
+ "execution": {
+ "iopub.execute_input": "2024-01-22T19:07:17.734006Z",
+ "iopub.status.busy": "2024-01-22T19:07:17.733142Z",
+ "iopub.status.idle": "2024-01-22T19:07:17.739100Z",
+ "shell.execute_reply": "2024-01-22T19:07:17.738355Z"
+ },
+ "id": "uElGkZF9g8R6",
+ "papermill": {
+ "duration": 0.306413,
+ "end_time": "2024-01-22T19:07:17.741231",
+ "exception": false,
+ "start_time": "2024-01-22T19:07:17.434818",
+ "status": "completed"
+ },
+ "tags": []
+ },
+ "outputs": [],
+ "source": [
+ "output.stream_to_file(\"./openai_audio.mp3\")"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 22,
+ "id": "77f30808",
+ "metadata": {
+ "execution": {
+ "iopub.execute_input": "2024-01-22T19:07:18.340720Z",
+ "iopub.status.busy": "2024-01-22T19:07:18.340291Z",
+ "iopub.status.idle": "2024-01-22T19:07:18.366846Z",
+ "shell.execute_reply": "2024-01-22T19:07:18.365910Z"
+ },
+ "id": "3nzywo8HhHqy",
+ "outputId": "a9dd2dca-2b73-4a12-921f-f7a456e3a261",
+ "papermill": {
+ "duration": 0.345937,
+ "end_time": "2024-01-22T19:07:18.387718",
+ "exception": false,
+ "start_time": "2024-01-22T19:07:18.041781",
+ "status": "completed"
+ },
+ "tags": []
+ },
+ "outputs": [
+ {
+ "data": {
+ "text/html": [
+ "\n",
+ " \n",
+ " "
+ ],
+ "text/plain": [
+ ""
+ ]
+ },
+ "metadata": {},
+ "output_type": "display_data"
+ }
+ ],
+ "source": [
+ "display(Audio(filename=\"./openai_audio.mp3\", rate=24000))"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "51a6e87d",
+ "metadata": {
+ "id": "NnPXUnW_iURN",
+ "papermill": {
+ "duration": 0.328431,
+ "end_time": "2024-01-22T19:07:19.040434",
+ "exception": false,
+ "start_time": "2024-01-22T19:07:18.712003",
+ "status": "completed"
+ },
+ "tags": []
+ },
+ "source": [
+ "The result has a studio quality 😮, that is impressive. In other tests, I was check that the context length of Open TTS model is 4096 characters."
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "0c2b0b5c",
+ "metadata": {
+ "execution": {
+ "iopub.execute_input": "2024-01-19T17:57:04.911784Z",
+ "iopub.status.busy": "2024-01-19T17:57:04.911169Z",
+ "iopub.status.idle": "2024-01-19T17:57:04.926389Z",
+ "shell.execute_reply": "2024-01-19T17:57:04.925078Z",
+ "shell.execute_reply.started": "2024-01-19T17:57:04.911752Z"
+ },
+ "id": "f79c8Xtvhhca",
+ "papermill": {
+ "duration": 0.320702,
+ "end_time": "2024-01-22T19:07:19.681510",
+ "exception": false,
+ "start_time": "2024-01-22T19:07:19.360808",
+ "status": "completed"
+ },
+ "tags": []
+ },
+ "source": [
+ "# Conclusion\n",
+ "\n",
+ "\n",
+ "| Model | Inference Time (s) | Audio Quality (s) | optimization task (s) | Deploy |\n",
+ "| ------------- | ------------- | ------------- | ------------- | ------------- |\n",
+ "| Bark | ~ 98 | Good | Customization, Resharch and Finetuning | Probably isn't scalable |\n",
+ "| MMS | ~ 1.5 | understandable | Real Time Language translation | GPU and \"complex\" infra |\n",
+ "| OpanAI | ~ 11 | Studio | Faster TTS for speech with studio quality | \"Simple deploy\" (just API)\n",
+ "\n",
+ "
\n",
+ "\n",
+ "The best Model depends of de aplication.\n",
+ "\n",
+ "* If it is a real time aplication, or extremaly quality isn't a requirement, go a head with MMS\n",
+ "* If the client needs that the speech is much understandable and had a studio quality, like audio books or audio news for example, the API of OpenAI can be a good choice.\n",
+ "* For resharch, train and finetuning. Bark can be a good choice."
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 23,
+ "id": "0ed2772e",
+ "metadata": {
+ "execution": {
+ "iopub.execute_input": "2024-01-22T19:07:20.328700Z",
+ "iopub.status.busy": "2024-01-22T19:07:20.327655Z",
+ "iopub.status.idle": "2024-01-22T19:07:20.438247Z",
+ "shell.execute_reply": "2024-01-22T19:07:20.437100Z"
+ },
+ "id": "qjebTdcmR9Cl",
+ "outputId": "f1d58089-e4ad-4935-91e7-245fc5a90735",
+ "papermill": {
+ "duration": 0.476222,
+ "end_time": "2024-01-22T19:07:20.477820",
+ "exception": false,
+ "start_time": "2024-01-22T19:07:20.001598",
+ "status": "completed"
+ },
+ "tags": []
+ },
+ "outputs": [
+ {
+ "name": "stdout",
+ "output_type": "stream",
+ "text": [
+ "Bark Audio\n"
+ ]
+ },
+ {
+ "data": {
+ "text/html": [
+ "\n",
+ " \n",
+ " "
+ ],
+ "text/plain": [
+ ""
+ ]
+ },
+ "metadata": {},
+ "output_type": "display_data"
+ },
+ {
+ "name": "stdout",
+ "output_type": "stream",
+ "text": [
+ "\n",
+ "MMS Audio\n"
+ ]
+ },
+ {
+ "data": {
+ "text/html": [
+ "\n",
+ " \n",
+ " "
+ ],
+ "text/plain": [
+ ""
+ ]
+ },
+ "metadata": {},
+ "output_type": "display_data"
+ },
+ {
+ "name": "stdout",
+ "output_type": "stream",
+ "text": [
+ "\n",
+ "OpenAI Audio\n"
+ ]
+ },
+ {
+ "data": {
+ "text/html": [
+ "\n",
+ " \n",
+ " "
+ ],
+ "text/plain": [
+ ""
+ ]
+ },
+ "metadata": {},
+ "output_type": "display_data"
+ }
+ ],
+ "source": [
+ "print('Bark Audio')\n",
+ "display(Audio(filename = './bark_audio.wav', rate=24000))\n",
+ "print('\\nMMS Audio')\n",
+ "display(Audio(filename = './mms_audio.wav', rate=16000))\n",
+ "print('\\nOpenAI Audio')\n",
+ "display(Audio(filename = './openai_audio.mp3', rate=24000))"
+ ]
+ }
+ ],
+ "metadata": {
+ "accelerator": "GPU",
+ "colab": {
+ "machine_shape": "hm",
+ "provenance": []
+ },
+ "kaggle": {
+ "accelerator": "nvidiaTeslaT4",
+ "dataSources": [],
+ "dockerImageVersionId": 30636,
+ "isGpuEnabled": true,
+ "isInternetEnabled": true,
+ "language": "python",
+ "sourceType": "notebook"
+ },
+ "kernelspec": {
+ "display_name": "Python 3",
+ "language": "python",
+ "name": "python3"
+ },
+ "language_info": {
+ "codemirror_mode": {
+ "name": "ipython",
+ "version": 3
+ },
+ "file_extension": ".py",
+ "mimetype": "text/x-python",
+ "name": "python",
+ "nbconvert_exporter": "python",
+ "pygments_lexer": "ipython3",
+ "version": "3.10.12"
+ },
+ "papermill": {
+ "default_parameters": {},
+ "duration": 237.207288,
+ "end_time": "2024-01-22T19:07:24.658137",
+ "environment_variables": {},
+ "exception": null,
+ "input_path": "__notebook__.ipynb",
+ "output_path": "__notebook__.ipynb",
+ "parameters": {},
+ "start_time": "2024-01-22T19:03:27.450849",
+ "version": "2.4.0"
+ },
+ "widgets": {
+ "application/vnd.jupyter.widget-state+json": {
+ "state": {
+ "01f51a4eed9c422e90eeb1b735bed637": {
+ "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": ""
+ }
+ },
+ "0291a4f54ef845f7beccf60ce5f2400c": {
+ "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": ""
+ }
+ },
+ "03b4801e6f4f4d25b3eb03a76b41d1bb": {
+ "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": ""
+ }
+ },
+ "0467f9cde5b24097a620ba21f9767574": {
+ "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_9196e666271a4db1b980d3b6d12b6181",
+ "placeholder": "",
+ "style": "IPY_MODEL_06e2bfa9ec3342a7aa1326d0c6034d7f",
+ "value": "config.json: 100%"
+ }
+ },
+ "0684997bbd8342e7887204cd17cce67f": {
+ "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": ""
+ }
+ },
+ "06e2bfa9ec3342a7aa1326d0c6034d7f": {
+ "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": ""
+ }
+ },
+ "06f57323a5e54cc192b381820d992294": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "1223272c44f24b86902aa736202f378c": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "1415fe44c6544155b2e5b16f2c22a17a": {
+ "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_5f740a1b102447a1903461844b3a8dd7",
+ "placeholder": "",
+ "style": "IPY_MODEL_8cdb310fbd7044a7a11a07a1323bc8f3",
+ "value": "pytorch_model.bin: 100%"
+ }
+ },
+ "15cf3822a7ab43ac85c501053f5ca3e4": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "178f139cab8d4625a4994d9ec9e2ed66": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "18bea072342c422caa0185ca38d53093": {
+ "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": ""
+ }
+ },
+ "18c2ca7c4a73406bafe8a028e9fd3056": {
+ "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": ""
+ }
+ },
+ "1a21e1f2eb3d484c8fd967cd999de5d0": {
+ "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": ""
+ }
+ },
+ "1a7a238b638f4e3f908ba6631d1e4244": {
+ "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": ""
+ }
+ },
+ "1b86fab6cbbf49a3bd23310cfdb59f13": {
+ "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_9d0cd408d694451ca3e328f2a4272e9f",
+ "placeholder": "",
+ "style": "IPY_MODEL_cc476d9b21b542c0895669f02eab2ea2",
+ "value": "generation_config.json: 100%"
+ }
+ },
+ "1c57287e57f544a0860b2eff417519e4": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "1ce0facbd74f45e98eb3c714ef9d71dd": {
+ "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_eb05278f02234019aff4312a96a64cf8",
+ "placeholder": "",
+ "style": "IPY_MODEL_a4d5e79c747b4851ab86c1b57a67057d",
+ "value": " 125/125 [00:00<00:00, 10.5kB/s]"
+ }
+ },
+ "1ec4601ccfbc4937bac1fea4c407bdfa": {
+ "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_5848be1b67fe46bab2bae941f9f5d6e0",
+ "IPY_MODEL_bca1640e0b8d426a9a66b5aa91d906c2",
+ "IPY_MODEL_f61755d66505464a8cc74856e5daf5e5"
+ ],
+ "layout": "IPY_MODEL_d8c6e73849cc4470aa2680a9e291469c"
+ }
+ },
+ "1efb91b735e44e2da77c25af26b93811": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "1f1142bdf5bf415891c0f40c5c5321e1": {
+ "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_378bf6bc8e3045098ac3749dee291cb1",
+ "max": 61095.0,
+ "min": 0.0,
+ "orientation": "horizontal",
+ "style": "IPY_MODEL_64b57082fc0a4eebbb0c6fe8afc0d718",
+ "value": 61095.0
+ }
+ },
+ "1f14c62140c04d4db510b7340e21f8bc": {
+ "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": ""
+ }
+ },
+ "2034271aa4ca42ceaf33e70232f557c8": {
+ "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": ""
+ }
+ },
+ "23b563ae21be49be8d07d575e48fc3d6": {
+ "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_f0787be474204168bc8ba93ec5d73e85",
+ "IPY_MODEL_50e9b4c76b70484a90b9a1134508b45a",
+ "IPY_MODEL_45f227aac48d411f97c128efc911b78f"
+ ],
+ "layout": "IPY_MODEL_d5031e1230284384a51691dc174a2e3d"
+ }
+ },
+ "23ca17dd4bda47c2916b5444e6215d96": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "26667e5ac7064fc484375b545d56af29": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "27c809bfdac746b5bf3142edae54b82d": {
+ "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_84beb7daee9f4630894c69b180e93e84",
+ "IPY_MODEL_5004ee3d16674b338f56c28e18ec27fb",
+ "IPY_MODEL_8d48cf89577444639dcf87f4375dc97f"
+ ],
+ "layout": "IPY_MODEL_94bd12903cf14a1792d718f88a3ff99c"
+ }
+ },
+ "2899e0a6ef10459a8b6543e120fa453f": {
+ "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_fb7a1db86f434345985a5ea635e1f61d",
+ "max": 4486643861.0,
+ "min": 0.0,
+ "orientation": "horizontal",
+ "style": "IPY_MODEL_7b26aec92f72459286ee21a9117c2fa1",
+ "value": 4486643861.0
+ }
+ },
+ "2a59764d4bf947aca354300b2eb81414": {
+ "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_da2950b7b9b244c6995c81c576cd7985",
+ "IPY_MODEL_2d75331c3068444b84c44b8aaf15d12f",
+ "IPY_MODEL_e3114c17db444f23b43e1961df135c6f"
+ ],
+ "layout": "IPY_MODEL_26667e5ac7064fc484375b545d56af29"
+ }
+ },
+ "2d75331c3068444b84c44b8aaf15d12f": {
+ "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_1efb91b735e44e2da77c25af26b93811",
+ "max": 47.0,
+ "min": 0.0,
+ "orientation": "horizontal",
+ "style": "IPY_MODEL_909fe42f1a194806b32704350d447dd0",
+ "value": 47.0
+ }
+ },
+ "2e0200df18f9401f8c7a21d1da0d1128": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "2fbd4ac4668f442c9157181ae30aaf21": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "32e12cb942f04354a4d073fd7659fa1a": {
+ "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": ""
+ }
+ },
+ "36b23cb049434c2d84d9977516c5d40e": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "378bf6bc8e3045098ac3749dee291cb1": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "3944724948bb4304b0ab3102460132f8": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "3ae58ec480224d02bd765b54cf89380c": {
+ "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": ""
+ }
+ },
+ "3bc689c6fec14a7f949ccee44c80b43d": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "3cfda5f4cc8840c2ac446330d7110e1c": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "3f2451d9933c48da816790dd7506ba6f": {
+ "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": ""
+ }
+ },
+ "3fe19716e07e48d38902c7500ee6e040": {
+ "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": ""
+ }
+ },
+ "407152c137b74e08b350db81291fc52b": {
+ "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_47696ba32924445aa5fda5226edbeebd",
+ "placeholder": "",
+ "style": "IPY_MODEL_8bdde4b81e4a468b90b11a980ad84842",
+ "value": " 8.32k/8.32k [00:00<00:00, 764kB/s]"
+ }
+ },
+ "40fff20f46d94371bfdf1edfa5f069ec": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "41daaaa349b4492e85ad091fcfbdb47c": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "45c32114c9c7494599da87dc096dc078": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "45f227aac48d411f97c128efc911b78f": {
+ "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_be0f15782f8e4bc2892dd1173968965a",
+ "placeholder": "",
+ "style": "IPY_MODEL_3f2451d9933c48da816790dd7506ba6f",
+ "value": " 996k/996k [00:00<00:00, 14.9MB/s]"
+ }
+ },
+ "47696ba32924445aa5fda5226edbeebd": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "48e1c76740924fd0bc9a4ab9e2214e43": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "48e2c5f6db6448be8954fbb09f064562": {
+ "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_555790db7d774b81a6da2a3b2687ef62",
+ "IPY_MODEL_9323a849a52e434098464281008ed992",
+ "IPY_MODEL_407152c137b74e08b350db81291fc52b"
+ ],
+ "layout": "IPY_MODEL_c6c12f8ce99f47eb992b03a37d481494"
+ }
+ },
+ "4c503e74928749c88d503c019396674d": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "4f76605b95e54ff2982e949ab0d88770": {
+ "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": ""
+ }
+ },
+ "5004ee3d16674b338f56c28e18ec27fb": {
+ "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_94ca8d9fb1c54868bcd1a53e1171e17a",
+ "max": 1641.0,
+ "min": 0.0,
+ "orientation": "horizontal",
+ "style": "IPY_MODEL_ac278a346c204bf6958b21d0c738d9a8",
+ "value": 1641.0
+ }
+ },
+ "50e9b4c76b70484a90b9a1134508b45a": {
+ "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_3944724948bb4304b0ab3102460132f8",
+ "max": 995526.0,
+ "min": 0.0,
+ "orientation": "horizontal",
+ "style": "IPY_MODEL_3ae58ec480224d02bd765b54cf89380c",
+ "value": 995526.0
+ }
+ },
+ "510fe105e7064d79a94cef21916ed432": {
+ "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_9ffd44821a3d41bc8dfd048864b2c408",
+ "placeholder": "",
+ "style": "IPY_MODEL_8bf7a56549734fda883d0e56aaab7d15",
+ "value": " 145M/145M [00:00<00:00, 248MB/s]"
+ }
+ },
+ "546a6d1c22e643a6988b9f56a970d301": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "5474789eae50442eb84bedb45ed67786": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "554f0547f0ae4b0cbfae713795661938": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "555790db7d774b81a6da2a3b2687ef62": {
+ "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_6b7e20f939d440f79a9b01281b592e56",
+ "placeholder": "",
+ "style": "IPY_MODEL_4f76605b95e54ff2982e949ab0d88770",
+ "value": "en_speaker_0_coarse_prompt.npy: 100%"
+ }
+ },
+ "55b6a2f09de94563bfd2de4974882626": {
+ "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": ""
+ }
+ },
+ "567037396e274c08bfc847e79936241a": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "5760c1ce062f4b56ad1ebbffc8d9aeb7": {
+ "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_45c32114c9c7494599da87dc096dc078",
+ "placeholder": "",
+ "style": "IPY_MODEL_f8db66602d7646959932343f348331ce",
+ "value": "vocab.json: 100%"
+ }
+ },
+ "582da1c3d2824e1aa642f43aafda1038": {
+ "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": ""
+ }
+ },
+ "5848be1b67fe46bab2bae941f9f5d6e0": {
+ "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_b5d190b99a4f4516bbb79aae7b7cdd8e",
+ "placeholder": "",
+ "style": "IPY_MODEL_fdcf0ed2801d43dc92eed67d8ec93bbf",
+ "value": "en_speaker_0_semantic_prompt.npy: 100%"
+ }
+ },
+ "587eab180d70432586dff20f590bc9ca": {
+ "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_e05ef4ec4ca848ee800593f6d249d2cb",
+ "placeholder": "",
+ "style": "IPY_MODEL_18bea072342c422caa0185ca38d53093",
+ "value": " 4.91k/4.91k [00:00<00:00, 358kB/s]"
+ }
+ },
+ "5a7c88484fda423891be86bc8c34db92": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "5f740a1b102447a1903461844b3a8dd7": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "5ff287ef86f543738a0a66ad18b2cad0": {
+ "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_8f4066bea77e46328f8b333c3c214300",
+ "IPY_MODEL_919ca014518e4d61bc7e465e41952d42",
+ "IPY_MODEL_510fe105e7064d79a94cef21916ed432"
+ ],
+ "layout": "IPY_MODEL_955604a544a24ab4adf38b6badaa013c"
+ }
+ },
+ "61329a45c2144d59a5d80afe0be6ceeb": {
+ "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": ""
+ }
+ },
+ "64b57082fc0a4eebbb0c6fe8afc0d718": {
+ "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": ""
+ }
+ },
+ "65b35ff4007f4421bbce16a6ad6c74b8": {
+ "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": ""
+ }
+ },
+ "66ad2666c3984648b761a2fa84f9ca3d": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "6757d87bc46d47879cfb6e2f2aefdd1f": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "6847462e583f4d988c67749ff5664d0f": {
+ "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_567037396e274c08bfc847e79936241a",
+ "placeholder": "",
+ "style": "IPY_MODEL_32e12cb942f04354a4d073fd7659fa1a",
+ "value": " 2.92M/2.92M [00:00<00:00, 9.35MB/s]"
+ }
+ },
+ "6b7e20f939d440f79a9b01281b592e56": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "70d1724a85dc4ed18b71d618115fca2e": {
+ "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_b18b29e1ad1f4e0582cc3222ac014bd3",
+ "IPY_MODEL_e783548f004d480bae5c1c33d81219da",
+ "IPY_MODEL_7d2ef145b09443b588f3cebd11f9a11f"
+ ],
+ "layout": "IPY_MODEL_d5b63f9b75c5463cae7fe39b4a309293"
+ }
+ },
+ "7266ea56c3e843d5a4bdc30eb0a6bb4e": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "76c483982e5244ed8075a86095800104": {
+ "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_c61c1944a7c84041af73dd947fbf814d",
+ "max": 353.0,
+ "min": 0.0,
+ "orientation": "horizontal",
+ "style": "IPY_MODEL_65b35ff4007f4421bbce16a6ad6c74b8",
+ "value": 353.0
+ }
+ },
+ "7770811ca39741f3b9ff331b10fefc63": {
+ "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": ""
+ }
+ },
+ "7841cc796d964173a5e9576a53ad06a3": {
+ "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_7266ea56c3e843d5a4bdc30eb0a6bb4e",
+ "placeholder": "",
+ "style": "IPY_MODEL_9ff12876425749678b2f4dd77893adae",
+ "value": " 287/287 [00:00<00:00, 25.4kB/s]"
+ }
+ },
+ "7b26aec92f72459286ee21a9117c2fa1": {
+ "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": ""
+ }
+ },
+ "7c954ca44e9848a99b3db86a27340011": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "7d1f11a483dc4a9fba2f6e06b7c3aeee": {
+ "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_fa464db7d3084f8eb8194a59d26f04ae",
+ "IPY_MODEL_76c483982e5244ed8075a86095800104",
+ "IPY_MODEL_a1fdcd792b51487fa3da8db1a1b05f16"
+ ],
+ "layout": "IPY_MODEL_36b23cb049434c2d84d9977516c5d40e"
+ }
+ },
+ "7d2ef145b09443b588f3cebd11f9a11f": {
+ "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_40fff20f46d94371bfdf1edfa5f069ec",
+ "placeholder": "",
+ "style": "IPY_MODEL_1a7a238b638f4e3f908ba6631d1e4244",
+ "value": " 16.5k/16.5k [00:00<00:00, 1.27MB/s]"
+ }
+ },
+ "81b010727c5249f48a80b1ffd20ec79f": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "84beb7daee9f4630894c69b180e93e84": {
+ "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_6757d87bc46d47879cfb6e2f2aefdd1f",
+ "placeholder": "",
+ "style": "IPY_MODEL_b4ec6ecbead949f39a45643f170daf2c",
+ "value": "config.json: 100%"
+ }
+ },
+ "853f899816f8405c9e7cdfe7d06943bc": {
+ "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": ""
+ }
+ },
+ "898936029b02493b8d91a0897794c00d": {
+ "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": ""
+ }
+ },
+ "8bdde4b81e4a468b90b11a980ad84842": {
+ "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": ""
+ }
+ },
+ "8bf7a56549734fda883d0e56aaab7d15": {
+ "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": ""
+ }
+ },
+ "8cdb310fbd7044a7a11a07a1323bc8f3": {
+ "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": ""
+ }
+ },
+ "8d48cf89577444639dcf87f4375dc97f": {
+ "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_1c57287e57f544a0860b2eff417519e4",
+ "placeholder": "",
+ "style": "IPY_MODEL_0291a4f54ef845f7beccf60ce5f2400c",
+ "value": " 1.64k/1.64k [00:00<00:00, 140kB/s]"
+ }
+ },
+ "8f4066bea77e46328f8b333c3c214300": {
+ "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_554f0547f0ae4b0cbfae713795661938",
+ "placeholder": "",
+ "style": "IPY_MODEL_c17c1cdf1478443e85955c06d62f75e3",
+ "value": "model.safetensors: 100%"
+ }
+ },
+ "909fe42f1a194806b32704350d447dd0": {
+ "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": ""
+ }
+ },
+ "9196e666271a4db1b980d3b6d12b6181": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "919ca014518e4d61bc7e465e41952d42": {
+ "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_66ad2666c3984648b761a2fa84f9ca3d",
+ "max": 145227512.0,
+ "min": 0.0,
+ "orientation": "horizontal",
+ "style": "IPY_MODEL_1a21e1f2eb3d484c8fd967cd999de5d0",
+ "value": 145227512.0
+ }
+ },
+ "928f05f84579439a921cb4a24c39ecc2": {
+ "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_b59e1d468bb54eeda7d2206823552625",
+ "max": 125.0,
+ "min": 0.0,
+ "orientation": "horizontal",
+ "style": "IPY_MODEL_ab448a9f1f9a4277b45a2b2e254fd75c",
+ "value": 125.0
+ }
+ },
+ "92cf1f985c944aae90b9eb4ae972a89e": {
+ "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": ""
+ }
+ },
+ "9323a849a52e434098464281008ed992": {
+ "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_4c503e74928749c88d503c019396674d",
+ "max": 8320.0,
+ "min": 0.0,
+ "orientation": "horizontal",
+ "style": "IPY_MODEL_61329a45c2144d59a5d80afe0be6ceeb",
+ "value": 8320.0
+ }
+ },
+ "93c19919f9bc493dbed1472ffba4c298": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "943af7ab4ef04058b4582e0513e6789f": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "94bd12903cf14a1792d718f88a3ff99c": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "94ca8d9fb1c54868bcd1a53e1171e17a": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "955604a544a24ab4adf38b6badaa013c": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "9a1db94467e44ecf8462de701ed44dd6": {
+ "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_e0e112d3c5aa4f4095d47789000e5d83",
+ "IPY_MODEL_b5ada929f0f140a5bbb71a2c85e6dcbc",
+ "IPY_MODEL_7841cc796d964173a5e9576a53ad06a3"
+ ],
+ "layout": "IPY_MODEL_93c19919f9bc493dbed1472ffba4c298"
+ }
+ },
+ "9c4353a09f564b329dd4a37177e47cdb": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "9d0cd408d694451ca3e328f2a4272e9f": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "9f79d56f1e3149ab839dffc3aa8300fc": {
+ "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": ""
+ }
+ },
+ "9ff12876425749678b2f4dd77893adae": {
+ "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": ""
+ }
+ },
+ "9ffd44821a3d41bc8dfd048864b2c408": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "a1fdcd792b51487fa3da8db1a1b05f16": {
+ "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_48e1c76740924fd0bc9a4ab9e2214e43",
+ "placeholder": "",
+ "style": "IPY_MODEL_582da1c3d2824e1aa642f43aafda1038",
+ "value": " 353/353 [00:00<00:00, 26.5kB/s]"
+ }
+ },
+ "a22bab02ead34cfaa46311449055e4c8": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "a2e09fbc734342f988908aa2edc08d3f": {
+ "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_81b010727c5249f48a80b1ffd20ec79f",
+ "placeholder": "",
+ "style": "IPY_MODEL_fe1e887b6d3e4ddcb72c599e4656aa8a",
+ "value": "special_tokens_map.json: 100%"
+ }
+ },
+ "a35ec517daac49998cbe0b08ab2d213f": {
+ "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": ""
+ }
+ },
+ "a4d5e79c747b4851ab86c1b57a67057d": {
+ "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": ""
+ }
+ },
+ "a5237a7e5876411a9d85b014276a12dd": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "a771d9c8050b452aa5c52c8676e445da": {
+ "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_a2e09fbc734342f988908aa2edc08d3f",
+ "IPY_MODEL_928f05f84579439a921cb4a24c39ecc2",
+ "IPY_MODEL_1ce0facbd74f45e98eb3c714ef9d71dd"
+ ],
+ "layout": "IPY_MODEL_3cfda5f4cc8840c2ac446330d7110e1c"
+ }
+ },
+ "a7c8d5800e0d4a6390f6e615cc98ac79": {
+ "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_2fbd4ac4668f442c9157181ae30aaf21",
+ "max": 4908.0,
+ "min": 0.0,
+ "orientation": "horizontal",
+ "style": "IPY_MODEL_fafc0cd8ac244db7b39259286046e4f7",
+ "value": 4908.0
+ }
+ },
+ "ab448a9f1f9a4277b45a2b2e254fd75c": {
+ "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": ""
+ }
+ },
+ "ac278a346c204bf6958b21d0c738d9a8": {
+ "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": ""
+ }
+ },
+ "acbf2347726d41da8dea9f0428232e9b": {
+ "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": ""
+ }
+ },
+ "ad85045070564761897f5048b8d4b485": {
+ "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_1b86fab6cbbf49a3bd23310cfdb59f13",
+ "IPY_MODEL_a7c8d5800e0d4a6390f6e615cc98ac79",
+ "IPY_MODEL_587eab180d70432586dff20f590bc9ca"
+ ],
+ "layout": "IPY_MODEL_546a6d1c22e643a6988b9f56a970d301"
+ }
+ },
+ "b04b87f7125d437791c2a0764f53d8bb": {
+ "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_5a7c88484fda423891be86bc8c34db92",
+ "placeholder": "",
+ "style": "IPY_MODEL_898936029b02493b8d91a0897794c00d",
+ "value": " 8.81k/8.81k [00:00<00:00, 648kB/s]"
+ }
+ },
+ "b18b29e1ad1f4e0582cc3222ac014bd3": {
+ "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_a5237a7e5876411a9d85b014276a12dd",
+ "placeholder": "",
+ "style": "IPY_MODEL_2034271aa4ca42ceaf33e70232f557c8",
+ "value": "en_speaker_0_fine_prompt.npy: 100%"
+ }
+ },
+ "b3301a27c47f41c2819bf9f2b1d7f348": {
+ "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_f15af139eb364992972f929873d448db",
+ "IPY_MODEL_df08bc9c29fd48629c4624ef0e1e79ee",
+ "IPY_MODEL_6847462e583f4d988c67749ff5664d0f"
+ ],
+ "layout": "IPY_MODEL_c3e35ef28bff413c8740c868694c8202"
+ }
+ },
+ "b4ec6ecbead949f39a45643f170daf2c": {
+ "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": ""
+ }
+ },
+ "b59e1d468bb54eeda7d2206823552625": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "b5ada929f0f140a5bbb71a2c85e6dcbc": {
+ "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_7c954ca44e9848a99b3db86a27340011",
+ "max": 287.0,
+ "min": 0.0,
+ "orientation": "horizontal",
+ "style": "IPY_MODEL_f7fc91a624554223bc637b5ab69d3cf3",
+ "value": 287.0
+ }
+ },
+ "b5d190b99a4f4516bbb79aae7b7cdd8e": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "bae24ffc37484c718c343af2ae76cba4": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "bbe06286b0364972a04abc93f2849596": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "bca1640e0b8d426a9a66b5aa91d906c2": {
+ "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_3bc689c6fec14a7f949ccee44c80b43d",
+ "max": 2856.0,
+ "min": 0.0,
+ "orientation": "horizontal",
+ "style": "IPY_MODEL_0684997bbd8342e7887204cd17cce67f",
+ "value": 2856.0
+ }
+ },
+ "bd001cfd8cfd4193b3dab8621f8870f7": {
+ "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_bbe06286b0364972a04abc93f2849596",
+ "placeholder": "",
+ "style": "IPY_MODEL_01f51a4eed9c422e90eeb1b735bed637",
+ "value": " 61.1k/61.1k [00:00<00:00, 2.48MB/s]"
+ }
+ },
+ "be0f15782f8e4bc2892dd1173968965a": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "bed91f83e12b46598c26f87237884c41": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "bef21f4cbba142888813c0a28be43470": {
+ "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_5474789eae50442eb84bedb45ed67786",
+ "placeholder": "",
+ "style": "IPY_MODEL_55b6a2f09de94563bfd2de4974882626",
+ "value": " 4.49G/4.49G [00:14<00:00, 244MB/s]"
+ }
+ },
+ "c17c1cdf1478443e85955c06d62f75e3": {
+ "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": ""
+ }
+ },
+ "c2e36e54dfaf40088ffa807801acc0a9": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "c3e35ef28bff413c8740c868694c8202": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "c61c1944a7c84041af73dd947fbf814d": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "c6c12f8ce99f47eb992b03a37d481494": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "c79a33802f4147dcaa94070be7264c5e": {
+ "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": ""
+ }
+ },
+ "c9e35b4d4652455eb1f4f63f9eb3af12": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "cc476d9b21b542c0895669f02eab2ea2": {
+ "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": ""
+ }
+ },
+ "cc58451df391425abaabdcdfd1767902": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "ceb9843852f44b77bf21d2961ae9012e": {
+ "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_ea50e6d14ff247f3a20dc3d5af5d998a",
+ "max": 413.0,
+ "min": 0.0,
+ "orientation": "horizontal",
+ "style": "IPY_MODEL_c79a33802f4147dcaa94070be7264c5e",
+ "value": 413.0
+ }
+ },
+ "d11c42e88c9a47a89a984b14ee082554": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "d5031e1230284384a51691dc174a2e3d": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "d5b63f9b75c5463cae7fe39b4a309293": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "d7d14601c4bc4f119111db658b81938b": {
+ "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": ""
+ }
+ },
+ "d8c6e73849cc4470aa2680a9e291469c": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "da2950b7b9b244c6995c81c576cd7985": {
+ "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_bae24ffc37484c718c343af2ae76cba4",
+ "placeholder": "",
+ "style": "IPY_MODEL_d7d14601c4bc4f119111db658b81938b",
+ "value": "special_tokens_map.json: 100%"
+ }
+ },
+ "daf884370b5a400591aaec6e99342524": {
+ "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_178f139cab8d4625a4994d9ec9e2ed66",
+ "placeholder": "",
+ "style": "IPY_MODEL_acbf2347726d41da8dea9f0428232e9b",
+ "value": "speaker_embeddings_path.json: 100%"
+ }
+ },
+ "df08bc9c29fd48629c4624ef0e1e79ee": {
+ "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_cc58451df391425abaabdcdfd1767902",
+ "max": 2919362.0,
+ "min": 0.0,
+ "orientation": "horizontal",
+ "style": "IPY_MODEL_853f899816f8405c9e7cdfe7d06943bc",
+ "value": 2919362.0
+ }
+ },
+ "e05ef4ec4ca848ee800593f6d249d2cb": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "e0b62456f7454b24bc168f0fa266a06a": {
+ "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_0467f9cde5b24097a620ba21f9767574",
+ "IPY_MODEL_e7e9c09165074e4897595e704071d739",
+ "IPY_MODEL_b04b87f7125d437791c2a0764f53d8bb"
+ ],
+ "layout": "IPY_MODEL_c2e36e54dfaf40088ffa807801acc0a9"
+ }
+ },
+ "e0e112d3c5aa4f4095d47789000e5d83": {
+ "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_d11c42e88c9a47a89a984b14ee082554",
+ "placeholder": "",
+ "style": "IPY_MODEL_92cf1f985c944aae90b9eb4ae972a89e",
+ "value": "tokenizer_config.json: 100%"
+ }
+ },
+ "e1297cd8619849aba54f71ca094141ce": {
+ "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_1415fe44c6544155b2e5b16f2c22a17a",
+ "IPY_MODEL_2899e0a6ef10459a8b6543e120fa453f",
+ "IPY_MODEL_bef21f4cbba142888813c0a28be43470"
+ ],
+ "layout": "IPY_MODEL_c9e35b4d4652455eb1f4f63f9eb3af12"
+ }
+ },
+ "e3114c17db444f23b43e1961df135c6f": {
+ "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_06f57323a5e54cc192b381820d992294",
+ "placeholder": "",
+ "style": "IPY_MODEL_7770811ca39741f3b9ff331b10fefc63",
+ "value": " 47.0/47.0 [00:00<00:00, 3.94kB/s]"
+ }
+ },
+ "e3f06444aaa6476d86b8438b47cb1563": {
+ "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_5760c1ce062f4b56ad1ebbffc8d9aeb7",
+ "IPY_MODEL_ceb9843852f44b77bf21d2961ae9012e",
+ "IPY_MODEL_f507ebd48b804409919932cfa869ec2e"
+ ],
+ "layout": "IPY_MODEL_943af7ab4ef04058b4582e0513e6789f"
+ }
+ },
+ "e783548f004d480bae5c1c33d81219da": {
+ "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_2e0200df18f9401f8c7a21d1da0d1128",
+ "max": 16512.0,
+ "min": 0.0,
+ "orientation": "horizontal",
+ "style": "IPY_MODEL_a35ec517daac49998cbe0b08ab2d213f",
+ "value": 16512.0
+ }
+ },
+ "e7e9c09165074e4897595e704071d739": {
+ "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_9c4353a09f564b329dd4a37177e47cdb",
+ "max": 8806.0,
+ "min": 0.0,
+ "orientation": "horizontal",
+ "style": "IPY_MODEL_f2c1fd0d827e4617ba10f50467d1df66",
+ "value": 8806.0
+ }
+ },
+ "ea50e6d14ff247f3a20dc3d5af5d998a": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "eb05278f02234019aff4312a96a64cf8": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "f0787be474204168bc8ba93ec5d73e85": {
+ "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_15cf3822a7ab43ac85c501053f5ca3e4",
+ "placeholder": "",
+ "style": "IPY_MODEL_18c2ca7c4a73406bafe8a028e9fd3056",
+ "value": "vocab.txt: 100%"
+ }
+ },
+ "f15af139eb364992972f929873d448db": {
+ "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_23ca17dd4bda47c2916b5444e6215d96",
+ "placeholder": "",
+ "style": "IPY_MODEL_1f14c62140c04d4db510b7340e21f8bc",
+ "value": "tokenizer.json: 100%"
+ }
+ },
+ "f2c1fd0d827e4617ba10f50467d1df66": {
+ "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": ""
+ }
+ },
+ "f5062f1eef014aff9a2e72fc1a240826": {
+ "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_daf884370b5a400591aaec6e99342524",
+ "IPY_MODEL_1f1142bdf5bf415891c0f40c5c5321e1",
+ "IPY_MODEL_bd001cfd8cfd4193b3dab8621f8870f7"
+ ],
+ "layout": "IPY_MODEL_a22bab02ead34cfaa46311449055e4c8"
+ }
+ },
+ "f507ebd48b804409919932cfa869ec2e": {
+ "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_41daaaa349b4492e85ad091fcfbdb47c",
+ "placeholder": "",
+ "style": "IPY_MODEL_03b4801e6f4f4d25b3eb03a76b41d1bb",
+ "value": " 413/413 [00:00<00:00, 34.8kB/s]"
+ }
+ },
+ "f61755d66505464a8cc74856e5daf5e5": {
+ "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_1223272c44f24b86902aa736202f378c",
+ "placeholder": "",
+ "style": "IPY_MODEL_3fe19716e07e48d38902c7500ee6e040",
+ "value": " 2.86k/2.86k [00:00<00:00, 244kB/s]"
+ }
+ },
+ "f7fc91a624554223bc637b5ab69d3cf3": {
+ "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": ""
+ }
+ },
+ "f8db66602d7646959932343f348331ce": {
+ "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": ""
+ }
+ },
+ "fa464db7d3084f8eb8194a59d26f04ae": {
+ "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_bed91f83e12b46598c26f87237884c41",
+ "placeholder": "",
+ "style": "IPY_MODEL_9f79d56f1e3149ab839dffc3aa8300fc",
+ "value": "tokenizer_config.json: 100%"
+ }
+ },
+ "fafc0cd8ac244db7b39259286046e4f7": {
+ "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": ""
+ }
+ },
+ "fb7a1db86f434345985a5ea635e1f61d": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "fdcf0ed2801d43dc92eed67d8ec93bbf": {
+ "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": ""
+ }
+ },
+ "fe1e887b6d3e4ddcb72c599e4656aa8a": {
+ "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": ""
+ }
+ }
+ },
+ "version_major": 2,
+ "version_minor": 0
+ }
+ }
+ },
+ "nbformat": 4,
+ "nbformat_minor": 5
+}