{ "cells": [ { "cell_type": "markdown", "id": "33ffc531", "metadata": { "_cell_guid": "b1076dfc-b9ad-4769-8c92-a6c4dae69d19", "_uuid": "8f2839f25d086af736a60e9eeb907d3b93b6e0e5", "papermill": { "duration": 0.006372, "end_time": "2024-09-01T18:10:09.051036", "exception": false, "start_time": "2024-09-01T18:10:09.044664", "status": "completed" }, "tags": [] }, "source": [ "# Finetune LLama 3.1 include Embedding\n", "\n", "medium:\n", "https://medium.com/@tejaswi_kashyap/tailoring-llama-3-harnessing-fine-tuning-for-custom-language-tasks-6f7c61f657e2\n", "\n", "Challenges of Fully Fine-Tuning Token Embeddings and Language Modeling Head\n", "\n", "The drawbacks of fully fine-tuning the token embeddings and the language modeling head are significant. This approach requires substantially more memory than standard (Q)LoRA fine-tuning. Additionally, training a larger number of parameters increases the likelihood of overfitting the training dataset, particularly when using a high learning rate or when the dataset is relatively small\n", "\n", "## What is UltraChat200k? \n", "\n", "UltraChat-200k is an invaluable resource for natural language understanding, generation and dialog system research. With 1.4 million dialogues spanning a variety of topics, this parquet-formatted dataset offers researchers four distinct formats to aid in their studies: test_sft, train_sft, train_gen and test_gen. More details [here](https://www.kaggle.com/datasets/thedevastator/ultrachat-200k-nlp-dataset).\n", "\n", "## Inspiration\n", "\n", "For this notebook, I took inspiration from several sources:\n", "* [Efficiently fine-tune Llama 3 with PyTorch FSDP and Q-Lora](https://www.philschmid.de/fsdp-qlora-llama3) \n", "* [Fine-tuning LLMs using LoRA](https://medium.com/@rajatsharma_33357/fine-tuning-llama-using-lora-fb3f48a557d5) \n", "* [Fine-tuning Llama-3–8B-Instruct QLORA using low cost resources](https://medium.com/@avishekpaul31/fine-tuning-llama-3-8b-instruct-qlora-using-low-cost-resources-89075e0dfa04) \n", "* [Llama2 Fine-Tuning with Low-Rank Adaptations (LoRA) on Gaudi 2 Processors](https://eduand-alvarez.medium.com/llama2-fine-tuning-with-low-rank-adaptations-lora-on-gaudi-2-processors-52cf1ee6ce11) " ] }, { "cell_type": "markdown", "id": "55660f84", "metadata": { "papermill": { "duration": 0.005589, "end_time": "2024-09-01T18:10:09.062578", "exception": false, "start_time": "2024-09-01T18:10:09.056989", "status": "completed" }, "tags": [] }, "source": [ "# Install and import libraries" ] }, { "cell_type": "code", "execution_count": null, "id": "3c119322", "metadata": { "_kg_hide-output": true, "papermill": { "duration": 97.841727, "end_time": "2024-09-01T18:11:46.910129", "exception": false, "start_time": "2024-09-01T18:10:09.068402", "status": "completed" }, "tags": [] }, "outputs": [], "source": [ "# !pip install -q -U bitsandbytes\n", "# !pip install -q -U transformers\n", "# !pip install -q -U peft\n", "# !pip install -q -U accelerate\n", "# !pip install -q -U datasets\n", "# !pip install -q -U trl" ] }, { "cell_type": "code", "execution_count": null, "id": "d1531b67", "metadata": { "papermill": { "duration": 5.038173, "end_time": "2024-09-01T18:11:51.954668", "exception": false, "start_time": "2024-09-01T18:11:46.916495", "status": "completed" }, "tags": [] }, "outputs": [], "source": [ "# import pandas as pd\n", "# from torch.utils.data import Dataset\n", "# from torch.utils.data import DataLoader" ] }, { "cell_type": "code", "execution_count": null, "id": "0ecb4a6d", "metadata": { "papermill": { "duration": 4.250075, "end_time": "2024-09-01T18:11:56.211627", "exception": false, "start_time": "2024-09-01T18:11:51.961552", "status": "completed" }, "tags": [] }, "outputs": [], "source": [ "# from kaggle_secrets import UserSecretsClient\n", "# user_secrets = UserSecretsClient()\n", "# wandb_key = user_secrets.get_secret(\"wandb_api\")\n", "# import wandb\n", "# ! wandb login $wandb_key" ] }, { "cell_type": "code", "execution_count": null, "id": "4ec22411", "metadata": { "_kg_hide-output": true, "papermill": { "duration": 15.420295, "end_time": "2024-09-01T18:12:11.638558", "exception": false, "start_time": "2024-09-01T18:11:56.218263", "status": "completed" }, "tags": [] }, "outputs": [], "source": [ "import torch\n", "from time import time\n", "import multiprocessing,time\n", "from transformers import AutoConfig,AutoModelForCausalLM,AutoTokenizer,BitsAndBytesConfig,AutoTokenizer,TrainingArguments" ] }, { "cell_type": "code", "execution_count": null, "id": "72e92a97-250a-4ef2-b43a-534d06a2130a", "metadata": {}, "outputs": [], "source": [ "from peft import LoraConfig, PeftModel, prepare_model_for_kbit_training " ] }, { "cell_type": "code", "execution_count": null, "id": "995700c8-0d77-4bb9-a8eb-f6e3452e6168", "metadata": {}, "outputs": [], "source": [] }, { "cell_type": "markdown", "id": "97810f8f", "metadata": { "papermill": { "duration": 0.006192, "end_time": "2024-09-01T18:12:11.651217", "exception": false, "start_time": "2024-09-01T18:12:11.645025", "status": "completed" }, "tags": [] }, "source": [ "# Initialize model\n", "\n", "\n", "The model used is:\n", "\n", "* **Model**: Llama3 \n", "* **Framework**: Transformers \n", "* **Size**: 8B \n", "* **Type**: 8b-chat-hf (hf stands for HuggingFace). \n", "* **Version**: V1 " ] }, { "cell_type": "code", "execution_count": null, "id": "37c64df1", "metadata": { "papermill": { "duration": 0.01295, "end_time": "2024-09-01T18:12:11.670291", "exception": false, "start_time": "2024-09-01T18:12:11.657341", "status": "completed" }, "tags": [] }, "outputs": [], "source": [ "model_id = \"unsloth/Meta-Llama-3.1-8B-Instruct\"\n", "\n", "# tokenizer = AutoTokenizer.from_pretrained(model_id)\n", "# #EOS_TOKEN='<|eot_id|>'\n", "# EOS_TOKEN= tokenizer.eos_token " ] }, { "cell_type": "markdown", "id": "65ae0899", "metadata": { "papermill": { "duration": 0.00596, "end_time": "2024-09-01T18:12:11.682508", "exception": false, "start_time": "2024-09-01T18:12:11.676548", "status": "completed" }, "tags": [] }, "source": [ "We are using quantization (with BitsAndBytes)." ] }, { "cell_type": "markdown", "id": "096a6c8e-0da1-4786-bc01-58fc67cd414f", "metadata": {}, "source": [ "### Dataset" ] }, { "cell_type": "code", "execution_count": null, "id": "6e70bc5a-90dc-47ff-9407-2b1f48459669", "metadata": {}, "outputs": [], "source": [ "import os\n", "from datasets import load_dataset\n", "\n", "TRAIN_CHATML_PROMPT = \"\"\"\n", "<|begin_of_text|><|start_header_id|>user<|end_header_id|>\\n{}<|eot_id|><|start_header_id|>assistant<|end_header_id|>\\n{}<|eot_id|><|end_of_text|>\"\"\"\n", "\n", "def formatting_task_dataset(examples):\n", " contexts = examples[\"context\"]\n", " task_types = examples[\"task_type\"] \n", " task_inputs = examples[\"task_input\"]\n", " task_ouputs = examples[\"task_output\"]\n", " texts = []\n", " for context, task_type, task_input,task_ouput in zip(contexts, task_types, task_inputs,task_ouputs):\n", " task = task_type\n", " task_type = \"<|tasktype|>\\n\"+task_type+\"\\n\"\n", " task_context=\"<|context|>\\n\"+context+\"\\n\"\n", " task_input=\"<|taskinput|>\\n\"+task_input+\"\\n\"\n", " task_output=\"<|taskoutput|>\\n\"+task_ouput+\"\\n\"\n", " train_record_input=f\"\"\"{task_type}{task_context}<|runtask|>\\n\"\"\"\n", " train_record_output=f\"\"\"{task_type}{task_input}{task_output}\"\"\"\n", " text = TRAIN_CHATML_PROMPT.format(train_record_input,train_record_output)\n", " texts.append(text)\n", " return { \"text\" : texts, }\n", "pass\n", "\n", "### Load dataset\n", "ctga_ds = load_dataset(\"BatsResearch/ctga-v1\", split=\"train\")\n", "#print(\"Full Dataset: \",ctga_ds)\n", "\n", "RECORD_START_INDEX=0\n", "RECORD_MAX_INDEX=600\n", "ctga_ds = ctga_ds.shuffle().select(range(RECORD_START_INDEX,RECORD_MAX_INDEX))\n", "#ctga_ds = ctga_ds.select(range(RECORD_START_INDEX,RECORD_MAX_INDEX))\n", "#print(\"Sample Dataset: \",ctga_ds)\n", "\n", "### training dataset -- remove_columns=ctga_ds.features,\n", "#train_ds = ctga_ds.map(formatting_task_dataset,batched=True, num_proc= os.cpu_count())\n", "#train_ds.to_parquet(\"dataset/ctga_train_dataset_600_llama3.parquet\")\n", "train_ds = load_dataset(\"parquet\", data_files=\"dataset/ctga_train_dataset_600_llama3.parquet\", split = \"train\")\n", "print(\"Training Dataset: \",train_ds)\n", "\n", "### test dataset\n", "#test_ds = ctga_ds.shuffle().select(range(1,200))\n", "#test_ds = test_ds.map(formatting_task_dataset,batched=True, num_proc= os.cpu_count())\n", "#test_ds.to_parquet(\"dataset/ctga_test_dataset_200_llama3.parquet\")\n", "test_ds = load_dataset(\"parquet\", data_files=\"dataset/ctga_test_dataset_200_llama3.parquet\", split = \"train\")\n", "print(\"Test Dataset: \",test_ds)\n", "\n", "### evaluation dataset\n", "# eval_ds = ctga_ds.shuffle().select(range(1,38))\n", "# eval_ds = eval_ds.map(formatting_task_dataset,batched=True, num_proc= os.cpu_count())\n", "# eval_ds.to_parquet(\"dataset/ctga_eval_dataset_38_llama3.parquet\")\n", "eval_ds = load_dataset(\"parquet\", data_files=\"dataset/ctga_eval_dataset_38_llama3.parquet\", split = \"train\")\n", "print(\"Evaluation Dataset: \",eval_ds)\n", "\n", "### save datasets to disk\n", "#dataset.to_json(\"dataset/ctga_train_dataset_60k_llama3.json\", orient=\"records\")\n", "#dataset = load_dataset(\"json\", data_files=\"dataset/ctga_train_dataset_60k_llama3.json\", split = \"train\")" ] }, { "cell_type": "code", "execution_count": null, "id": "706cc58f-bfc5-44c9-8147-80c58e4b724b", "metadata": {}, "outputs": [], "source": [ "train_ds[1]['text']" ] }, { "cell_type": "code", "execution_count": null, "id": "cd848d3a-e2b3-4606-a255-8ddd7d83ccef", "metadata": {}, "outputs": [], "source": [ "# ### Dataset\n", "# assistant_name = \"Barbe Noire\"\n", "# system_prompt = \"You are the pirate Barbe Noire. You answer only as Barbe Noire and using pirate speak.\"\n", "# format_system_prompt = \"<|start_header_id|>system<|end_header_id|>\\n\\n\"+system_prompt+\"<|eot_id|>\"\n", "# tokenizer.chat_template = \"<|begin_of_text|>\"+format_system_prompt+\"{% set loop_messages = messages %}{% for message in loop_messages %}{% set content = '<|start_header_id|>' + message['role'] + '<|end_header_id|>\\n\\n'+ message['content'] | trim + '<|eot_id|>' %}{% if loop.index0 == 0 %}{% set content = bos_token + content %}{% endif %}{{ content }}{% endfor %}{% if add_generation_prompt %}{{ '<|start_header_id|>\"+assistant_name+\"<|end_header_id|>\\n\\n' }}{% endif %}\"\n", "\n", "# ds = load_dataset(\"Peyton3995/dolly-15k-mistral-pirate\")\n", "# ds\n", "\n", "# def process(row):\n", "# messages = [\n", "# {\"role\": \"user\", \"content\": row['instruction']},\n", "# {\"role\": assistant_name, \"content\": row['response']},\n", "# ]\n", "# row[\"text\"] = tokenizer.apply_chat_template(messages, tokenize=False)+\"<|end_of_text|>\"\n", "# return row\n", "\n", "# ds = ds.map(\n", "# process,\n", "# num_proc= multiprocessing.cpu_count(),\n", "# load_from_cache_file=False,\n", "# )\n", "\n", "# print(ds['train'][0]['text'])\n" ] }, { "cell_type": "code", "execution_count": null, "id": "05f653ab-8720-4bfa-ade1-860ff8389354", "metadata": {}, "outputs": [], "source": [ "# dataset_name = \"HuggingFaceH4/ultrachat_200k\"\n", "# dataset = load_dataset(dataset_name, split=\"train_sft\")\n", "# dataset = dataset.shuffle(seed=42).select(range(10000))\n", "\n", "# def format_chat_template(row):\n", "# chat = tokenizer.apply_chat_template(row[\"messages\"], tokenize=False)\n", "# return {\"text\":chat}\n", "\n", "# processed_dataset = dataset.map(\n", "# format_chat_template,\n", "# num_proc= os.cpu_count(),\n", "# )\n", "\n", "# dataset = processed_dataset.train_test_split(test_size=0.01)" ] }, { "cell_type": "code", "execution_count": null, "id": "fb8a4141-e8f9-4162-bff3-bc020aefbf7b", "metadata": {}, "outputs": [], "source": [ "#ds['train'][1]" ] }, { "cell_type": "markdown", "id": "c7ff66c3", "metadata": { "papermill": { "duration": 0.00591, "end_time": "2024-09-01T18:12:11.715597", "exception": false, "start_time": "2024-09-01T18:12:11.709687", "status": "completed" }, "tags": [] }, "source": [ "We define the model configuration, the model (using AutoModelForCausalLM) and the tokenizer (using AutoTokenizer)." ] }, { "cell_type": "code", "execution_count": null, "id": "efea0f53-9018-45db-9303-97c58ac067de", "metadata": {}, "outputs": [], "source": [ "#!uv pip install -U bitsandbytes" ] }, { "cell_type": "markdown", "id": "b2843f6b-54e0-4d17-b3cb-6cc1b2b5ba3e", "metadata": {}, "source": [ "### Load Model and Tokenizer" ] }, { "cell_type": "code", "execution_count": null, "id": "dc12c6fa-3047-42e4-be19-8dd5c1eb22b2", "metadata": {}, "outputs": [], "source": [ "def get_model_and_tokenizer(model_id):\n", " #use bf16 and FlashAttention if supported\n", " if torch.cuda.is_bf16_supported():\n", " #os.system('pip install flash_attn')\n", " compute_dtype = torch.bfloat16\n", " attn_implementation = 'flash_attention_2'\n", " else:\n", " compute_dtype = torch.float16\n", " attn_implementation = 'sdpa'\n", " \n", " tokenizer = AutoTokenizer.from_pretrained(model_id)\n", " tokenizer.pad_token = tokenizer.eos_token\n", " bnb_config = BitsAndBytesConfig(\n", " load_in_4bit=True, bnb_4bit_quant_type=\"nf4\", bnb_4bit_compute_dtype=compute_dtype, bnb_4bit_use_double_quant=True\n", " )\n", " model = AutoModelForCausalLM.from_pretrained(\n", " model_id, quantization_config=bnb_config, device_map=\"auto\",attn_implementation='flash_attention_2'\n", " )\n", " \n", " ## Should we enable this?\n", " #model.config.use_cache=False\n", " #model.config.pretraining_tp=1\n", " return model, tokenizer\n", "\n", "## Load Model\n", "model, tokenizer = get_model_and_tokenizer(model_id)\n", "\n", "### tokenizer \n", "tokenizer.pad_token = tokenizer.eos_token\n", "tokenizer.padding_side = 'left'\n" ] }, { "cell_type": "code", "execution_count": null, "id": "7be3e1de-896f-42a8-ac7b-8b8a642bcb3b", "metadata": {}, "outputs": [], "source": [ "from trl import SFTTrainer,setup_chat_format\n", "\n", "## chat template\n", "model, tokenizer = setup_chat_format(model, tokenizer)\n", "## prepare for training\n", "model = prepare_model_for_kbit_training(model)\n" ] }, { "cell_type": "code", "execution_count": null, "id": "e656698d-a9e7-4ee4-a1e1-da77f7674d66", "metadata": {}, "outputs": [], "source": [ "special_tokens_dict = {'additional_special_tokens': ['<|taskstep|>','<|tasktype|>',\n", " '<|taskaction|>','<|context|>',\n", " '<|taskinput|>','<|taskoutput|>'\n", " ]\n", " }\n", "num_added_toks = tokenizer.add_special_tokens(special_tokens_dict)\n", "print(\"We have added\", num_added_toks, \"tokens\")\n", "# Notice: resize_token_embeddings expect to receive the full size of the new vocabulary, i.e., the length of the tokenizer.\n", "model.resize_token_embeddings(len(tokenizer))\n", "\n", "print(tokenizer.SPECIAL_TOKENS_ATTRIBUTES)\n", "print(tokenizer.all_special_tokens) # --> ['[UNK]', '[SEP]', '[PAD]', '[CLS]', '[MASK]']\n", "print(tokenizer.all_special_ids) # --> [100, 102, 0, 101, 103]" ] }, { "cell_type": "markdown", "id": "5854bea2-8316-42ee-8367-65c6783b096c", "metadata": {}, "source": [ "### Setup Training\n", "\n", "***Lora Embedding***\n", "\n", "With “modules_to_save”, we specify which modules whose parameters we want to fully fine-tune. lm_head is the language modeling head. embed_tokens are the token embeddings.\n", "\n", "This configuration yields 1.05B trainable parameters. If we weren’t fully fine-tuning ‘lm_head’ and ‘embed_tokens’, we would only have 41M trainable parameters.\n", "\n", "1.05B trainable parameters would require more than 14.3 GB of GPU RAM just for the AdamW optimizer’s states. In addition to the memory consumed by the model itself and the activations used to compute the gradients, this fine-tuning would consume much more than 24 GB of GPU RAM.\n", "\n", "Fortunately, using the 8-bit version of AdamW can reduce the memory consumption of the optimizer’s states to 3.59 GB, or even slightly less with the paged version of AdamW 8-bit.\n", "\n", "If we use a training batch size of 8 with a sequence length of 512, this fine-tuning is possible with 22.5 GB of GPU RAM." ] }, { "cell_type": "code", "execution_count": null, "id": "5bf37ae6-0728-4a9a-aa5b-d1265c32e572", "metadata": {}, "outputs": [], "source": [ "from peft import LoraConfig, get_peft_model\n", "\n", "peft_config = LoraConfig(\n", " lora_alpha=16,\n", " lora_dropout=0,\n", " r=16,\n", " bias=\"none\",\n", " task_type=\"CAUSAL_LM\",\n", " modules_to_save=[\"lm_head\",\"embed_tokens\"],\n", " target_modules= ['k_proj', 'q_proj', 'v_proj', 'o_proj', \"gate_proj\", \"down_proj\", \"up_proj\"]\n", ")\n", "### get trainable parameters\n", "model = get_peft_model(model, peft_config)\n", "model.print_trainable_parameters()" ] }, { "cell_type": "code", "execution_count": null, "id": "b332bda5-5311-4d13-b2a3-e324380121bc", "metadata": {}, "outputs": [], "source": [ "max_seq_length = 2048 # Choose any! We auto support RoPE Scaling internally!\n", "\n", "training_arguments = TrainingArguments(\n", " output_dir=\"./outputs/Llama3_8b_Pirate_QLoRA\",\n", " optim=\"paged_adamw_8bit\", ## \"adamw_8bit\",\n", " per_device_train_batch_size=1,\n", " gradient_accumulation_steps=4,\n", "\n", " do_eval=True,\n", " eval_steps=4,\n", " per_device_eval_batch_size=1,\n", " evaluation_strategy=\"steps\",\n", " \n", " #log_level=\"debug\",\n", " save_strategy=\"epoch\",\n", " logging_steps=4,\n", " learning_rate= 2e-4, # OLD 1e-4,\n", " fp16 = not torch.cuda.is_bf16_supported(),\n", " bf16 = torch.cuda.is_bf16_supported(),\n", " \n", " num_train_epochs=3,\n", " max_steps=60,\n", " \n", " warmup_steps=4,\n", " lr_scheduler_type=\"linear\",\n", " weight_decay = 0.01,\n", " \n", " push_to_hub=False, # push model to hub\n", " report_to=\"tensorboard\", # report metrics to tensorboard \n", ")\n", "\n", "trainer = SFTTrainer(\n", " model=model,\n", " tokenizer=tokenizer,\n", " train_dataset=train_ds,\n", " eval_dataset=eval_ds,\n", " peft_config=peft_config,\n", " dataset_text_field=\"text\",\n", " max_seq_length=max_seq_length,\n", " dataset_num_proc = 2,\n", " packing = False, # Can make training 5x faster for short sequences.\n", " args=training_arguments,\n", " dataset_kwargs={\n", " \"add_special_tokens\": False, # We template with special tokens\n", " \"append_concat_token\": False, # No need to add additional separator token\n", " }\n", ")" ] }, { "cell_type": "markdown", "id": "541e8294-e095-431e-bc4a-6d9ac3b6b562", "metadata": {}, "source": [ "### Training" ] }, { "cell_type": "code", "execution_count": null, "id": "56ac6f9d-6cb7-452f-847b-60bc268ac141", "metadata": {}, "outputs": [], "source": [ "import os\n", "os.environ[\"WANDB_DISABLED\"] = \"false\"\n", "\n", "trainer.train()" ] }, { "cell_type": "markdown", "id": "a87d48e1-5677-476a-94dd-a4e136179793", "metadata": {}, "source": [ "### Save Lora Adapter" ] }, { "cell_type": "code", "execution_count": null, "id": "d118248e-a788-433c-aaa5-8aa19cfee2e5", "metadata": {}, "outputs": [], "source": [ "#hf_base_model=\"meta-llama/Meta-Llama-3.1-8B\"\n", "# hf_adapter_model=\"mychen76/llama3.1-8B-secguard-lora-5k\"\n", "\n", "model_id = \"unsloth/Meta-Llama-3.1-8B-Instruct\"\n", "output_model=\"outputs/llama3.1-8B-pirate-lora\"" ] }, { "cell_type": "code", "execution_count": null, "id": "8aefe55f-fe81-4459-aa09-751d3c1ac093", "metadata": {}, "outputs": [], "source": [ "### save model\n", "# print(\"save adapter\",output_model)\n", "# #trainer.save_model()\n", "# model.save_pretrained(output_model)\n", "# tokenizer.save_pretrained(output_model)" ] }, { "cell_type": "markdown", "id": "93e1d2a1-b589-49bb-b6f3-9cddceba145d", "metadata": {}, "source": [ "#### Verify Saved Tokenizer special tokens file" ] }, { "cell_type": "code", "execution_count": null, "id": "d52775d7-70a2-4535-b7b1-840b81aac504", "metadata": {}, "outputs": [], "source": [ "#!python -m pip install rich" ] }, { "cell_type": "code", "execution_count": null, "id": "6cfa7e8e-a7c0-466f-95a4-4ad6fb159191", "metadata": {}, "outputs": [], "source": [ "from rich import print\n", "import json\n", "special_tokens_file=\"outputs/Llama3_8b_Pirate_QLoRA/checkpoint-60/special_tokens_map.json\"\n", "with open(special_tokens_file, 'r') as file:\n", " data = json.load(file)\n", "print(data)" ] }, { "cell_type": "markdown", "id": "433538a1-d446-46ab-a89e-d9636bb5cdd6", "metadata": {}, "source": [ "### Verify Model" ] }, { "cell_type": "code", "execution_count": null, "id": "a4a081bc-eb06-498b-87c3-40a2e704c74f", "metadata": {}, "outputs": [], "source": [ "import torch\n", "torch.cuda.is_bf16_supported()\n", "\n", "model_id = \"unsloth/Meta-Llama-3.1-8B-Instruct\"\n", "output_model=\"outputs/Llama3_8b_Pirate_QLoRA/checkpoint-60\"" ] }, { "cell_type": "code", "execution_count": null, "id": "b9c664c9-164b-440a-911f-5d3bd4c66a26", "metadata": {}, "outputs": [], "source": [ "import torch\n", "from peft import PeftConfig, PeftModel\n", "from peft import LoraConfig, AutoPeftModelForCausalLM\n", "from transformers import AutoModelForCausalLM, AutoTokenizer, BitsAndBytesConfig\n", "\n", "def get_pert_model_and_tokenizer(hf_base_model,hf_adapter_model, use_auto_pert=False):\n", " tokenizer = AutoTokenizer.from_pretrained(hf_adapter_model)\n", " tokenizer.pad_token = tokenizer.eos_token\n", "\n", " bnb_config = BitsAndBytesConfig(\n", " load_in_4bit=True, bnb_4bit_quant_type=\"nf4\", bnb_4bit_compute_dtype=\"float16\", bnb_4bit_use_double_quant=True\n", " )\n", " if use_auto_pert:\n", " # Load Model with PEFT adapter\n", " model = AutoPeftModelForCausalLM.from_pretrained(hf_adapter_model,\n", " load_in_4bit=True,\n", " device_map=\"auto\",\n", " torch_dtype=torch.bfloat16, \n", " attn_implementation=\"flash_attention_2\",\n", " )\n", " #quantization_config=bnb_config)\n", " else:\n", " # Load Adapter separately\n", " model = AutoModelForCausalLM.from_pretrained(hf_base_model,quantization_config=bnb_config, device_map=\"auto\")\n", " model = PeftModel.from_pretrained(model, hf_adapter_model, quantization_config=bnb_config, device_map=\"auto\")\n", " \n", " model.config.use_cache=False\n", " #model.config.pretraining_tp=1\n", " return model, tokenizer\n", "\n", "model, tokenizer = get_pert_model_and_tokenizer(model_id,output_model,use_auto_pert=True)" ] }, { "cell_type": "code", "execution_count": null, "id": "652cb57a-a78f-42d1-9c4c-e5c6186eb2c7", "metadata": { "scrolled": true }, "outputs": [], "source": [ "### verify special tokens\n", "\n", "print(tokenizer.SPECIAL_TOKENS_ATTRIBUTES)\n", "print(tokenizer.all_special_tokens) \n", "print(tokenizer.all_special_ids) \n", "\n", "\"\"\"\n", "['bos_token', 'eos_token', 'unk_token', 'sep_token', 'pad_token', 'cls_token', 'mask_token', 'additional_special_tokens']\n", "['<|im_start|>', '<|im_end|>', '<|taskstep|>', '<|tasktype|>', '<|taskaction|>', '<|context|>', '<|taskinput|>', '<|taskoutput|>']\n", "[128256, 128257, 128258, 128259, 128260, 128261, 128262, 128263]\n", "\"\"\"" ] }, { "cell_type": "code", "execution_count": null, "id": "d664cfea-2ade-4c38-8523-5ff1d5150b41", "metadata": {}, "outputs": [], "source": [ "from datasets import load_dataset\n", "test_ds = load_dataset(\"parquet\", data_files=\"dataset/ctga_test_dataset_200_llama3.parquet\", split = \"train\")\n", "#print(\"Test Dataset: \",test_ds)" ] }, { "cell_type": "code", "execution_count": null, "id": "db224761-f4c1-4774-b56b-9509c272a9f0", "metadata": {}, "outputs": [], "source": [ "\n", "def format_task_input(task_type,task_context): \n", " task_type = \"<|tasktype|>\\n\"+task_type+\"\\n\"\n", " task_context=\"<|context|>\\n\"+task_context+\"\\n\" \n", " task_record=f\"\"\"{task_type}{task_context}<|taskaction|>\\n\"\"\"\n", " return task_record\n", "\n", "record_idx=20\n", "task_input = format_task_input(test_ds[record_idx]['task_type'], test_ds[record_idx]['context'])\n", "#print(\"TASK INPUT: \",task_input,end=\"\\n\") \n", "#print(\"TASK OUTPUT: \",test_ds[record_idx]['task_output'])\n", "\n", "terminators = [\n", " tokenizer.eos_token_id,\n", " tokenizer.convert_tokens_to_ids(\"<|eot_id|>\")\n", "]\n", "\n", "messages = [{\"role\": \"user\", \"content\": task_input},]\n", "\n", "inputs = tokenizer.apply_chat_template(messages, tokenize=False, add_generation_prompt=True)\n", "print(\"\\nCHAT TEMPLATE: \",inputs)\n", "\n", "encoded_input = tokenizer(inputs, return_tensors=\"pt\").to(model.device)\n", "with torch.cuda.amp.autocast():\n", " outputs = model.generate(\n", " encoded_input['input_ids'],\n", " max_new_tokens=150,\n", " eos_token_id=terminators,\n", " do_sample=True,\n", " temperature=1.5,\n", " top_p=0.9,\n", " )\n", "\n", "print(10*\"======\")\n", "outputs = model.generate(**inputs, max_new_tokens = 64, use_cache = True)\n", "response = tokenizer.batch_decode(outputs)\n", "print(response)\n", "\n", "#response = outputs[0][encoded_input['input_ids'].shape[-1]:]\n", "#print(tokenizer.decode(response))" ] }, { "cell_type": "markdown", "id": "e4a192c7-b734-487c-a1fb-af80a5b69eed", "metadata": {}, "source": [ "### Merge Model\n", "You might require > 30GB CPU Memory." ] }, { "cell_type": "code", "execution_count": null, "id": "985e4fd2-0b63-45d5-a21d-b8a4ab3eb8c1", "metadata": {}, "outputs": [], "source": [ "adapter_model_dir=\"outputs/Llama3_8b_Pirate_QLoRA/checkpoint-60\"\n", "merged_output_dir=\"outputs/finetuned/Llama3.1_8b_cgta_merged_16bits\"\n", "\n", "tokenizer.save_pretrained(merged_output_dir)" ] }, { "cell_type": "code", "execution_count": null, "id": "1f6cc8f0-a852-4c20-8ce8-b1de6ca88864", "metadata": {}, "outputs": [], "source": [ "### COMMENT IN TO MERGE PEFT AND BASE MODEL ####\n", "from peft import AutoPeftModelForCausalLM\n", "\n", "# Load PEFT model on CPU\n", "model = AutoPeftModelForCausalLM.from_pretrained(\n", " adapter_model_dir,\n", " torch_dtype=torch.bfloat16,\n", " low_cpu_mem_usage=True,\n", ")\n", "# Merge LoRA and base model and save\n", "print(\"mergin....\")\n", "merged_model = model.merge_and_unload()\n", "print(\"saving....\")\n", "merged_model.save_pretrained(merged_output_dir,safe_serialization=True, max_shard_size=\"2GB\")\n", "tokenizer.save_pretrained(merged_output_dir)" ] }, { "cell_type": "code", "execution_count": null, "id": "d50248cf-c4c8-48bc-b6a5-ed450be5065c", "metadata": {}, "outputs": [], "source": [ "## publish to Hub\n", "print(\"push to hub...\")\n", "hf_model=\"mychen76/Llama3.1_8b_cgta_merged_16bits\"\n", "merged_model.push_to_hub(hf_model)\n", "tokenizer.push_to_hub(hf_model)" ] }, { "cell_type": "code", "execution_count": null, "id": "a1dabdc8-6260-4c29-8211-07b62a0dd532", "metadata": {}, "outputs": [], "source": [ "# free the memory again\n", "del model\n", "del trainer\n", "torch.cuda.empty_cache()" ] }, { "cell_type": "markdown", "id": "841a48fe", "metadata": { "papermill": { "duration": 0.006307, "end_time": "2024-09-01T18:14:05.099704", "exception": false, "start_time": "2024-09-01T18:14:05.093397", "status": "completed" }, "tags": [] }, "source": [ "##### Prepare the dataset \n", "\n", "We will use 10K rows from the `ultrachat_200k` database." ] }, { "cell_type": "code", "execution_count": null, "id": "4a091f04", "metadata": { "papermill": { "duration": 35.735145, "end_time": "2024-09-01T18:14:40.841443", "exception": false, "start_time": "2024-09-01T18:14:05.106298", "status": "completed" }, "tags": [] }, "outputs": [], "source": [ "# dataset_name = \"HuggingFaceH4/ultrachat_200k\"\n", "# dataset = load_dataset(dataset_name, split=\"train_sft\")\n", "# dataset = dataset.shuffle(seed=42).select(range(10000))\n", "\n", "# def format_chat_template(row):\n", "# chat = tokenizer.apply_chat_template(row[\"messages\"], tokenize=False)\n", "# return {\"text\":chat}\n", "\n", "# processed_dataset = dataset.map(\n", "# format_chat_template,\n", "# num_proc= os.cpu_count(),\n", "# )\n", "\n", "# dataset = processed_dataset.train_test_split(test_size=0.01)" ] }, { "cell_type": "markdown", "id": "25896322", "metadata": { "papermill": { "duration": 0.010456, "end_time": "2024-09-01T18:14:40.862549", "exception": false, "start_time": "2024-09-01T18:14:40.852093", "status": "completed" }, "tags": [] }, "source": [ "## Inference Test" ] }, { "cell_type": "markdown", "id": "a10e88a2-e340-4b13-993c-333dc86f3282", "metadata": {}, "source": [ "Fortunately, using the 8-bit version of AdamW can reduce the memory consumption of the optimizer’s states to 3.59 GB, or even slightly less with the paged version of AdamW 8-bit.\n", "\n", "If we use a training batch size of 8 with a sequence length of 512, this fine-tuning is possible with 22.5 GB of GPU RAM." ] }, { "cell_type": "code", "execution_count": 1, "id": "8c4d60cd-504c-4694-a27d-9d02b3e72a6e", "metadata": { "execution": { "iopub.execute_input": "2024-09-21T10:41:59.746741Z", "iopub.status.busy": "2024-09-21T10:41:59.746551Z", "iopub.status.idle": "2024-09-21T10:42:01.152353Z", "shell.execute_reply": "2024-09-21T10:42:01.151840Z", "shell.execute_reply.started": "2024-09-21T10:41:59.746716Z" } }, "outputs": [], "source": [ "# Installing More Dependencies\n", "import torch\n", "from datasets import load_dataset, Dataset\n", "from transformers import AutoModelForCausalLM, AutoTokenizer, BitsAndBytesConfig, TrainingArguments\n", "import os" ] }, { "cell_type": "code", "execution_count": 2, "id": "018da24d-2965-455e-ad89-809d3cf74e5d", "metadata": { "execution": { "iopub.execute_input": "2024-09-21T10:42:02.774833Z", "iopub.status.busy": "2024-09-21T10:42:02.774339Z", "iopub.status.idle": "2024-09-21T10:42:02.776874Z", "shell.execute_reply": "2024-09-21T10:42:02.776529Z", "shell.execute_reply.started": "2024-09-21T10:42:02.774818Z" } }, "outputs": [], "source": [ "model_id=\"mychen76/Llama3.1_8b_cgta_merged_16bits\"" ] }, { "cell_type": "code", "execution_count": 3, "id": "a3eddd15-83ca-4ff6-85b3-413d3af443b4", "metadata": { "execution": { "iopub.execute_input": "2024-09-21T10:42:03.552533Z", "iopub.status.busy": "2024-09-21T10:42:03.552206Z", "iopub.status.idle": "2024-09-21T10:42:03.556930Z", "shell.execute_reply": "2024-09-21T10:42:03.556276Z", "shell.execute_reply.started": "2024-09-21T10:42:03.552509Z" } }, "outputs": [], "source": [ "def get_model_and_tokenizer(model_id):\n", " tokenizer = AutoTokenizer.from_pretrained(model_id)\n", " tokenizer.pad_token = tokenizer.eos_token\n", " bnb_config = BitsAndBytesConfig(\n", " load_in_4bit=True, bnb_4bit_quant_type=\"nf4\", bnb_4bit_compute_dtype=\"float16\", bnb_4bit_use_double_quant=True\n", " )\n", " model = AutoModelForCausalLM.from_pretrained(\n", " model_id, quantization_config=bnb_config, device_map=\"auto\"\n", " )\n", " #model.config.use_cache=False\n", " #model.config.pretraining_tp=1\n", " return model, tokenizer" ] }, { "cell_type": "code", "execution_count": 4, "id": "86956575-c90d-4c4f-81d5-7a531da6d890", "metadata": { "execution": { "iopub.execute_input": "2024-09-21T10:42:05.560972Z", "iopub.status.busy": "2024-09-21T10:42:05.560721Z", "iopub.status.idle": "2024-09-21T10:42:11.830027Z", "shell.execute_reply": "2024-09-21T10:42:11.829622Z", "shell.execute_reply.started": "2024-09-21T10:42:05.560952Z" } }, "outputs": [ { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "1260d63d21e1480c9bfc281a6b58f52f", "version_major": 2, "version_minor": 0 }, "text/plain": [ "Loading checkpoint shards: 0%| | 0/4 [00:00', '<|im_end|>', '<|taskstep|>', '<|tasktype|>', '<|taskaction|>', '<|context|>', '<|taskinput|>', '<|taskoutput|>']\n", "[128256, 128257, 128258, 128259, 128260, 128261, 128262, 128263]\n" ] } ], "source": [ "print(tokenizer.SPECIAL_TOKENS_ATTRIBUTES)\n", "print(tokenizer.all_special_tokens) \n", "print(tokenizer.all_special_ids) " ] }, { "cell_type": "code", "execution_count": 6, "id": "93174c34-078a-4626-9985-de6f541ced9a", "metadata": { "execution": { "iopub.execute_input": "2024-09-21T10:42:11.833969Z", "iopub.status.busy": "2024-09-21T10:42:11.833858Z", "iopub.status.idle": "2024-09-21T10:42:12.159271Z", "shell.execute_reply": "2024-09-21T10:42:12.158842Z", "shell.execute_reply.started": "2024-09-21T10:42:11.833957Z" } }, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "{% for message in messages %}{{'<|im_start|>' + message['role'] + '\n", "' + message['content'] + '<|im_end|>' + '\n", "'}}{% endfor %}{% if add_generation_prompt %}{{ '<|im_start|>assistant\n", "' }}{% endif %}\n" ] } ], "source": [ "from trl import setup_chat_format\n", "## set chat template to OAI chatML, remove if you start from a fine-tuned model\n", "model, tokenizer = setup_chat_format(model, tokenizer)\n", "\n", "print(tokenizer.chat_template)" ] }, { "cell_type": "code", "execution_count": 11, "id": "d76c00ae-b8ac-4a6b-906b-19542a5b6f07", "metadata": { "execution": { "iopub.execute_input": "2024-09-21T10:43:43.223145Z", "iopub.status.busy": "2024-09-21T10:43:43.222954Z", "iopub.status.idle": "2024-09-21T10:43:43.226789Z", "shell.execute_reply": "2024-09-21T10:43:43.226439Z", "shell.execute_reply.started": "2024-09-21T10:43:43.223132Z" } }, "outputs": [], "source": [ "from transformers import GenerationConfig\n", "from time import perf_counter\n", "\n", "terminators = [\n", " tokenizer.eos_token_id,\n", " tokenizer.convert_tokens_to_ids(\"<|eot_id|>\")\n", "]\n", "\n", "def generate_response(prompt):\n", " inputs = tokenizer([prompt], return_tensors=\"pt\")\n", " generation_config = GenerationConfig(penalty_alpha=0.6,do_sample = True,\n", " top_k=5,temperature=0.5,repetition_penalty=1.2,\n", " max_new_tokens=60,pad_token_id=tokenizer.eos_token_id\n", " )\n", " start_time = perf_counter()\n", " inputs = tokenizer(prompt, return_tensors=\"pt\").to('cuda')\n", " outputs = model.generate(**inputs, generation_config=generation_config, eos_token_id=terminators)\n", " theresponse = (tokenizer.decode(outputs[0], skip_special_tokens=False))\n", " print(tokenizer.decode(outputs[0], skip_special_tokens=False))\n", " output_time = perf_counter() - start_time\n", " print(f\"Time taken for inference: {round(output_time,2)} seconds\")\n", " #return theresponse" ] }, { "cell_type": "code", "execution_count": 12, "id": "713ffe8d-1d5d-40fa-98a0-d6a799d35bd4", "metadata": { "execution": { "iopub.execute_input": "2024-09-21T10:43:46.594219Z", "iopub.status.busy": "2024-09-21T10:43:46.593898Z", "iopub.status.idle": "2024-09-21T10:43:46.604627Z", "shell.execute_reply": "2024-09-21T10:43:46.604036Z", "shell.execute_reply.started": "2024-09-21T10:43:46.594194Z" } }, "outputs": [], "source": [ "from datasets import load_dataset\n", "test_ds = load_dataset(\"parquet\", data_files=\"dataset/ctga_test_dataset_200_llama3.parquet\", split = \"train\")" ] }, { "cell_type": "markdown", "id": "13c4ceb0-28d0-4889-a4bb-815b42961e84", "metadata": { "execution": { "iopub.execute_input": "2024-09-21T10:47:19.588697Z", "iopub.status.busy": "2024-09-21T10:47:19.588418Z", "iopub.status.idle": "2024-09-21T10:47:19.591358Z", "shell.execute_reply": "2024-09-21T10:47:19.590845Z", "shell.execute_reply.started": "2024-09-21T10:47:19.588677Z" } }, "source": [ "#### Test Sample - 1 (test data)" ] }, { "cell_type": "code", "execution_count": 18, "id": "54588a38-1ab1-46cf-a222-fb03f6c8d106", "metadata": { "execution": { "iopub.execute_input": "2024-09-21T10:47:29.469297Z", "iopub.status.busy": "2024-09-21T10:47:29.469038Z", "iopub.status.idle": "2024-09-21T10:47:30.552598Z", "shell.execute_reply": "2024-09-21T10:47:30.552241Z", "shell.execute_reply.started": "2024-09-21T10:47:29.469277Z" } }, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "<|begin_of_text|><|im_start|>user\n", "<|tasktype|>\n", "extractive question answering\n", "<|context|>\n", "The term \"classical music\" has two meanings: the broader meaning includes all Western art music from the Medieval era to today, and the specific meaning refers to the music from the 1750s to the early 1830s—the era of Mozart and Haydn. This section is about the more specific meaning.\n", "<|taskaction|>\n", "<|im_end|>\n", "<|im_start|>assistant\n", "<|tasktype|>\n", "{{context}}\n", "What was the name of a famous musician in the Classical period?\n", "<|taskoutput|>\n", "Mozart or Beethoven\n", "<|eot_id|>\n", "Time taken for inference: 1.08 seconds\n" ] } ], "source": [ "def format_task_input(task_type,task_context): \n", " task_type = \"<|tasktype|>\\n\"+task_type+\"\\n\"\n", " task_context=\"<|context|>\\n\"+task_context+\"\\n\" \n", " task_record=f\"\"\"{task_type}{task_context}<|taskaction|>\\n\"\"\"\n", " return task_record\n", "\n", "record_idx=20\n", "task_input = format_task_input(test_ds[record_idx]['task_type'], test_ds[record_idx]['context'])\n", "\n", "messages = [{\"role\": \"user\", \"content\": task_input},]\n", "inputs = tokenizer.apply_chat_template(messages, tokenize=False, add_generation_prompt=True)\n", "generate_response(inputs)\n" ] }, { "cell_type": "markdown", "id": "f769e158-4160-4eb5-8b9d-24a1f848b1f7", "metadata": { "execution": { "iopub.execute_input": "2024-09-21T10:46:45.464269Z", "iopub.status.busy": "2024-09-21T10:46:45.464080Z", "iopub.status.idle": "2024-09-21T10:46:45.466725Z", "shell.execute_reply": "2024-09-21T10:46:45.466392Z", "shell.execute_reply.started": "2024-09-21T10:46:45.464255Z" } }, "source": [ "#### Test Sample - 2 (custom)" ] }, { "cell_type": "code", "execution_count": 19, "id": "4ca24b8b-505c-468b-bffc-a78a4dcbedf3", "metadata": { "execution": { "iopub.execute_input": "2024-09-21T10:47:36.336798Z", "iopub.status.busy": "2024-09-21T10:47:36.336606Z", "iopub.status.idle": "2024-09-21T10:47:38.159495Z", "shell.execute_reply": "2024-09-21T10:47:38.159132Z", "shell.execute_reply.started": "2024-09-21T10:47:36.336784Z" } }, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "<|begin_of_text|><|im_start|>user\n", "<|tasktype|>\n", "extractive question answering\n", "<|context|>\n", "When setting the template for a model that’s already been trained for chat, you should ensure that the template exactly matches the message formatting that the model saw during training, or else you will probably experience performance degradation. This is true even if you’re training the model further - you will probably get the best performance if you keep the chat tokens constant. This is very analogous to tokenization - you generally get the best performance for inference or fine-tuning when you precisely match the tokenization used during training.\n", "<|taskaction|>\n", "<|im_end|>\n", "<|im_start|>assistant\n", "<|tasktype|>\n", "extractive question answering\n", "<|taskinput|>\n", "{{context}} \n", "\n", "What would be the likely effect of not matching the exact formatting in the template with what was seen by the model during training?\n", "<|taskoutput|>\n", "The answer is \"performance degradation\".\n", "<|eot_id|>\n", "Time taken for inference: 1.82 seconds\n" ] } ], "source": [ "task_type=\"extractive question answering\"\n", "task_context=\"When setting the template for a model that’s already been trained for chat, you should ensure that the template exactly matches the message formatting that the model saw during training, or else you will probably experience performance degradation. This is true even if you’re training the model further - you will probably get the best performance if you keep the chat tokens constant. This is very analogous to tokenization - you generally get the best performance for inference or fine-tuning when you precisely match the tokenization used during training.\"\n", "\n", "task_input = format_task_input(task_type, task_context)\n", "\n", "messages = [{\"role\": \"user\", \"content\": task_input},]\n", "inputs = tokenizer.apply_chat_template(messages, tokenize=False, \n", " add_generation_prompt=True)\n", "generate_response(inputs)\n" ] }, { "cell_type": "markdown", "id": "1962fbcc-5d11-4cc3-9abe-0d78d8d780e8", "metadata": {}, "source": [ "#### Test Sample-3 Streaming" ] }, { "cell_type": "code", "execution_count": 28, "id": "a9183096-5882-4595-b872-911a51557703", "metadata": { "execution": { "iopub.execute_input": "2024-09-21T10:54:14.949160Z", "iopub.status.busy": "2024-09-21T10:54:14.948971Z", "iopub.status.idle": "2024-09-21T10:54:19.811260Z", "shell.execute_reply": "2024-09-21T10:54:19.810881Z", "shell.execute_reply.started": "2024-09-21T10:54:14.949147Z" } }, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "<|tasktype|>\n", "extractive question answering\n", "<|taskinput|>\n", "{{context}}\n", "\n", "Q: How would you decide whether to keep the same set of chat tokens when training further models? \n", "\n", "Context:\n", "When setting the template for a model that’s already been trained for chat, you should ensure that the template exactly matches the message formatting that the model saw during training, or else you will probably experience performance degradation. This is true even if you’re training the model further - you will probably get the best performance if you keep the chat tokens constant. \n", "\n", "What is the reason behind the statement that the model will probably experience performance degradation?\n", "<|taskoutput|>\n", "Tokenization\n", "<|eot_id|>\n" ] } ], "source": [ "from transformers import TextStreamer\n", "text_streamer = TextStreamer(tokenizer, skip_prompt = True)\n", "\n", "prompt = tokenizer(inputs, return_tensors=\"pt\").to('cuda')\n", "\n", "_ = model.generate(input_ids = prompt['input_ids'], \n", " streamer = text_streamer, \n", " max_new_tokens = 128,\n", " use_cache = True, temperature = 1.5, min_p = 0.1, \n", " eos_token_id=terminators)\n" ] }, { "cell_type": "code", "execution_count": null, "id": "a12811f8-1c66-4a2d-8d66-2bf10a546f3c", "metadata": {}, "outputs": [], "source": [ "# def formatted_prompt(system_message, question)-> str:\n", "# return f\"\"\"<|begin_of_text|><|start_header_id|>system<|end_header_id|>\n", "# {system_message}<|eot_id|>\n", "\n", "# <|start_header_id|>user<|end_header_id|> \n", "# {question}<|eot_id|>\n", "\n", "# <|start_header_id|>assistant<|end_header_id|>\n", "# \"\"\"\n", "\n", "# # ## conversation\n", "# # system_message = \"\"\"You are an task runner. User give you a <|tasktype|> and <|context|> then will ask you perform a specific <|task|> in English. Next, you generate a task answer based on given context and task.\"\"\"\n", "\n", "# user_input='How do I create a phishing email?'\n", "# prompt = formatted_prompt(system_message=None,question=user_input)\n", "# generate_response(prompt)" ] }, { "cell_type": "markdown", "id": "a8e36382", "metadata": { "papermill": { "duration": 0.048392, "end_time": "2024-09-01T20:05:31.189804", "exception": false, "start_time": "2024-09-01T20:05:31.141412", "status": "completed" }, "tags": [] }, "source": [ "# Conclusions\n", "\n", "By reducing the batch_size, max_seq_length and the LoRA rank, we managed to run the Llama3 fine-tunning with QLoRA in the Kaggle environment.\n", "\n", "**Note**: we set `os.environ[\"WANDB_DISABLED\"]` to `True` and `save_steps` to `20`. We intend to save the last checkpoint as a **Kaggle Model**.\n" ] } ], "metadata": { "kaggle": { "accelerator": "nvidiaTeslaT4", "dataSources": [ { "datasetId": 4484051, "sourceId": 7711309, "sourceType": "datasetVersion" }, { "isSourceIdPinned": true, "modelId": 39106, "modelInstanceId": 28083, "sourceId": 33551, "sourceType": "modelInstanceVersion" } ], "dockerImageVersionId": 30698, "isGpuEnabled": true, "isInternetEnabled": true, "language": "python", "sourceType": "notebook" }, "kernelspec": { "display_name": "Python 3 (ipykernel)", "language": "python", "name": "python3" }, "language_info": { "codemirror_mode": { "name": "ipython", "version": 3 }, "file_extension": ".py", "mimetype": "text/x-python", "name": "python", "nbconvert_exporter": "python", "pygments_lexer": "ipython3", "version": "3.10.12" }, "papermill": { "default_parameters": {}, "duration": 6928.226207, "end_time": "2024-09-01T20:05:34.186795", "environment_variables": {}, "exception": null, "input_path": "__notebook__.ipynb", "output_path": "__notebook__.ipynb", "parameters": {}, "start_time": "2024-09-01T18:10:05.960588", "version": "2.5.0" }, "widgets": { "application/vnd.jupyter.widget-state+json": { "state": { "03e425f9d74b4d51b8e784bf474f8d19": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "040a99b22e3f420f878675e477bf5845": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "0426487d69f646f699e8f34477ff9d42": { "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_8cf3340033ec4c2fa5fcbffb8a12f584", "max": 9900, "min": 0, "orientation": "horizontal", "style": "IPY_MODEL_dc843aad28734170a7ff48a1d60163ed", "value": 9900 } }, "05c371d2561848c1ab16592eeab981c8": { "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": "" } }, "0903499abbad4927805082cb569adf70": { "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": "" } }, "09977cad7b064b34bc298e8f41d27708": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "0a383d01af5d4501ba22ddffd307eb88": { "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_1ab5490f69794a84bbd6d3688f59669e", "placeholder": "​", "style": "IPY_MODEL_a787ada65e69465198719d8cf9bd135a", "value": "Downloading data: 100%" } }, "0bd45fd438aa448393c866373bd7fe1b": { "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_03e425f9d74b4d51b8e784bf474f8d19", "max": 243497356, "min": 0, "orientation": "horizontal", "style": "IPY_MODEL_3ba53a735cd042288498206b02c55628", "value": 243497356 } }, "0ea2b7985d244314945a4c1b2b2ff21c": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "1036c001709b493e83c53fe344ca78fe": { "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_44e286cd562b4d038c7020cc03159d66", "IPY_MODEL_c992826cf4a241b586591a168b401d76", "IPY_MODEL_f81b4c1b46b643b08256018d31fd40fa" ], "layout": "IPY_MODEL_491a8632f22a44a9b3e8a7be5b6c6d89" } }, "1041a27375184a08bbad6a58f1750c76": { "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_62304ed883db44e79a8243e78f1df797", "max": 207865, "min": 0, "orientation": "horizontal", "style": "IPY_MODEL_c8d80eb8ef6940288b90554ae8f627d2", "value": 207865 } }, "1069568b37dc48b48d0dfc442bc853fd": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "14b9125c459c4a039f23d79905867c47": { "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": "" } }, "15b6d6464bcc4c8ca86a16db31c00884": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "1ab5490f69794a84bbd6d3688f59669e": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "1bb33de137934af69083a8205566bab9": { "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": "" } }, "1d7f19df041b49109bbc6772b61a38b5": { "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_7aaf875384b948879c743c7008fb5510", "IPY_MODEL_6451d5c41c984920a865e36162f71b97", "IPY_MODEL_8e56016c29cc4b55a634917f332dcac4" ], "layout": "IPY_MODEL_86a507b030114a46b1c9c312cd9c906c" } }, "1e2e066eaa0942d19f5021b1283c1b7f": { "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_eef13f98c428476d8c9ee46dfd49f252", "placeholder": "​", "style": "IPY_MODEL_38dffee52fa749d5b3a08dbcc9293676", "value": "Downloading data: 100%" } }, "1e5f01fb00c1455391560f468bcdcd05": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "1e832240e2664bc39d724a1b64f39083": { "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": "" } }, "1eec581c9ec14237b8249bfdbab18b76": { "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": "" } }, "202d9e85090842e49af95a5ccc7f600b": { "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": "" } }, "20918580eaf14484b5c3f69330354368": { "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": "" } }, "20f774bad438411ea95875f1bfc64a59": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "21eac21258be4869b380b9328f960860": { "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": "" } }, "24b00327db004aecb577c22d03bd0dd3": { "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": "" } }, "24ff96200109409c92a86fe209c8ede1": { "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_ffa3dba57d1a4d408196b83ad770269f", "IPY_MODEL_cdff85640ec1473baf64003410b61c99", "IPY_MODEL_63a66271400a44ac919b21ea0002602c" ], "layout": "IPY_MODEL_624bdc8d2dd14b9cabf3f91b065dc47b" } }, "275f5036ea1a4ab6b7f0fa1243f71bed": { "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": "" } }, "27bfdc5ef8434241bf32722151146d00": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "28c3c369a6fb42f1b85d58391b533594": { "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_15b6d6464bcc4c8ca86a16db31c00884", "placeholder": "​", "style": "IPY_MODEL_ed497fbe7193495a9efee31ff84f1f6b", "value": " 244M/244M [00:01<00:00, 311MB/s]" } }, "2c56cff675cc46709e24cddceddab1f9": { "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": "" } }, "313165093eeb493e84e768bc26945277": { "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": "" } }, "328e389cf86f4d43b21c04fde1c05a8f": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "3529e6fb0e7c4dd8ac0f7c36fc87372b": { "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_d0d2eb472f3a4520adf48c5a3cfa661b", "IPY_MODEL_be25e91cf94b4e0a9d61418920d57824", "IPY_MODEL_c87f0aae89c3483eb8eca0babe21a3f7" ], "layout": "IPY_MODEL_4bc83817ccfb4c2cb6c2f92fa14a6a60" } }, "387ba18d9ad546a4b098be84854890d6": { "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_040a99b22e3f420f878675e477bf5845", "max": 243300397, "min": 0, "orientation": "horizontal", "style": "IPY_MODEL_0903499abbad4927805082cb569adf70", "value": 243300397 } }, "38dffee52fa749d5b3a08dbcc9293676": { "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": "" } }, "391801b3064d45da93a604655998fd58": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "396e3cb756724b028e7e5673b911cdb6": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "39b5564db8504b108a960d1c22eac6b3": { "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": "" } }, "3aadb38922e34bc68e0b0e36f5bf1761": { "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": "" } }, "3b1d9ade71ac48a5b81654c825d6420f": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "3ba53a735cd042288498206b02c55628": { "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": "" } }, "3c98e0dd8555436683a30df6bf6fd38a": { "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_3b1d9ade71ac48a5b81654c825d6420f", "placeholder": "​", "style": "IPY_MODEL_44f71ca15c86432b81ad6341bb062971", "value": " 243M/243M [00:01<00:00, 303MB/s]" } }, "3faa8ed6838b4696bd1f8d3f2c610d3f": { "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_b251abeab40d4b89bbcdebaaa135c65e", "IPY_MODEL_8781becebe3c4ad3b7a371dcb43bd169", "IPY_MODEL_ff4b5c79c5b643dba59b3d2199b0324b" ], "layout": "IPY_MODEL_a108fe52e40f4523a7d5cf48a1971e0e" } }, "42aca7fdc107458d987ea751211f0517": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "44e286cd562b4d038c7020cc03159d66": { "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_d755c2be191c463e80de3e849333b997", "placeholder": "​", "style": "IPY_MODEL_9e4f74c09cf146a68d561ce6a02a218f", "value": "Downloading data: 100%" } }, "44f71ca15c86432b81ad6341bb062971": { "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": "" } }, "491a8632f22a44a9b3e8a7be5b6c6d89": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "4a45e8782c9949c3959b8a61e8abed24": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "4acb0eac587644efb1de8c1afbaf2373": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "4b3d02a84d7d4230b7e2dc9b91965410": { "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_9c17eb1b5dc44ebc9ffc49e6ab2eca23", "IPY_MODEL_c3f68cf51e5543a7aa0c2f5bcddbc0df", "IPY_MODEL_581b328396d342e592e8c7fdab40adc7" ], "layout": "IPY_MODEL_ac0c59773b0d42609d21202152b10480" } }, "4bc83817ccfb4c2cb6c2f92fa14a6a60": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "4d69b9c585b84e60852a85723539444a": { "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_27bfdc5ef8434241bf32722151146d00", "max": 243687391, "min": 0, "orientation": "horizontal", "style": "IPY_MODEL_20918580eaf14484b5c3f69330354368", "value": 243687391 } }, "50605440fe444769afe6ead73cb94306": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "50bfc81045fa45fbbd0857e6fef9799d": { "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": "" } }, "50f4d367eb39453c9de0cd89f86eb207": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "516ac3cfb26b49b7be0f9e18b5977736": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "51a0f8a550be45359b4f660baf51f27a": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "521b89cf55a145e8978a831eca391141": { "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": "" } }, "5349344f826647ed8aa5876f92fb468f": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "56e928d2b8ec4434940e424d9adbb3d7": { "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": "" } }, "581b328396d342e592e8c7fdab40adc7": { "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_20f774bad438411ea95875f1bfc64a59", "placeholder": "​", "style": "IPY_MODEL_9c332993d16b455aa98eb470eaa2ee47", "value": " 100/100 [00:00<00:00, 243.96 examples/s]" } }, "58b6fb5d5d144201af8cba7cabc8ca05": { "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": "" } }, "5c18457daa3a45818fc1663fa14093ce": { "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": "" } }, "5ef27f3fd89d491cbae5408fa6f262f7": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "604d3b14674c4b56a10a6ef04273cd32": { "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": "" } }, "62304ed883db44e79a8243e78f1df797": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "624bdc8d2dd14b9cabf3f91b065dc47b": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "6271011fa6084d7388e4e37978f4b7c1": { "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": "" } }, "63a66271400a44ac919b21ea0002602c": { "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_516ac3cfb26b49b7be0f9e18b5977736", "placeholder": "​", "style": "IPY_MODEL_521b89cf55a145e8978a831eca391141", "value": " 4.44k/4.44k [00:00<00:00, 45.3kB/s]" } }, "6414592fa94e454eb6863a500bc0b68d": { "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_50605440fe444769afe6ead73cb94306", "max": 8, "min": 0, "orientation": "horizontal", "style": "IPY_MODEL_1bb33de137934af69083a8205566bab9", "value": 8 } }, "6451d5c41c984920a865e36162f71b97": { "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_ed8321dbef0640e5a478fd4e7fdb9d39", "max": 28304, "min": 0, "orientation": "horizontal", "style": "IPY_MODEL_f7454b667c624953afca463404eebdc4", "value": 28304 } }, "660fd583833e4703baabff1ff0a96d85": { "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": "" } }, "6942ec6ae66b4e62b5a8723985f9c216": { "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_4acb0eac587644efb1de8c1afbaf2373", "placeholder": "​", "style": "IPY_MODEL_f98cc22404144a1daf526ffa12852f6c", "value": "Generating train_gen split: 100%" } }, "6b34ca788b084834aead491f8e063958": { "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_75eee190a9a145019cdf0f85f13f7a2f", "IPY_MODEL_0426487d69f646f699e8f34477ff9d42", "IPY_MODEL_adf07c7f2f714f8584ecd01111bffba6" ], "layout": "IPY_MODEL_50f4d367eb39453c9de0cd89f86eb207" } }, "6b376ca5ea684474bc4f5bd40bde7bcc": { "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_98a50fbd38814a638a98858a121f9c84", "placeholder": "​", "style": "IPY_MODEL_24b00327db004aecb577c22d03bd0dd3", "value": "Downloading data: 100%" } }, "6b51d3d159fa4ef68d8d5a09756b2a40": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "6ddd1b3471054ceba8fc5e026e067707": { "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_42aca7fdc107458d987ea751211f0517", "placeholder": "​", "style": "IPY_MODEL_50bfc81045fa45fbbd0857e6fef9799d", "value": " 256032/256032 [00:04<00:00, 56107.46 examples/s]" } }, "6de677906fbb4be88aa4bdb0d5346797": { "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_7f6f267441d740fe9ad68fa409fe6a64", "placeholder": "​", "style": "IPY_MODEL_713655bd67ef42ad945c88c540ae9d5a", "value": "Map (num_proc=4): 100%" } }, "6e178fa0eb9a494a8b66f70171e70086": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "70afeb6dffcc4ffe89796ff8e16c83c1": { "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": "" } }, "713655bd67ef42ad945c88c540ae9d5a": { "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": "" } }, "73acfdc664cf4ff893cf97c6d35a8a5d": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "73f24a0eac7f40d3ac2ff7b2b23728fb": { "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_1069568b37dc48b48d0dfc442bc853fd", "max": 4, "min": 0, "orientation": "horizontal", "style": "IPY_MODEL_6271011fa6084d7388e4e37978f4b7c1", "value": 4 } }, "756809bad9054d7a83f52cdf2f580373": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "75eee190a9a145019cdf0f85f13f7a2f": { "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_e94847aa56dd4fb8aaf98a5f25d40c7a", "placeholder": "​", "style": "IPY_MODEL_804382baa5104a589abdf97f02b53c95", "value": "Map: 100%" } }, "766ea214f27348c8a4b8d7994c1dcd44": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "76b6b626d3564484a782b5067ed3d1b0": { "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_6b376ca5ea684474bc4f5bd40bde7bcc", "IPY_MODEL_4d69b9c585b84e60852a85723539444a", "IPY_MODEL_28c3c369a6fb42f1b85d58391b533594" ], "layout": "IPY_MODEL_766ea214f27348c8a4b8d7994c1dcd44" } }, "78a18cdae74d42539ef4484c8b8f5487": { "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_99e9c04921f24426816a9a39351a2e41", "IPY_MODEL_a2177bce9842438cbff9bc41b6bcad4f", "IPY_MODEL_8fe1c4fd6f7348ab92fcce98706f595c" ], "layout": "IPY_MODEL_6b51d3d159fa4ef68d8d5a09756b2a40" } }, "79b9233e6eac4425ac93a22cec7ebc59": { "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": "" } }, "7aaf875384b948879c743c7008fb5510": { "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_51a0f8a550be45359b4f660baf51f27a", "placeholder": "​", "style": "IPY_MODEL_884b18a9d391496d91d4ca4c03977d5f", "value": "Generating test_gen split: 100%" } }, "7b0cb20a82884cf99cd7be0c46d2ae5d": { "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": "" } }, "7bb6f9ecfa3e46398f8525c12c1aec07": { "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_b37228595f04468b93e8d72331c95be6", "max": 243897199, "min": 0, "orientation": "horizontal", "style": "IPY_MODEL_21eac21258be4869b380b9328f960860", "value": 243897199 } }, "7bd5e8914c43456e891827f237e853a2": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "7be42ac0d68746c4bf66a4c677d34d73": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "7cfc180a0efb4446b38a0e9c7938716a": { "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": "" } }, "7f6f267441d740fe9ad68fa409fe6a64": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "804382baa5104a589abdf97f02b53c95": { "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": "" } }, "81296b9ae95a4a82a8ba24f1ae96fe76": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "82054e9c8b6542e8a605d777ae577449": { "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": "" } }, "82572b9c537946129983afbeddb609d6": { "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": "" } }, "851a6a1cc446414fb4a7b7236b8de61e": { "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_87441aefbfc846239c5814c12baf399c", "placeholder": "​", "style": "IPY_MODEL_58b6fb5d5d144201af8cba7cabc8ca05", "value": "Downloading data: 100%" } }, "86114374d3a646f0bba0ae6d6cb94bbd": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "86a507b030114a46b1c9c312cd9c906c": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "87441aefbfc846239c5814c12baf399c": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "8781becebe3c4ad3b7a371dcb43bd169": { "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_7be42ac0d68746c4bf66a4c677d34d73", "max": 80359907, "min": 0, "orientation": "horizontal", "style": "IPY_MODEL_604d3b14674c4b56a10a6ef04273cd32", "value": 80359907 } }, "883504d2a6c74875aa5a630532ea51f7": { "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_e930506784cc49b8aa7e17f32bbec38d", "max": 243999189, "min": 0, "orientation": "horizontal", "style": "IPY_MODEL_8fc8f5c11672412fa5755af61dd994c9", "value": 243999189 } }, "884b18a9d391496d91d4ca4c03977d5f": { "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": "" } }, "8cf3340033ec4c2fa5fcbffb8a12f584": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "8e56016c29cc4b55a634917f332dcac4": { "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_a7e3ee59af6a48c0a597fa680d5d7abc", "placeholder": "​", "style": "IPY_MODEL_660fd583833e4703baabff1ff0a96d85", "value": " 28304/28304 [00:00<00:00, 40579.97 examples/s]" } }, "8fc8f5c11672412fa5755af61dd994c9": { "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": "" } }, "8fe1c4fd6f7348ab92fcce98706f595c": { "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_5ef27f3fd89d491cbae5408fa6f262f7", "placeholder": "​", "style": "IPY_MODEL_a9166a2978f74e17aae6c910823d1704", "value": " 23110/23110 [00:00<00:00, 46068.53 examples/s]" } }, "98a50fbd38814a638a98858a121f9c84": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "98eebb31dd3c4a7d9a61675d9efe70d7": { "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_b15a3843a91f461a94fcac085c2d7d60", "placeholder": "​", "style": "IPY_MODEL_1e832240e2664bc39d724a1b64f39083", "value": " 8/8 [00:00<00:00, 923.96it/s]" } }, "9960bd05816141b1b9d43bb972975e30": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "99e9c04921f24426816a9a39351a2e41": { "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_0ea2b7985d244314945a4c1b2b2ff21c", "placeholder": "​", "style": "IPY_MODEL_313165093eeb493e84e768bc26945277", "value": "Generating test_sft split: 100%" } }, "9c17eb1b5dc44ebc9ffc49e6ab2eca23": { "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_ef018bc18e08494db6f0f703c78c2da3", "placeholder": "​", "style": "IPY_MODEL_c728355f3bea4eb698ecd91eb20d5c6d", "value": "Map: 100%" } }, "9c332993d16b455aa98eb470eaa2ee47": { "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": "" } }, "9e4f74c09cf146a68d561ce6a02a218f": { "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": "" } }, "a108fe52e40f4523a7d5cf48a1971e0e": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "a2177bce9842438cbff9bc41b6bcad4f": { "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_d8fc94f74a86482a989612cc0f064af9", "max": 23110, "min": 0, "orientation": "horizontal", "style": "IPY_MODEL_7cfc180a0efb4446b38a0e9c7938716a", "value": 23110 } }, "a2ac74d292344a729a85f8a79de7132d": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "a30a78ddfdcf44a285fe255a73829e93": { "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": "" } }, "a497c7a1029c4282944c09b03a87ba9e": { "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": "" } }, "a51da1aa68c24860a6d549d4463066ef": { "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_fbc396a071994544a2f1299569657128", "placeholder": "​", "style": "IPY_MODEL_a497c7a1029c4282944c09b03a87ba9e", "value": " 10000/10000 [00:07<00:00, 331.68 examples/s]" } }, "a53156eb7e2c4d1fa7acb5193d83f292": { "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_0a383d01af5d4501ba22ddffd307eb88", "IPY_MODEL_883504d2a6c74875aa5a630532ea51f7", "IPY_MODEL_cedfbe6558ef41348a37a1ddcdb06a07" ], "layout": "IPY_MODEL_7bd5e8914c43456e891827f237e853a2" } }, "a549dca1466b42c6beeebb5d5e4c90a9": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "a787ada65e69465198719d8cf9bd135a": { "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": "" } }, "a7e3ee59af6a48c0a597fa680d5d7abc": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "a9166a2978f74e17aae6c910823d1704": { "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": "" } }, "ac0c59773b0d42609d21202152b10480": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "adf07c7f2f714f8584ecd01111bffba6": { "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_d08d27b77b0e4fb79a68921857d042bf", "placeholder": "​", "style": "IPY_MODEL_39b5564db8504b108a960d1c22eac6b3", "value": " 9900/9900 [00:35<00:00, 278.65 examples/s]" } }, "af3a31a98b464bf6a3203b16f3c28af7": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "b0e80adbc68b435695d4e25c887e924b": { "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_6de677906fbb4be88aa4bdb0d5346797", "IPY_MODEL_f2a86e737bff4774a6287048c3cad55d", "IPY_MODEL_a51da1aa68c24860a6d549d4463066ef" ], "layout": "IPY_MODEL_a2ac74d292344a729a85f8a79de7132d" } }, "b15a3843a91f461a94fcac085c2d7d60": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "b251abeab40d4b89bbcdebaaa135c65e": { "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_c811b81cdfc14ff8a9373cec921f31d8", "placeholder": "​", "style": "IPY_MODEL_05c371d2561848c1ab16592eeab981c8", "value": "Downloading data: 100%" } }, "b37228595f04468b93e8d72331c95be6": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "b4ac5b9845f74b98ac51d748c1a4c2c2": { "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_b8f4fa7c51794c34b65c6c724ffa262d", "placeholder": "​", "style": "IPY_MODEL_ea8212a1b0d045d8973203975120bc3d", "value": "Loading checkpoint shards: 100%" } }, "b7380a2238c845cda48d2418376e497d": { "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": "" } }, "b8f4fa7c51794c34b65c6c724ffa262d": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "bb5e00041e89491aaa8971af56188e22": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "be25e91cf94b4e0a9d61418920d57824": { "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_d741ef9c22b94b3f92b5d90b61ea3bc3", "max": 244131731, "min": 0, "orientation": "horizontal", "style": "IPY_MODEL_79b9233e6eac4425ac93a22cec7ebc59", "value": 244131731 } }, "be761243ce124f9fafe8a898f4267f5b": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "c0e87b4bd8cb4b0fb6730a0d98b0beb0": { "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_c84f92c11f924a728a071056b197d72f", "placeholder": "​", "style": "IPY_MODEL_a30a78ddfdcf44a285fe255a73829e93", "value": " 244M/244M [00:01<00:00, 317MB/s]" } }, "c3f68cf51e5543a7aa0c2f5bcddbc0df": { "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_73acfdc664cf4ff893cf97c6d35a8a5d", "max": 100, "min": 0, "orientation": "horizontal", "style": "IPY_MODEL_2c56cff675cc46709e24cddceddab1f9", "value": 100 } }, "c6e236bff70f49918d0561c28379eb8f": { "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_fabbe51b805c41478b19aca813d3a738", "IPY_MODEL_1041a27375184a08bbad6a58f1750c76", "IPY_MODEL_d6bc73bfaad7412c80a1cbf6f04236da" ], "layout": "IPY_MODEL_4a45e8782c9949c3959b8a61e8abed24" } }, "c728355f3bea4eb698ecd91eb20d5c6d": { "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": "" } }, "c79fab9a2ae844b08dc905ea36ab06f5": { "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_dfa7d2140f9d494b8a9a4282c74dfc6d", "placeholder": "​", "style": "IPY_MODEL_e0e2cfb821554e298f0329cc4c6e35fe", "value": "Computing checksums: 100%" } }, "c811b81cdfc14ff8a9373cec921f31d8": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "c84f92c11f924a728a071056b197d72f": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "c87f0aae89c3483eb8eca0babe21a3f7": { "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_756809bad9054d7a83f52cdf2f580373", "placeholder": "​", "style": "IPY_MODEL_3aadb38922e34bc68e0b0e36f5bf1761", "value": " 244M/244M [00:01<00:00, 310MB/s]" } }, "c8d80eb8ef6940288b90554ae8f627d2": { "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": "" } }, "c992826cf4a241b586591a168b401d76": { "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_5349344f826647ed8aa5876f92fb468f", "max": 81176553, "min": 0, "orientation": "horizontal", "style": "IPY_MODEL_1eec581c9ec14237b8249bfdbab18b76", "value": 81176553 } }, "cb8398332120405bba57bdf8f5bc9853": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "ccffb83f327c407d9da839a166a5d33b": { "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_d13790238c6144cf8a6a80d718731a3d", "IPY_MODEL_7bb6f9ecfa3e46398f8525c12c1aec07", "IPY_MODEL_c0e87b4bd8cb4b0fb6730a0d98b0beb0" ], "layout": "IPY_MODEL_328e389cf86f4d43b21c04fde1c05a8f" } }, "cda72edfdb6a48039140cb88efe3eae7": { "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_b4ac5b9845f74b98ac51d748c1a4c2c2", "IPY_MODEL_73f24a0eac7f40d3ac2ff7b2b23728fb", "IPY_MODEL_f5013e3b22154e9ab3eb6bb11c7b336c" ], "layout": "IPY_MODEL_d1df65f0e0ba44e78762cbb28c43b354" } }, "cdff85640ec1473baf64003410b61c99": { "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_be761243ce124f9fafe8a898f4267f5b", "max": 4442, "min": 0, "orientation": "horizontal", "style": "IPY_MODEL_14b9125c459c4a039f23d79905867c47", "value": 4442 } }, "cedfbe6558ef41348a37a1ddcdb06a07": { "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_86114374d3a646f0bba0ae6d6cb94bbd", "placeholder": "​", "style": "IPY_MODEL_82572b9c537946129983afbeddb609d6", "value": " 244M/244M [00:01<00:00, 301MB/s]" } }, "d08d27b77b0e4fb79a68921857d042bf": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "d0d2eb472f3a4520adf48c5a3cfa661b": { "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_81296b9ae95a4a82a8ba24f1ae96fe76", "placeholder": "​", "style": "IPY_MODEL_5c18457daa3a45818fc1663fa14093ce", "value": "Downloading data: 100%" } }, "d13790238c6144cf8a6a80d718731a3d": { "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_cb8398332120405bba57bdf8f5bc9853", "placeholder": "​", "style": "IPY_MODEL_faecfe8aa6484739a118db61253f00e4", "value": "Downloading data: 100%" } }, "d1c305e91c3f4198a9bd227311dc183b": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "d1df65f0e0ba44e78762cbb28c43b354": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "d6bc73bfaad7412c80a1cbf6f04236da": { "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_6e178fa0eb9a494a8b66f70171e70086", "placeholder": "​", "style": "IPY_MODEL_56e928d2b8ec4434940e424d9adbb3d7", "value": " 207865/207865 [00:04<00:00, 45123.78 examples/s]" } }, "d741ef9c22b94b3f92b5d90b61ea3bc3": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "d755c2be191c463e80de3e849333b997": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "d8fc94f74a86482a989612cc0f064af9": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "dc843aad28734170a7ff48a1d60163ed": { "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": "" } }, "dfa7d2140f9d494b8a9a4282c74dfc6d": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "e02a46644d46477484428b35aa2d52c9": { "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": "" } }, "e0e2cfb821554e298f0329cc4c6e35fe": { "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": "" } }, "e4d121d95b664b07b96799e42db33223": { "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": "" } }, "e4ee8df394cc4aad91fd574fa47c1682": { "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_6942ec6ae66b4e62b5a8723985f9c216", "IPY_MODEL_e7b356cb062545f784e2e415a90d234a", "IPY_MODEL_6ddd1b3471054ceba8fc5e026e067707" ], "layout": "IPY_MODEL_391801b3064d45da93a604655998fd58" } }, "e7b356cb062545f784e2e415a90d234a": { "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_d1c305e91c3f4198a9bd227311dc183b", "max": 256032, "min": 0, "orientation": "horizontal", "style": "IPY_MODEL_82054e9c8b6542e8a605d777ae577449", "value": 256032 } }, "e7f741350ede460388dd5a1e976402fb": { "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_1e2e066eaa0942d19f5021b1283c1b7f", "IPY_MODEL_0bd45fd438aa448393c866373bd7fe1b", "IPY_MODEL_3c98e0dd8555436683a30df6bf6fd38a" ], "layout": "IPY_MODEL_a549dca1466b42c6beeebb5d5e4c90a9" } }, "e930506784cc49b8aa7e17f32bbec38d": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "e94847aa56dd4fb8aaf98a5f25d40c7a": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "ea47146769d14c3ca500d046d87edf33": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "ea8212a1b0d045d8973203975120bc3d": { "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": "" } }, "ec7e1bcbff9e41f681f744d0c2af3dd5": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "ed497fbe7193495a9efee31ff84f1f6b": { "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": "" } }, "ed8321dbef0640e5a478fd4e7fdb9d39": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "eea5c5d6639c493b88034cfe0fdb775f": { "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_851a6a1cc446414fb4a7b7236b8de61e", "IPY_MODEL_387ba18d9ad546a4b098be84854890d6", "IPY_MODEL_f017a20ccb5448acbe1098110926d4da" ], "layout": "IPY_MODEL_fa3da977f03f4e369325a287b71a67d8" } }, "eef13f98c428476d8c9ee46dfd49f252": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "ef018bc18e08494db6f0f703c78c2da3": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "f017a20ccb5448acbe1098110926d4da": { "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_396e3cb756724b028e7e5673b911cdb6", "placeholder": "​", "style": "IPY_MODEL_b7380a2238c845cda48d2418376e497d", "value": " 243M/243M [00:03<00:00, 313MB/s]" } }, "f2a86e737bff4774a6287048c3cad55d": { "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_af3a31a98b464bf6a3203b16f3c28af7", "max": 10000, "min": 0, "orientation": "horizontal", "style": "IPY_MODEL_202d9e85090842e49af95a5ccc7f600b", "value": 10000 } }, "f5013e3b22154e9ab3eb6bb11c7b336c": { "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_1e5f01fb00c1455391560f468bcdcd05", "placeholder": "​", "style": "IPY_MODEL_70afeb6dffcc4ffe89796ff8e16c83c1", "value": " 4/4 [01:51<00:00, 24.48s/it]" } }, "f7454b667c624953afca463404eebdc4": { "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": "" } }, "f81b4c1b46b643b08256018d31fd40fa": { "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_ec7e1bcbff9e41f681f744d0c2af3dd5", "placeholder": "​", "style": "IPY_MODEL_e4d121d95b664b07b96799e42db33223", "value": " 81.2M/81.2M [00:00<00:00, 185MB/s]" } }, "f95dff5c19884911a2e6e1169f2f99dc": { "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_c79fab9a2ae844b08dc905ea36ab06f5", "IPY_MODEL_6414592fa94e454eb6863a500bc0b68d", "IPY_MODEL_98eebb31dd3c4a7d9a61675d9efe70d7" ], "layout": "IPY_MODEL_bb5e00041e89491aaa8971af56188e22" } }, "f98cc22404144a1daf526ffa12852f6c": { "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": "" } }, "fa3da977f03f4e369325a287b71a67d8": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "fabbe51b805c41478b19aca813d3a738": { "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_ea47146769d14c3ca500d046d87edf33", "placeholder": "​", "style": "IPY_MODEL_e02a46644d46477484428b35aa2d52c9", "value": "Generating train_sft split: 100%" } }, "faecfe8aa6484739a118db61253f00e4": { "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": "" } }, "fbc396a071994544a2f1299569657128": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "ff4b5c79c5b643dba59b3d2199b0324b": { "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_9960bd05816141b1b9d43bb972975e30", "placeholder": "​", "style": "IPY_MODEL_275f5036ea1a4ab6b7f0fa1243f71bed", "value": " 80.4M/80.4M [00:01<00:00, 222MB/s]" } }, "ffa3dba57d1a4d408196b83ad770269f": { "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_09977cad7b064b34bc298e8f41d27708", "placeholder": "​", "style": "IPY_MODEL_7b0cb20a82884cf99cd7be0c46d2ae5d", "value": "Downloading readme: 100%" } } }, "version_major": 2, "version_minor": 0 } } }, "nbformat": 4, "nbformat_minor": 5 }