diff --git "a/novel-translation/09_tune-lf-medium-py3.11.ipynb" "b/novel-translation/09_tune-lf-medium-py3.11.ipynb"
new file mode 100644--- /dev/null
+++ "b/novel-translation/09_tune-lf-medium-py3.11.ipynb"
@@ -0,0 +1,4311 @@
+{
+ "cells": [
+ {
+ "cell_type": "code",
+ "execution_count": 0,
+ "metadata": {
+ "application/vnd.databricks.v1+cell": {
+ "cellMetadata": {
+ "byteLimit": 2048000,
+ "rowLimit": 10000
+ },
+ "inputWidgets": {},
+ "nuid": "eb33b19f-1206-41ee-84e2-e6258a12eef7",
+ "showTitle": false,
+ "title": ""
+ }
+ },
+ "outputs": [
+ {
+ "output_type": "stream",
+ "name": "stdout",
+ "output_type": "stream",
+ "text": [
+ "Python 3.11.0rc1\r\n"
+ ]
+ }
+ ],
+ "source": [
+ "if 'dbutils' in locals():\n",
+ " dbutils.library.restartPython()\n",
+ "\n",
+ "!python --version"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 0,
+ "metadata": {
+ "application/vnd.databricks.v1+cell": {
+ "cellMetadata": {
+ "byteLimit": 2048000,
+ "rowLimit": 10000
+ },
+ "inputWidgets": {},
+ "nuid": "0ea8b46b-839b-445b-8043-ccdf4e920ace",
+ "showTitle": false,
+ "title": ""
+ }
+ },
+ "outputs": [],
+ "source": [
+ "%load_ext autoreload\n",
+ "%autoreload 2"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 0,
+ "metadata": {
+ "application/vnd.databricks.v1+cell": {
+ "cellMetadata": {
+ "byteLimit": 2048000,
+ "rowLimit": 10000
+ },
+ "inputWidgets": {},
+ "nuid": "6d394937-6c99-4a7c-9d32-7600a280032f",
+ "showTitle": false,
+ "title": ""
+ }
+ },
+ "outputs": [
+ {
+ "output_type": "stream",
+ "name": "stdout",
+ "output_type": "stream",
+ "text": [
+ "workding dir: /Workspace/Users/donghao.huang@mastercard.com/llm-finetuning\n"
+ ]
+ }
+ ],
+ "source": [
+ "import os\n",
+ "import sys\n",
+ "from pathlib import Path\n",
+ "\n",
+ "workding_dir = str(Path.cwd().parent)\n",
+ "os.chdir(workding_dir)\n",
+ "sys.path.append(workding_dir)\n",
+ "print(\"workding dir:\", workding_dir)"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 0,
+ "metadata": {
+ "application/vnd.databricks.v1+cell": {
+ "cellMetadata": {
+ "byteLimit": 2048000,
+ "rowLimit": 10000
+ },
+ "inputWidgets": {},
+ "nuid": "8affcc96-edf6-4489-b656-afb475a038e6",
+ "showTitle": false,
+ "title": ""
+ }
+ },
+ "outputs": [
+ {
+ "output_type": "execute_result",
+ "data": {
+ "text/plain": [
+ "False"
+ ]
+ },
+ "execution_count": 3,
+ "metadata": {},
+ "output_type": "execute_result"
+ }
+ ],
+ "source": [
+ "need_to_setup_env = False\n",
+ "need_to_setup_env"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 0,
+ "metadata": {
+ "application/vnd.databricks.v1+cell": {
+ "cellMetadata": {
+ "byteLimit": 2048000,
+ "rowLimit": 10000
+ },
+ "inputWidgets": {},
+ "nuid": "72f9cf79-7b0d-4d9e-90a0-1fa5251b947f",
+ "showTitle": false,
+ "title": ""
+ }
+ },
+ "outputs": [],
+ "source": [
+ "if need_to_setup_env:\n",
+ " %pip config set global.index-url https://artifacts.forge.mastercard.com/artifactory/api/pypi/python/simple\n",
+ " %pip install tf-keras\n",
+ " %pip install -q --upgrade accelerate einops xformers torchvision\n",
+ " %pip install -r requirements.txt\n",
+ " !cd ../LLaMA-Factory && pip install -e .[torch,bitsandbytes] && FLASH_ATTENTION_FORCE_BUILD=TRUE pip install --upgrade flash-attn"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 0,
+ "metadata": {
+ "application/vnd.databricks.v1+cell": {
+ "cellMetadata": {
+ "byteLimit": 2048000,
+ "rowLimit": 10000
+ },
+ "inputWidgets": {},
+ "nuid": "c06c61fd-4c6f-4099-bd3b-46188ab835d7",
+ "showTitle": false,
+ "title": ""
+ }
+ },
+ "outputs": [
+ {
+ "output_type": "stream",
+ "name": "stdout",
+ "output_type": "stream",
+ "text": [
+ "workding dir: /Workspace/Users/donghao.huang@mastercard.com/llm-finetuning\n"
+ ]
+ }
+ ],
+ "source": [
+ "os.chdir(workding_dir)\n",
+ "sys.path.append(workding_dir)\n",
+ "print(\"workding dir:\", workding_dir)"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 0,
+ "metadata": {
+ "application/vnd.databricks.v1+cell": {
+ "cellMetadata": {
+ "byteLimit": 2048000,
+ "rowLimit": 10000
+ },
+ "inputWidgets": {},
+ "nuid": "9f67ec60-2f24-411c-84eb-0dd664b44775",
+ "showTitle": false,
+ "title": ""
+ }
+ },
+ "outputs": [
+ {
+ "output_type": "stream",
+ "name": "stdout",
+ "output_type": "stream",
+ "text": [
+ "loading env vars from: /Workspace/Users/donghao.huang@mastercard.com/llm-finetuning/.env\n"
+ ]
+ },
+ {
+ "output_type": "execute_result",
+ "data": {
+ "text/plain": [
+ "True"
+ ]
+ },
+ "execution_count": 6,
+ "metadata": {},
+ "output_type": "execute_result"
+ }
+ ],
+ "source": [
+ "from dotenv import find_dotenv, load_dotenv\n",
+ "\n",
+ "found_dotenv = find_dotenv(\".env\")\n",
+ "\n",
+ "if len(found_dotenv) == 0:\n",
+ " found_dotenv = find_dotenv(\".env.example\")\n",
+ "print(f\"loading env vars from: {found_dotenv}\")\n",
+ "load_dotenv(found_dotenv, override=True)"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 0,
+ "metadata": {
+ "application/vnd.databricks.v1+cell": {
+ "cellMetadata": {
+ "byteLimit": 2048000,
+ "rowLimit": 10000
+ },
+ "inputWidgets": {},
+ "nuid": "f1597656-8042-4878-9d3b-9ebfb8dd86dc",
+ "showTitle": false,
+ "title": ""
+ }
+ },
+ "outputs": [
+ {
+ "output_type": "execute_result",
+ "data": {
+ "text/plain": [
+ "('unsloth/Qwen2-1.5B-Instruct',\n",
+ " True,\n",
+ " None,\n",
+ " None,\n",
+ " 2048,\n",
+ " 10,\n",
+ " None,\n",
+ " 'datasets/mac/mac.tsv',\n",
+ " 'results/mac-results_lf-r3.csv',\n",
+ " 'TRUE',\n",
+ " 'true')"
+ ]
+ },
+ "execution_count": 7,
+ "metadata": {},
+ "output_type": "execute_result"
+ }
+ ],
+ "source": [
+ "import os\n",
+ "\n",
+ "model_name = os.getenv(\"MODEL_NAME\")\n",
+ "token = os.getenv(\"HF_TOKEN\") or None\n",
+ "load_in_4bit = os.getenv(\"LOAD_IN_4BIT\") == \"true\"\n",
+ "local_model = os.getenv(\"LOCAL_MODEL\")\n",
+ "hub_model = os.getenv(\"HUB_MODEL\")\n",
+ "num_train_epochs = int(os.getenv(\"NUM_TRAIN_EPOCHS\") or 0)\n",
+ "data_path = os.getenv(\"DATA_PATH\")\n",
+ "results_path = os.getenv(\"RESULTS_PATH\")\n",
+ "\n",
+ "max_seq_length = 2048 # Choose any! We auto support RoPE Scaling internally!\n",
+ "dtype = (\n",
+ " None # None for auto detection. Float16 for Tesla T4, V100, Bfloat16 for Ampere+\n",
+ ")\n",
+ "\n",
+ "model_name, load_in_4bit, local_model, hub_model, max_seq_length, num_train_epochs, dtype, data_path, results_path, os.getenv(\"DISABLE_MLFLOW_INTEGRATION\"), os.getenv(\"WANDB_DISABLED\")"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 0,
+ "metadata": {
+ "application/vnd.databricks.v1+cell": {
+ "cellMetadata": {
+ "byteLimit": 2048000,
+ "rowLimit": 10000
+ },
+ "inputWidgets": {},
+ "nuid": "e3ab54ba-7b6d-4817-bf2e-c5d711508b58",
+ "showTitle": false,
+ "title": ""
+ }
+ },
+ "outputs": [
+ {
+ "output_type": "stream",
+ "name": "stdout",
+ "output_type": "stream",
+ "text": [
+ "Fri Jul 5 08:59:30 2024 \r\n+---------------------------------------------------------------------------------------+\r\n| NVIDIA-SMI 535.54.03 Driver Version: 535.54.03 CUDA Version: 12.2 |\r\n|-----------------------------------------+----------------------+----------------------+\r\n| GPU Name Persistence-M | Bus-Id Disp.A | Volatile Uncorr. ECC |\r\n| Fan Temp Perf Pwr:Usage/Cap | Memory-Usage | GPU-Util Compute M. |\r\n| | | MIG M. |\r\n|=========================================+======================+======================|\r\n| 0 Tesla T4 Off | 00000001:00:00.0 Off | 0 |\r\n| N/A 31C P8 9W / 70W | 2MiB / 15360MiB | 0% Default |\r\n| | | N/A |\r\n+-----------------------------------------+----------------------+----------------------+\r\n \r\n+---------------------------------------------------------------------------------------+\r\n| Processes: |\r\n| GPU GI CI PID Type Process name GPU Memory |\r\n| ID ID Usage |\r\n|=======================================================================================|\r\n| No running processes found |\r\n+---------------------------------------------------------------------------------------+\r\n"
+ ]
+ }
+ ],
+ "source": [
+ "!nvidia-smi"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 0,
+ "metadata": {
+ "application/vnd.databricks.v1+cell": {
+ "cellMetadata": {
+ "byteLimit": 2048000,
+ "rowLimit": 10000
+ },
+ "inputWidgets": {},
+ "nuid": "b2a43943-9324-4839-9a47-cfa72de2244b",
+ "showTitle": false,
+ "title": ""
+ }
+ },
+ "outputs": [
+ {
+ "output_type": "stream",
+ "name": "stdout",
+ "output_type": "stream",
+ "text": [
+ "Python 3.11.0rc1\r\nName: flash-attn\nVersion: 2.5.9.post1\nSummary: Flash Attention: Fast and Memory-Efficient Exact Attention\nHome-page: https://github.com/Dao-AILab/flash-attention\nAuthor: Tri Dao\nAuthor-email: trid@cs.stanford.edu\nLicense: \nLocation: /local_disk0/.ephemeral_nfs/envs/pythonEnv-40f92d71-6c52-44a3-a1ef-62cdea633f68/lib/python3.11/site-packages\nRequires: einops, torch\nRequired-by: \nCPU times: user 10.5 ms, sys: 15.1 ms, total: 25.6 ms\nWall time: 4.37 s\n"
+ ]
+ }
+ ],
+ "source": [
+ "%%time\n",
+ "!python --version\n",
+ "!pip show flash-attn"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 0,
+ "metadata": {
+ "application/vnd.databricks.v1+cell": {
+ "cellMetadata": {
+ "byteLimit": 2048000,
+ "rowLimit": 10000
+ },
+ "inputWidgets": {},
+ "nuid": "df316e8f-0710-445e-b6f9-fd67ebfeac5a",
+ "showTitle": false,
+ "title": ""
+ }
+ },
+ "outputs": [
+ {
+ "output_type": "stream",
+ "name": "stdout",
+ "output_type": "stream",
+ "text": [
+ "Current Directory:\r\n/Workspace/Users/donghao.huang@mastercard.com/llm-finetuning/llama-factory\r\nconfig/llama3_8b_lora_sft.yaml:\r\n {\r\n \"model_name_or_path\": \"gradientai/Llama-3-8B-Instruct-Gradient-1048k\",\r\n \"stage\": \"sft\",\r\n \"do_train\": true,\r\n \"finetuning_type\": \"lora\",\r\n \"lora_target\": \"all\",\r\n \"quantization_bit\": 4,\r\n \"loraplus_lr_ratio\": 16.0,\r\n \"dataset\": \"alpaca_mac\",\r\n \"template\": \"llama3\",\r\n \"cutoff_len\": 1024,\r\n \"max_samples\": 4528,\r\n \"overwrite_cache\": true,\r\n \"preprocessing_num_workers\": 16,\r\n \"output_dir\": \"/Workspace/Users/donghao.huang@mastercard.com/lf-saves/llama3-8b/lora/sft/\",\r\n \"logging_steps\": 10,\r\n \"save_steps\": 560,\r\n \"plot_loss\": true,\r\n \"overwrite_output_dir\": true,\r\n \"per_device_train_batch_size\": 1,\r\n \"gradient_accumulation_steps\": 8,\r\n \"learning_rate\": 0.0001,\r\n \"num_train_epochs\": 6.0,\r\n \"lr_scheduler_type\": \"cosine\",\r\n \"warmup_ratio\": 0.1,\r\n \"bf16\": true,\r\n \"ddp_timeout\": 180000000,\r\n \"val_size\": 0.01,\r\n \"per_device_eval_batch_size\": 1,\r\n \"eval_strategy\": \"steps\",\r\n \"eval_steps\": 560,\r\n \"report_to\": \"none\"\r\n}\r\n2024-07-05 08:59:40.790008: I tensorflow/core/platform/cpu_feature_guard.cc:210] This TensorFlow binary is optimized to use available CPU instructions in performance-critical operations.\r\nTo enable the following instructions: AVX2 FMA, in other operations, rebuild TensorFlow with the appropriate compiler flags.\r\n[2024-07-05 08:59:50,632] [INFO] [real_accelerator.py:191:get_accelerator] Setting ds_accelerator to cuda (auto detect)\r\n07/05/2024 08:59:58 - WARNING - llamafactory.hparams.parser - We recommend enable `upcast_layernorm` in quantized training.\r\n07/05/2024 08:59:58 - INFO - llamafactory.hparams.parser - Process rank: 0, device: cuda:0, n_gpu: 1, distributed training: False, compute dtype: torch.bfloat16\r\n[INFO|tokenization_utils_base.py:2161] 2024-07-05 08:59:59,223 >> loading file tokenizer.json from cache at /root/.cache/huggingface/hub/models--gradientai--Llama-3-8B-Instruct-Gradient-1048k/snapshots/8697fb25cb77c852311e03b4464b8467471d56a4/tokenizer.json\r\n[INFO|tokenization_utils_base.py:2161] 2024-07-05 08:59:59,223 >> loading file added_tokens.json from cache at None\r\n[INFO|tokenization_utils_base.py:2161] 2024-07-05 08:59:59,223 >> loading file special_tokens_map.json from cache at /root/.cache/huggingface/hub/models--gradientai--Llama-3-8B-Instruct-Gradient-1048k/snapshots/8697fb25cb77c852311e03b4464b8467471d56a4/special_tokens_map.json\r\n[INFO|tokenization_utils_base.py:2161] 2024-07-05 08:59:59,223 >> loading file tokenizer_config.json from cache at /root/.cache/huggingface/hub/models--gradientai--Llama-3-8B-Instruct-Gradient-1048k/snapshots/8697fb25cb77c852311e03b4464b8467471d56a4/tokenizer_config.json\r\n[WARNING|logging.py:313] 2024-07-05 08:59:59,517 >> Special tokens have been added in the vocabulary, make sure the associated word embeddings are fine-tuned or trained.\r\n07/05/2024 08:59:59 - INFO - llamafactory.data.template - Replace eos token: <|eot_id|>\r\n07/05/2024 08:59:59 - INFO - llamafactory.data.template - Add pad token: <|eot_id|>\r\n07/05/2024 08:59:59 - INFO - llamafactory.data.loader - Loading dataset alpaca_mac.json...\r\n\rConverting format of dataset (num_proc=16): 0%| | 0/4528 [00:00, ? examples/\rConverting format of dataset (num_proc=16): 100%|█| 4528/4528 [00:00<00:00, 4511\rConverting format of dataset (num_proc=16): 100%|█| 4528/4528 [00:00<00:00, 2532\r\n\rRunning tokenizer on dataset (num_proc=16): 0%| | 0/4528 [00:00, ? examples/\rRunning tokenizer on dataset (num_proc=16): 6%| | 283/4528 [00:00<00:08, 500.4\rRunning tokenizer on dataset (num_proc=16): 12%|▏| 566/4528 [00:00<00:04, 830.0\rRunning tokenizer on dataset (num_proc=16): 19%|▏| 849/4528 [00:00<00:03, 1104.\rRunning tokenizer on dataset (num_proc=16): 25%|▎| 1132/4528 [00:01<00:02, 1305\rRunning tokenizer on dataset (num_proc=16): 31%|▎| 1415/4528 [00:01<00:02, 1518\rRunning tokenizer on dataset (num_proc=16): 38%|▍| 1698/4528 [00:01<00:01, 1657\rRunning tokenizer on dataset (num_proc=16): 44%|▍| 1981/4528 [00:01<00:01, 1724\rRunning tokenizer on dataset (num_proc=16): 50%|▌| 2264/4528 [00:01<00:01, 1759\rRunning tokenizer on dataset (num_proc=16): 56%|▌| 2547/4528 [00:01<00:01, 1752\rRunning tokenizer on dataset (num_proc=16): 62%|▋| 2830/4528 [00:01<00:00, 1770\rRunning tokenizer on dataset (num_proc=16): 69%|▋| 3113/4528 [00:02<00:00, 1866\rRunning tokenizer on dataset (num_proc=16): 75%|▊| 3396/4528 [00:02<00:00, 1937\rRunning tokenizer on dataset (num_proc=16): 81%|▊| 3679/4528 [00:02<00:00, 1988\rRunning tokenizer on dataset (num_proc=16): 88%|▉| 3962/4528 [00:02<00:00, 2034\rRunning tokenizer on dataset (num_proc=16): 94%|▉| 4245/4528 [00:02<00:00, 2042\rRunning tokenizer on dataset (num_proc=16): 100%|█| 4528/4528 [00:02<00:00, 2095\rRunning tokenizer on dataset (num_proc=16): 100%|█| 4528/4528 [00:02<00:00, 1599\r\ninput_ids:\r\n[128000, 128006, 882, 128007, 271, 5618, 15025, 279, 2768, 8620, 1495, 1139, 6498, 323, 3493, 1193, 279, 25548, 2262, 11, 4400, 775, 627, 37087, 6271, 245, 100815, 121991, 110139, 113265, 108057, 1811, 128009, 128006, 78191, 128007, 271, 18433, 358, 574, 2682, 555, 264, 39935, 45586, 13, 128009]\r\ninputs:\r\n<|begin_of_text|><|start_header_id|>user<|end_header_id|>\r\n\r\nPlease translate the following Chinese text into English and provide only the translated content, nothing else.\r\n全仗着狐仙搭救。<|eot_id|><|start_header_id|>assistant<|end_header_id|>\r\n\r\nBecause I was protected by a fox fairy.<|eot_id|>\r\nlabel_ids:\r\n[-100, -100, -100, -100, -100, -100, -100, -100, -100, -100, -100, -100, -100, -100, -100, -100, -100, -100, -100, -100, -100, -100, -100, -100, -100, -100, -100, -100, -100, -100, -100, -100, -100, -100, -100, -100, -100, 18433, 358, 574, 2682, 555, 264, 39935, 45586, 13, 128009]\r\nlabels:\r\nBecause I was protected by a fox fairy.<|eot_id|>\r\n[INFO|configuration_utils.py:733] 2024-07-05 09:00:03,851 >> loading configuration file config.json from cache at /root/.cache/huggingface/hub/models--gradientai--Llama-3-8B-Instruct-Gradient-1048k/snapshots/8697fb25cb77c852311e03b4464b8467471d56a4/config.json\r\n[INFO|configuration_utils.py:800] 2024-07-05 09:00:03,852 >> Model config LlamaConfig {\r\n \"_name_or_path\": \"gradientai/Llama-3-8B-Instruct-Gradient-1048k\",\r\n \"architectures\": [\r\n \"LlamaForCausalLM\"\r\n ],\r\n \"attention_bias\": false,\r\n \"attention_dropout\": 0.0,\r\n \"bos_token_id\": 128000,\r\n \"eos_token_id\": 128001,\r\n \"hidden_act\": \"silu\",\r\n \"hidden_size\": 4096,\r\n \"initializer_range\": 0.02,\r\n \"intermediate_size\": 14336,\r\n \"max_position_embeddings\": 1048576,\r\n \"mlp_bias\": false,\r\n \"model_type\": \"llama\",\r\n \"num_attention_heads\": 32,\r\n \"num_hidden_layers\": 32,\r\n \"num_key_value_heads\": 8,\r\n \"pretraining_tp\": 1,\r\n \"rms_norm_eps\": 1e-05,\r\n \"rope_scaling\": null,\r\n \"rope_theta\": 3580165449.0,\r\n \"tie_word_embeddings\": false,\r\n \"torch_dtype\": \"bfloat16\",\r\n \"transformers_version\": \"4.42.3\",\r\n \"use_cache\": true,\r\n \"vocab_size\": 128256\r\n}\r\n\r\n07/05/2024 09:00:03 - INFO - llamafactory.model.model_utils.quantization - Quantizing model to 4 bit with bitsandbytes.\r\n[INFO|modeling_utils.py:3556] 2024-07-05 09:00:03,878 >> loading weights file model.safetensors from cache at /root/.cache/huggingface/hub/models--gradientai--Llama-3-8B-Instruct-Gradient-1048k/snapshots/8697fb25cb77c852311e03b4464b8467471d56a4/model.safetensors.index.json\r\n[INFO|modeling_utils.py:1531] 2024-07-05 09:00:03,880 >> Instantiating LlamaForCausalLM model under default dtype torch.bfloat16.\r\n[INFO|configuration_utils.py:1000] 2024-07-05 09:00:03,881 >> Generate config GenerationConfig {\r\n \"bos_token_id\": 128000,\r\n \"eos_token_id\": 128001\r\n}\r\n\r\n\rLoading checkpoint shards: 0%| | 0/4 [00:00, ?it/s]\rLoading checkpoint shards: 25%|████▌ | 1/4 [00:01<00:03, 1.19s/it]\rLoading checkpoint shards: 50%|█████████ | 2/4 [00:02<00:02, 1.15s/it]\rLoading checkpoint shards: 75%|█████████████▌ | 3/4 [00:03<00:01, 1.12s/it]\rLoading checkpoint shards: 100%|██████████████████| 4/4 [00:03<00:00, 1.16it/s]\rLoading checkpoint shards: 100%|██████████████████| 4/4 [00:03<00:00, 1.04it/s]\r\n[INFO|modeling_utils.py:4364] 2024-07-05 09:00:08,031 >> All model checkpoint weights were used when initializing LlamaForCausalLM.\r\n\r\n[INFO|modeling_utils.py:4372] 2024-07-05 09:00:08,031 >> All the weights of LlamaForCausalLM were initialized from the model checkpoint at gradientai/Llama-3-8B-Instruct-Gradient-1048k.\r\nIf your task is similar to the task the model of the checkpoint was trained on, you can already use LlamaForCausalLM for predictions without further training.\r\n[INFO|configuration_utils.py:955] 2024-07-05 09:00:08,056 >> loading configuration file generation_config.json from cache at /root/.cache/huggingface/hub/models--gradientai--Llama-3-8B-Instruct-Gradient-1048k/snapshots/8697fb25cb77c852311e03b4464b8467471d56a4/generation_config.json\r\n[INFO|configuration_utils.py:1000] 2024-07-05 09:00:08,057 >> Generate config GenerationConfig {\r\n \"bos_token_id\": 128000,\r\n \"do_sample\": true,\r\n \"eos_token_id\": [\r\n 128001,\r\n 128009\r\n ],\r\n \"max_length\": 4096,\r\n \"temperature\": 0.6,\r\n \"top_p\": 0.9\r\n}\r\n\r\n07/05/2024 09:00:08 - INFO - llamafactory.model.model_utils.checkpointing - Gradient checkpointing enabled.\r\n07/05/2024 09:00:08 - INFO - llamafactory.model.model_utils.attention - Using torch SDPA for faster training and inference.\r\n07/05/2024 09:00:08 - INFO - llamafactory.model.adapter - Upcasting trainable params to float32.\r\n07/05/2024 09:00:08 - INFO - llamafactory.model.adapter - Fine-tuning method: LoRA\r\n07/05/2024 09:00:08 - INFO - llamafactory.model.model_utils.misc - Found linear modules: gate_proj,v_proj,o_proj,k_proj,up_proj,down_proj,q_proj\r\n07/05/2024 09:00:08 - INFO - llamafactory.model.loader - trainable params: 20,971,520 || all params: 8,051,232,768 || trainable%: 0.2605\r\n[INFO|trainer.py:642] 2024-07-05 09:00:09,078 >> Using auto half precision backend\r\ntraining_args.resume_from_checkpoint: None\r\n07/05/2024 09:00:09 - INFO - llamafactory.train.trainer_utils - Using LoRA+ optimizer with loraplus lr ratio 16.00.\r\n[INFO|trainer.py:2128] 2024-07-05 09:00:09,496 >> ***** Running training *****\r\n[INFO|trainer.py:2129] 2024-07-05 09:00:09,496 >> Num examples = 4,482\r\n[INFO|trainer.py:2130] 2024-07-05 09:00:09,496 >> Num Epochs = 6\r\n[INFO|trainer.py:2131] 2024-07-05 09:00:09,496 >> Instantaneous batch size per device = 1\r\n[INFO|trainer.py:2134] 2024-07-05 09:00:09,496 >> Total train batch size (w. parallel, distributed & accumulation) = 8\r\n[INFO|trainer.py:2135] 2024-07-05 09:00:09,496 >> Gradient Accumulation steps = 8\r\n[INFO|trainer.py:2136] 2024-07-05 09:00:09,496 >> Total optimization steps = 3,360\r\n[INFO|trainer.py:2137] 2024-07-05 09:00:09,500 >> Number of trainable parameters = 20,971,520\r\n\r 0%| | 0/3360 [00:00, ?it/s]\r 0%| | 1/3360 [00:24<23:13:32, 24.89s/it]\r 0%| | 2/3360 [00:50<23:50:05, 25.55s/it]\r 0%| | 3/3360 [01:14<22:51:20, 24.51s/it]\r 0%| | 4/3360 [01:33<21:02:08, 22.57s/it]\r 0%| | 5/3360 [02:02<23:03:53, 24.75s/it]\r 0%| | 6/3360 [02:29<23:55:47, 25.69s/it]\r 0%| | 7/3360 [02:53<23:16:25, 24.99s/it]\r 0%| | 8/3360 [03:17<23:05:59, 24.81s/it]\r 0%| | 9/3360 [03:44<23:44:38, 25.51s/it]\r 0%| | 10/3360 [04:12<24:15:39, 26.07s/it]\r \r{'loss': 2.2828, 'grad_norm': 1.950901985168457, 'learning_rate': 2.9761904761904763e-06, 'epoch': 0.02}\r\n\r 0%| | 10/3360 [04:12<24:15:39, 26.07s/it]\r 0%| | 11/3360 [04:38<24:19:21, 26.15s/it]\r 0%|▏ | 12/3360 [05:05<24:25:37, 26.27s/it]\r 0%|▏ | 13/3360 [05:28<23:38:04, 25.42s/it]\r 0%|▏ | 14/3360 [05:54<23:39:03, 25.45s/it]\r 0%|▏ | 15/3360 [06:18<23:29:46, 25.29s/it]\r 0%|▏ | 16/3360 [06:49<24:51:42, 26.77s/it]\r 1%|▏ | 17/3360 [07:12<23:53:43, 25.73s/it]\r 1%|▏ | 18/3360 [07:36<23:30:52, 25.33s/it]\r 1%|▏ | 19/3360 [08:04<24:09:51, 26.04s/it]\r 1%|▏ | 20/3360 [08:28<23:27:42, 25.29s/it]\r \r{'loss': 2.1958, 'grad_norm': 2.308849334716797, 'learning_rate': 5.9523809523809525e-06, 'epoch': 0.04}\r\n\r 1%|▏ | 20/3360 [08:28<23:27:42, 25.29s/it]\r 1%|▏ | 21/3360 [08:54<23:50:16, 25.70s/it]\r 1%|▏ | 22/3360 [09:17<22:53:13, 24.68s/it]\r 1%|▎ | 23/3360 [09:40<22:27:22, 24.23s/it]\r 1%|▎ | 24/3360 [10:05<22:39:04, 24.44s/it]\r 1%|▎ | 25/3360 [10:25<21:32:21, 23.25s/it]\r 1%|▎ | 26/3360 [10:48<21:22:09, 23.07s/it]\r 1%|▎ | 27/3360 [11:15<22:36:12, 24.41s/it]\r 1%|▎ | 28/3360 [11:45<23:59:09, 25.92s/it]\r 1%|▎ | 29/3360 [12:08<23:11:50, 25.07s/it]\r 1%|▎ | 30/3360 [12:34<23:36:16, 25.52s/it]\r \r{'loss': 1.8784, 'grad_norm': 1.3710776567459106, 'learning_rate': 8.92857142857143e-06, 'epoch': 0.05}\r\n\r 1%|▎ | 30/3360 [12:34<23:36:16, 25.52s/it]\r 1%|▎ | 31/3360 [12:56<22:33:30, 24.39s/it]\r 1%|▎ | 32/3360 [13:18<21:50:39, 23.63s/it]\r 1%|▎ | 33/3360 [13:39<21:01:51, 22.76s/it]\r 1%|▍ | 34/3360 [14:03<21:27:00, 23.22s/it]\r 1%|▍ | 35/3360 [14:29<22:09:41, 23.99s/it]\r 1%|▍ | 36/3360 [14:52<21:56:18, 23.76s/it]\r 1%|▍ | 37/3360 [15:17<22:19:30, 24.19s/it]\r 1%|▍ | 38/3360 [15:40<21:55:15, 23.76s/it]\r 1%|▍ | 39/3360 [16:05<22:19:32, 24.20s/it]\r 1%|▍ | 40/3360 [16:27<21:35:11, 23.41s/it]\r \r{'loss': 1.7298, 'grad_norm': 3.4520955085754395, 'learning_rate': 1.1904761904761905e-05, 'epoch': 0.07}\r\n\r 1%|▍ | 40/3360 [16:27<21:35:11, 23.41s/it]\r 1%|▍ | 41/3360 [16:53<22:20:23, 24.23s/it]\r 1%|▍ | 42/3360 [17:20<23:06:10, 25.07s/it]\r 1%|▍ | 43/3360 [17:46<23:21:49, 25.36s/it]\r 1%|▍ | 44/3360 [18:09<22:48:06, 24.75s/it]\r 1%|▌ | 45/3360 [18:34<22:39:34, 24.61s/it]\r 1%|▌ | 46/3360 [19:00<23:02:50, 25.04s/it]\r 1%|▌ | 47/3360 [19:28<24:02:09, 26.12s/it]\r 1%|▌ | 48/3360 [19:53<23:40:33, 25.73s/it]\r 1%|▌ | 49/3360 [20:20<23:53:15, 25.97s/it]\r 1%|▌ | 50/3360 [20:47<24:09:18, 26.27s/it]\r \r{'loss': 1.8498, 'grad_norm': 1.293561577796936, 'learning_rate': 1.4880952380952381e-05, 'epoch': 0.09}\r\n\r 1%|▌ | 50/3360 [20:47<24:09:18, 26.27s/it]\r 2%|▌ | 51/3360 [21:14<24:25:27, 26.57s/it]\r 2%|▌ | 52/3360 [21:35<22:59:55, 25.03s/it]\r 2%|▌ | 53/3360 [22:00<22:48:43, 24.83s/it]\r 2%|▌ | 54/3360 [22:26<23:05:56, 25.15s/it]\r 2%|▌ | 55/3360 [22:49<22:39:11, 24.68s/it]\r 2%|▋ | 56/3360 [23:16<23:08:32, 25.22s/it]\r 2%|▋ | 57/3360 [23:40<22:47:55, 24.85s/it]\r 2%|▋ | 58/3360 [24:00<21:37:54, 23.58s/it]\r 2%|▋ | 59/3360 [24:29<22:59:23, 25.07s/it]\r 2%|▋ | 60/3360 [24:54<23:00:56, 25.11s/it]\r \r{'loss': 1.6822, 'grad_norm': 2.2295732498168945, 'learning_rate': 1.785714285714286e-05, 'epoch': 0.11}\r\n\r 2%|▋ | 60/3360 [24:54<23:00:56, 25.11s/it]\r 2%|▋ | 61/3360 [25:21<23:28:25, 25.62s/it]\r 2%|▋ | 62/3360 [25:49<24:07:28, 26.33s/it]\r 2%|▋ | 63/3360 [26:11<22:58:26, 25.09s/it]\r 2%|▋ | 64/3360 [26:37<23:13:44, 25.37s/it]\r 2%|▋ | 65/3360 [27:01<22:44:02, 24.84s/it]\r 2%|▋ | 66/3360 [27:26<22:48:54, 24.93s/it]\r 2%|▊ | 67/3360 [27:49<22:14:18, 24.31s/it]\r 2%|▊ | 68/3360 [28:12<22:01:07, 24.08s/it]\r 2%|▊ | 69/3360 [28:39<22:38:11, 24.76s/it]\r 2%|▊ | 70/3360 [29:03<22:37:06, 24.75s/it]\r \r{'loss': 1.7621, 'grad_norm': 1.627418041229248, 'learning_rate': 2.0833333333333336e-05, 'epoch': 0.12}\r\n\r 2%|▊ | 70/3360 [29:03<22:37:06, 24.75s/it]\r 2%|▊ | 71/3360 [29:27<22:18:57, 24.43s/it]\r 2%|▊ | 72/3360 [29:51<22:11:29, 24.30s/it]\r 2%|▊ | 73/3360 [30:19<23:11:26, 25.40s/it]\r 2%|▊ | 74/3360 [30:46<23:37:59, 25.89s/it]\r 2%|▊ | 75/3360 [31:16<24:43:13, 27.09s/it]\r 2%|▊ | 76/3360 [31:39<23:35:14, 25.86s/it]\r 2%|▊ | 77/3360 [32:07<24:12:33, 26.55s/it]\r 2%|▉ | 78/3360 [32:33<24:05:03, 26.42s/it]\r 2%|▉ | 79/3360 [33:04<25:15:23, 27.71s/it]\r 2%|▉ | 80/3360 [33:28<24:09:50, 26.52s/it]\r \r{'loss': 1.6161, 'grad_norm': 1.4014948606491089, 'learning_rate': 2.380952380952381e-05, 'epoch': 0.14}\r\n\r 2%|▉ | 80/3360 [33:28<24:09:50, 26.52s/it]\r 2%|▉ | 81/3360 [33:53<23:46:34, 26.10s/it]\r 2%|▉ | 82/3360 [34:16<23:01:55, 25.29s/it]\r 2%|▉ | 83/3360 [34:40<22:32:02, 24.76s/it]\r 2%|▉ | 84/3360 [35:02<21:55:05, 24.09s/it]\r 3%|▉ | 85/3360 [35:27<22:14:15, 24.44s/it]\r 3%|▉ | 86/3360 [35:54<22:43:08, 24.98s/it]\r 3%|▉ | 87/3360 [36:20<23:01:26, 25.32s/it]\r 3%|▉ | 88/3360 [36:47<23:35:04, 25.95s/it]\r 3%|█ | 89/3360 [37:12<23:22:41, 25.73s/it]\r 3%|█ | 90/3360 [37:39<23:42:01, 26.09s/it]\r \r{'loss': 1.7168, 'grad_norm': 2.215449094772339, 'learning_rate': 2.6785714285714288e-05, 'epoch': 0.16}\r\n\r 3%|█ | 90/3360 [37:39<23:42:01, 26.09s/it]\r 3%|█ | 91/3360 [38:06<23:48:38, 26.22s/it]\r 3%|█ | 92/3360 [38:32<23:47:35, 26.21s/it]\r 3%|█ | 93/3360 [38:59<24:04:10, 26.52s/it]\r 3%|█ | 94/3360 [39:30<25:13:10, 27.80s/it]\r 3%|█ | 95/3360 [39:54<24:05:29, 26.56s/it]\r 3%|█ | 96/3360 [40:16<22:49:41, 25.18s/it]\r 3%|█ | 97/3360 [40:40<22:29:01, 24.81s/it]\r 3%|█ | 98/3360 [41:04<22:14:36, 24.55s/it]\r 3%|█ | 99/3360 [41:27<21:52:18, 24.15s/it]\r 3%|█ | 100/3360 [41:53<22:26:37, 24.78s/it]\r \r{'loss': 1.6314, 'grad_norm': 1.435763955116272, 'learning_rate': 2.9761904761904762e-05, 'epoch': 0.18}\r\n\r 3%|█ | 100/3360 [41:53<22:26:37, 24.78s/it]\r 3%|█ | 101/3360 [42:18<22:21:30, 24.70s/it]\r 3%|█ | 102/3360 [42:40<21:43:27, 24.00s/it]\r 3%|█▏ | 103/3360 [43:03<21:28:23, 23.73s/it]\r 3%|█▏ | 104/3360 [43:25<21:06:00, 23.33s/it]\r 3%|█▏ | 105/3360 [43:55<22:39:10, 25.05s/it]\r 3%|█▏ | 106/3360 [44:22<23:14:24, 25.71s/it]\r 3%|█▏ | 107/3360 [44:44<22:17:57, 24.68s/it]\r 3%|█▏ | 108/3360 [45:10<22:38:35, 25.07s/it]\r 3%|█▏ | 109/3360 [45:36<22:46:53, 25.23s/it]\r 3%|█▏ | 110/3360 [46:02<22:57:57, 25.44s/it]\r \r{'loss': 1.6137, 'grad_norm': 1.5036354064941406, 'learning_rate': 3.273809523809524e-05, 'epoch': 0.2}\r\n\r 3%|█▏ | 110/3360 [46:02<22:57:57, 25.44s/it]\r 3%|█▏ | 111/3360 [46:26<22:45:44, 25.22s/it]\r 3%|█▏ | 112/3360 [46:52<22:48:02, 25.27s/it]\r 3%|█▏ | 113/3360 [47:15<22:12:29, 24.62s/it]\r 3%|█▎ | 114/3360 [47:38<21:43:28, 24.09s/it]\r 3%|█▎ | 115/3360 [48:01<21:31:59, 23.89s/it]\r 3%|█▎ | 116/3360 [48:27<22:09:06, 24.58s/it]\r 3%|█▎ | 117/3360 [48:52<22:19:19, 24.78s/it]\r 4%|█▎ | 118/3360 [49:21<23:12:39, 25.77s/it]\r 4%|█▎ | 119/3360 [49:43<22:14:08, 24.70s/it]\r 4%|█▎ | 120/3360 [50:14<24:06:00, 26.78s/it]\r \r{'loss': 1.6265, 'grad_norm': 1.6486930847167969, 'learning_rate': 3.571428571428572e-05, 'epoch': 0.21}\r\n\r 4%|█▎ | 120/3360 [50:14<24:06:00, 26.78s/it]\r 4%|█▎ | 121/3360 [50:39<23:33:40, 26.19s/it]\r 4%|█▎ | 122/3360 [51:01<22:28:23, 24.99s/it]\r 4%|█▎ | 123/3360 [51:24<21:56:54, 24.41s/it]\r 4%|█▎ | 124/3360 [51:48<21:35:11, 24.01s/it]\r 4%|█▍ | 125/3360 [52:12<21:39:50, 24.11s/it]\r 4%|█▍ | 126/3360 [52:42<23:09:21, 25.78s/it]\r 4%|█▍ | 127/3360 [53:08<23:18:50, 25.96s/it]\r 4%|█▍ | 128/3360 [53:35<23:39:47, 26.36s/it]\r 4%|█▍ | 129/3360 [53:57<22:19:49, 24.88s/it]\r 4%|█▍ | 130/3360 [54:24<23:06:58, 25.76s/it]\r \r{'loss': 1.6258, 'grad_norm': 2.645925521850586, 'learning_rate': 3.8690476190476195e-05, 'epoch': 0.23}\r\n\r 4%|█▍ | 130/3360 [54:24<23:06:58, 25.76s/it]\r 4%|█▍ | 131/3360 [54:51<23:22:27, 26.\n\n*** WARNING: max output size exceeded, skipping output. ***\n\n | 281/3360 [1:57:29<21:54:26, 25.61s/it]\r 8%|██▉ | 282/3360 [1:57:55<22:05:32, 25.84s/it]\r 8%|██▉ | 283/3360 [1:58:18<21:24:41, 25.05s/it]\r 8%|██▉ | 284/3360 [1:58:48<22:34:03, 26.41s/it]\r 8%|██▉ | 285/3360 [1:59:12<21:59:04, 25.74s/it]\r 9%|██▉ | 286/3360 [1:59:35<21:25:23, 25.09s/it]\r 9%|██▉ | 287/3360 [2:00:01<21:37:36, 25.34s/it]\r 9%|███ | 288/3360 [2:00:26<21:30:07, 25.20s/it]\r 9%|███ | 289/3360 [2:00:50<21:04:34, 24.71s/it]\r 9%|███ | 290/3360 [2:01:17<21:38:42, 25.38s/it]\r \r{'loss': 1.4702, 'grad_norm': 1.9487817287445068, 'learning_rate': 8.630952380952382e-05, 'epoch': 0.52}\r\n\r 9%|███ | 290/3360 [2:01:17<21:38:42, 25.38s/it]\r 9%|███ | 291/3360 [2:01:48<23:09:54, 27.17s/it]\r 9%|███ | 292/3360 [2:02:15<22:58:46, 26.96s/it]\r 9%|███ | 293/3360 [2:02:41<22:51:44, 26.84s/it]\r 9%|███ | 294/3360 [2:03:05<22:07:18, 25.97s/it]\r 9%|███ | 295/3360 [2:03:34<22:57:04, 26.96s/it]\r 9%|███ | 296/3360 [2:04:01<22:50:25, 26.84s/it]\r 9%|███ | 297/3360 [2:04:24<21:47:11, 25.61s/it]\r 9%|███ | 298/3360 [2:04:51<22:19:06, 26.24s/it]\r 9%|███ | 299/3360 [2:05:19<22:41:32, 26.69s/it]\r 9%|███▏ | 300/3360 [2:05:42<21:45:49, 25.60s/it]\r \r{'loss': 1.5849, 'grad_norm': 3.3946197032928467, 'learning_rate': 8.92857142857143e-05, 'epoch': 0.54}\r\n\r 9%|███▏ | 300/3360 [2:05:42<21:45:49, 25.60s/it]\r 9%|███▏ | 301/3360 [2:06:05<21:00:19, 24.72s/it]\r 9%|███▏ | 302/3360 [2:06:31<21:14:56, 25.02s/it]\r 9%|███▏ | 303/3360 [2:06:57<21:34:27, 25.41s/it]\r 9%|███▏ | 304/3360 [2:07:18<20:27:36, 24.10s/it]\r 9%|███▏ | 305/3360 [2:07:43<20:50:10, 24.55s/it]\r 9%|███▏ | 306/3360 [2:08:09<21:07:35, 24.90s/it]\r 9%|███▏ | 307/3360 [2:08:36<21:36:43, 25.48s/it]\r 9%|███▏ | 308/3360 [2:09:01<21:21:57, 25.20s/it]\r 9%|███▏ | 309/3360 [2:09:27<21:34:23, 25.46s/it]\r 9%|███▏ | 310/3360 [2:09:51<21:21:19, 25.21s/it]\r \r{'loss': 1.6439, 'grad_norm': 2.366210460662842, 'learning_rate': 9.226190476190478e-05, 'epoch': 0.55}\r\n\r 9%|███▏ | 310/3360 [2:09:51<21:21:19, 25.21s/it]\r 9%|███▏ | 311/3360 [2:10:14<20:48:48, 24.57s/it]\r 9%|███▎ | 312/3360 [2:10:41<21:20:00, 25.20s/it]\r 9%|███▎ | 313/3360 [2:11:03<20:27:09, 24.16s/it]\r 9%|███▎ | 314/3360 [2:11:30<21:12:02, 25.06s/it]\r 9%|███▎ | 315/3360 [2:11:54<21:02:15, 24.87s/it]\r 9%|███▎ | 316/3360 [2:12:22<21:42:41, 25.68s/it]\r 9%|███▎ | 317/3360 [2:12:45<21:04:56, 24.94s/it]\r 9%|███▎ | 318/3360 [2:13:12<21:29:02, 25.43s/it]\r 9%|███▎ | 319/3360 [2:13:36<21:13:14, 25.12s/it]\r 10%|███▎ | 320/3360 [2:14:00<21:00:40, 24.88s/it]\r \r{'loss': 1.4912, 'grad_norm': 3.868485450744629, 'learning_rate': 9.523809523809524e-05, 'epoch': 0.57}\r\n\r 10%|███▎ | 320/3360 [2:14:00<21:00:40, 24.88s/it]\r 10%|███▎ | 321/3360 [2:14:25<20:50:00, 24.68s/it]\r 10%|███▎ | 322/3360 [2:14:49<20:41:04, 24.51s/it]\r 10%|███▎ | 323/3360 [2:15:14<20:52:08, 24.74s/it]\r 10%|███▍ | 324/3360 [2:15:39<20:47:59, 24.66s/it]\r 10%|███▍ | 325/3360 [2:16:01<20:14:25, 24.01s/it]\r 10%|███▍ | 326/3360 [2:16:25<20:17:36, 24.08s/it]\r 10%|███▍ | 327/3360 [2:16:48<19:57:26, 23.69s/it]\r 10%|███▍ | 328/3360 [2:17:12<20:05:23, 23.85s/it]\r 10%|███▍ | 329/3360 [2:17:40<20:57:18, 24.89s/it]\r 10%|███▍ | 330/3360 [2:18:03<20:30:00, 24.36s/it]\r \r{'loss': 1.5267, 'grad_norm': 4.594560146331787, 'learning_rate': 9.821428571428572e-05, 'epoch': 0.59}\r\n\r 10%|███▍ | 330/3360 [2:18:03<20:30:00, 24.36s/it]\r 10%|███▍ | 331/3360 [2:18:25<20:06:28, 23.90s/it]\r 10%|███▍ | 332/3360 [2:18:54<21:19:33, 25.35s/it]\r 10%|███▍ | 333/3360 [2:19:22<21:56:32, 26.10s/it]\r 10%|███▍ | 334/3360 [2:19:45<21:09:35, 25.17s/it]\r 10%|███▍ | 335/3360 [2:20:12<21:29:11, 25.57s/it]\r 10%|███▌ | 336/3360 [2:20:32<20:15:36, 24.12s/it]\r 10%|███▌ | 337/3360 [2:21:00<21:02:47, 25.06s/it]\r 10%|███▌ | 338/3360 [2:21:27<21:34:57, 25.71s/it]\r 10%|███▌ | 339/3360 [2:21:52<21:30:53, 25.64s/it]\r 10%|███▌ | 340/3360 [2:22:20<22:01:45, 26.26s/it]\r \r{'loss': 1.5424, 'grad_norm': 3.0406832695007324, 'learning_rate': 9.999956828659095e-05, 'epoch': 0.61}\r\n\r 10%|███▌ | 340/3360 [2:22:20<22:01:45, 26.26s/it]\r 10%|███▌ | 341/3360 [2:22:44<21:28:17, 25.60s/it]\r 10%|███▌ | 342/3360 [2:23:10<21:38:18, 25.81s/it]\r 10%|███▌ | 343/3360 [2:23:36<21:39:25, 25.84s/it]\r 10%|███▌ | 344/3360 [2:24:02<21:39:48, 25.86s/it]\r 10%|███▌ | 345/3360 [2:24:27<21:30:44, 25.69s/it]\r 10%|███▌ | 346/3360 [2:24:55<22:05:43, 26.39s/it]\r 10%|███▌ | 347/3360 [2:25:20<21:42:50, 25.94s/it]\r 10%|███▋ | 348/3360 [2:25:49<22:18:38, 26.67s/it]\r 10%|███▋ | 349/3360 [2:26:13<21:39:11, 25.89s/it]\r 10%|███▋ | 350/3360 [2:26:35<20:38:18, 24.68s/it]\r \r{'loss': 1.5498, 'grad_norm': 3.1705737113952637, 'learning_rate': 9.999471159635539e-05, 'epoch': 0.62}\r\n\r 10%|███▋ | 350/3360 [2:26:35<20:38:18, 24.68s/it]\r 10%|███▋ | 351/3360 [2:27:02<21:16:21, 25.45s/it]\r 10%|███▋ | 352/3360 [2:27:28<21:17:49, 25.49s/it]\r 11%|███▋ | 353/3360 [2:27:55<21:42:49, 26.00s/it]\r 11%|███▋ | 354/3360 [2:28:21<21:49:30, 26.14s/it]\r 11%|███▋ | 355/3360 [2:28:46<21:28:39, 25.73s/it]\r 11%|███▋ | 356/3360 [2:29:12<21:36:27, 25.89s/it]\r 11%|██��▋ | 357/3360 [2:29:38<21:39:03, 25.96s/it]\r 11%|███▋ | 358/3360 [2:30:05<21:47:20, 26.13s/it]\r 11%|███▋ | 359/3360 [2:30:30<21:39:16, 25.98s/it]\r 11%|███▊ | 360/3360 [2:30:54<21:05:49, 25.32s/it]\r \r{'loss': 1.5132, 'grad_norm': 2.590669870376587, 'learning_rate': 9.998445910004082e-05, 'epoch': 0.64}\r\n\r 11%|███▊ | 360/3360 [2:30:54<21:05:49, 25.32s/it]\r 11%|███▊ | 361/3360 [2:31:23<21:53:02, 26.27s/it]\r 11%|███▊ | 362/3360 [2:31:48<21:32:07, 25.86s/it]\r 11%|███▊ | 363/3360 [2:32:08<20:05:50, 24.14s/it]\r 11%|███▊ | 364/3360 [2:32:36<21:00:40, 25.25s/it]\r 11%|███▊ | 365/3360 [2:33:04<21:47:43, 26.20s/it]\r 11%|███▊ | 366/3360 [2:33:35<22:58:20, 27.62s/it]\r 11%|███▊ | 367/3360 [2:33:59<22:09:37, 26.65s/it]\r 11%|███▊ | 368/3360 [2:34:29<22:55:24, 27.58s/it]\r 11%|███▊ | 369/3360 [2:34:54<22:14:45, 26.78s/it]\r 11%|███▊ | 370/3360 [2:35:20<22:06:40, 26.62s/it]\r \r{'loss': 1.703, 'grad_norm': 3.492126703262329, 'learning_rate': 9.996881190417393e-05, 'epoch': 0.66}\r\n\r 11%|███▊ | 370/3360 [2:35:20<22:06:40, 26.62s/it]\r 11%|███▊ | 371/3360 [2:35:51<23:01:19, 27.73s/it]\r 11%|███▉ | 372/3360 [2:36:16<22:29:27, 27.10s/it]\r 11%|███▉ | 373/3360 [2:36:47<23:20:39, 28.14s/it]\r 11%|███▉ | 374/3360 [2:37:09<21:46:58, 26.26s/it]\r 11%|███▉ | 375/3360 [2:37:35<21:54:53, 26.43s/it]\r 11%|███▉ | 376/3360 [2:38:05<22:36:49, 27.28s/it]\r 11%|███▉ | 377/3360 [2:38:28<21:32:58, 26.01s/it]\r 11%|███▉ | 378/3360 [2:38:51<20:48:43, 25.13s/it]\r 11%|███▉ | 379/3360 [2:39:15<20:31:14, 24.78s/it]\r 11%|███▉ | 380/3360 [2:39:40<20:35:54, 24.88s/it]\r \r{'loss': 1.6165, 'grad_norm': 2.6305856704711914, 'learning_rate': 9.994777169751806e-05, 'epoch': 0.68}\r\n\r 11%|███▉ | 380/3360 [2:39:40<20:35:54, 24.88s/it]\r 11%|███▉ | 381/3360 [2:40:03<20:08:14, 24.34s/it]\r 11%|███▉ | 382/3360 [2:40:31<20:57:54, 25.34s/it]\r 11%|███▉ | 383/3360 [2:40:56<21:03:03, 25.46s/it]\r 11%|████ | 384/3360 [2:41:23<21:26:18, 25.93s/it]\r 11%|████ | 385/3360 [2:41:50<21:30:34, 26.03s/it]\r 11%|████ | 386/3360 [2:42:12<20:30:14, 24.82s/it]\r 12%|████ | 387/3360 [2:42:36<20:19:19, 24.61s/it]\r 12%|████ | 388/3360 [2:42:57<19:32:38, 23.67s/it]\r 12%|████ | 389/3360 [2:43:19<19:00:57, 23.04s/it]\r 12%|████ | 390/3360 [2:43:44<19:36:39, 23.77s/it]\r \r{'loss': 1.3876, 'grad_norm': 2.812791585922241, 'learning_rate': 9.992134075089084e-05, 'epoch': 0.7}\r\n\r 12%|████ | 390/3360 [2:43:44<19:36:39, 23.77s/it]\r 12%|████ | 391/3360 [2:44:09<19:56:05, 24.17s/it]\r 12%|████ | 392/3360 [2:44:32<19:38:46, 23.83s/it]\r 12%|████ | 393/3360 [2:44:56<19:34:20, 23.75s/it]\r 12%|████ | 394/3360 [2:45:22<20:02:35, 24.33s/it]\r 12%|████ | 395/3360 [2:45:42<19:05:05, 23.17s/it]\r 12%|████▏ | 396/3360 [2:46:09<19:52:16, 24.14s/it]\r 12%|████▏ | 397/3360 [2:46:31<19:25:36, 23.60s/it]\r 12%|████▏ | 398/3360 [2:46:58<20:17:51, 24.67s/it]\r 12%|████▏ | 399/3360 [2:47:22<20:09:05, 24.50s/it]\r 12%|████▏ | 400/3360 [2:47:48<20:32:51, 24.99s/it]\r \r{'loss': 1.5452, 'grad_norm': 3.2908573150634766, 'learning_rate': 9.988952191691925e-05, 'epoch': 0.71}\r\n\r 12%|████▏ | 400/3360 [2:47:48<20:32:51, 24.99s/it]\r 12%|████▏ | 401/3360 [2:48:14<20:35:45, 25.06s/it]\r 12%|████▏ | 402/3360 [2:48:38<20:27:59, 24.91s/it]\r 12%|████▏ | 403/3360 [2:49:05<20:56:04, 25.49s/it]\r 12%|████▏ | 404/3360 [2:49:34<21:47:13, 26.53s/it]\r 12%|████▏ | 405/3360 [2:50:01<21:51:18, 26.63s/it]\r 12%|████▏ | 406/3360 [2:50:26<21:33:50, 26.28s/it]\r 12%|████▏ | 407/3360 [2:50:47<20:18:18, 24.75s/it]\r 12%|████▎ | 408/3360 [2:51:12<20:10:11, 24.60s/it]\r 12%|████▎ | 409/3360 [2:51:40<21:04:47, 25.72s/it]\r 12%|████▎ | 410/3360 [2:52:03<20:27:58, 24.98s/it]\r \r{'loss': 1.613, 'grad_norm': 2.7474002838134766, 'learning_rate': 9.985231862973168e-05, 'epoch': 0.73}\r\n\r 12%|████▎ | 410/3360 [2:52:03<20:27:58, 24.98s/it]\r 12%|████▎ | 411/3360 [2:52:28<20:24:31, 24.91s/it]\r 12%|████▎ | 412/3360 [2:52:51<20:02:49, 24.48s/it]\r 12%|████▎ | 413/3360 [2:53:21<21:22:28, 26.11s/it]\r 12%|████▎ | 414/3360 [2:53:42<20:03:17, 24.51s/it]\r 12%|████▎ | 415/3360 [2:54:09<20:35:16, 25.17s/it]\r 12%|████▎ | 416/3360 [2:54:32<20:10:06, 24.66s/it]\r 12%|████▎ | 417/3360 [2:54:59<20:39:49, 25.28s/it]\r 12%|████▎ | 418/3360 [2:55:24<20:33:22, 25.15s/it]\r 12%|████▎ | 419/3360 [2:55:52<21:21:41, 26.15s/it]\r 12%|████▍ | 420/3360 [2:56:18<21:08:03, 25.88s/it]\r \r{'loss': 1.6223, 'grad_norm': 2.948652744293213, 'learning_rate': 9.980973490458728e-05, 'epoch': 0.75}\r\n\r 12%|████▍ | 420/3360 [2:56:18<21:08:03, 25.88s/it]\r 13%|████▍ | 421/3360 [2:56:47<21:54:33, 26.84s/it]\r 13%|████▍ | 422/3360 [2:57:16<22:30:59, 27.59s/it]\r 13%|████▍ | 423/3360 [2:57:45<22:54:23, 28.08s/it]\r 13%|████▍ | 424/3360 [2:58:08<21:40:56, 26.59s/it]\r 13%|████▍ | 425/3360 [2:58:33<21:09:01, 25.94s/it]\r 13%|████▍ | 426/3360 [2:58:59<21:09:41, 25.97s/it]\r 13%|████▍ | 427/3360 [2:59:20<20:04:20, 24.64s/it]\r 13%|████▍ | 428/3360 [2:59:46<20:14:20, 24.85s/it]\r 13%|████▍ | 429/3360 [3:00:06<18:59:58, 23.34s/it]\r 13%|████▍ | 430/3360 [3:00:30<19:13:22, 23.62s/it]\r \r{'loss': 1.5303, 'grad_norm': 4.351890563964844, 'learning_rate': 9.976177533744261e-05, 'epoch': 0.77}\r\n\r 13%|████▍ | 430/3360 [3:00:30<19:13:22, 23.62s/it]\r 13%|████▍ | 431/3360 [3:00:53<19:01:15, 23.38s/it]\r 13%|████▌ | 432/3360 [3:01:15<18:41:05, 22.97s/it]\r 13%|████▌ | 433/3360 [3:01:41<19:22:41, 23.83s/it]\r 13%|████▌ | 434/3360 [3:02:07<19:56:17, 24.53s/it]\r 13%|████▌ | 435/3360 [3:02:29<19:20:42, 23.81s/it]\r 13%|████▌ | 436/3360 [3:02:54<19:41:07, 24.24s/it]\r 13%|████▌ | 437/3360 [3:03:19<19:57:00, 24.57s/it]\r 13%|████▌ | 438/3360 [3:03:42<19:29:52, 24.02s/it]\r 13%|████▌ | 439/3360 [3:04:13<21:10:26, 26.10s/it]\r 13%|████▌ | 440/3360 [3:04:36<20:29:42, 25.27s/it]\r \r{'loss': 1.5474, 'grad_norm': 4.548303604125977, 'learning_rate': 9.97084451044556e-05, 'epoch': 0.79}\r\n\r 13%|████▌ | 440/3360 [3:04:36<20:29:42, 25.27s/it]\r 13%|████▌ | 441/3360 [3:05:02<20:33:37, 25.36s/it]\r 13%|████▌ | 442/3360 [3:05:26<20:14:48, 24.98s/it]\r 13%|████▌ | 443/3360 [3:05:50<20:03:36, 24.76s/it]\r 13%|████▋ | 444/3360 [3:06:19<21:03:12, 25.99s/it]\r 13%|████▋ | 445/3360 [3:06:43<20:31:19, 25.34s/it]\r 13%|████▋ | 446/3360 [3:07:03<19:07:15, 23.62s/it]\r 13%|████▋ | 447/3360 [3:07:25<18:41:53, 23.11s/it]\r 13%|████▋ | 448/3360 [3:07:50<19:19:01, 23.88s/it]\r 13%|████▋ | 449/3360 [3:08:15<19:36:42, 24.25s/it]\r 13%|████▋ | 450/3360 [3:08:44<20:45:31, 25.68s/it]\r \r{'loss': 1.4864, 'grad_norm': 2.562734365463257, 'learning_rate': 9.964974996142698e-05, 'epoch': 0.8}\r\n\r 13%|████▋ | 450/3360 [3:08:44<20:45:31, 25.68s/it]\r 13%|████▋ | 451/3360 [3:09:11<20:56:40, 25.92s/it]\r 13%|████▋ | 452/3360 [3:09:33<19:56:42, 24.69s/it]\r 13%|████▋ | 453/3360 [3:09:57<19:45:47, 24.47s/it]\r 14%|████▋ | 454/3360 [3:10:22<20:01:50, 24.81s/it]\r 14%|████▋ | 455/3360 [3:10:50<20:41:56, 25.65s/it]\r 14%|████▊ | 456/3360 [3:11:16<20:42:39, 25.67s/it]\r 14%|████▊ | 457/3360 [3:11:40<20:23:16, 25.28s/it]\r 14%|████▊ | 458/3360 [3:12:04<20:08:38, 24.99s/it]\r 14%|████▊ | 459/3360 [3:12:29<20:10:10, 25.03s/it]\r 14%|████▊ | 460/3360 [3:12:55<20:19:44, 25.24s/it]\r \r{'loss': 1.5383, 'grad_norm': 2.8942601680755615, 'learning_rate': 9.958569624317893e-05, 'epoch': 0.82}\r\n\r 14%|████▊ | 460/3360 [3:12:55<20:19:44, 25.24s/it]\r 14%|████▊ | 461/3360 [3:13:15<19:05:40, 23.71s/it]\r 14%|████▊ | 462/3360 [3:13:44<20:19:55, 25.26s/it]\r 14%|████▊ | 463/3360 [3:14:08<20:02:31, 24.91s/it]\r 14%|████▊ | 464/3360 [3:14:35<20:26:34, 25.41s/it]\r 14%|████▊ | 465/3360 [3:14:59<20:09:12, 25.06s/it]\r 14%|████▊ | 466/3360 [3:15:26<20:37:46, 25.66s/it]\r 14%|████▊ | 467/3360 [3:15:52<20:38:04, 25.68s/it]\r 14%|████▉ | 468/3360 [3:16:16<20:09:48, 25.10s/it]\r 14%|████▉ | 469/3360 [3:16:40<20:03:28, 24.98s/it]\r 14%|████▉ | 470/3360 [3:17:06<20:19:39, 25.32s/it]\r \r{'loss': 1.6424, 'grad_norm': 5.147312164306641, 'learning_rate': 9.951629086287151e-05, 'epoch': 0.84}\r\n\r 14%|████▉ | 470/3360 [3:17:06<20:19:39, 25.32s/it]\r 14%|████▉ | 471/3360 [3:17:34<20:51:02, 25.98s/it]\r 14%|████▉ | 472/3360 [3:17:59<20:37:39, 25.71s/it]\r 14%|████▉ | 473/3360 [3:18:24<20:30:22, 25.57s/it]\r 14%|████▉ | 474/3360 [3:18:46<19:31:44, 24.36s/it]\r 14%|████▉ | 475/3360 [3:19:13<20:18:21, 25.34s/it]\r 14%|████▉ | 476/3360 [3:19:40<20:40:32, 25.81s/it]\r 14%|████▉ | 477/3360 [3:20:02<19:44:59, 24.66s/it]\r 14%|████▉ | 478/3360 [3:20:29<20:14:26, 25.28s/it]\r 14%|████▉ | 479/3360 [3:20:52<19:44:52, 24.68s/it]\r 14%|█████ | 480/3360 [3:21:16<19:35:38, 24.49s/it]\r \r{'loss': 1.5663, 'grad_norm': 3.9685349464416504, 'learning_rate': 9.944154131125642e-05, 'epoch': 0.86}\r\n\r 14%|█████ | 480/3360 [3:21:16<19:35:38, 24.49s/it]\r 14%|█████ | 481/3360 [3:21:39<19:15:21, 24.08s/it]\r 14%|█████ | 482/3360 [3:22:10<20:52:36, 26.11s/it]\r 14%|█████ | 483/3360 [3:22:34<20:16:33, 25.37s/it]\r 14%|█████ | 484/3360 [3:22:58<20:01:51, 25.07s/it]\r 14%|█████ | 485/3360 [3:23:22<19:42:30, 24.68s/it]\r 14%|█████ | 486/3360 [3:23:45<19:16:03, 24.13s/it]\r 14%|█████ | 487/3360 [3:24:11<19:38:57, 24.62s/it]\r 15%|█████ | 488/3360 [3:24:35<19:41:07, 24.68s/it]\r 15%|█████ | 489/3360 [3:25:00<19:33:15, 24.52s/it]\r 15%|█████ | 490/3360 [3:25:25<19:43:03, 24.73s/it]\r \r{'loss': 1.5996, 'grad_norm': 2.914736270904541, 'learning_rate': 9.936145565586871e-05, 'epoch': 0.87}\r\n\r 15%|█████ | 490/3360 [3:25:25<19:43:03, 24.73s/it]\r 15%|█████ | 491/3360 [3:25:50<19:55:36, 25.00s/it]\r 15%|█████▏ | 492/3360 [3:26:14<19:33:14, 24.54s/it]\r 15%|█████▏ | 493/3360 [3:26:42<20:20:18, 25.54s/it]\r 15%|█████▏ | 494/3360 [3:27:03<19:23:41, 24.36s/it]\r 15%|█████▏ | 495/3360 [3:27:32<20:30:32, 25.77s/it]\r 15%|█████▏ | 496/3360 [3:27:57<20:15:46, 25.47s/it]\r 15%|█████▏ | 497/3360 [3:28:20<19:33:27, 24.59s/it]\r 15%|█████▏ | 498/3360 [3:28:49<20:33:10, 25.85s/it]\r 15%|█████▏ | 499/3360 [3:29:12<19:53:13, 25.02s/it]\r 15%|█████▏ | 500/3360 [3:29:37<20:03:51, 25.26s/it]\r \r{'loss': 1.7262, 'grad_norm': 4.308140754699707, 'learning_rate': 9.927604254015585e-05, 'epoch': 0.89}\r\n\r 15%|█████▏ | 500/3360 [3:29:37<20:03:51, 25.26s/it]\r 15%|█████▏ | 501/3360 [3:30:01<19:32:43, 24.61s/it]\r 15%|█████▏ | 502/3360 [3:30:26<19:39:31, 24.76s/it]\r 15%|█████▏ | 503/3360 [3:30:52<20:04:09, 25.29s/it]\r 15%|█████▎ | 504/3360 [3:31:14<19:10:56, 24.18s/it]\r 15%|█████▎ | 505/3360 [3:31:44<20:36:22, 25.98s/it]\r 15%|█████▎ | 506/3360 [3:32:08<20:08:12, 25.40s/it]\r 15%|█████▎ | 507/3360 [3:32:31<19:36:26, 24.74s/it]\r 15%|█████▎ | 508/3360 [3:32:56<19:34:51, 24.72s/it]\r 15%|█████▎ | 509/3360 [3:33:18<19:03:14, 24.06s/it]\r 15%|█████▎ | 510/3360 [3:33:48<20:15:47, 25.60s/it]\r \r{'loss': 1.7067, 'grad_norm': 3.621767282485962, 'learning_rate': 9.918531118254507e-05, 'epoch': 0.91}\r\n\r 15%|█████▎ | 510/3360 [3:33:48<20:15:47, 25.60s/it]\r 15%|█████▎ | 511/3360 [3:34:09<19:11:10, 24.24s/it]\r 15%|█████▎ | 512/3360 [3:34:36<20:01:12, 25.31s/it]\r 15%|█████▎ | 513/3360 [3:35:02<20:06:22, 25.42s/it]"
+ ]
+ }
+ ],
+ "source": [
+ "%%time\n",
+ "\n",
+ "!./scripts/tune-lf.sh config/llama3_8b_lora_sft.yaml"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 0,
+ "metadata": {
+ "application/vnd.databricks.v1+cell": {
+ "cellMetadata": {
+ "byteLimit": 2048000,
+ "rowLimit": 10000
+ },
+ "inputWidgets": {},
+ "nuid": "dd8d4812-fc8f-4646-a3d1-827049134829",
+ "showTitle": false,
+ "title": ""
+ }
+ },
+ "outputs": [
+ {
+ "output_type": "stream",
+ "name": "stdout",
+ "output_type": "stream",
+ "text": [
+ "/Workspace/Users/donghao.huang@mastercard.com/llm-finetuning\r\n"
+ ]
+ },
+ {
+ "output_type": "display_data",
+ "data": {
+ "text/html": [
+ ""
+ ]
+ },
+ "metadata": {
+ "application/vnd.databricks.v1+output": {
+ "arguments": {},
+ "data": "",
+ "errorSummary": "",
+ "errorTraceType": null,
+ "metadata": {},
+ "type": "ipynbError"
+ }
+ },
+ "output_type": "display_data"
+ }
+ ],
+ "source": [
+ "def evaluate_model_all_epochs(model_name, num_train_epochs, adapter_path_base):\n",
+ " os.environ[\"MODEL_NAME\"] = model_name \n",
+ " for i in range(num_train_epochs + 1):\n",
+ " print(f\"Epoch {i}\")\n",
+ " if i == 0:\n",
+ " os.unsetenv(\"ADAPTER_NAME_OR_PATH\")\n",
+ " else:\n",
+ " adapter_path = f\"{adapter_path_base}/checkpoint-{560 * i}\"\n",
+ " os.environ[\"ADAPTER_NAME_OR_PATH\"] = adapter_path\n",
+ " \n",
+ " !python llm_toolkit/eval_lf.py"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 0,
+ "metadata": {
+ "application/vnd.databricks.v1+cell": {
+ "cellMetadata": {
+ "byteLimit": 2048000,
+ "rowLimit": 10000
+ },
+ "inputWidgets": {},
+ "nuid": "cbfe763d-db21-4bcc-a6a6-cd67c9dfa637",
+ "showTitle": false,
+ "title": ""
+ }
+ },
+ "outputs": [
+ {
+ "output_type": "display_data",
+ "data": {
+ "text/html": [
+ ""
+ ]
+ },
+ "metadata": {
+ "application/vnd.databricks.v1+output": {
+ "arguments": {},
+ "data": "",
+ "errorSummary": "",
+ "errorTraceType": null,
+ "metadata": {},
+ "type": "ipynbError"
+ }
+ },
+ "output_type": "display_data"
+ }
+ ],
+ "source": [
+ "%%time\n",
+ "\n",
+ "evaluate_model_all_epochs(\"gradientai/Llama-3-8B-Instruct-Gradient-1048k\", num_train_epochs, \"/Workspace/Users/donghao.huang@mastercard.com/lf-saves/llama3-8b/lora/sft\")"
+ ]
+ }
+ ],
+ "metadata": {
+ "accelerator": "GPU",
+ "application/vnd.databricks.v1+notebook": {
+ "dashboards": [],
+ "environmentMetadata": null,
+ "language": "python",
+ "notebookMetadata": {
+ "mostRecentlyExecutedCommandWithImplicitDF": {
+ "commandId": 2652223487067234,
+ "dataframes": [
+ "_sqldf"
+ ]
+ },
+ "pythonIndentUnit": 4
+ },
+ "notebookName": "09_tune-lf-medium-py3.11",
+ "widgets": {}
+ },
+ "colab": {
+ "gpuType": "T4",
+ "provenance": []
+ },
+ "kernelspec": {
+ "display_name": "Python 3",
+ "name": "python3"
+ },
+ "language_info": {
+ "codemirror_mode": {
+ "name": "ipython",
+ "version": 3
+ },
+ "file_extension": ".py",
+ "mimetype": "text/x-python",
+ "name": "python",
+ "nbconvert_exporter": "python",
+ "pygments_lexer": "ipython3",
+ "version": "3.11.9"
+ },
+ "widgets": {
+ "application/vnd.jupyter.widget-state+json": {
+ "036fc5746f43416db18c19ad8fd36677": {
+ "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": ""
+ }
+ },
+ "06e806c82c7b4cbea31c5358dd9c3434": {
+ "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": ""
+ }
+ },
+ "087b76a8b7514269b1f0ab29b062e444": {
+ "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_a069d2ab23824f29aa320ac256e2cfe9",
+ "placeholder": "",
+ "style": "IPY_MODEL_06e806c82c7b4cbea31c5358dd9c3434",
+ "value": "Map (num_proc=2): 100%"
+ }
+ },
+ "09b76013aa9e45efb6deb23a7a0d0925": {
+ "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_dea41c5260884aa6879b5e1d1697b14f",
+ "placeholder": "",
+ "style": "IPY_MODEL_89965917796a4f81b899fdc7685f33df",
+ "value": "config.json: 100%"
+ }
+ },
+ "0a92c56bfa134ef583220d7ef0b13e17": {
+ "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": ""
+ }
+ },
+ "0c34be936c8145d3ab41282f30a70713": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "0f8b6bfe16894500838793f2491d403f": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "177c78fce95d4b4ab33057c5a048d693": {
+ "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": ""
+ }
+ },
+ "1f44c9ce1adf470cbb19784493ed209f": {
+ "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_0c34be936c8145d3ab41282f30a70713",
+ "placeholder": "",
+ "style": "IPY_MODEL_0a92c56bfa134ef583220d7ef0b13e17",
+ "value": "model.safetensors: 100%"
+ }
+ },
+ "201b59ccd9f845e197029b57e424aefc": {
+ "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": ""
+ }
+ },
+ "2157f01726d748f8a9ae4a00664430da": {
+ "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": ""
+ }
+ },
+ "21db8a77b00d4a4e82fdfa608657531f": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "26e4202cca81496a90d15a0dd4ca9cf1": {
+ "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_ba90fdb8822d47dab7ba203bee297f37",
+ "IPY_MODEL_61560ff6a36b44f4a9dfdae5c52791d4",
+ "IPY_MODEL_95fbe66647904c06a20f640630d6dc0e"
+ ],
+ "layout": "IPY_MODEL_57182a263d324a3dbf1471c74290a0d5"
+ }
+ },
+ "27155728b6b84cb199c91c940095d0a8": {
+ "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_6b91feeed5464877991ac2c207aebe7c",
+ "IPY_MODEL_cca8113c54c0495daedce1327bf9c68b",
+ "IPY_MODEL_2e63a29e2f7247bba5beede9a568c99f"
+ ],
+ "layout": "IPY_MODEL_5c9d781c28944f3eb86e2a6d44efdf18"
+ }
+ },
+ "271ddaa553a042d09b6db7b450643d8f": {
+ "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": ""
+ }
+ },
+ "2a58d04b428c46f4b3dbadd3bc6cd529": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "2d18ddf6482c4d97829ac0e5a7b9868f": {
+ "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_9f679ad3ec7f4fe8ad0510ffb57bc2ab",
+ "IPY_MODEL_f2df530d22c74977b249dd9fb5f4829b",
+ "IPY_MODEL_89b2ef0dbfea47ab8e6f8d659e3351d1"
+ ],
+ "layout": "IPY_MODEL_3056b148aa9f4e6e8aa3b61d26886255"
+ }
+ },
+ "2e5087c76f98437cb5dc729230358cba": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "2e63a29e2f7247bba5beede9a568c99f": {
+ "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_b993eaec6b224440bf80c0958c6fb536",
+ "placeholder": "",
+ "style": "IPY_MODEL_de868e26e7154f62aa86223a539ad421",
+ "value": " 464/464 [00:00<00:00, 27.1kB/s]"
+ }
+ },
+ "2f6c70dd266c4816bfad3fd3d192929a": {
+ "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": ""
+ }
+ },
+ "30307300bc4e4baf96560e30969a82b6": {
+ "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_e36a3f9eff0e4cf68834d66b0213ae96",
+ "placeholder": "",
+ "style": "IPY_MODEL_a0037bdccf254159becde630bee3d1db",
+ "value": "generation_config.json: 100%"
+ }
+ },
+ "3056b148aa9f4e6e8aa3b61d26886255": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "30cdc32298134cb0be4d41615b9e5774": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "3572201bd4d74a58b7a665f9bdfdcdba": {
+ "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": ""
+ }
+ },
+ "35b0e8c26d6640e9bd0ed7b242a423d8": {
+ "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_2e5087c76f98437cb5dc729230358cba",
+ "max": 51760,
+ "min": 0,
+ "orientation": "horizontal",
+ "style": "IPY_MODEL_036fc5746f43416db18c19ad8fd36677",
+ "value": 51760
+ }
+ },
+ "36166c7bcb854b34aca1f41a5d6ea50b": {
+ "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": ""
+ }
+ },
+ "370692d819df41828b48c4ad446f977b": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "39b29a75374b45c0a22506010be2b84e": {
+ "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_30cdc32298134cb0be4d41615b9e5774",
+ "max": 1179,
+ "min": 0,
+ "orientation": "horizontal",
+ "style": "IPY_MODEL_47928317548c454bba6358ab132e8dee",
+ "value": 1179
+ }
+ },
+ "3cf2dd993b5e4d3daecf61e4bab5a404": {
+ "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_087b76a8b7514269b1f0ab29b062e444",
+ "IPY_MODEL_35b0e8c26d6640e9bd0ed7b242a423d8",
+ "IPY_MODEL_54ad89e05fd74576b9b8b5b5a10eaf8d"
+ ],
+ "layout": "IPY_MODEL_a41dc44766444a998bec2d777f249d23"
+ }
+ },
+ "43dec2ede91341f5af60eb522e18e984": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "4463edd481c1467f914c7dcd6c6e6ffc": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "47928317548c454bba6358ab132e8dee": {
+ "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": ""
+ }
+ },
+ "49277aeeac16434a865a4d12308b1abc": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "4ae7e449e4ea4c729b5f34607c18ebae": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "4b2061b8a73c43ffb0c2f83daf0d0183": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "4c4c88d4c701450692fa0f6b0c5764b0": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "4c666f4ace3943f8b80ecd20e7503236": {
+ "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": ""
+ }
+ },
+ "4ccedf0d93094e63b57a0f8a434fba06": {
+ "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_4463edd481c1467f914c7dcd6c6e6ffc",
+ "max": 44307561,
+ "min": 0,
+ "orientation": "horizontal",
+ "style": "IPY_MODEL_6d3b9a05db0b4dadb638c686faa0c40a",
+ "value": 44307561
+ }
+ },
+ "4dcf6ff672d24983a1877a8431709aa9": {
+ "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_5807d5fb827d490fb3bc698f801ffff5",
+ "placeholder": "",
+ "style": "IPY_MODEL_c4f2b06a82fd4987b8b659524a7b503b",
+ "value": "Generating train split: 100%"
+ }
+ },
+ "4ea63adfce694725bdba878aef709dd3": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "5234566b1bfc4655b8d582ea5b46ed9f": {
+ "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": ""
+ }
+ },
+ "54ad89e05fd74576b9b8b5b5a10eaf8d": {
+ "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_fdb1941405ed4e4aa06019933892deb3",
+ "placeholder": "",
+ "style": "IPY_MODEL_668d5377ca56426a99753867e6e24862",
+ "value": " 51760/51760 [01:02<00:00, 1131.51 examples/s]"
+ }
+ },
+ "56aee4853b7740e6a977254f5d1fa66d": {
+ "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": ""
+ }
+ },
+ "57182a263d324a3dbf1471c74290a0d5": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "5807d5fb827d490fb3bc698f801ffff5": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "5c9d781c28944f3eb86e2a6d44efdf18": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "5f40db8173dd4d76b6ef5ed6d9ec8b6e": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "61560ff6a36b44f4a9dfdae5c52791d4": {
+ "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_db19fc8d37db4e45a5790a876836d8c4",
+ "max": 11610,
+ "min": 0,
+ "orientation": "horizontal",
+ "style": "IPY_MODEL_36166c7bcb854b34aca1f41a5d6ea50b",
+ "value": 11610
+ }
+ },
+ "6578fd7acdb54c4c93528ea431fd0144": {
+ "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_370692d819df41828b48c4ad446f977b",
+ "placeholder": "",
+ "style": "IPY_MODEL_a0bf9160eb2647409b3200270914b90f",
+ "value": " 50.6k/50.6k [00:00<00:00, 2.71MB/s]"
+ }
+ },
+ "668d5377ca56426a99753867e6e24862": {
+ "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": ""
+ }
+ },
+ "697f027529b54ee9956bae78a11e0611": {
+ "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": ""
+ }
+ },
+ "69ac12aec0714318bf2c83d4f4e745f5": {
+ "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": ""
+ }
+ },
+ "6b2012c3f88547af8884a9ea90e3164b": {
+ "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_938f45f1b3e24118b815d96ae34ba86a",
+ "placeholder": "",
+ "style": "IPY_MODEL_9367047a800747f79c6b225d92397846",
+ "value": " 44.3M/44.3M [00:01<00:00, 31.0MB/s]"
+ }
+ },
+ "6b91feeed5464877991ac2c207aebe7c": {
+ "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_4b2061b8a73c43ffb0c2f83daf0d0183",
+ "placeholder": "",
+ "style": "IPY_MODEL_69ac12aec0714318bf2c83d4f4e745f5",
+ "value": "special_tokens_map.json: 100%"
+ }
+ },
+ "6d3b9a05db0b4dadb638c686faa0c40a": {
+ "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": ""
+ }
+ },
+ "6dbbedeca9314e66ae50e44ffa31a414": {
+ "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": ""
+ }
+ },
+ "6e34619b45934040b6092e6fb01ea7fe": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "71ce208e20d6483abb9ed923510c86d7": {
+ "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_d69dc491b3ab44d7852b21873ed7bb7f",
+ "placeholder": "",
+ "style": "IPY_MODEL_f401d53bf28e44eb906bce6c05412662",
+ "value": " 51760/51760 [00:01<00:00, 45512.81 examples/s]"
+ }
+ },
+ "7358cdad832342c983e31efb8754ab78": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "73e352a3404f4c7dad0737f57d29e92f": {
+ "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_988a0e8c1f89446086858da0a891a79c",
+ "IPY_MODEL_4ccedf0d93094e63b57a0f8a434fba06",
+ "IPY_MODEL_6b2012c3f88547af8884a9ea90e3164b"
+ ],
+ "layout": "IPY_MODEL_7e29cb8dd4df4d5b94407cd8fd3f2011"
+ }
+ },
+ "74501720ac7e4dbb911a4a99b3633bc6": {
+ "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": ""
+ }
+ },
+ "78e5400bff924a92a4cc61c4ff18b182": {
+ "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_b9b313fd861948f5aba25b24b1518d30",
+ "placeholder": "",
+ "style": "IPY_MODEL_4c666f4ace3943f8b80ecd20e7503236",
+ "value": " 1.18k/1.18k [00:00<00:00, 31.3kB/s]"
+ }
+ },
+ "7975adbc2ec5489ea7fa0167e620d85c": {
+ "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_6e34619b45934040b6092e6fb01ea7fe",
+ "max": 51760,
+ "min": 0,
+ "orientation": "horizontal",
+ "style": "IPY_MODEL_271ddaa553a042d09b6db7b450643d8f",
+ "value": 51760
+ }
+ },
+ "7e29cb8dd4df4d5b94407cd8fd3f2011": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "810ff6c0e17d4fa09a30fef27eacff90": {
+ "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": ""
+ }
+ },
+ "89965917796a4f81b899fdc7685f33df": {
+ "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": ""
+ }
+ },
+ "89b2ef0dbfea47ab8e6f8d659e3351d1": {
+ "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_b8908fa0df3743ecb9d12983a739104f",
+ "placeholder": "",
+ "style": "IPY_MODEL_177c78fce95d4b4ab33057c5a048d693",
+ "value": " 9.09M/9.09M [00:00<00:00, 32.6MB/s]"
+ }
+ },
+ "8b3505352a5a42bf910428c40ce40465": {
+ "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_49277aeeac16434a865a4d12308b1abc",
+ "placeholder": "",
+ "style": "IPY_MODEL_2157f01726d748f8a9ae4a00664430da",
+ "value": " 5.70G/5.70G [01:02<00:00, 30.1MB/s]"
+ }
+ },
+ "8fc142b628fb40568730234de1cafde2": {
+ "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_4ae7e449e4ea4c729b5f34607c18ebae",
+ "max": 172,
+ "min": 0,
+ "orientation": "horizontal",
+ "style": "IPY_MODEL_3572201bd4d74a58b7a665f9bdfdcdba",
+ "value": 172
+ }
+ },
+ "9367047a800747f79c6b225d92397846": {
+ "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": ""
+ }
+ },
+ "938f45f1b3e24118b815d96ae34ba86a": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "95fbe66647904c06a20f640630d6dc0e": {
+ "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_b0a370dc20654b279b9680692e34418e",
+ "placeholder": "",
+ "style": "IPY_MODEL_cfeb365ddf7548d58b2557f22737fcf5",
+ "value": " 11.6k/11.6k [00:00<00:00, 716kB/s]"
+ }
+ },
+ "988a0e8c1f89446086858da0a891a79c": {
+ "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_ad2be500fc164c0f86f33e914ef8e6a0",
+ "placeholder": "",
+ "style": "IPY_MODEL_5234566b1bfc4655b8d582ea5b46ed9f",
+ "value": "Downloading data: 100%"
+ }
+ },
+ "98c58f23f4d549518832cb2d18f796e8": {
+ "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_09b76013aa9e45efb6deb23a7a0d0925",
+ "IPY_MODEL_39b29a75374b45c0a22506010be2b84e",
+ "IPY_MODEL_78e5400bff924a92a4cc61c4ff18b182"
+ ],
+ "layout": "IPY_MODEL_2a58d04b428c46f4b3dbadd3bc6cd529"
+ }
+ },
+ "99fdbb0300c14c139d1937c646f0cfe7": {
+ "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_7358cdad832342c983e31efb8754ab78",
+ "placeholder": "",
+ "style": "IPY_MODEL_e9adf418296e436fb48bb9f78885598b",
+ "value": " 51760/51760 [00:01<00:00, 38665.95 examples/s]"
+ }
+ },
+ "9f679ad3ec7f4fe8ad0510ffb57bc2ab": {
+ "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_4ea63adfce694725bdba878aef709dd3",
+ "placeholder": "",
+ "style": "IPY_MODEL_74501720ac7e4dbb911a4a99b3633bc6",
+ "value": "tokenizer.json: 100%"
+ }
+ },
+ "a0037bdccf254159becde630bee3d1db": {
+ "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": ""
+ }
+ },
+ "a069d2ab23824f29aa320ac256e2cfe9": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "a0bf9160eb2647409b3200270914b90f": {
+ "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": ""
+ }
+ },
+ "a41dc44766444a998bec2d777f249d23": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "a8464a4c711e4e00aafdfc919b60d07e": {
+ "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_fb995c740590427b882572c81d4e848c",
+ "placeholder": "",
+ "style": "IPY_MODEL_201b59ccd9f845e197029b57e424aefc",
+ "value": " 172/172 [00:00<00:00, 12.0kB/s]"
+ }
+ },
+ "a9f0cc51fc3d4d7b874c32dcf1c5bdf2": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "ad2be500fc164c0f86f33e914ef8e6a0": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "b0240cd9a4554b29ae11f8051984a1c6": {
+ "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_edaf890370314a218f138015faa0b05d",
+ "placeholder": "",
+ "style": "IPY_MODEL_697f027529b54ee9956bae78a11e0611",
+ "value": "Map: 100%"
+ }
+ },
+ "b0a370dc20654b279b9680692e34418e": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "b518dcee69074b87be73957cd810e7ed": {
+ "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_d891f8d0b1fc462f8008d02bb2a15692",
+ "placeholder": "",
+ "style": "IPY_MODEL_cced8fd7e998472794f3f3e3018956a5",
+ "value": "tokenizer_config.json: 100%"
+ }
+ },
+ "b8908fa0df3743ecb9d12983a739104f": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "b993eaec6b224440bf80c0958c6fb536": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "b9b313fd861948f5aba25b24b1518d30": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "ba90fdb8822d47dab7ba203bee297f37": {
+ "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_0f8b6bfe16894500838793f2491d403f",
+ "placeholder": "",
+ "style": "IPY_MODEL_bb19f6c747754682a514373a3a0535ba",
+ "value": "Downloading readme: 100%"
+ }
+ },
+ "bb19f6c747754682a514373a3a0535ba": {
+ "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": ""
+ }
+ },
+ "bc883d4cf13e4f8b8a4fe5f410cb6efd": {
+ "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_e9159e03e61f4f56978ece9c3bca49b2",
+ "max": 51760,
+ "min": 0,
+ "orientation": "horizontal",
+ "style": "IPY_MODEL_810ff6c0e17d4fa09a30fef27eacff90",
+ "value": 51760
+ }
+ },
+ "c161d94df0f04feba9542237e0856c22": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "c22f71b1f85843209d7e5321506b9cb9": {
+ "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_1f44c9ce1adf470cbb19784493ed209f",
+ "IPY_MODEL_f1addc4479d849879e743cf9089e6540",
+ "IPY_MODEL_8b3505352a5a42bf910428c40ce40465"
+ ],
+ "layout": "IPY_MODEL_4c4c88d4c701450692fa0f6b0c5764b0"
+ }
+ },
+ "c4f2b06a82fd4987b8b659524a7b503b": {
+ "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": ""
+ }
+ },
+ "cca8113c54c0495daedce1327bf9c68b": {
+ "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_e02f9b7849c64531835eb77b860d1c93",
+ "max": 464,
+ "min": 0,
+ "orientation": "horizontal",
+ "style": "IPY_MODEL_56aee4853b7740e6a977254f5d1fa66d",
+ "value": 464
+ }
+ },
+ "cced8fd7e998472794f3f3e3018956a5": {
+ "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": ""
+ }
+ },
+ "cf245afeb1c04f29a24d291608c3d157": {
+ "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_b518dcee69074b87be73957cd810e7ed",
+ "IPY_MODEL_e29104486d594b2992d7285e0ef77371",
+ "IPY_MODEL_6578fd7acdb54c4c93528ea431fd0144"
+ ],
+ "layout": "IPY_MODEL_d35db8148a354c56aaac56dbae22536f"
+ }
+ },
+ "cfe8cae0e22b495bafa221a63d13b283": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "cfeb365ddf7548d58b2557f22737fcf5": {
+ "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": ""
+ }
+ },
+ "d1b47d39450d4019ae85c9b2f943eeaf": {
+ "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_4dcf6ff672d24983a1877a8431709aa9",
+ "IPY_MODEL_7975adbc2ec5489ea7fa0167e620d85c",
+ "IPY_MODEL_71ce208e20d6483abb9ed923510c86d7"
+ ],
+ "layout": "IPY_MODEL_cfe8cae0e22b495bafa221a63d13b283"
+ }
+ },
+ "d35db8148a354c56aaac56dbae22536f": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "d69dc491b3ab44d7852b21873ed7bb7f": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "d891f8d0b1fc462f8008d02bb2a15692": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "d8e5318cead340c4adbeaccc05d39225": {
+ "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": ""
+ }
+ },
+ "daf4cd890b35422683d22fd30bc71e83": {
+ "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_b0240cd9a4554b29ae11f8051984a1c6",
+ "IPY_MODEL_bc883d4cf13e4f8b8a4fe5f410cb6efd",
+ "IPY_MODEL_99fdbb0300c14c139d1937c646f0cfe7"
+ ],
+ "layout": "IPY_MODEL_c161d94df0f04feba9542237e0856c22"
+ }
+ },
+ "db19fc8d37db4e45a5790a876836d8c4": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "de868e26e7154f62aa86223a539ad421": {
+ "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": ""
+ }
+ },
+ "dea41c5260884aa6879b5e1d1697b14f": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "e02f9b7849c64531835eb77b860d1c93": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "e29104486d594b2992d7285e0ef77371": {
+ "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_a9f0cc51fc3d4d7b874c32dcf1c5bdf2",
+ "max": 50641,
+ "min": 0,
+ "orientation": "horizontal",
+ "style": "IPY_MODEL_2f6c70dd266c4816bfad3fd3d192929a",
+ "value": 50641
+ }
+ },
+ "e36a3f9eff0e4cf68834d66b0213ae96": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "e9159e03e61f4f56978ece9c3bca49b2": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "e9adf418296e436fb48bb9f78885598b": {
+ "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": ""
+ }
+ },
+ "edaf890370314a218f138015faa0b05d": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "f1addc4479d849879e743cf9089e6540": {
+ "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_43dec2ede91341f5af60eb522e18e984",
+ "max": 5702746405,
+ "min": 0,
+ "orientation": "horizontal",
+ "style": "IPY_MODEL_d8e5318cead340c4adbeaccc05d39225",
+ "value": 5702746405
+ }
+ },
+ "f2df530d22c74977b249dd9fb5f4829b": {
+ "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_21db8a77b00d4a4e82fdfa608657531f",
+ "max": 9085698,
+ "min": 0,
+ "orientation": "horizontal",
+ "style": "IPY_MODEL_6dbbedeca9314e66ae50e44ffa31a414",
+ "value": 9085698
+ }
+ },
+ "f401d53bf28e44eb906bce6c05412662": {
+ "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": ""
+ }
+ },
+ "fb995c740590427b882572c81d4e848c": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ },
+ "fce7a61c25ec4390af43d92b7c473a45": {
+ "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_30307300bc4e4baf96560e30969a82b6",
+ "IPY_MODEL_8fc142b628fb40568730234de1cafde2",
+ "IPY_MODEL_a8464a4c711e4e00aafdfc919b60d07e"
+ ],
+ "layout": "IPY_MODEL_5f40db8173dd4d76b6ef5ed6d9ec8b6e"
+ }
+ },
+ "fdb1941405ed4e4aa06019933892deb3": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
+ }
+ }
+ }
+ }
+ },
+ "nbformat": 4,
+ "nbformat_minor": 0
+}