{ "cells": [ { "cell_type": "markdown", "metadata": { "id": "E1zyZkJbdFuH" }, "source": [ "# How to Finetune Mistral AI 7B LLM with Hugging Face AutoTrain" ] }, { "cell_type": "code", "execution_count": 1, "metadata": { "colab": { "base_uri": "https://localhost:8080/" }, "id": "j4yghPpHcxkG", "outputId": "9c13119a-9c4b-4b24-ab1e-ae0695c9c863" }, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "\u001b[33mWARNING: Running pip as the 'root' user can result in broken permissions and conflicting behaviour with the system package manager. It is recommended to use a virtual environment instead: https://pip.pypa.io/warnings/venv\u001b[0m\u001b[33m\n", "\u001b[0m\u001b[33mWARNING: Running pip as the 'root' user can result in broken permissions and conflicting behaviour with the system package manager. It is recommended to use a virtual environment instead: https://pip.pypa.io/warnings/venv\u001b[0m\u001b[33m\n", "\u001b[0m" ] } ], "source": [ "!pip install -U autotrain-advanced -q\n", "!pip install datasets transformers -q" ] }, { "cell_type": "code", "execution_count": 2, "metadata": { "colab": { "base_uri": "https://localhost:8080/", "height": 177, "referenced_widgets": [ "349b946a72ac46298a95db5e4229a381", "a40f275727b54c9aa04b1fc4fff8a4fc", "22fad0230fe24a43bdace165ee70558d", "8efdcd2e9fcc4b8f83a6ed1c39a81b42", "e005090ce2074654b3bf549d7dfa18bd", "f3c42fd1fd2f4bc29bf462890b882bb2", "87b2e58b20094d78a0f46b5c08c563b3", "38c99e6e3f454d5ba33d4464fefa82c4", "63057827544242d9a035c0873bc1d85f", "fad3fdc1097244a391cc7d85f11def68", "db26bb3f65bb42a7a5e0b46123f165d6", "879964fd922048e7a5957b3b2d2e11ad", "af67777d31c14f5680ca1d851ef6be2a", "dedd6fd4d918415ebc0ee78fb053ed6a", "03469a3882de440cb6a8c36b5a4568d6", "80647814a92d48718aaef5be6d874ced", "1eb94330421f4fa2bca65b82bedcbfef", "cbea2a9da24f48a59214cee13cc6b153", "d1c670a45b0f4befaa0e849ec8646a47", "7dae960d1bb54f75914569fbdd45ef6c", "d7708c22d8a34082b80a14302983159e", "c59da8b062a84afebfad5da6ef5a496a", "71089a885db64054b54e269b4e96c242", "af2258a6b3884cf292819159088442a5", "b7f44b7f635f4cf887c5794533737428", "d397ee73099c45d69c53be2d6048bf9c", "96f1acd888b145149358cbeb771c634c", "e4dc8b48a318447cb8ebd7b20618bcb3", "485fb67e13f04f8e92dcebf317d95488", "a29d6df7874144f888fa88c52daf6ac9", "77a1067871e4496893946bf485cec8af", "c241b2d6899a4a62861d7e839091c2f7", "249766ef96ac467caf7d529c29af60db", "54d97d65052f415c9986ecf8e447b8a3", "067ebf5a471e4546bc631f290411a664", "208ccbf20b4d4591afa41b7a28588e7e", "3e15b8ca59094602b881a91eba591596", "196e0ec8434747279843840fc4c826f0", "6385ed14895f414c8eda670301ebead9", "f902ed42a30e476a8d508c50fa9fc602", "269e619c72dd426ead5677f187c8a42b", "e43fe266c77e495b9b422ccaeda2c03a", "b5c1a43a427145eca43627135e967868", "42737a9271d8445bb259b42b1d2bf77c", "68e7d3bbc6f8420193c45055c39c333d", "6bfe3ed1a59b4ecfaa566a88e58f5b9f", "be3d90e349d14079874c730f0f273cc1", "80639985213d47dcb3a3681dc98dfeed", "29f34d4ed85f45b1bbec6d7f8d1145e6", "37a803b8fec8453e891a2427c328a387", "c052f02649bd40d8a60ea201c41be2f6", "a9641d5441d24f4c901c86e6d5650c4e", "1c295b1b2f374acfb7f2b7ddcfe3b960", "0246b46f672247dab14d0ddd0c0a25ec", "1d07551dc3b240da92032bcdc69fd796" ] }, "id": "AHZ9X2ALdAbd", "outputId": "bbc01be1-17d3-4c8f-8b11-3b2a4c1d4d3f" }, "outputs": [ { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "b138a11c06c447789ddbe117128c2ca3", "version_major": 2, "version_minor": 0 }, "text/plain": [ "Downloading readme: 0%| | 0.00/7.47k [00:00[INST] Instruction [/INST] Model answer[INST] Follow-up instruction [/INST]\n", "```" ] }, { "cell_type": "markdown", "metadata": { "id": "zUkxtYZ-eDxR" }, "source": [ "We would use only the data without any input for the chat model." ] }, { "cell_type": "code", "execution_count": 5, "metadata": { "id": "pMduUpJmdrKg" }, "outputs": [], "source": [ "train_chat = train[train['input'] == ''].reset_index(drop = True).copy()" ] }, { "cell_type": "markdown", "metadata": { "id": "m_jN0bDEeRba" }, "source": [ "Then, we could reformat the data with the following code." ] }, { "cell_type": "code", "execution_count": 6, "metadata": { "id": "y5d5KjKseRxs" }, "outputs": [], "source": [ "def chat_formatting(data):\n", "\n", " text = f\"[INST] {data['instruction']} [/INST] {data['output']} \"\n", "\n", " return text\n", "\n", "train_chat['text'] = train_chat.apply(chat_formatting, axis =1)\n", "train_chat.to_csv('train_chat.csv', index =False)" ] }, { "cell_type": "markdown", "metadata": { "id": "uPxeXTsweZor" }, "source": [ "# Training and Fine-tuning\n", "\n", "\n", "Let’s set up the Hugging Face AutoTrain environment to fine-tune the Mistral model. First, let’s run the AutoTrain setup using the following command." ] }, { "cell_type": "code", "execution_count": 7, "metadata": { "colab": { "base_uri": "https://localhost:8080/" }, "id": "du0G6-fCeUI4", "outputId": "309254c2-1210-4b6f-ea61-3fa642db07e6" }, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "> \u001b[1mINFO Installing latest xformers\u001b[0m\n", "> \u001b[1mINFO Successfully installed latest xformers\u001b[0m\n" ] } ], "source": [ "!autotrain setup" ] }, { "cell_type": "code", "execution_count": 8, "metadata": { "id": "TkxXDYnFgl1d" }, "outputs": [], "source": [ "!mkdir data\n" ] }, { "cell_type": "markdown", "metadata": { "id": "YAlexnSeelKL" }, "source": [ "let’s use the Mistral 7B Instruct v0.1." ] }, { "cell_type": "code", "execution_count": 9, "metadata": { "id": "gomc9H3zemN-" }, "outputs": [], "source": [ "project_name = 'my_autotrain_llm'\n", "model_name = 'mistralai/Mistral-7B-Instruct-v0.1'" ] }, { "cell_type": "markdown", "metadata": { "id": "qg_3MVYAeti5" }, "source": [ "Then, we would add the Hugging Face information if you want to push your model to the repository." ] }, { "cell_type": "code", "execution_count": 10, "metadata": { "id": "8_AHiHnWeoNI" }, "outputs": [], "source": [ "push_to_hub = True\n", "hf_token = \"\"\n", "repo_id = \"Andyrasika/mistral_autotrain_llm\"" ] }, { "cell_type": "markdown", "metadata": { "id": "_YSh92jHfGc7" }, "source": [ "Lastly, we would initiate the model parameter information in the variables below. You can change them to see if the result is good." ] }, { "cell_type": "code", "execution_count": 11, "metadata": { "id": "4CgrMR_LfBEp" }, "outputs": [], "source": [ "learning_rate = 2e-4\n", "num_epochs = 4\n", "batch_size = 1\n", "block_size = 1024\n", "trainer = \"sft\"\n", "warmup_ratio = 0.1\n", "weight_decay = 0.01\n", "gradient_accumulation = 4\n", "use_fp16 = True\n", "use_peft = True\n", "use_int4 = True\n", "lora_r = 16\n", "lora_alpha = 32\n", "lora_dropout = 0.045" ] }, { "cell_type": "markdown", "metadata": { "id": "oSzTX6CIfSsQ" }, "source": [ "When all the information is ready, we will set up the environment to accept all the information we have set up previously." ] }, { "cell_type": "code", "execution_count": 12, "metadata": { "id": "D2hxzc4VfE2r" }, "outputs": [], "source": [ "import os\n", "os.environ[\"PROJECT_NAME\"] = project_name\n", "os.environ[\"MODEL_NAME\"] = model_name\n", "os.environ[\"PUSH_TO_HUB\"] = str(push_to_hub)\n", "os.environ[\"HF_TOKEN\"] = hf_token\n", "os.environ[\"REPO_ID\"] = repo_id\n", "os.environ[\"LEARNING_RATE\"] = str(learning_rate)\n", "os.environ[\"NUM_EPOCHS\"] = str(num_epochs)\n", "os.environ[\"BATCH_SIZE\"] = str(batch_size)\n", "os.environ[\"BLOCK_SIZE\"] = str(block_size)\n", "os.environ[\"WARMUP_RATIO\"] = str(warmup_ratio)\n", "os.environ[\"WEIGHT_DECAY\"] = str(weight_decay)\n", "os.environ[\"GRADIENT_ACCUMULATION\"] = str(gradient_accumulation)\n", "os.environ[\"USE_FP16\"] = str(use_fp16)\n", "os.environ[\"USE_PEFT\"] = str(use_peft)\n", "os.environ[\"USE_INT4\"] = str(use_int4)\n", "os.environ[\"LORA_R\"] = str(lora_r)\n", "os.environ[\"LORA_ALPHA\"] = str(lora_alpha)\n", "os.environ[\"LORA_DROPOUT\"] = str(lora_dropout)" ] }, { "cell_type": "code", "execution_count": 17, "metadata": { "colab": { "base_uri": "https://localhost:8080/" }, "id": "1Aea0SPPfU-o", "outputId": "866a7737-ee30-4807-9ac2-cea83f7c9759" }, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "> \u001b[1mINFO Running LLM\u001b[0m\n", "> \u001b[1mINFO Params: Namespace(version=False, train=True, deploy=False, inference=False, data_path='data/', train_split='train', valid_split=None, text_column='text', rejected_text_column='rejected', prompt_text_column='prompt', model='mistralai/Mistral-7B-Instruct-v0.1', model_ref=None, learning_rate=0.0002, num_train_epochs=4, train_batch_size=1, warmup_ratio=0.1, gradient_accumulation_steps=4, optimizer='adamw_torch', scheduler='linear', weight_decay=0.01, max_grad_norm=1.0, seed=42, add_eos_token=False, block_size=1024, use_peft=True, lora_r=16, lora_alpha=32, lora_dropout=0.045, logging_steps=-1, project_name='my_autotrain_llm', evaluation_strategy='epoch', save_total_limit=1, save_strategy='epoch', auto_find_batch_size=False, fp16=True, push_to_hub=True, use_int8=False, model_max_length=1024, repo_id='Andyrasika/mistral_autotrain_llm', use_int4=True, trainer='default', target_modules='q_proj,v_proj', merge_adapter=False, token='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', backend='default', username=None, use_flash_attention_2=False, log='none', disable_gradient_checkpointing=False, dpo_beta=0.1, func=)\u001b[0m\n", "Detected kernel version 5.4.0, which is below the recommended minimum of 5.5.0; this can cause the process to hang. It is recommended to upgrade the kernel to the minimum version or higher.\n", "Loading checkpoint shards: 100%|██████████████████| 2/2 [00:10<00:00, 5.27s/it]\n", "/usr/local/lib/python3.10/dist-packages/transformers/utils/hub.py:374: FutureWarning: The `use_auth_token` argument is deprecated and will be removed in v5 of Transformers.\n", " warnings.warn(\n", "> \u001b[1mINFO Using block size 1024\u001b[0m\n", "Running tokenizer on train dataset: 100%|█| 2919/2919 [00:00<00:00, 16401.43 exa\n", "Grouping texts in chunks of 1024 (num_proc=4): 100%|█| 2919/2919 [00:00<00:00, 8\n", "/usr/local/lib/python3.10/dist-packages/datasets/table.py:1395: FutureWarning: promote has been superseded by mode='default'.\n", " block_group = [InMemoryTable(cls._concat_blocks(list(block_group), axis=axis))]\n", "/usr/local/lib/python3.10/dist-packages/datasets/table.py:1421: FutureWarning: promote has been superseded by mode='default'.\n", " table = cls._concat_blocks(blocks, axis=0)\n", "> \u001b[1mINFO creating trainer\u001b[0m\n", "Detected kernel version 5.4.0, which is below the recommended minimum of 5.5.0; this can cause the process to hang. It is recommended to upgrade the kernel to the minimum version or higher.\n", " 0%| | 0/272 [00:00 \u001b[1mINFO Finished training, saving model...\u001b[0m\n", "> \u001b[1mINFO Pushing model to hub...\u001b[0m\n", "adapter_model.bin: 0%| | 0.00/27.3M [00:00 Health benefits of regular exercise include improved cardiovascular health, increased strength and flexibility, improved mental\n" ] } ], "source": [ "input_text = \"Health benefits of regular exercise\"\n", "input_ids = tokenizer.encode(input_text, return_tensors=\"pt\")\n", "output = model.generate(input_ids)\n", "predicted_text = tokenizer.decode(output[0], skip_special_tokens=False)\n", "print(predicted_text)" ] }, { "cell_type": "code", "execution_count": null, "metadata": {}, "outputs": [], "source": [] } ], "metadata": { "accelerator": "GPU", "colab": { "gpuType": "T4", "provenance": [] }, "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" }, "widgets": { "application/vnd.jupyter.widget-state+json": { "0246b46f672247dab14d0ddd0c0a25ec": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "03469a3882de440cb6a8c36b5a4568d6": { "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_d7708c22d8a34082b80a14302983159e", "placeholder": "​", "style": "IPY_MODEL_c59da8b062a84afebfad5da6ef5a496a", "value": " 1/1 [00:01<00:00, 1.00s/it]" } }, "067ebf5a471e4546bc631f290411a664": { "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_6385ed14895f414c8eda670301ebead9", "placeholder": "​", "style": "IPY_MODEL_f902ed42a30e476a8d508c50fa9fc602", "value": "Extracting data files: 100%" } }, "196e0ec8434747279843840fc4c826f0": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "1c295b1b2f374acfb7f2b7ddcfe3b960": { "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": "" } }, "1d07551dc3b240da92032bcdc69fd796": { "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": "" } }, "1eb94330421f4fa2bca65b82bedcbfef": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "208ccbf20b4d4591afa41b7a28588e7e": { "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_269e619c72dd426ead5677f187c8a42b", "max": 1, "min": 0, "orientation": "horizontal", "style": "IPY_MODEL_e43fe266c77e495b9b422ccaeda2c03a", "value": 1 } }, "22fad0230fe24a43bdace165ee70558d": { "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_38c99e6e3f454d5ba33d4464fefa82c4", "max": 7472, "min": 0, "orientation": "horizontal", "style": "IPY_MODEL_63057827544242d9a035c0873bc1d85f", "value": 7472 } }, "249766ef96ac467caf7d529c29af60db": { "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": "" } }, "269e619c72dd426ead5677f187c8a42b": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "29f34d4ed85f45b1bbec6d7f8d1145e6": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "349b946a72ac46298a95db5e4229a381": { "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_a40f275727b54c9aa04b1fc4fff8a4fc", "IPY_MODEL_22fad0230fe24a43bdace165ee70558d", "IPY_MODEL_8efdcd2e9fcc4b8f83a6ed1c39a81b42" ], "layout": "IPY_MODEL_e005090ce2074654b3bf549d7dfa18bd" } }, "37a803b8fec8453e891a2427c328a387": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "38c99e6e3f454d5ba33d4464fefa82c4": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "3e15b8ca59094602b881a91eba591596": { "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_b5c1a43a427145eca43627135e967868", "placeholder": "​", "style": "IPY_MODEL_42737a9271d8445bb259b42b1d2bf77c", "value": " 1/1 [00:00<00:00, 31.43it/s]" } }, "42737a9271d8445bb259b42b1d2bf77c": { "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": "" } }, "485fb67e13f04f8e92dcebf317d95488": { "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": "" } }, "54d97d65052f415c9986ecf8e447b8a3": { "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_067ebf5a471e4546bc631f290411a664", "IPY_MODEL_208ccbf20b4d4591afa41b7a28588e7e", "IPY_MODEL_3e15b8ca59094602b881a91eba591596" ], "layout": "IPY_MODEL_196e0ec8434747279843840fc4c826f0" } }, "63057827544242d9a035c0873bc1d85f": { "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": "" } }, "6385ed14895f414c8eda670301ebead9": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "68e7d3bbc6f8420193c45055c39c333d": { "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_6bfe3ed1a59b4ecfaa566a88e58f5b9f", "IPY_MODEL_be3d90e349d14079874c730f0f273cc1", "IPY_MODEL_80639985213d47dcb3a3681dc98dfeed" ], "layout": "IPY_MODEL_29f34d4ed85f45b1bbec6d7f8d1145e6" } }, "6bfe3ed1a59b4ecfaa566a88e58f5b9f": { "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_37a803b8fec8453e891a2427c328a387", "placeholder": "​", "style": "IPY_MODEL_c052f02649bd40d8a60ea201c41be2f6", "value": "Generating train split: " } }, "71089a885db64054b54e269b4e96c242": { "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_af2258a6b3884cf292819159088442a5", "IPY_MODEL_b7f44b7f635f4cf887c5794533737428", "IPY_MODEL_d397ee73099c45d69c53be2d6048bf9c" ], "layout": "IPY_MODEL_96f1acd888b145149358cbeb771c634c" } }, "77a1067871e4496893946bf485cec8af": { "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": "" } }, "7dae960d1bb54f75914569fbdd45ef6c": { "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": "" } }, "80639985213d47dcb3a3681dc98dfeed": { "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_0246b46f672247dab14d0ddd0c0a25ec", "placeholder": "​", "style": "IPY_MODEL_1d07551dc3b240da92032bcdc69fd796", "value": " 52002/0 [00:00<00:00, 160684.66 examples/s]" } }, "80647814a92d48718aaef5be6d874ced": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "879964fd922048e7a5957b3b2d2e11ad": { "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_af67777d31c14f5680ca1d851ef6be2a", "IPY_MODEL_dedd6fd4d918415ebc0ee78fb053ed6a", "IPY_MODEL_03469a3882de440cb6a8c36b5a4568d6" ], "layout": "IPY_MODEL_80647814a92d48718aaef5be6d874ced" } }, "87b2e58b20094d78a0f46b5c08c563b3": { "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": "" } }, "8efdcd2e9fcc4b8f83a6ed1c39a81b42": { "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_fad3fdc1097244a391cc7d85f11def68", "placeholder": "​", "style": "IPY_MODEL_db26bb3f65bb42a7a5e0b46123f165d6", "value": " 7.47k/7.47k [00:00<00:00, 150kB/s]" } }, "96f1acd888b145149358cbeb771c634c": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "a29d6df7874144f888fa88c52daf6ac9": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "a40f275727b54c9aa04b1fc4fff8a4fc": { "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_f3c42fd1fd2f4bc29bf462890b882bb2", "placeholder": "​", "style": "IPY_MODEL_87b2e58b20094d78a0f46b5c08c563b3", "value": "Downloading readme: 100%" } }, "a9641d5441d24f4c901c86e6d5650c4e": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": "20px" } }, "af2258a6b3884cf292819159088442a5": { "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_e4dc8b48a318447cb8ebd7b20618bcb3", "placeholder": "​", "style": "IPY_MODEL_485fb67e13f04f8e92dcebf317d95488", "value": "Downloading data: 100%" } }, "af67777d31c14f5680ca1d851ef6be2a": { "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_1eb94330421f4fa2bca65b82bedcbfef", "placeholder": "​", "style": "IPY_MODEL_cbea2a9da24f48a59214cee13cc6b153", "value": "Downloading data files: 100%" } }, "b5c1a43a427145eca43627135e967868": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "b7f44b7f635f4cf887c5794533737428": { "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_a29d6df7874144f888fa88c52daf6ac9", "max": 24246638, "min": 0, "orientation": "horizontal", "style": "IPY_MODEL_77a1067871e4496893946bf485cec8af", "value": 24246638 } }, "be3d90e349d14079874c730f0f273cc1": { "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_a9641d5441d24f4c901c86e6d5650c4e", "max": 1, "min": 0, "orientation": "horizontal", "style": "IPY_MODEL_1c295b1b2f374acfb7f2b7ddcfe3b960", "value": 1 } }, "c052f02649bd40d8a60ea201c41be2f6": { "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": "" } }, "c241b2d6899a4a62861d7e839091c2f7": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "c59da8b062a84afebfad5da6ef5a496a": { "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": "" } }, "cbea2a9da24f48a59214cee13cc6b153": { "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": "" } }, "d1c670a45b0f4befaa0e849ec8646a47": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "d397ee73099c45d69c53be2d6048bf9c": { "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_c241b2d6899a4a62861d7e839091c2f7", "placeholder": "​", "style": "IPY_MODEL_249766ef96ac467caf7d529c29af60db", "value": " 24.2M/24.2M [00:00<00:00, 27.7MB/s]" } }, "d7708c22d8a34082b80a14302983159e": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "db26bb3f65bb42a7a5e0b46123f165d6": { "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": "" } }, "dedd6fd4d918415ebc0ee78fb053ed6a": { "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_d1c670a45b0f4befaa0e849ec8646a47", "max": 1, "min": 0, "orientation": "horizontal", "style": "IPY_MODEL_7dae960d1bb54f75914569fbdd45ef6c", "value": 1 } }, "e005090ce2074654b3bf549d7dfa18bd": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "e43fe266c77e495b9b422ccaeda2c03a": { "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": "" } }, "e4dc8b48a318447cb8ebd7b20618bcb3": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "f3c42fd1fd2f4bc29bf462890b882bb2": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "f902ed42a30e476a8d508c50fa9fc602": { "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": "" } }, "fad3fdc1097244a391cc7d85f11def68": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } } } } }, "nbformat": 4, "nbformat_minor": 4 }