diff --git "a/FineTuning.ipynb" "b/FineTuning.ipynb" new file mode 100644--- /dev/null +++ "b/FineTuning.ipynb" @@ -0,0 +1,7255 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [ + { + "ename": "", + "evalue": "", + "output_type": "error", + "traceback": [ + "\u001b[1;31mRunning cells with 'Python 3.12.3' requires the ipykernel package.\n", + "\u001b[1;31mRun the following command to install 'ipykernel' into the Python environment. \n", + "\u001b[1;31mCommand: '/usr/bin/python3 -m pip install ipykernel -U --user --force-reinstall'" + ] + } + ], + "source": [ + "import spacy\n", + "\n", + "# Load the English NLP model\n", + "nlp = spacy.load(\"en_core_web_sm\")\n", + "\n", + "def extract_item_name(sentence):\n", + " doc = nlp(sentence)\n", + " possible_items = []\n", + "\n", + " for chunk in doc.noun_chunks:\n", + " filtered_tokens = [token.text for token in chunk if not (token.pos_ in [\"DET\", \"NUM\"])]\n", + "\n", + " if any(tok.pos_ in [\"NOUN\", \"PROPN\"] for tok in chunk):\n", + " possible_items.append(\" \".join(filtered_tokens))\n", + "\n", + " if possible_items:\n", + " return max(possible_items, key=len)\n", + "\n", + " return None\n", + "\n", + "# Example usage\n", + "sentence = \"Can I get one Chicken Katsu Curry with extra rice?\"\n", + "item_name = extract_item_name(sentence)\n", + "print(f\"Extracted item name: {item_name}\")" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "PnK_4azs5LBd" + }, + "source": [ + "# **1. Installation of Required Libraries**" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "dAq-cgrU5QRJ", + "outputId": "58e436b6-734e-4dd5-85d0-71e559ccaedd" + }, + "outputs": [], + "source": [ + "# %pip install transformers datasets torch scikit-learn -q\n", + "# %pip install transformers[torch] -q\n", + "# %pip install accelerate -U -q" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "Gef1it6r5dbW" + }, + "source": [ + "# **2. Implementation Code**" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "metadata": { + "id": "q7lTlKG55Wmz" + }, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/home/ig-420/Igenerate/Huggingface code/order_bot/env/lib/python3.11/site-packages/tqdm/auto.py:21: TqdmWarning: IProgress not found. Please update jupyter and ipywidgets. See https://ipywidgets.readthedocs.io/en/stable/user_install.html\n", + " from .autonotebook import tqdm as notebook_tqdm\n" + ] + } + ], + "source": [ + "import torch\n", + "from datasets import load_dataset\n", + "from transformers import AutoTokenizer, AutoModelForSequenceClassification, Trainer, TrainingArguments\n", + "from sklearn.metrics import accuracy_score, precision_recall_fscore_support" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "metadata": {}, + "outputs": [], + "source": [ + "import pandas as pd\n", + "from sklearn.model_selection import train_test_split\n", + "import torch\n", + "from torch import nn\n", + "from transformers import AutoTokenizer, AutoModelForSequenceClassification" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": {}, + "outputs": [], + "source": [ + "dataset = pd.read_excel(\"fine_tune_dataset.xlsx\")" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
SentenceOperationItem NameQuantity
0Add 3 bananas to my cart.addbananas3
1Can you put 5 oranges in the cart?addoranges5
2Please remove 1 pack of cookies from the cart.removecookies1
3I need to update the cart with 4 bottles of milk.updatemilk4
4Take 2 bags of chips out of my cart.removechips2
\n", + "
" + ], + "text/plain": [ + " Sentence Operation Item Name \\\n", + "0 Add 3 bananas to my cart. add bananas \n", + "1 Can you put 5 oranges in the cart? add oranges \n", + "2 Please remove 1 pack of cookies from the cart. remove cookies \n", + "3 I need to update the cart with 4 bottles of milk. update milk \n", + "4 Take 2 bags of chips out of my cart. remove chips \n", + "\n", + " Quantity \n", + "0 3 \n", + "1 5 \n", + "2 1 \n", + "3 4 \n", + "4 2 " + ] + }, + "execution_count": 6, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "dataset.head(5)" + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/", + "height": 473, + "referenced_widgets": [ + "f7e274267c304182875fc0dbcc1cfcef", + "01684c31164f4492b071a33a95600d9b", + "e4203bd3c36944f198bc55e0ea24df24", + "46cfc36544844967baae34b374bb1bfd", + "40b56c0545774429a82cfffe5f4feb21", + "3f35a887fb764256ac34b1ecd7fc41ae", + "8172756bc2da40bbb7f81d7a6f36699f", + "a50648375b6343139e5f0532bbebcd85", + "137088c829e646fe98fe513be4e8b840", + "8ef797a2a96f4a63b906439d336d6a13", + "f72d221da4c94bb5acbab5f668c1def9", + "2d3c3c7fd5a54e10adad8fc740768c76", + "6592984fcb4e4897b264b9750447d89b", + "5f8aafce1d524cf6835e8702486705df", + "d51a405a37f141a5936b2ecae706f0bb", + "7109b208774e4790bc768d44d81dc952", + "200a8d340e9147d3a5ec56d7f2279b85", + "4e7bfb95159c4594a427bac9f81f813c", + "4c26af8820e740728402793fceb96892", + "43818e39f86f45aca3dfbcbbf8d2acce", + "eb59f4500e5a4ed482d48291d61d6c7b", + "ee27bd65565c4ace900909819da98ac5", + "467ddd4a13194a658fd89879261e70d9", + "668e77f7fa53426eb5cf697258d7d4e9", + "c638b22b8a5045e68ebc555ed0485953", + "b9491d89851548468a677f3ef066b723", + "5c5134c7e921401e82ff7dfe9465eb59", + "fb73a0334b3442e4b432c2e4c3ecdc4d", + "d065f1a401a34076a84356fdd1c49b62", + "3d90645237084c3abc3ee88a84191d80", + "013327017e9647feac011d0b6c5918b5", + "3cb8b1a5f8494ab3b9d94f3a690dd8f2", + "2f20e49834ea482d917408ca723e392b", + "773e9a6bc8274550a2875d9d4a1ee923", + "a8221960fbdf49f09b158d1cbfa92fee", + "7bfc02fd119a4a13ba9111bbc7febaf9", + "59b89b854b9141f9b660830d748dd8f6", + "dd5fb82a8fb145ebb9b1c3b868fd8233", + "2df8e00e0bd741db81ce6e00ac485315", + "476de363af084df78bebcc1a243e99f8", + "db2bbca4d6f44d07952f0060d209c0b0", + "ce1c6cecc02a4fb5ad5a39b7a86fb7e2", + "b48b1a14e1dd4b50aaf82b6f1a6d558c", + "637e13d37e0f43bfbdbed2b14a64beeb", + "b98e3227e2c64b56a397c768c3349676", + "f0eb7e129da74570aa3dc6c8717d8d77", + "a7a749d8a8944667ab591c57b5bd1e9e", + "eb1da161ba4b4acb9923979d985030e9", + "cf18046c11b14f009809cf9446bd37eb", + "90ba0ad4dfa245d582d3f3c0b3a3865d", + "16d7d3ca596b4eb680087aa191c3d5f5", + "df0f198900f846f68b6a49d7ce53454b", + "5035460a011e4adfa119f7daaff70f9b", + "679af32bfed14b2aa9f75de0e125a70f", + "b1d6ab19ca5e426482eb07109dac3b7a", + "7dc67ce11a104876a4953c35777fc970", + "8b3f0740a9ff4a36a7a0f522a9e99c22", + "aecec7eed1d74577a8af81b3cbcbacf5", + "65b7e6c26327463a840a2015bee75b0c", + "e0e769dd0d5947ecb595d33a2ffb42b7", + "267ffb08a01b4ac3a33c2be0aa78f310", + "632ac505aebe4fd38f21844d51769ff4", + "a7b598eaa2af406c81fdd422d9f979e4", + "f831a270a3194566b3e87e02fbb97805", + "66e5e5db1f0b42dbb164b45362746710", + "17368bab90d6483aa8edef180e9bda5c", + "d38a516454304dc9a72697aea4384ce1", + "6fc322c1c51f4e49baaaed054fb3441c", + "56a08cdf540943ec9ba9396aded1ca60", + "b9e2a7a35af84766aad07e80217d9fea", + "7e57acb8ccbd4a8ea844ee660456dc10", + "274295226886447889e7412e8cf6a0e2", + "0b6c4d686ef34114be0c67db86fdbbb0", + "6fc0f51c09a447e181fe931e669049f5", + "cd686a803cbe4668b28a1926b39d02f2", + "e8227f90587e4f4fb040ff203076e1ae", + "bded9485ff274fd58acf23097ec35ff4", + "896faf4f97634ed3854180435696ec83", + "172de852d4314ef7b8e28503c14adb7a", + "d09b986d19eb47818526d955921d6397", + "4bd9c9e2b08647c5ab8dd20d24d4a62e", + "fde107bc4d4145bfbc5043fd863aba79", + "aa58c2a1ed344de9b03eb80566c7946d", + "b76a52ce4a8244518bb679ab0157b0c8", + "b479b9eb80074106b3cf8c133b011aa6", + "d2bff504b24e4927a5f53dc2850466f8", + "2b970e1001b7426bada2d86a3f7dbcbe", + "b2167f35001748668cec3dae54c2f9f5", + "c352fc0e3bf14ba0b8ede285c8fab6da", + "b3eca17a49cf4d2f92591bd199fd31b0", + "0e54fd3e0c5341efb6ee0ca18df9b5dd", + "aaa1b0f2bde641f6ac8595f2c52b41fb", + "0b7e652b133c474bb307fcb0aa979a8b", + "58a4ce23825d436c96c8b07e5fe91909", + "89a1291e541540278b287aa07836977d", + "e08b2053f5834adfa0b61b7e0dce498c", + "69a401f64a324b0f966430cd69704aed", + "23bedd124d5744478fb0540b21a26cdd", + "0a1368cd16db44c78cc2e30f4d7d3e21", + "eb42ba79a1da42dbaa146123e2c1e939", + "a6b03363441b455cb63bc9e25c3fb1d3", + "1903ba6baf9543c59021b29392e0cf5d", + "0d5638fcc6714dda828d6a39201a8418", + "42ab6de8a8564e09aa34f422a27a9237", + "5b161f26700f486bb3e337b26f2da554", + "e925956d62be47b1848e9d0643a3fe0a", + "e1bdcfaa57ec4755a70f38ee9bdab419", + "c3aeb030519c421a9569c70d82bdd5cb", + "c538fdd170ab490aaec0493a92a844ae", + "b0bff5997437460eb7550d328705da5d", + "9c40d185febe4c4bb4818878a84b2ac7", + "a89778ae3264444d80f18f33dd57508f", + "22ecce50f97d4c5cb8ffaa788c15174c", + "e952424e909749f489813aee23f4cea0", + "e93663416ee24668a870fc5e6100be3e", + "704fe83d3b364de9b2acafab22d905d7", + "c1aca84324e744a1a6d9813c73e316c9", + "88943d24e2444973af7fee4cb83c108d", + "ede9af7988b744afbcde85c9dbcb16b6", + "a9501721caf94fcfa8648d163c6b63d2", + "aacfacc91fc246f59baa8ec965410efd" + ] + }, + "id": "PGoLzOa15u3b", + "outputId": "89654562-f5c9-42f5-86ef-b6db95043edf" + }, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/home/ig-420/Igenerate/Huggingface code/order_bot/env/lib/python3.11/site-packages/transformers/tokenization_utils_base.py:1617: FutureWarning: `clean_up_tokenization_spaces` was not set. It will be set to `True` by default. This behavior will be deprecated in transformers v4.45, and will be then set to `False` by default. For more details check this issue: https://github.com/huggingface/transformers/issues/31884\n", + " warnings.warn(\n" + ] + } + ], + "source": [ + "# dataset = load_dataset(\"imdb\")\n", + "model_name = \"distilbert-base-uncased\"\n", + "tokenizer = AutoTokenizer.from_pretrained(model_name)" + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "metadata": { + "id": "AahEP4v2HtaW" + }, + "outputs": [], + "source": [ + "# device = torch.device(\"cuda\" if torch.cuda.is_available() else \"cpu\")\n", + "device = torch.device(\"mps\" if torch.backends.mps.is_available() else \"cpu\")" + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "device(type='cpu')" + ] + }, + "execution_count": 9, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "device" + ] + }, + { + "cell_type": "code", + "execution_count": 10, + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/", + "height": 113, + "referenced_widgets": [ + "504c5b0df15e429db4aa4b24502df830", + "92efa50f401b4358aaa7c0123bb3d888", + "b65efca5f73d49c88a27423bfaf620e2", + "34b758995227462d986887694b846c26", + "42de283d319740778d9fb1816c9eb345", + "c5e194fcf6bc4f4cb7ac1f441089ff2e", + "078ec68222354cd3a074b22559b6e629", + "da17f10f53434952b3e641ab05970eff", + "afe594b718bc41d298d94b7d0de662db", + "840f6918211141dbb35c7155a47a2f1e", + "d0df2b4085944b57b31c698fa4551264", + "e569e3698f58422a8d4a6d0f7fbe5709", + "1fc0a3c731e54341a88b93d92f46796f", + "10c9e51cf67541959d81040c01715452", + "dc21bd8c6a23484dba4e039ce48e9ab5", + "e8a5e104151a41fd94b8ea981490154b", + "43f1f28576af458ab2d82176ffbafb86", + "59e7c93af8fc4c01b1aa382a1627fb29", + "be45e8df21384663b7f4abed6df00baa", + "ae1bf853bdd14cb7ae2b5b4a449b1853", + "230becb0d6bf451e8909b3720abfea8a", + "c8e208e13f244e66927507d490dfc90a", + "9884c1ce75944357af8fa26020fcaa79", + "7a3f0ee287c24466864fc03ac646956c", + "fe058673d48b4f388700e71de5b99162", + "8defa4b5de83427ca22b9fb91b84fb14", + "df5b8c9af1cf4f74a43a91016936f80c", + "e6e1b11d89074967bd7d4c0449ab1685", + "3fcf0698c174408fb5dacbf392bbf29b", + "75a1f1fda2b849548a4a01f1d8639564", + "76dedbc86d69405b90cd497cedf0089c", + "09304d2544f146b28a48d14511ca20de", + "7f7cef22cec640db839159b2aa20cb45" + ] + }, + "id": "UZs355r-52fp", + "outputId": "3b88332e-0877-4ea5-f834-bcdcd5b42b00" + }, + "outputs": [], + "source": [ + "dataset['tokenized'] = dataset['Sentence'].apply(lambda x: tokenizer(x, padding='max_length', truncation=True, return_tensors=\"pt\"))\n" + ] + }, + { + "cell_type": "code", + "execution_count": 11, + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
SentenceOperationItem NameQuantitytokenized
644What is currently in my shopping cart?viewnonenone[input_ids, attention_mask]
645Please show my cart.viewnonenone[input_ids, attention_mask]
646Can I see the current contents of my cart?viewnonenone[input_ids, attention_mask]
647Could you show me my cart status?viewnonenone[input_ids, attention_mask]
648What are the items in my cart right now?viewnonenone[input_ids, attention_mask]
\n", + "
" + ], + "text/plain": [ + " Sentence Operation Item Name Quantity \\\n", + "644 What is currently in my shopping cart? view none none \n", + "645 Please show my cart. view none none \n", + "646 Can I see the current contents of my cart? view none none \n", + "647 Could you show me my cart status? view none none \n", + "648 What are the items in my cart right now? view none none \n", + "\n", + " tokenized \n", + "644 [input_ids, attention_mask] \n", + "645 [input_ids, attention_mask] \n", + "646 [input_ids, attention_mask] \n", + "647 [input_ids, attention_mask] \n", + "648 [input_ids, attention_mask] " + ] + }, + "execution_count": 11, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "dataset.tail(5)" + ] + }, + { + "cell_type": "code", + "execution_count": 12, + "metadata": {}, + "outputs": [], + "source": [ + "operation_mapping = {'add': 0, 'remove': 1, 'update': 2, 'view': 3}\n", + "dataset['Operation_Label'] = dataset['Operation'].map(operation_mapping)" + ] + }, + { + "cell_type": "code", + "execution_count": 13, + "metadata": { + "id": "dbWw2dD-58Ky" + }, + "outputs": [], + "source": [ + "train_operation_df, test_operation_df = train_test_split(dataset[['Sentence', 'Operation']], test_size=0.2, random_state=42)\n", + "\n", + "train_quantity_df, test_quantity_df = train_test_split(dataset[['Sentence', 'Quantity']], test_size=0.2, random_state=42)\n" + ] + }, + { + "cell_type": "code", + "execution_count": 14, + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "N7caBVWU59i0", + "outputId": "e958a3e8-1c8c-45f5-c24e-0808e5a6e9a8" + }, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Some weights of DistilBertForSequenceClassification were not initialized from the model checkpoint at distilbert-base-uncased and are newly initialized: ['classifier.bias', 'classifier.weight', 'pre_classifier.bias', 'pre_classifier.weight']\n", + "You should probably TRAIN this model on a down-stream task to be able to use it for predictions and inference.\n", + "Some weights of DistilBertForSequenceClassification were not initialized from the model checkpoint at distilbert-base-uncased and are newly initialized: ['classifier.bias', 'classifier.weight', 'pre_classifier.bias', 'pre_classifier.weight']\n", + "You should probably TRAIN this model on a down-stream task to be able to use it for predictions and inference.\n" + ] + }, + { + "data": { + "text/plain": [ + "DistilBertForSequenceClassification(\n", + " (distilbert): DistilBertModel(\n", + " (embeddings): Embeddings(\n", + " (word_embeddings): Embedding(30522, 768, padding_idx=0)\n", + " (position_embeddings): Embedding(512, 768)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-12, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " (transformer): Transformer(\n", + " (layer): ModuleList(\n", + " (0-5): 6 x TransformerBlock(\n", + " (attention): MultiHeadSelfAttention(\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " (q_lin): Linear(in_features=768, out_features=768, bias=True)\n", + " (k_lin): Linear(in_features=768, out_features=768, bias=True)\n", + " (v_lin): Linear(in_features=768, out_features=768, bias=True)\n", + " (out_lin): Linear(in_features=768, out_features=768, bias=True)\n", + " )\n", + " (sa_layer_norm): LayerNorm((768,), eps=1e-12, elementwise_affine=True)\n", + " (ffn): FFN(\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " (lin1): Linear(in_features=768, out_features=3072, bias=True)\n", + " (lin2): Linear(in_features=3072, out_features=768, bias=True)\n", + " (activation): GELUActivation()\n", + " )\n", + " (output_layer_norm): LayerNorm((768,), eps=1e-12, elementwise_affine=True)\n", + " )\n", + " )\n", + " )\n", + " )\n", + " (pre_classifier): Linear(in_features=768, out_features=768, bias=True)\n", + " (classifier): Linear(in_features=768, out_features=20, bias=True)\n", + " (dropout): Dropout(p=0.2, inplace=False)\n", + ")" + ] + }, + "execution_count": 14, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "# Operation classification model (3 labels: add, remove, update)\n", + "operation_model = AutoModelForSequenceClassification.from_pretrained(model_name, num_labels=len(operation_mapping))\n", + "operation_model.to(device)\n", + "\n", + "# Quantity classification model (for simplicity, assuming up to 20 distinct quantities)\n", + "quantity_model = AutoModelForSequenceClassification.from_pretrained(model_name, num_labels=20)\n", + "quantity_model.to(device)" + ] + }, + { + "cell_type": "code", + "execution_count": 15, + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "u6FezLZY6IZz", + "outputId": "70232730-d898-4d4b-c0b5-0742441541f1" + }, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/home/ig-420/Igenerate/Huggingface code/order_bot/env/lib/python3.11/site-packages/transformers/training_args.py:1545: FutureWarning: `evaluation_strategy` is deprecated and will be removed in version 4.46 of πŸ€— Transformers. Use `eval_strategy` instead\n", + " warnings.warn(\n" + ] + } + ], + "source": [ + "from transformers import Trainer, TrainingArguments\n", + "\n", + "# Training arguments\n", + "training_args = TrainingArguments(\n", + " output_dir=\"./results\",\n", + " evaluation_strategy=\"epoch\",\n", + " save_strategy=\"epoch\",\n", + " learning_rate=2e-5,\n", + " per_device_train_batch_size=16,\n", + " per_device_eval_batch_size=16,\n", + " num_train_epochs=10,\n", + " weight_decay=0.01,\n", + " logging_dir='./logs',\n", + " logging_steps=10,\n", + " load_best_model_at_end=True,\n", + " save_total_limit=2,\n", + " save_steps=500,\n", + ")" + ] + }, + { + "cell_type": "code", + "execution_count": 16, + "metadata": {}, + "outputs": [], + "source": [ + "from sklearn.metrics import accuracy_score, precision_recall_fscore_support" + ] + }, + { + "cell_type": "code", + "execution_count": 17, + "metadata": { + "id": "ACVm1fs46JTj" + }, + "outputs": [], + "source": [ + "def compute_metrics(pred):\n", + " labels = pred.label_ids\n", + " preds = pred.predictions.argmax(-1)\n", + " precision, recall, f1, _ = precision_recall_fscore_support(labels, preds, average='weighted')\n", + " acc = accuracy_score(labels, preds)\n", + " return {\n", + " 'accuracy': acc,\n", + " 'f1': f1,\n", + " 'precision': precision,\n", + " 'recall': recall\n", + " }" + ] + }, + { + "cell_type": "code", + "execution_count": 18, + "metadata": {}, + "outputs": [], + "source": [ + "# Define the mapping from operation strings to integer labels\n", + "operation_label_mapping = {\n", + " \"add\": 0,\n", + " \"remove\": 1,\n", + " \"update\": 2,\n", + " \"view\": 3\n", + "}\n", + "\n", + "# Apply the mapping to the dataset\n", + "train_operation_df[\"Operation_Label\"] = train_operation_df[\"Operation\"].map(operation_label_mapping)\n", + "test_operation_df[\"Operation_Label\"] = test_operation_df[\"Operation\"].map(operation_label_mapping)\n" + ] + }, + { + "cell_type": "code", + "execution_count": 19, + "metadata": {}, + "outputs": [], + "source": [ + "class CustomDataset(torch.utils.data.Dataset):\n", + " def __init__(self, df, tokenizer, max_length=128):\n", + " self.df = df\n", + " self.tokenizer = tokenizer\n", + " self.max_length = max_length\n", + "\n", + " def __len__(self):\n", + " return len(self.df)\n", + "\n", + " def __getitem__(self, idx):\n", + " # Ensure the idx is within the correct range\n", + " if torch.is_tensor(idx):\n", + " idx = idx.tolist()\n", + "\n", + " # Fetch the row by index\n", + " sentence = self.df.iloc[idx][\"Sentence\"]\n", + " operation_label = self.df.iloc[idx][\"Operation_Label\"] # Use the integer label now\n", + "\n", + " # Tokenize the sentence\n", + " encoding = self.tokenizer(\n", + " sentence,\n", + " padding=\"max_length\",\n", + " truncation=True,\n", + " max_length=self.max_length,\n", + " return_tensors=\"pt\"\n", + " )\n", + "\n", + " # Create a dictionary with input data and label\n", + " item = {\n", + " \"input_ids\": encoding[\"input_ids\"].squeeze(),\n", + " \"attention_mask\": encoding[\"attention_mask\"].squeeze(),\n", + " \"labels\": torch.tensor(operation_label, dtype=torch.long) # Use the integer label\n", + " }\n", + "\n", + " return item\n" + ] + }, + { + "cell_type": "code", + "execution_count": 20, + "metadata": {}, + "outputs": [], + "source": [ + "train_dataset = CustomDataset(train_operation_df, tokenizer)\n", + "test_dataset = CustomDataset(test_operation_df, tokenizer)" + ] + }, + { + "cell_type": "code", + "execution_count": 21, + "metadata": { + "id": "yT6a4s8f6L5s" + }, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 3%|β–Ž | 10/330 [02:19<1:15:04, 14.08s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'loss': 1.3225, 'grad_norm': 2.9805526733398438, 'learning_rate': 1.9393939393939395e-05, 'epoch': 0.3}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 6%|β–Œ | 20/330 [05:32<1:51:00, 21.49s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'loss': 1.0513, 'grad_norm': 4.0864691734313965, 'learning_rate': 1.8787878787878792e-05, 'epoch': 0.61}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 9%|β–‰ | 30/330 [09:31<2:03:13, 24.65s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'loss': 0.7933, 'grad_norm': 2.4576473236083984, 'learning_rate': 1.8181818181818182e-05, 'epoch': 0.91}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 10%|β–ˆ | 33/330 [10:43<1:54:46, 23.19s/it]/home/ig-420/Igenerate/Huggingface code/order_bot/env/lib/python3.11/site-packages/sklearn/metrics/_classification.py:1531: UndefinedMetricWarning: Precision is ill-defined and being set to 0.0 in labels with no predicted samples. Use `zero_division` parameter to control this behavior.\n", + " _warn_prf(average, modifier, f\"{metric.capitalize()} is\", len(result))\n", + " \n", + " 10%|β–ˆ | 33/330 [12:13<1:54:46, 23.19s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'eval_loss': 0.5467941164970398, 'eval_accuracy': 0.9615384615384616, 'eval_f1': 0.9429468916648404, 'eval_precision': 0.9255437426169133, 'eval_recall': 0.9615384615384616, 'eval_runtime': 89.7219, 'eval_samples_per_second': 1.449, 'eval_steps_per_second': 0.1, 'epoch': 1.0}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 12%|β–ˆβ– | 40/330 [15:38<2:12:24, 27.39s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'loss': 0.4953, 'grad_norm': 2.06632924079895, 'learning_rate': 1.7575757575757576e-05, 'epoch': 1.21}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 15%|β–ˆβ–Œ | 50/330 [20:07<2:02:16, 26.20s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'loss': 0.3063, 'grad_norm': 2.299341917037964, 'learning_rate': 1.6969696969696972e-05, 'epoch': 1.52}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 18%|β–ˆβ–Š | 60/330 [24:52<2:11:44, 29.28s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'loss': 0.2376, 'grad_norm': 1.2459572553634644, 'learning_rate': 1.6363636363636366e-05, 'epoch': 1.82}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 20%|β–ˆβ–ˆ | 66/330 [27:37<1:51:29, 25.34s/it]/home/ig-420/Igenerate/Huggingface code/order_bot/env/lib/python3.11/site-packages/sklearn/metrics/_classification.py:1531: UndefinedMetricWarning: Precision is ill-defined and being set to 0.0 in labels with no predicted samples. Use `zero_division` parameter to control this behavior.\n", + " _warn_prf(average, modifier, f\"{metric.capitalize()} is\", len(result))\n", + " \n", + " 20%|β–ˆβ–ˆ | 66/330 [28:59<1:51:29, 25.34s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'eval_loss': 0.12502779066562653, 'eval_accuracy': 0.9615384615384616, 'eval_f1': 0.9430944642212248, 'eval_precision': 0.9260878010878011, 'eval_recall': 0.9615384615384616, 'eval_runtime': 81.6251, 'eval_samples_per_second': 1.593, 'eval_steps_per_second': 0.11, 'epoch': 2.0}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 21%|β–ˆβ–ˆ | 70/330 [31:09<2:48:27, 38.88s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'loss': 0.1322, 'grad_norm': 0.8425148129463196, 'learning_rate': 1.575757575757576e-05, 'epoch': 2.12}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 24%|β–ˆβ–ˆβ– | 80/330 [36:58<2:26:20, 35.12s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'loss': 0.1026, 'grad_norm': 0.41122281551361084, 'learning_rate': 1.5151515151515153e-05, 'epoch': 2.42}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 27%|β–ˆβ–ˆβ–‹ | 90/330 [43:09<2:28:03, 37.02s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'loss': 0.098, 'grad_norm': 0.6253001093864441, 'learning_rate': 1.4545454545454546e-05, 'epoch': 2.73}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " \n", + " 30%|β–ˆβ–ˆβ–ˆ | 99/330 [50:07<2:02:06, 31.72s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'eval_loss': 0.043199870735406876, 'eval_accuracy': 1.0, 'eval_f1': 1.0, 'eval_precision': 1.0, 'eval_recall': 1.0, 'eval_runtime': 95.933, 'eval_samples_per_second': 1.355, 'eval_steps_per_second': 0.094, 'epoch': 3.0}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 30%|β–ˆβ–ˆβ–ˆ | 100/330 [50:46<4:00:59, 62.87s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'loss': 0.0445, 'grad_norm': 0.29822495579719543, 'learning_rate': 1.3939393939393942e-05, 'epoch': 3.03}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 33%|β–ˆβ–ˆβ–ˆβ–Ž | 110/330 [56:38<2:11:19, 35.81s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'loss': 0.052, 'grad_norm': 0.4001183807849884, 'learning_rate': 1.3333333333333333e-05, 'epoch': 3.33}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 36%|β–ˆβ–ˆβ–ˆβ–‹ | 120/330 [1:02:43<2:05:46, 35.93s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'loss': 0.0348, 'grad_norm': 0.4419863224029541, 'learning_rate': 1.2727272727272728e-05, 'epoch': 3.64}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 39%|β–ˆβ–ˆβ–ˆβ–‰ | 130/330 [1:08:19<1:33:48, 28.14s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'loss': 0.0251, 'grad_norm': 0.19218851625919342, 'learning_rate': 1.2121212121212122e-05, 'epoch': 3.94}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " \n", + " 40%|β–ˆβ–ˆβ–ˆβ–ˆ | 132/330 [1:10:10<1:10:49, 21.46s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'eval_loss': 0.021320123225450516, 'eval_accuracy': 1.0, 'eval_f1': 1.0, 'eval_precision': 1.0, 'eval_recall': 1.0, 'eval_runtime': 79.8184, 'eval_samples_per_second': 1.629, 'eval_steps_per_second': 0.113, 'epoch': 4.0}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 42%|β–ˆβ–ˆβ–ˆβ–ˆβ– | 140/330 [1:14:34<1:49:58, 34.73s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'loss': 0.0218, 'grad_norm': 0.22224731743335724, 'learning_rate': 1.1515151515151517e-05, 'epoch': 4.24}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 45%|β–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 150/330 [1:19:55<1:36:59, 32.33s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'loss': 0.0183, 'grad_norm': 0.13268671929836273, 'learning_rate': 1.0909090909090909e-05, 'epoch': 4.55}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 48%|β–ˆβ–ˆβ–ˆβ–ˆβ–Š | 160/330 [1:25:28<1:37:16, 34.33s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'loss': 0.0215, 'grad_norm': 0.31880587339401245, 'learning_rate': 1.0303030303030304e-05, 'epoch': 4.85}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " \n", + " 50%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 165/330 [1:29:26<1:16:34, 27.85s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'eval_loss': 0.014788868837058544, 'eval_accuracy': 1.0, 'eval_f1': 1.0, 'eval_precision': 1.0, 'eval_recall': 1.0, 'eval_runtime': 90.9313, 'eval_samples_per_second': 1.43, 'eval_steps_per_second': 0.099, 'epoch': 5.0}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 52%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 170/330 [1:32:13<1:41:18, 37.99s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'loss': 0.017, 'grad_norm': 0.13541463017463684, 'learning_rate': 9.696969696969698e-06, 'epoch': 5.15}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 55%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 180/330 [1:36:56<1:09:32, 27.81s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'loss': 0.0169, 'grad_norm': 0.1621672660112381, 'learning_rate': 9.090909090909091e-06, 'epoch': 5.45}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 58%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 190/330 [1:40:21<36:13, 15.52s/it] " + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'loss': 0.014, 'grad_norm': 0.14637792110443115, 'learning_rate': 8.484848484848486e-06, 'epoch': 5.76}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " \n", + " 60%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 198/330 [1:42:24<23:06, 10.50s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'eval_loss': 0.011460181325674057, 'eval_accuracy': 1.0, 'eval_f1': 1.0, 'eval_precision': 1.0, 'eval_recall': 1.0, 'eval_runtime': 31.4431, 'eval_samples_per_second': 4.134, 'eval_steps_per_second': 0.286, 'epoch': 6.0}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 61%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 200/330 [1:42:50<39:28, 18.22s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'loss': 0.0132, 'grad_norm': 0.10319694131612778, 'learning_rate': 7.87878787878788e-06, 'epoch': 6.06}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 64%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 210/330 [1:44:51<24:16, 12.14s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'loss': 0.0129, 'grad_norm': 0.10596788674592972, 'learning_rate': 7.272727272727273e-06, 'epoch': 6.36}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 67%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 220/330 [1:46:47<21:00, 11.46s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'loss': 0.011, 'grad_norm': 0.12001296132802963, 'learning_rate': 6.666666666666667e-06, 'epoch': 6.67}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 70%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 230/330 [1:48:51<22:18, 13.38s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'loss': 0.0121, 'grad_norm': 0.10757642239332199, 'learning_rate': 6.060606060606061e-06, 'epoch': 6.97}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " \n", + " 70%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 231/330 [1:49:36<18:41, 11.33s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'eval_loss': 0.009662242606282234, 'eval_accuracy': 1.0, 'eval_f1': 1.0, 'eval_precision': 1.0, 'eval_recall': 1.0, 'eval_runtime': 39.1105, 'eval_samples_per_second': 3.324, 'eval_steps_per_second': 0.23, 'epoch': 7.0}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 73%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 240/330 [1:53:02<35:02, 23.36s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'loss': 0.0101, 'grad_norm': 0.09926773607730865, 'learning_rate': 5.4545454545454545e-06, 'epoch': 7.27}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 76%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 250/330 [1:57:05<33:26, 25.08s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'loss': 0.011, 'grad_norm': 0.10965198278427124, 'learning_rate': 4.848484848484849e-06, 'epoch': 7.58}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 79%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 260/330 [2:01:03<27:29, 23.56s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'loss': 0.0097, 'grad_norm': 0.08987733721733093, 'learning_rate': 4.242424242424243e-06, 'epoch': 7.88}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " \n", + " 80%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 264/330 [2:03:38<22:23, 20.36s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'eval_loss': 0.008583517745137215, 'eval_accuracy': 1.0, 'eval_f1': 1.0, 'eval_precision': 1.0, 'eval_recall': 1.0, 'eval_runtime': 69.4495, 'eval_samples_per_second': 1.872, 'eval_steps_per_second': 0.13, 'epoch': 8.0}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 82%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 270/330 [2:06:20<29:51, 29.87s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'loss': 0.0102, 'grad_norm': 0.09556414186954498, 'learning_rate': 3.6363636363636366e-06, 'epoch': 8.18}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 85%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 280/330 [2:10:44<21:35, 25.92s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'loss': 0.0084, 'grad_norm': 0.08381212502717972, 'learning_rate': 3.0303030303030305e-06, 'epoch': 8.48}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 88%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 290/330 [2:15:09<17:20, 26.01s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'loss': 0.0111, 'grad_norm': 0.08179686218500137, 'learning_rate': 2.4242424242424244e-06, 'epoch': 8.79}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " \n", + " 90%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 297/330 [2:19:24<12:11, 22.17s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'eval_loss': 0.008067782036960125, 'eval_accuracy': 1.0, 'eval_f1': 1.0, 'eval_precision': 1.0, 'eval_recall': 1.0, 'eval_runtime': 84.4345, 'eval_samples_per_second': 1.54, 'eval_steps_per_second': 0.107, 'epoch': 9.0}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 91%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 300/330 [2:20:29<17:05, 34.18s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'loss': 0.0086, 'grad_norm': 0.08502928912639618, 'learning_rate': 1.8181818181818183e-06, 'epoch': 9.09}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 94%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–| 310/330 [2:22:41<04:38, 13.92s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'loss': 0.0089, 'grad_norm': 0.0942268893122673, 'learning_rate': 1.2121212121212122e-06, 'epoch': 9.39}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 97%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹| 320/330 [2:24:47<01:56, 11.62s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'loss': 0.0097, 'grad_norm': 0.08703630417585373, 'learning_rate': 6.060606060606061e-07, 'epoch': 9.7}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "100%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ| 330/330 [2:26:28<00:00, 8.78s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'loss': 0.0092, 'grad_norm': 0.07591152936220169, 'learning_rate': 0.0, 'epoch': 10.0}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " \n", + "100%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ| 330/330 [2:26:54<00:00, 8.78s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'eval_loss': 0.007898399606347084, 'eval_accuracy': 1.0, 'eval_f1': 1.0, 'eval_precision': 1.0, 'eval_recall': 1.0, 'eval_runtime': 24.8792, 'eval_samples_per_second': 5.225, 'eval_steps_per_second': 0.362, 'epoch': 10.0}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "100%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ| 330/330 [2:26:57<00:00, 26.72s/it]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'train_runtime': 8817.7112, 'train_samples_per_second': 0.589, 'train_steps_per_second': 0.037, 'train_loss': 0.15002734196005446, 'epoch': 10.0}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "100%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ| 9/9 [00:21<00:00, 2.40s/it]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Evaluation Results: {'eval_loss': 0.007898399606347084, 'eval_accuracy': 1.0, 'eval_f1': 1.0, 'eval_precision': 1.0, 'eval_recall': 1.0, 'eval_runtime': 24.4138, 'eval_samples_per_second': 5.325, 'eval_steps_per_second': 0.369, 'epoch': 10.0}\n" + ] + }, + { + "data": { + "text/plain": [ + "('./fine-tuned-operation-model/tokenizer_config.json',\n", + " './fine-tuned-operation-model/special_tokens_map.json',\n", + " './fine-tuned-operation-model/vocab.txt',\n", + " './fine-tuned-operation-model/added_tokens.json',\n", + " './fine-tuned-operation-model/tokenizer.json')" + ] + }, + "execution_count": 21, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "operation_trainer = Trainer(\n", + " model=operation_model,\n", + " args=training_args,\n", + " train_dataset=train_dataset,\n", + " eval_dataset=test_dataset,\n", + " compute_metrics=compute_metrics\n", + ")\n", + "\n", + "# Train the model\n", + "operation_trainer.train()\n", + "\n", + "# Evaluate the model\n", + "eval_results = operation_trainer.evaluate()\n", + "print(f\"Evaluation Results: {eval_results}\")\n", + "\n", + "# Save the model\n", + "operation_model.save_pretrained(\"./fine-tuned-operation-model\")\n", + "tokenizer.save_pretrained(\"./fine-tuned-operation-model\")" + ] + }, + { + "cell_type": "code", + "execution_count": 22, + "metadata": {}, + "outputs": [], + "source": [ + "import torch\n", + "from torch.utils.data import Dataset\n", + "\n", + "class QuantityDataset(Dataset):\n", + " def __init__(self, df, tokenizer, max_length=128):\n", + " self.df = df\n", + " self.tokenizer = tokenizer\n", + " self.max_length = max_length\n", + "\n", + " def __len__(self):\n", + " return len(self.df)\n", + "\n", + " def __getitem__(self, idx):\n", + " # Ensure the idx is within the correct range\n", + " if torch.is_tensor(idx):\n", + " idx = idx.tolist()\n", + "\n", + " # Fetch the row by index\n", + " sentence = self.df.iloc[idx][\"Sentence\"]\n", + " quantity_label = self.df.iloc[idx][\"Quantity\"] # Use the integer label now\n", + "\n", + " # Tokenize the sentence\n", + " encoding = self.tokenizer(\n", + " sentence,\n", + " padding=\"max_length\",\n", + " truncation=True,\n", + " max_length=self.max_length,\n", + " return_tensors=\"pt\"\n", + " )\n", + "\n", + " # Create a dictionary with input data and label\n", + " item = {\n", + " \"input_ids\": encoding[\"input_ids\"].squeeze(),\n", + " \"attention_mask\": encoding[\"attention_mask\"].squeeze(),\n", + " \"labels\": torch.tensor(quantity_label, dtype=torch.long) # Use the integer label\n", + " }\n", + "\n", + " return item\n" + ] + }, + { + "cell_type": "code", + "execution_count": 23, + "metadata": {}, + "outputs": [], + "source": [ + "# Replace NaN in 'quantity' column with 0\n", + "train_quantity_df['Quantity'] = pd.to_numeric(train_quantity_df['Quantity'], errors='coerce').fillna(0)\n", + "test_quantity_df['Quantity'] = pd.to_numeric(test_quantity_df['Quantity'], errors='coerce').fillna(0)\n", + "\n", + "# train_quantity_df[\"Quantity\"] = train_quantity_df['Quantity'].fillna(0)\n", + "# test_quantity_df[\"Quantity\"] = test_quantity_df['Quantity'].fillna(0)" + ] + }, + { + "cell_type": "code", + "execution_count": 24, + "metadata": {}, + "outputs": [], + "source": [ + "train_quantity_df[\"Quantity\"] = train_quantity_df[\"Quantity\"].astype(int)\n", + "test_quantity_df[\"Quantity\"] = test_quantity_df[\"Quantity\"].astype(int)\n", + "\n", + "# Create a CustomDataset for the quantity model\n", + "train_quantity_dataset = QuantityDataset(train_quantity_df, tokenizer)\n", + "test_quantity_dataset = QuantityDataset(test_quantity_df, tokenizer)" + ] + }, + { + "cell_type": "code", + "execution_count": 25, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 3%|β–Ž | 10/330 [01:41<51:54, 9.73s/it] " + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'loss': 2.9295, 'grad_norm': 3.623546600341797, 'learning_rate': 1.9393939393939395e-05, 'epoch': 0.3}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 6%|β–Œ | 20/330 [03:47<1:04:11, 12.43s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'loss': 2.7411, 'grad_norm': 3.69571852684021, 'learning_rate': 1.8787878787878792e-05, 'epoch': 0.61}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 9%|β–‰ | 30/330 [06:17<1:12:06, 14.42s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'loss': 2.6183, 'grad_norm': 3.1961872577667236, 'learning_rate': 1.8181818181818182e-05, 'epoch': 0.91}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 10%|β–ˆ | 33/330 [06:43<50:47, 10.26s/it] /home/ig-420/Igenerate/Huggingface code/order_bot/env/lib/python3.11/site-packages/sklearn/metrics/_classification.py:1531: UndefinedMetricWarning: Precision is ill-defined and being set to 0.0 in labels with no predicted samples. Use `zero_division` parameter to control this behavior.\n", + " _warn_prf(average, modifier, f\"{metric.capitalize()} is\", len(result))\n", + "\n", + " 10%|β–ˆ | 33/330 [07:23<50:47, 10.26s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'eval_loss': 2.5352845191955566, 'eval_accuracy': 0.16153846153846155, 'eval_f1': 0.04493122771268466, 'eval_precision': 0.026094674556213022, 'eval_recall': 0.16153846153846155, 'eval_runtime': 39.9116, 'eval_samples_per_second': 3.257, 'eval_steps_per_second': 0.225, 'epoch': 1.0}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 12%|β–ˆβ– | 40/330 [09:24<1:27:07, 18.03s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'loss': 2.5101, 'grad_norm': 3.4881746768951416, 'learning_rate': 1.7575757575757576e-05, 'epoch': 1.21}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 15%|β–ˆβ–Œ | 50/330 [12:02<1:18:11, 16.76s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'loss': 2.4296, 'grad_norm': 3.767667770385742, 'learning_rate': 1.6969696969696972e-05, 'epoch': 1.52}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 18%|β–ˆβ–Š | 60/330 [14:09<56:55, 12.65s/it] " + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'loss': 2.3016, 'grad_norm': 3.896134376525879, 'learning_rate': 1.6363636363636366e-05, 'epoch': 1.82}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 20%|β–ˆβ–ˆ | 66/330 [15:19<46:31, 10.57s/it]/home/ig-420/Igenerate/Huggingface code/order_bot/env/lib/python3.11/site-packages/sklearn/metrics/_classification.py:1531: UndefinedMetricWarning: Precision is ill-defined and being set to 0.0 in labels with no predicted samples. Use `zero_division` parameter to control this behavior.\n", + " _warn_prf(average, modifier, f\"{metric.capitalize()} is\", len(result))\n", + "\n", + " 20%|β–ˆβ–ˆ | 66/330 [15:57<46:31, 10.57s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'eval_loss': 2.022275447845459, 'eval_accuracy': 0.7538461538461538, 'eval_f1': 0.6758809376557094, 'eval_precision': 0.6825497412803915, 'eval_recall': 0.7538461538461538, 'eval_runtime': 37.7538, 'eval_samples_per_second': 3.443, 'eval_steps_per_second': 0.238, 'epoch': 2.0}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 21%|β–ˆβ–ˆ | 70/330 [16:47<1:05:01, 15.01s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'loss': 2.0848, 'grad_norm': 3.96289324760437, 'learning_rate': 1.575757575757576e-05, 'epoch': 2.12}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 24%|β–ˆβ–ˆβ– | 80/330 [18:18<38:32, 9.25s/it] " + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'loss': 1.8483, 'grad_norm': 4.099489212036133, 'learning_rate': 1.5151515151515153e-05, 'epoch': 2.42}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 27%|β–ˆβ–ˆβ–‹ | 90/330 [19:47<35:48, 8.95s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'loss': 1.6186, 'grad_norm': 3.6174874305725098, 'learning_rate': 1.4545454545454546e-05, 'epoch': 2.73}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 30%|β–ˆβ–ˆβ–ˆ | 99/330 [21:03<28:52, 7.50s/it]/home/ig-420/Igenerate/Huggingface code/order_bot/env/lib/python3.11/site-packages/sklearn/metrics/_classification.py:1531: UndefinedMetricWarning: Precision is ill-defined and being set to 0.0 in labels with no predicted samples. Use `zero_division` parameter to control this behavior.\n", + " _warn_prf(average, modifier, f\"{metric.capitalize()} is\", len(result))\n", + "\n", + " 30%|β–ˆβ–ˆβ–ˆ | 99/330 [21:27<28:52, 7.50s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'eval_loss': 1.1958974599838257, 'eval_accuracy': 0.9, 'eval_f1': 0.8644405594405594, 'eval_precision': 0.864920976459438, 'eval_recall': 0.9, 'eval_runtime': 23.2626, 'eval_samples_per_second': 5.588, 'eval_steps_per_second': 0.387, 'epoch': 3.0}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 30%|β–ˆβ–ˆβ–ˆ | 100/330 [21:37<58:28, 15.25s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'loss': 1.4045, 'grad_norm': 3.234818696975708, 'learning_rate': 1.3939393939393942e-05, 'epoch': 3.03}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 33%|β–ˆβ–ˆβ–ˆβ–Ž | 110/330 [23:25<36:25, 9.94s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'loss': 1.1426, 'grad_norm': 3.4251556396484375, 'learning_rate': 1.3333333333333333e-05, 'epoch': 3.33}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 36%|β–ˆβ–ˆβ–ˆβ–‹ | 120/330 [24:56<34:09, 9.76s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'loss': 1.071, 'grad_norm': 3.120529890060425, 'learning_rate': 1.2727272727272728e-05, 'epoch': 3.64}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 39%|β–ˆβ–ˆβ–ˆβ–‰ | 130/330 [27:13<44:59, 13.50s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'loss': 0.9142, 'grad_norm': 2.7460267543792725, 'learning_rate': 1.2121212121212122e-05, 'epoch': 3.94}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 40%|β–ˆβ–ˆβ–ˆβ–ˆ | 132/330 [27:32<37:37, 11.40s/it]/home/ig-420/Igenerate/Huggingface code/order_bot/env/lib/python3.11/site-packages/sklearn/metrics/_classification.py:1531: UndefinedMetricWarning: Precision is ill-defined and being set to 0.0 in labels with no predicted samples. Use `zero_division` parameter to control this behavior.\n", + " _warn_prf(average, modifier, f\"{metric.capitalize()} is\", len(result))\n", + "\n", + " 40%|β–ˆβ–ˆβ–ˆβ–ˆ | 132/330 [28:12<37:37, 11.40s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'eval_loss': 0.724678099155426, 'eval_accuracy': 0.9461538461538461, 'eval_f1': 0.9320176899124267, 'eval_precision': 0.9390220306009779, 'eval_recall': 0.9461538461538461, 'eval_runtime': 40.0706, 'eval_samples_per_second': 3.244, 'eval_steps_per_second': 0.225, 'epoch': 4.0}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 42%|β–ˆβ–ˆβ–ˆβ–ˆβ– | 140/330 [30:17<49:37, 15.67s/it] " + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'loss': 0.8155, 'grad_norm': 3.3547778129577637, 'learning_rate': 1.1515151515151517e-05, 'epoch': 4.24}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 45%|β–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 150/330 [33:00<49:20, 16.45s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'loss': 0.7016, 'grad_norm': 2.3194897174835205, 'learning_rate': 1.0909090909090909e-05, 'epoch': 4.55}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 48%|β–ˆβ–ˆβ–ˆβ–ˆβ–Š | 160/330 [35:39<45:30, 16.06s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'loss': 0.5749, 'grad_norm': 2.30808687210083, 'learning_rate': 1.0303030303030304e-05, 'epoch': 4.85}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 50%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 165/330 [36:50<36:54, 13.42s/it]/home/ig-420/Igenerate/Huggingface code/order_bot/env/lib/python3.11/site-packages/sklearn/metrics/_classification.py:1531: UndefinedMetricWarning: Precision is ill-defined and being set to 0.0 in labels with no predicted samples. Use `zero_division` parameter to control this behavior.\n", + " _warn_prf(average, modifier, f\"{metric.capitalize()} is\", len(result))\n", + "\n", + " 50%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 165/330 [37:30<36:54, 13.42s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'eval_loss': 0.46791934967041016, 'eval_accuracy': 0.9769230769230769, 'eval_f1': 0.9695848595848596, 'eval_precision': 0.9638571954361429, 'eval_recall': 0.9769230769230769, 'eval_runtime': 39.9977, 'eval_samples_per_second': 3.25, 'eval_steps_per_second': 0.225, 'epoch': 5.0}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 52%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 170/330 [38:45<46:11, 17.32s/it] " + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'loss': 0.5659, 'grad_norm': 2.5183117389678955, 'learning_rate': 9.696969696969698e-06, 'epoch': 5.15}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 55%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 180/330 [42:07<52:03, 20.83s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'loss': 0.4952, 'grad_norm': 2.0987327098846436, 'learning_rate': 9.090909090909091e-06, 'epoch': 5.45}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 58%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 190/330 [45:08<38:43, 16.60s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'loss': 0.464, 'grad_norm': 1.7576655149459839, 'learning_rate': 8.484848484848486e-06, 'epoch': 5.76}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 60%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 198/330 [47:34<36:21, 16.52s/it]\n", + " 60%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 198/330 [48:24<36:21, 16.52s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'eval_loss': 0.3288252353668213, 'eval_accuracy': 0.9923076923076923, 'eval_f1': 0.9922344322344322, 'eval_precision': 0.993006993006993, 'eval_recall': 0.9923076923076923, 'eval_runtime': 50.5178, 'eval_samples_per_second': 2.573, 'eval_steps_per_second': 0.178, 'epoch': 6.0}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 61%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 200/330 [49:10<1:05:58, 30.45s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'loss': 0.4007, 'grad_norm': 1.777916669845581, 'learning_rate': 7.87878787878788e-06, 'epoch': 6.06}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 64%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 210/330 [52:02<34:34, 17.29s/it] " + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'loss': 0.3738, 'grad_norm': 1.672868251800537, 'learning_rate': 7.272727272727273e-06, 'epoch': 6.36}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 67%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 220/330 [54:57<33:06, 18.06s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'loss': 0.3339, 'grad_norm': 1.8212429285049438, 'learning_rate': 6.666666666666667e-06, 'epoch': 6.67}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 70%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 230/330 [57:32<24:28, 14.69s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'loss': 0.3164, 'grad_norm': 1.6466906070709229, 'learning_rate': 6.060606060606061e-06, 'epoch': 6.97}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 70%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 231/330 [57:39<20:39, 12.52s/it]\n", + " 70%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 231/330 [58:18<20:39, 12.52s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'eval_loss': 0.2524698078632355, 'eval_accuracy': 1.0, 'eval_f1': 1.0, 'eval_precision': 1.0, 'eval_recall': 1.0, 'eval_runtime': 39.1902, 'eval_samples_per_second': 3.317, 'eval_steps_per_second': 0.23, 'epoch': 7.0}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 73%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 240/330 [1:01:00<28:14, 18.83s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'loss': 0.314, 'grad_norm': 1.2753565311431885, 'learning_rate': 5.4545454545454545e-06, 'epoch': 7.27}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 76%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 250/330 [1:03:48<23:05, 17.32s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'loss': 0.2747, 'grad_norm': 1.2842819690704346, 'learning_rate': 4.848484848484849e-06, 'epoch': 7.58}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 79%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 260/330 [1:06:34<19:31, 16.74s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'loss': 0.2593, 'grad_norm': 1.2315500974655151, 'learning_rate': 4.242424242424243e-06, 'epoch': 7.88}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 80%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 264/330 [1:07:35<16:07, 14.66s/it]\n", + " 80%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 264/330 [1:08:20<16:07, 14.66s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'eval_loss': 0.20570391416549683, 'eval_accuracy': 1.0, 'eval_f1': 1.0, 'eval_precision': 1.0, 'eval_recall': 1.0, 'eval_runtime': 44.7212, 'eval_samples_per_second': 2.907, 'eval_steps_per_second': 0.201, 'epoch': 8.0}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 82%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 270/330 [1:10:02<18:52, 18.88s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'loss': 0.2295, 'grad_norm': 1.2762770652770996, 'learning_rate': 3.6363636363636366e-06, 'epoch': 8.18}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 85%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 280/330 [1:12:19<09:35, 11.50s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'loss': 0.2501, 'grad_norm': 1.7389901876449585, 'learning_rate': 3.0303030303030305e-06, 'epoch': 8.48}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 88%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 290/330 [1:14:18<07:50, 11.77s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'loss': 0.2288, 'grad_norm': 1.2991100549697876, 'learning_rate': 2.4242424242424244e-06, 'epoch': 8.79}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 90%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 297/330 [1:15:50<06:16, 11.42s/it]\n", + " 90%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 297/330 [1:16:33<06:16, 11.42s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'eval_loss': 0.18122541904449463, 'eval_accuracy': 1.0, 'eval_f1': 1.0, 'eval_precision': 1.0, 'eval_recall': 1.0, 'eval_runtime': 43.2859, 'eval_samples_per_second': 3.003, 'eval_steps_per_second': 0.208, 'epoch': 9.0}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 91%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 300/330 [1:17:23<10:40, 21.34s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'loss': 0.2134, 'grad_norm': 1.2514674663543701, 'learning_rate': 1.8181818181818183e-06, 'epoch': 9.09}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 94%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–| 310/330 [1:20:04<05:09, 15.49s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'loss': 0.2234, 'grad_norm': 1.5625360012054443, 'learning_rate': 1.2121212121212122e-06, 'epoch': 9.39}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 97%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹| 320/330 [1:22:57<02:54, 17.45s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'loss': 0.2101, 'grad_norm': 1.0155290365219116, 'learning_rate': 6.060606060606061e-07, 'epoch': 9.7}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "100%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ| 330/330 [1:25:26<00:00, 13.85s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'loss': 0.2211, 'grad_norm': 1.2600934505462646, 'learning_rate': 0.0, 'epoch': 10.0}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "\n", + "100%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ| 330/330 [1:26:13<00:00, 13.85s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'eval_loss': 0.17457057535648346, 'eval_accuracy': 1.0, 'eval_f1': 1.0, 'eval_precision': 1.0, 'eval_recall': 1.0, 'eval_runtime': 43.9486, 'eval_samples_per_second': 2.958, 'eval_steps_per_second': 0.205, 'epoch': 10.0}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "100%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ| 330/330 [1:26:17<00:00, 15.69s/it]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'train_runtime': 5177.7572, 'train_samples_per_second': 1.002, 'train_steps_per_second': 0.064, 'train_loss': 1.0024475039857808, 'epoch': 10.0}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "100%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ| 9/9 [00:34<00:00, 3.79s/it]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Evaluation Results for Quantity Model: {'eval_loss': 0.17457057535648346, 'eval_accuracy': 1.0, 'eval_f1': 1.0, 'eval_precision': 1.0, 'eval_recall': 1.0, 'eval_runtime': 38.991, 'eval_samples_per_second': 3.334, 'eval_steps_per_second': 0.231, 'epoch': 10.0}\n" + ] + }, + { + "data": { + "text/plain": [ + "('./fine-tuned-quantity-model/tokenizer_config.json',\n", + " './fine-tuned-quantity-model/special_tokens_map.json',\n", + " './fine-tuned-quantity-model/vocab.txt',\n", + " './fine-tuned-quantity-model/added_tokens.json',\n", + " './fine-tuned-quantity-model/tokenizer.json')" + ] + }, + "execution_count": 25, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "quantity_trainer = Trainer(\n", + " model=quantity_model, # The model for quantities (numeric prediction)\n", + " args=training_args,\n", + " train_dataset=train_quantity_dataset, # Training dataset for quantity\n", + " eval_dataset=test_quantity_dataset, # Evaluation dataset for quantity\n", + " compute_metrics=compute_metrics\n", + ")\n", + "\n", + "# Train the quantity model\n", + "quantity_trainer.train()\n", + "\n", + "# Evaluate the quantity model on the test dataset\n", + "eval_results_quantity = quantity_trainer.evaluate(eval_dataset=test_quantity_dataset)\n", + "print(f\"Evaluation Results for Quantity Model: {eval_results_quantity}\")\n", + "\n", + "# Save the trained quantity model and tokenizer\n", + "quantity_model.save_pretrained(\"./fine-tuned-quantity-model\")\n", + "tokenizer.save_pretrained(\"./fine-tuned-quantity-model\")" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "m8KqgPo3Dhta" + }, + "source": [ + "# **3. Using the Model for Prediction**\n" + ] + }, + { + "cell_type": "code", + "execution_count": 26, + "metadata": {}, + "outputs": [], + "source": [ + "import spacy\n", + "from transformers import AutoTokenizer, AutoModelForSequenceClassification\n", + "\n", + "nlp = spacy.load(\"en_core_web_sm\")" + ] + }, + { + "cell_type": "code", + "execution_count": 27, + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "xPJuvRerDyq3", + "outputId": "87f5572c-97e4-4b6a-f07d-f43342f90ba7" + }, + "outputs": [ + { + "data": { + "text/plain": [ + "DistilBertForSequenceClassification(\n", + " (distilbert): DistilBertModel(\n", + " (embeddings): Embeddings(\n", + " (word_embeddings): Embedding(30522, 768, padding_idx=0)\n", + " (position_embeddings): Embedding(512, 768)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-12, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " (transformer): Transformer(\n", + " (layer): ModuleList(\n", + " (0-5): 6 x TransformerBlock(\n", + " (attention): MultiHeadSelfAttention(\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " (q_lin): Linear(in_features=768, out_features=768, bias=True)\n", + " (k_lin): Linear(in_features=768, out_features=768, bias=True)\n", + " (v_lin): Linear(in_features=768, out_features=768, bias=True)\n", + " (out_lin): Linear(in_features=768, out_features=768, bias=True)\n", + " )\n", + " (sa_layer_norm): LayerNorm((768,), eps=1e-12, elementwise_affine=True)\n", + " (ffn): FFN(\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " (lin1): Linear(in_features=768, out_features=3072, bias=True)\n", + " (lin2): Linear(in_features=3072, out_features=768, bias=True)\n", + " (activation): GELUActivation()\n", + " )\n", + " (output_layer_norm): LayerNorm((768,), eps=1e-12, elementwise_affine=True)\n", + " )\n", + " )\n", + " )\n", + " )\n", + " (pre_classifier): Linear(in_features=768, out_features=768, bias=True)\n", + " (classifier): Linear(in_features=768, out_features=20, bias=True)\n", + " (dropout): Dropout(p=0.2, inplace=False)\n", + ")" + ] + }, + "execution_count": 27, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "operation_model_name = \"./fine-tuned-operation-model\"\n", + "quantity_model_name = \"./fine-tuned-quantity-model\"\n", + "\n", + "operation_tokenizer = AutoTokenizer.from_pretrained(operation_model_name)\n", + "quantity_tokenizer = AutoTokenizer.from_pretrained(quantity_model_name)\n", + "\n", + "operation_model = AutoModelForSequenceClassification.from_pretrained(operation_model_name)\n", + "quantity_model = AutoModelForSequenceClassification.from_pretrained(quantity_model_name)\n", + "\n", + "device = torch.device(\"cuda\" if torch.cuda.is_available() else \"cpu\")\n", + "operation_model.to(device)\n", + "quantity_model.to(device)" + ] + }, + { + "cell_type": "code", + "execution_count": 28, + "metadata": { + "id": "PvzjdLk0Dm1W" + }, + "outputs": [], + "source": [ + "def predict_operation(sentence):\n", + " inputs = operation_tokenizer(sentence, padding=True, truncation=True, return_tensors=\"pt\").to(device)\n", + " with torch.no_grad():\n", + " outputs = operation_model(**inputs)\n", + " logits = outputs.logits\n", + " predictions = torch.softmax(logits, dim=-1)\n", + " predicted_label = torch.argmax(predictions, dim=-1).item()\n", + " operation = \"Add\" if predicted_label == 0 else \"Remove\" # Adjust based on your label encoding\n", + " return operation, predictions[0].cpu().numpy()\n", + "\n", + "def predict_quantity(sentence):\n", + " inputs = quantity_tokenizer(sentence, padding=True, truncation=True, return_tensors=\"pt\").to(device)\n", + " with torch.no_grad():\n", + " outputs = quantity_model(**inputs)\n", + " logits = outputs.logits\n", + " predictions = torch.softmax(logits, dim=-1)\n", + " predicted_quantity = torch.argmax(predictions, dim=-1).item()\n", + " return predicted_quantity, predictions[0].cpu().numpy()\n", + "\n", + "def extract_item_name(sentence):\n", + " doc = nlp(sentence)\n", + " noun_chunks = [chunk.text for chunk in doc.noun_chunks]\n", + " for chunk in noun_chunks:\n", + " if any(tok.pos_ == \"NOUN\" for tok in nlp(chunk).doc):\n", + " return chunk\n", + "\n", + " return None" + ] + }, + { + "cell_type": "code", + "execution_count": 29, + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "BjgV2dU1DsMk", + "outputId": "5651b853-9c6a-4ca9-a289-8cc154416d00" + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Sentence: Add soups to my cart.\n", + "Predicted Operation: Add\n", + "Operation Probabilities: [0.9962047 0.00111221 0.00120974 0.00147345]\n", + "Predicted Quantity: 1\n", + "Quantity Probabilities: [0.07971817 0.2707245 0.1223022 0.11824853 0.03780839 0.09126952\n", + " 0.06610113 0.05348995 0.03518798 0.02410132 0.02650298 0.00751828\n", + " 0.01491447 0.00636614 0.00600904 0.00775851 0.00745718 0.00924029\n", + " 0.00832553 0.00695582]\n", + "Item Name -----> soups\n" + ] + } + ], + "source": [ + "sentence = \"Add soups to my cart.\"\n", + "\n", + "# Predict operation and quantity\n", + "operation, operation_probs = predict_operation(sentence)\n", + "quantity, quantity_probs = predict_quantity(sentence)\n", + "\n", + "print(f\"Sentence: {sentence}\")\n", + "print(f\"Predicted Operation: {operation}\")\n", + "print(f\"Operation Probabilities: {operation_probs}\")\n", + "\n", + "print(f\"Predicted Quantity: {quantity}\")\n", + "print(f\"Quantity Probabilities: {quantity_probs}\")\n", + "\n", + "print(f\"Item Name -----> {extract_item_name(sentence=sentence)}\")" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "id": "0vTikcxxEBAt" + }, + "outputs": [], + "source": [] + } + ], + "metadata": { + "accelerator": "GPU", + "colab": { + "collapsed_sections": [ + "PnK_4azs5LBd" + ], + "gpuType": "T4", + "provenance": [] + }, + "kernelspec": { + "display_name": "Python 3", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.12.3" + }, + "widgets": { + "application/vnd.jupyter.widget-state+json": { + "013327017e9647feac011d0b6c5918b5": { + "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": "" + } + }, + "01684c31164f4492b071a33a95600d9b": { + "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_3f35a887fb764256ac34b1ecd7fc41ae", + "placeholder": "​", + "style": "IPY_MODEL_8172756bc2da40bbb7f81d7a6f36699f", + "value": "Downloading readme: 100%" + } + }, + "078ec68222354cd3a074b22559b6e629": { + "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": "" + } + }, + "09304d2544f146b28a48d14511ca20de": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "0a1368cd16db44c78cc2e30f4d7d3e21": { + "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": "" + } + }, + "0b6c4d686ef34114be0c67db86fdbbb0": { + "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": "" + } + }, + "0b7e652b133c474bb307fcb0aa979a8b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "0d5638fcc6714dda828d6a39201a8418": { + "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_c538fdd170ab490aaec0493a92a844ae", + "placeholder": "​", + "style": "IPY_MODEL_b0bff5997437460eb7550d328705da5d", + "value": " 232k/232k [00:00<00:00, 4.39MB/s]" + } + }, + "0e54fd3e0c5341efb6ee0ca18df9b5dd": { + "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_e08b2053f5834adfa0b61b7e0dce498c", + "max": 483, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_69a401f64a324b0f966430cd69704aed", + "value": 483 + } + }, + "10c9e51cf67541959d81040c01715452": { + "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_be45e8df21384663b7f4abed6df00baa", + "max": 25000, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_ae1bf853bdd14cb7ae2b5b4a449b1853", + "value": 25000 + } + }, + "137088c829e646fe98fe513be4e8b840": { + "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": "" + } + }, + "16d7d3ca596b4eb680087aa191c3d5f5": { + "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": "" + } + }, + "172de852d4314ef7b8e28503c14adb7a": { + "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_aa58c2a1ed344de9b03eb80566c7946d", + "placeholder": "​", + "style": "IPY_MODEL_b76a52ce4a8244518bb679ab0157b0c8", + "value": "tokenizer_config.json: 100%" + } + }, + "17368bab90d6483aa8edef180e9bda5c": { + "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": "" + } + }, + "1903ba6baf9543c59021b29392e0cf5d": { + "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_e1bdcfaa57ec4755a70f38ee9bdab419", + "max": 231508, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_c3aeb030519c421a9569c70d82bdd5cb", + "value": 231508 + } + }, + "1fc0a3c731e54341a88b93d92f46796f": { + "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_43f1f28576af458ab2d82176ffbafb86", + "placeholder": "​", + "style": "IPY_MODEL_59e7c93af8fc4c01b1aa382a1627fb29", + "value": "Map: 100%" + } + }, + "200a8d340e9147d3a5ec56d7f2279b85": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "22ecce50f97d4c5cb8ffaa788c15174c": { + "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_88943d24e2444973af7fee4cb83c108d", + "max": 466062, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_ede9af7988b744afbcde85c9dbcb16b6", + "value": 466062 + } + }, + "230becb0d6bf451e8909b3720abfea8a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "23bedd124d5744478fb0540b21a26cdd": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "267ffb08a01b4ac3a33c2be0aa78f310": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "274295226886447889e7412e8cf6a0e2": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "2b970e1001b7426bada2d86a3f7dbcbe": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "2d3c3c7fd5a54e10adad8fc740768c76": { + "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_6592984fcb4e4897b264b9750447d89b", + "IPY_MODEL_5f8aafce1d524cf6835e8702486705df", + "IPY_MODEL_d51a405a37f141a5936b2ecae706f0bb" + ], + "layout": "IPY_MODEL_7109b208774e4790bc768d44d81dc952" + } + }, + "2df8e00e0bd741db81ce6e00ac485315": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "2f20e49834ea482d917408ca723e392b": { + "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": "" + } + }, + "34b758995227462d986887694b846c26": { + "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_840f6918211141dbb35c7155a47a2f1e", + "placeholder": "​", + "style": "IPY_MODEL_d0df2b4085944b57b31c698fa4551264", + "value": " 25000/25000 [00:28<00:00, 1107.10 examples/s]" + } + }, + "3cb8b1a5f8494ab3b9d94f3a690dd8f2": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "3d90645237084c3abc3ee88a84191d80": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "3f35a887fb764256ac34b1ecd7fc41ae": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "3fcf0698c174408fb5dacbf392bbf29b": { + "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": "" + } + }, + "40b56c0545774429a82cfffe5f4feb21": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "42ab6de8a8564e09aa34f422a27a9237": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "42de283d319740778d9fb1816c9eb345": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "43818e39f86f45aca3dfbcbbf8d2acce": { + "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": "" + } + }, + "43f1f28576af458ab2d82176ffbafb86": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "467ddd4a13194a658fd89879261e70d9": { + "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_668e77f7fa53426eb5cf697258d7d4e9", + "IPY_MODEL_c638b22b8a5045e68ebc555ed0485953", + "IPY_MODEL_b9491d89851548468a677f3ef066b723" + ], + "layout": "IPY_MODEL_5c5134c7e921401e82ff7dfe9465eb59" + } + }, + "46cfc36544844967baae34b374bb1bfd": { + "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_8ef797a2a96f4a63b906439d336d6a13", + "placeholder": "​", + "style": "IPY_MODEL_f72d221da4c94bb5acbab5f668c1def9", + "value": " 7.81k/7.81k [00:00<00:00, 97.0kB/s]" + } + }, + "476de363af084df78bebcc1a243e99f8": { + "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": "" + } + }, + "4bd9c9e2b08647c5ab8dd20d24d4a62e": { + "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_2b970e1001b7426bada2d86a3f7dbcbe", + "placeholder": "​", + "style": "IPY_MODEL_b2167f35001748668cec3dae54c2f9f5", + "value": " 48.0/48.0 [00:00<00:00, 751B/s]" + } + }, + "4c26af8820e740728402793fceb96892": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "4e7bfb95159c4594a427bac9f81f813c": { + "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": "" + } + }, + "5035460a011e4adfa119f7daaff70f9b": { + "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": "" + } + }, + "504c5b0df15e429db4aa4b24502df830": { + "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_92efa50f401b4358aaa7c0123bb3d888", + "IPY_MODEL_b65efca5f73d49c88a27423bfaf620e2", + "IPY_MODEL_34b758995227462d986887694b846c26" + ], + "layout": "IPY_MODEL_42de283d319740778d9fb1816c9eb345" + } + }, + "56a08cdf540943ec9ba9396aded1ca60": { + "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_6fc0f51c09a447e181fe931e669049f5", + "max": 50000, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_cd686a803cbe4668b28a1926b39d02f2", + "value": 50000 + } + }, + "58a4ce23825d436c96c8b07e5fe91909": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "59b89b854b9141f9b660830d748dd8f6": { + "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_b48b1a14e1dd4b50aaf82b6f1a6d558c", + "placeholder": "​", + "style": "IPY_MODEL_637e13d37e0f43bfbdbed2b14a64beeb", + "value": " 42.0M/42.0M [00:00<00:00, 57.2MB/s]" + } + }, + "59e7c93af8fc4c01b1aa382a1627fb29": { + "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": "" + } + }, + "5b161f26700f486bb3e337b26f2da554": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "5c5134c7e921401e82ff7dfe9465eb59": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "5f8aafce1d524cf6835e8702486705df": { + "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_4c26af8820e740728402793fceb96892", + "max": 20979968, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_43818e39f86f45aca3dfbcbbf8d2acce", + "value": 20979968 + } + }, + "632ac505aebe4fd38f21844d51769ff4": { + "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": "" + } + }, + "637e13d37e0f43bfbdbed2b14a64beeb": { + "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": "" + } + }, + "6592984fcb4e4897b264b9750447d89b": { + "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_200a8d340e9147d3a5ec56d7f2279b85", + "placeholder": "​", + "style": "IPY_MODEL_4e7bfb95159c4594a427bac9f81f813c", + "value": "Downloading data: 100%" + } + }, + "65b7e6c26327463a840a2015bee75b0c": { + "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_66e5e5db1f0b42dbb164b45362746710", + "placeholder": "​", + "style": "IPY_MODEL_17368bab90d6483aa8edef180e9bda5c", + "value": " 25000/25000 [00:00<00:00, 27888.65 examples/s]" + } + }, + "668e77f7fa53426eb5cf697258d7d4e9": { + "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_fb73a0334b3442e4b432c2e4c3ecdc4d", + "placeholder": "​", + "style": "IPY_MODEL_d065f1a401a34076a84356fdd1c49b62", + "value": "Downloading data: 100%" + } + }, + "66e5e5db1f0b42dbb164b45362746710": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "679af32bfed14b2aa9f75de0e125a70f": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "69a401f64a324b0f966430cd69704aed": { + "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": "" + } + }, + "6fc0f51c09a447e181fe931e669049f5": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "6fc322c1c51f4e49baaaed054fb3441c": { + "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_274295226886447889e7412e8cf6a0e2", + "placeholder": "​", + "style": "IPY_MODEL_0b6c4d686ef34114be0c67db86fdbbb0", + "value": "Generating unsupervised split: 100%" + } + }, + "704fe83d3b364de9b2acafab22d905d7": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "7109b208774e4790bc768d44d81dc952": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "75a1f1fda2b849548a4a01f1d8639564": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "76dedbc86d69405b90cd497cedf0089c": { + "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": "" + } + }, + "773e9a6bc8274550a2875d9d4a1ee923": { + "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_a8221960fbdf49f09b158d1cbfa92fee", + "IPY_MODEL_7bfc02fd119a4a13ba9111bbc7febaf9", + "IPY_MODEL_59b89b854b9141f9b660830d748dd8f6" + ], + "layout": "IPY_MODEL_dd5fb82a8fb145ebb9b1c3b868fd8233" + } + }, + "7a3f0ee287c24466864fc03ac646956c": { + "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_e6e1b11d89074967bd7d4c0449ab1685", + "placeholder": "​", + "style": "IPY_MODEL_3fcf0698c174408fb5dacbf392bbf29b", + "value": "Map: 100%" + } + }, + "7bfc02fd119a4a13ba9111bbc7febaf9": { + "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_db2bbca4d6f44d07952f0060d209c0b0", + "max": 41996509, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_ce1c6cecc02a4fb5ad5a39b7a86fb7e2", + "value": 41996509 + } + }, + "7dc67ce11a104876a4953c35777fc970": { + "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_8b3f0740a9ff4a36a7a0f522a9e99c22", + "IPY_MODEL_aecec7eed1d74577a8af81b3cbcbacf5", + "IPY_MODEL_65b7e6c26327463a840a2015bee75b0c" + ], + "layout": "IPY_MODEL_e0e769dd0d5947ecb595d33a2ffb42b7" + } + }, + "7e57acb8ccbd4a8ea844ee660456dc10": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "7f7cef22cec640db839159b2aa20cb45": { + "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": "" + } + }, + "8172756bc2da40bbb7f81d7a6f36699f": { + "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": "" + } + }, + "840f6918211141dbb35c7155a47a2f1e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "88943d24e2444973af7fee4cb83c108d": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "896faf4f97634ed3854180435696ec83": { + "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_172de852d4314ef7b8e28503c14adb7a", + "IPY_MODEL_d09b986d19eb47818526d955921d6397", + "IPY_MODEL_4bd9c9e2b08647c5ab8dd20d24d4a62e" + ], + "layout": "IPY_MODEL_fde107bc4d4145bfbc5043fd863aba79" + } + }, + "89a1291e541540278b287aa07836977d": { + "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": "" + } + }, + "8b3f0740a9ff4a36a7a0f522a9e99c22": { + "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_267ffb08a01b4ac3a33c2be0aa78f310", + "placeholder": "​", + "style": "IPY_MODEL_632ac505aebe4fd38f21844d51769ff4", + "value": "Generating test split: 100%" + } + }, + "8defa4b5de83427ca22b9fb91b84fb14": { + "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_09304d2544f146b28a48d14511ca20de", + "placeholder": "​", + "style": "IPY_MODEL_7f7cef22cec640db839159b2aa20cb45", + "value": " 50000/50000 [00:56<00:00, 570.77 examples/s]" + } + }, + "8ef797a2a96f4a63b906439d336d6a13": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "90ba0ad4dfa245d582d3f3c0b3a3865d": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "92efa50f401b4358aaa7c0123bb3d888": { + "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_c5e194fcf6bc4f4cb7ac1f441089ff2e", + "placeholder": "​", + "style": "IPY_MODEL_078ec68222354cd3a074b22559b6e629", + "value": "Map: 100%" + } + }, + "9884c1ce75944357af8fa26020fcaa79": { + "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_7a3f0ee287c24466864fc03ac646956c", + "IPY_MODEL_fe058673d48b4f388700e71de5b99162", + "IPY_MODEL_8defa4b5de83427ca22b9fb91b84fb14" + ], + "layout": "IPY_MODEL_df5b8c9af1cf4f74a43a91016936f80c" + } + }, + "9c40d185febe4c4bb4818878a84b2ac7": { + "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_a89778ae3264444d80f18f33dd57508f", + "IPY_MODEL_22ecce50f97d4c5cb8ffaa788c15174c", + "IPY_MODEL_e952424e909749f489813aee23f4cea0" + ], + "layout": "IPY_MODEL_e93663416ee24668a870fc5e6100be3e" + } + }, + "a50648375b6343139e5f0532bbebcd85": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "a6b03363441b455cb63bc9e25c3fb1d3": { + "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_5b161f26700f486bb3e337b26f2da554", + "placeholder": "​", + "style": "IPY_MODEL_e925956d62be47b1848e9d0643a3fe0a", + "value": "vocab.txt: 100%" + } + }, + "a7a749d8a8944667ab591c57b5bd1e9e": { + "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_df0f198900f846f68b6a49d7ce53454b", + "max": 25000, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_5035460a011e4adfa119f7daaff70f9b", + "value": 25000 + } + }, + "a7b598eaa2af406c81fdd422d9f979e4": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "a8221960fbdf49f09b158d1cbfa92fee": { + "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_2df8e00e0bd741db81ce6e00ac485315", + "placeholder": "​", + "style": "IPY_MODEL_476de363af084df78bebcc1a243e99f8", + "value": "Downloading data: 100%" + } + }, + "a89778ae3264444d80f18f33dd57508f": { + "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_704fe83d3b364de9b2acafab22d905d7", + "placeholder": "​", + "style": "IPY_MODEL_c1aca84324e744a1a6d9813c73e316c9", + "value": "tokenizer.json: 100%" + } + }, + "a9501721caf94fcfa8648d163c6b63d2": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "aa58c2a1ed344de9b03eb80566c7946d": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "aaa1b0f2bde641f6ac8595f2c52b41fb": { + "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_23bedd124d5744478fb0540b21a26cdd", + "placeholder": "​", + "style": "IPY_MODEL_0a1368cd16db44c78cc2e30f4d7d3e21", + "value": " 483/483 [00:00<00:00, 15.8kB/s]" + } + }, + "aacfacc91fc246f59baa8ec965410efd": { + "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": "" + } + }, + "ae1bf853bdd14cb7ae2b5b4a449b1853": { + "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": "" + } + }, + "aecec7eed1d74577a8af81b3cbcbacf5": { + "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_a7b598eaa2af406c81fdd422d9f979e4", + "max": 25000, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_f831a270a3194566b3e87e02fbb97805", + "value": 25000 + } + }, + "afe594b718bc41d298d94b7d0de662db": { + "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": "" + } + }, + "b0bff5997437460eb7550d328705da5d": { + "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": "" + } + }, + "b1d6ab19ca5e426482eb07109dac3b7a": { + "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": "" + } + }, + "b2167f35001748668cec3dae54c2f9f5": { + "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": "" + } + }, + "b3eca17a49cf4d2f92591bd199fd31b0": { + "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_58a4ce23825d436c96c8b07e5fe91909", + "placeholder": "​", + "style": "IPY_MODEL_89a1291e541540278b287aa07836977d", + "value": "config.json: 100%" + } + }, + "b479b9eb80074106b3cf8c133b011aa6": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b48b1a14e1dd4b50aaf82b6f1a6d558c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b65efca5f73d49c88a27423bfaf620e2": { + "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_da17f10f53434952b3e641ab05970eff", + "max": 25000, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_afe594b718bc41d298d94b7d0de662db", + "value": 25000 + } + }, + "b76a52ce4a8244518bb679ab0157b0c8": { + "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": "" + } + }, + "b9491d89851548468a677f3ef066b723": { + "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_3cb8b1a5f8494ab3b9d94f3a690dd8f2", + "placeholder": "​", + "style": "IPY_MODEL_2f20e49834ea482d917408ca723e392b", + "value": " 20.5M/20.5M [00:00<00:00, 32.5MB/s]" + } + }, + "b98e3227e2c64b56a397c768c3349676": { + "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_f0eb7e129da74570aa3dc6c8717d8d77", + "IPY_MODEL_a7a749d8a8944667ab591c57b5bd1e9e", + "IPY_MODEL_eb1da161ba4b4acb9923979d985030e9" + ], + "layout": "IPY_MODEL_cf18046c11b14f009809cf9446bd37eb" + } + }, + "b9e2a7a35af84766aad07e80217d9fea": { + "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_e8227f90587e4f4fb040ff203076e1ae", + "placeholder": "​", + "style": "IPY_MODEL_bded9485ff274fd58acf23097ec35ff4", + "value": " 50000/50000 [00:01<00:00, 44132.91 examples/s]" + } + }, + "bded9485ff274fd58acf23097ec35ff4": { + "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": "" + } + }, + "be45e8df21384663b7f4abed6df00baa": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c1aca84324e744a1a6d9813c73e316c9": { + "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": "" + } + }, + "c352fc0e3bf14ba0b8ede285c8fab6da": { + "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_b3eca17a49cf4d2f92591bd199fd31b0", + "IPY_MODEL_0e54fd3e0c5341efb6ee0ca18df9b5dd", + "IPY_MODEL_aaa1b0f2bde641f6ac8595f2c52b41fb" + ], + "layout": "IPY_MODEL_0b7e652b133c474bb307fcb0aa979a8b" + } + }, + "c3aeb030519c421a9569c70d82bdd5cb": { + "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": "" + } + }, + "c538fdd170ab490aaec0493a92a844ae": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c5e194fcf6bc4f4cb7ac1f441089ff2e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c638b22b8a5045e68ebc555ed0485953": { + "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_3d90645237084c3abc3ee88a84191d80", + "max": 20470363, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_013327017e9647feac011d0b6c5918b5", + "value": 20470363 + } + }, + "c8e208e13f244e66927507d490dfc90a": { + "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": "" + } + }, + "cd686a803cbe4668b28a1926b39d02f2": { + "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": "" + } + }, + "ce1c6cecc02a4fb5ad5a39b7a86fb7e2": { + "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": "" + } + }, + "cf18046c11b14f009809cf9446bd37eb": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d065f1a401a34076a84356fdd1c49b62": { + "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": "" + } + }, + "d09b986d19eb47818526d955921d6397": { + "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_b479b9eb80074106b3cf8c133b011aa6", + "max": 48, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_d2bff504b24e4927a5f53dc2850466f8", + "value": 48 + } + }, + "d0df2b4085944b57b31c698fa4551264": { + "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": "" + } + }, + "d2bff504b24e4927a5f53dc2850466f8": { + "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": "" + } + }, + "d38a516454304dc9a72697aea4384ce1": { + "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_6fc322c1c51f4e49baaaed054fb3441c", + "IPY_MODEL_56a08cdf540943ec9ba9396aded1ca60", + "IPY_MODEL_b9e2a7a35af84766aad07e80217d9fea" + ], + "layout": "IPY_MODEL_7e57acb8ccbd4a8ea844ee660456dc10" + } + }, + "d51a405a37f141a5936b2ecae706f0bb": { + "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_eb59f4500e5a4ed482d48291d61d6c7b", + "placeholder": "​", + "style": "IPY_MODEL_ee27bd65565c4ace900909819da98ac5", + "value": " 21.0M/21.0M [00:00<00:00, 34.0MB/s]" + } + }, + "da17f10f53434952b3e641ab05970eff": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "db2bbca4d6f44d07952f0060d209c0b0": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "dc21bd8c6a23484dba4e039ce48e9ab5": { + "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_230becb0d6bf451e8909b3720abfea8a", + "placeholder": "​", + "style": "IPY_MODEL_c8e208e13f244e66927507d490dfc90a", + "value": " 25000/25000 [00:23<00:00, 1012.28 examples/s]" + } + }, + "dd5fb82a8fb145ebb9b1c3b868fd8233": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "df0f198900f846f68b6a49d7ce53454b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "df5b8c9af1cf4f74a43a91016936f80c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e08b2053f5834adfa0b61b7e0dce498c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e0e769dd0d5947ecb595d33a2ffb42b7": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e1bdcfaa57ec4755a70f38ee9bdab419": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e4203bd3c36944f198bc55e0ea24df24": { + "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_a50648375b6343139e5f0532bbebcd85", + "max": 7809, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_137088c829e646fe98fe513be4e8b840", + "value": 7809 + } + }, + "e569e3698f58422a8d4a6d0f7fbe5709": { + "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_1fc0a3c731e54341a88b93d92f46796f", + "IPY_MODEL_10c9e51cf67541959d81040c01715452", + "IPY_MODEL_dc21bd8c6a23484dba4e039ce48e9ab5" + ], + "layout": "IPY_MODEL_e8a5e104151a41fd94b8ea981490154b" + } + }, + "e6e1b11d89074967bd7d4c0449ab1685": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e8227f90587e4f4fb040ff203076e1ae": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e8a5e104151a41fd94b8ea981490154b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e925956d62be47b1848e9d0643a3fe0a": { + "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": "" + } + }, + "e93663416ee24668a870fc5e6100be3e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e952424e909749f489813aee23f4cea0": { + "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_a9501721caf94fcfa8648d163c6b63d2", + "placeholder": "​", + "style": "IPY_MODEL_aacfacc91fc246f59baa8ec965410efd", + "value": " 466k/466k [00:00<00:00, 6.97MB/s]" + } + }, + "eb1da161ba4b4acb9923979d985030e9": { + "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_679af32bfed14b2aa9f75de0e125a70f", + "placeholder": "​", + "style": "IPY_MODEL_b1d6ab19ca5e426482eb07109dac3b7a", + "value": " 25000/25000 [00:00<00:00, 66636.66 examples/s]" + } + }, + "eb42ba79a1da42dbaa146123e2c1e939": { + "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_a6b03363441b455cb63bc9e25c3fb1d3", + "IPY_MODEL_1903ba6baf9543c59021b29392e0cf5d", + "IPY_MODEL_0d5638fcc6714dda828d6a39201a8418" + ], + "layout": "IPY_MODEL_42ab6de8a8564e09aa34f422a27a9237" + } + }, + "eb59f4500e5a4ed482d48291d61d6c7b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "ede9af7988b744afbcde85c9dbcb16b6": { + "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": "" + } + }, + "ee27bd65565c4ace900909819da98ac5": { + "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": "" + } + }, + "f0eb7e129da74570aa3dc6c8717d8d77": { + "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_90ba0ad4dfa245d582d3f3c0b3a3865d", + "placeholder": "​", + "style": "IPY_MODEL_16d7d3ca596b4eb680087aa191c3d5f5", + "value": "Generating train split: 100%" + } + }, + "f72d221da4c94bb5acbab5f668c1def9": { + "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": "" + } + }, + "f7e274267c304182875fc0dbcc1cfcef": { + "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_01684c31164f4492b071a33a95600d9b", + "IPY_MODEL_e4203bd3c36944f198bc55e0ea24df24", + "IPY_MODEL_46cfc36544844967baae34b374bb1bfd" + ], + "layout": "IPY_MODEL_40b56c0545774429a82cfffe5f4feb21" + } + }, + "f831a270a3194566b3e87e02fbb97805": { + "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": "" + } + }, + "fb73a0334b3442e4b432c2e4c3ecdc4d": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "fde107bc4d4145bfbc5043fd863aba79": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "fe058673d48b4f388700e71de5b99162": { + "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_75a1f1fda2b849548a4a01f1d8639564", + "max": 50000, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_76dedbc86d69405b90cd497cedf0089c", + "value": 50000 + } + } + } + } + }, + "nbformat": 4, + "nbformat_minor": 0 +}