LLM-FineTuning-Large-Language-Models

Форк
0
/
TinyLlama_with_Unsloth_and_RoPE_Scaling_dolly-15k.ipynb 
4709 строк · 167.0 Кб
1
{
2
  "cells": [
3
    {
4
      "cell_type": "markdown",
5
      "metadata": {},
6
      "source": [
7
        "## Finetune tiny-llama in Google Colab with unsloth - dolly-15k dataset\n",
8
        "\n",
9
        "Below notebook mostly replicates an example given in the [official unsloth example ](https://github.com/unslothai/unsloth)\n",
10
        "\n",
11
        "I have only made few minor changes"
12
      ]
13
    },
14
    {
15
      "cell_type": "code",
16
      "execution_count": 1,
17
      "metadata": {},
18
      "outputs": [],
19
      "source": [
20
        "import torch\n",
21
        "from datasets import load_dataset\n",
22
        "from unsloth import FastLanguageModel"
23
      ]
24
    },
25
    {
26
      "cell_type": "code",
27
      "execution_count": null,
28
      "metadata": {
29
        "colab": {
30
          "base_uri": "https://localhost:8080/",
31
          "height": 474,
32
          "referenced_widgets": [
33
            "188ee79c6ef44ae896a93c0184780f41",
34
            "155663a36c2d4949a6bba5ee2b4224b1",
35
            "5e48035e021b40aea0317f856b842379",
36
            "d9a92404c9f74425ac0cff862001b168",
37
            "56d1a29a8e724aa98b0e9b2d8c995713",
38
            "94a7e3827ab241dbb75d3d816354c694",
39
            "c21c74c7956d425c9049fb1cdc8b7d07",
40
            "49de6fa3e53e4259b87caabcb1cc50b2",
41
            "b53a34cdb16a4b8eb482b91f407b688a",
42
            "982fd1d338e148b2ba66050e03897dbb",
43
            "2be4a7d986c44fd4a222dc2f1d7b9918",
44
            "c8fd063c9d9c4270b3080677fdd92632",
45
            "cd700122445641279b905116cc3b73a1",
46
            "e2901aa31b3e4ba39ba138468af5c95b",
47
            "20fcb167b6c04792b627f7d13da5db94",
48
            "2c35f51a2e9e439f9757d27a4e8cfb5a",
49
            "4b7057f7b1aa4e9ea73e2aff19d5d7f5",
50
            "66917e3680214990a27525ee10ef0259",
51
            "6cdb22652f1f47648c8dfe632e7e87b5",
52
            "02b75597dc7c4d1cbf3c51b1fddd3ec6",
53
            "008b398b553c47e1a3c9bedac5644642",
54
            "78ef61071c244b86b20227e775267aa0",
55
            "e517fa5b72d2455eb39101c368165b38",
56
            "d532a4ba00d7488ead1366f690a28c41",
57
            "ff667ca8001e44b0a6146daf3de94e55",
58
            "49ac5705579c4035b864db8d06a3efd6",
59
            "800461f0e86545e6a99fbb868e028a27",
60
            "70df82f25eeb4f9f83778c3c4cab7ddd",
61
            "9986a56c71b4451ea852e49e34ebd2fd",
62
            "ed980dda0e504e29ae8ca06e1535073b",
63
            "680c3c2c0ea24be0b7a29ad770f28abd",
64
            "112fd48addfb42cba27b1939375d5e4c",
65
            "08ddb073da9b4a4981e5452df0e80c5a",
66
            "5579f451f9bc490fa924455dcf6351f0",
67
            "92d80dfad00e4b0abfa3054752385c21",
68
            "95ed136481974ccd84eb0488ed5c328d",
69
            "d52459dc6f224b169a49d1cbd2d92f50",
70
            "e73ae12084e848a8aa82e73c5efa9d85",
71
            "6324e9afb3b64beaa84a80622e4aa4af",
72
            "fe63f948843240c184084e159a8feef3",
73
            "78dcd43379e64fb994fc5d8ad392cd32",
74
            "6d258790472640f493b26790298aa366",
75
            "9eb629533a45449ea819ed32c2a35a41",
76
            "5adbfe3e9c424429851258c009d72f26",
77
            "5e683f7a34e74032a2543ce2db6d9ceb",
78
            "5d20dbac1cd74e378902f7f6ef71e1f5",
79
            "323cca9bfd6a4342b614043b95b8f722",
80
            "b792c64d4aed4f90938c58344961d32c",
81
            "56109c78c5454216af1f1e1910bee352",
82
            "a8a15bf2150246999bf268f0731f9e43",
83
            "6ffc5ef1a24249bfbaea21fbc8990298",
84
            "254643fe17ec4613bc26de5b3330c7f1",
85
            "9725fce622b845b192fbb319f01f56d8",
86
            "ee2af32e73d542f9b089d761eed9d801",
87
            "138e959064c04ff6a2b6d3a4eb0f6359",
88
            "083e0fb519b843e48d283a638e8a6dcb",
89
            "56bc8dce7dfb44789f0edb09df8dd450",
90
            "64d035fbc33f417d970f39c5aa14c93f",
91
            "437886691cdf40d4861575b7b91feb89",
92
            "8809b53bd5f74f228c0ab6df9a918796",
93
            "c2628e20f1154acd94bbcb282fd6554d",
94
            "8680fbf7a67940e7ac6f6d59873ef4e9",
95
            "12634ac7d05e490493d5c068087ff978",
96
            "0d950e93a67e4402949fce40ba6097b6",
97
            "103ed45882c3450a8bd9e55940d88c50",
98
            "6abff53f5ed74b8ab7bfe981547d44b4",
99
            "acedd5f384554c108b806e7ceef84382",
100
            "78f3ba544cdb4e36b76f3a0fe4d79075",
101
            "876f9871caac4fba8c6a0f86f98e2314",
102
            "4b2bf0e58403475a8b201e87cf3efb4b",
103
            "68a8b3c46c15441d9a67d1b578c64f1d",
104
            "a06afe98f7fa4d6a99a2defe9c7828cc",
105
            "063e74555fbb4ab381cdcbcabc37461e",
106
            "1cffaffc53624ffab7ce7a5830fcad07",
107
            "47255152beba4690b21cce344d30a548",
108
            "4e7766fa9a1048bcacaf4cea16f24d90",
109
            "ffa5224eb65142d3a3cd053fd43c14b7"
110
          ]
111
        },
112
        "id": "QmUBVEnvCDJv",
113
        "outputId": "532355ad-a380-4841-d692-c69e9dd97c90"
114
      },
115
      "outputs": [],
116
      "source": [
117
        "max_seq_length = 4096 # Choose any as, unsloth supports RoPE Scaling internally!\n",
118
        "dtype = None # None for auto detection. Float16 for Tesla T4, V100, Bfloat16 for Ampere+\n",
119
        "load_in_4bit = True # Use 4bit quantization to reduce memory usage. Can be False.\n",
120
        "\n",
121
        "model, tokenizer = FastLanguageModel.from_pretrained(\n",
122
        "    model_name = \"unsloth/tinyllama-bnb-4bit\",\n",
123
        "    max_seq_length = max_seq_length,\n",
124
        "    dtype = dtype,\n",
125
        "    load_in_4bit = load_in_4bit,\n",
126
        "    # token = \"hf_...\", # use one if using gated models like meta-llama/Llama-2-7b-hf\n",
127
        ")"
128
      ]
129
    },
130
    {
131
      "cell_type": "markdown",
132
      "metadata": {},
133
      "source": [
134
        "Supported models - \n",
135
        "\n",
136
        "https://github.com/unslothai/unsloth?tab=readme-ov-file#documentation\n",
137
        "\n",
138
        "```py\n",
139
        "# 4bit pre quantized models we support - 4x faster downloading!\n",
140
        "fourbit_models = [\n",
141
        "    \"unsloth/mistral-7b-bnb-4bit\",\n",
142
        "    \"unsloth/llama-2-7b-bnb-4bit\",\n",
143
        "    \"unsloth/llama-2-13b-bnb-4bit\",\n",
144
        "    \"unsloth/codellama-34b-bnb-4bit\",\n",
145
        "    \"unsloth/tinyllama-bnb-4bit\",\n",
146
        "]\n",
147
        "\n",
148
        "```"
149
      ]
150
    },
151
    {
152
      "cell_type": "markdown",
153
      "metadata": {
154
        "id": "S3xvsMEWyJbZ"
155
      },
156
      "source": [
157
        "TinyLlama's internal maximum sequence length is 2048. \n",
158
        "\n",
159
        "However, RoPE Scaling is used here to extend it to 4096 with Unsloth\n",
160
        "\n",
161
        "Unsloth implements RoPE with Triton to accelerate models further.\n"
162
      ]
163
    },
164
    {
165
      "cell_type": "markdown",
166
      "metadata": {
167
        "id": "SXd9bTZd1aaL"
168
      },
169
      "source": [
170
        "We now add LoRA adapters so we only need to update 1 to 10% of all parameters!\n",
171
        "\n",
172
        "**[NOTE]** We set `gradient_checkpointing=False` ONLY for TinyLlama since Unsloth saves tonnes of memory usage. This does NOT work for `llama-2-7b` or `mistral-7b` since the memory usage will still exceed Tesla T4's 15GB. GC recomputes the forward pass during the backward pass, saving loads of memory."
173
      ]
174
    },
175
    {
176
      "cell_type": "code",
177
      "execution_count": null,
178
      "metadata": {
179
        "colab": {
180
          "base_uri": "https://localhost:8080/"
181
        },
182
        "id": "6bZsfBuZDeCL",
183
        "outputId": "3de492b6-0bb6-4fd1-a0e5-f5e0ef36dcd5"
184
      },
185
      "outputs": [],
186
      "source": [
187
        "model = FastLanguageModel.get_peft_model(\n",
188
        "    model,\n",
189
        "    r = 32, # Choose any number > 0 ! Suggested 8, 16, 32, 64, 128\n",
190
        "    target_modules = [\"q_proj\", \"k_proj\", \"v_proj\", \"o_proj\",\n",
191
        "                      \"gate_proj\", \"up_proj\", \"down_proj\",],\n",
192
        "    lora_alpha = 32,\n",
193
        "    lora_dropout = 0, # Currently only supports dropout = 0\n",
194
        "    bias = \"none\",    # Currently only supports bias = \"none\"\n",
195
        "    use_gradient_checkpointing = False, # With Unsloth, we can turn this off!\n",
196
        "    random_state = 3407,\n",
197
        "    max_seq_length = max_seq_length,\n",
198
        ")"
199
      ]
200
    },
201
    {
202
      "cell_type": "markdown",
203
      "metadata": {
204
        "id": "vITh0KVJ10qX"
205
      },
206
      "source": [
207
        "Here I use databricks-dolly-15k which is an open source dataset of instruction-following records generated by thousands of Databricks employees in several of the behavioral categories outlined in the InstructGPT paper, including brainstorming, classification, closed QA, generation, information extraction, open QA, and summarization."
208
      ]
209
    },
210
    {
211
      "cell_type": "code",
212
      "execution_count": null,
213
      "metadata": {
214
        "cellView": "form",
215
        "colab": {
216
          "base_uri": "https://localhost:8080/",
217
          "height": 145,
218
          "referenced_widgets": [
219
            "a681577f4a00440496f2ee70e2f1198b",
220
            "c64f215f76c345c2aa1b98d23364ece6",
221
            "d32436f7cb7c49a88c2fa867add54367",
222
            "17e0b9c3b30e4d9ab34f684b0f0c8865",
223
            "93e320b8f6f242d3805ef65c81f33718",
224
            "d930f897415947ada08ce063f9cb8bed",
225
            "54e400aa31c0492fbbfd0d291eb9dd7f",
226
            "594b86fdbc6c4ac582aee52d0099a590",
227
            "d6b6c9420c644d42b314ac7599bd75b8",
228
            "f68e5c7237cd4260be1644f4a33ba4b9",
229
            "f5fb96b55ae943d5b0a12cef560be493",
230
            "de996974999a4ebbb8a11a8889b2c683",
231
            "030a45a01bab49d29a6058e4f1f3f9ba",
232
            "b4b50aea923441d88530edd555673a0e",
233
            "e138d8341f094d60a05f2124f4d9fc50",
234
            "2ffed33dbe52437591ed87c34f87eb61",
235
            "d3498bc5c493472e9d785129ca8293de",
236
            "08f540a5520b4fa5811a6c229231ab5f",
237
            "7806f5a3a9404bbcbcedfaf8d827a35c",
238
            "1223ef92bfd542aaa7f789b8bd799609",
239
            "f5ee29b85e664ef180df1d1a60db8223",
240
            "b4ac02ab0c814609824a3405d6e31206",
241
            "8375b238b9084bceb04c8d67e148f9dc",
242
            "a07890ec0fd740d3a84a8aae4979355a",
243
            "204dcfe6d8404137b8cb0ac57f82cb08",
244
            "becf56b2d70542b1bc330f09bb8c6174",
245
            "4dcaad14afbf4a2791d230239ff01b3c",
246
            "b51201dc59ab47aea72930e60625d2cb",
247
            "553c2e573f5947b4b5bdcb8b2168f016",
248
            "4172136737eb4cf48ce6ee5aa566224a",
249
            "6d3d3a38139147dfae6ce54b2adcbbf6",
250
            "5a55d70b2d0543d082603c586787b9ac",
251
            "b815a7d8a9c84a088537c8f3549e8930",
252
            "12f020de361f41128fac402f89be26d8",
253
            "4eca6c289693485ba95ee9badb47389f",
254
            "83736d38ebea43e3b9c58ce36ef1351e",
255
            "385e918a99614ca5af1f3a058aae0d31",
256
            "ece8d196afd24a0cae98b6233f7e13cf",
257
            "af8a211d04f647bfb90cd72ed16bed05",
258
            "22e26e8fcc344cd9a9a76a1e2c8bbf53",
259
            "f097c1e989394c7f8a226f08ff7a6e9a",
260
            "12e46295371a46bc94e7632a49917e60",
261
            "82b55fbb2ba74150900dddf1143e54f0",
262
            "c6e634b3cd924881a2ac9745fe32cd2f"
263
          ]
264
        },
265
        "id": "LjY75GoYUCB8",
266
        "outputId": "3970582b-742e-41c7-813d-27b978b49c29"
267
      },
268
      "outputs": [],
269
      "source": [
270
        "dolly_15k_prompt = \"\"\"Below is an instruction that describes a task, paired with a context for that instruction. Write a response that appropriately completes the instruction.\n",
271
        "\n",
272
        "### Instruction:\n",
273
        "{}\n",
274
        "\n",
275
        "### Context:\n",
276
        "{}\n",
277
        "\n",
278
        "### Response:\n",
279
        "{}\"\"\"\n",
280
        "\n",
281
        "def formatting_prompts_func(examples):\n",
282
        "    instructions = examples[\"instruction\"]\n",
283
        "    context = examples.get(\"context\", [None] * len(instructions))\n",
284
        "    response = examples[\"response\"]\n",
285
        "    texts = []\n",
286
        "    for instruction, context_value, response_value in zip(instructions, context, response):\n",
287
        "        if context_value:  # Use the context if it exists\n",
288
        "            text = dolly_15k_prompt.format(instruction, context_value, response_value)\n",
289
        "        else:\n",
290
        "            text = \"\"  # Or use an empty string (or another placeholder) if context is missing\n",
291
        "        texts.append(text)\n",
292
        "    return {\"text\": texts}\n",
293
        "\n",
294
        "\n",
295
        "pass\n",
296
        "\n",
297
        "dataset = load_dataset(\"databricks/databricks-dolly-15k\", split = \"train\")\n",
298
        "\n",
299
        "dataset = dataset.map(formatting_prompts_func, batched = True,)\n",
300
        "\n",
301
        "# Filter out rows where 'text' is empty\n",
302
        "dataset = dataset.filter(lambda example: example['text'] != \"\")"
303
      ]
304
    },
305
    {
306
      "cell_type": "markdown",
307
      "metadata": {
308
        "id": "idAEIeSQ3xdS"
309
      },
310
      "source": [
311
        "<a name=\"Train\"></a>\n",
312
        "\n",
313
        "### Train the model\n",
314
        "\n",
315
        "Now use TRL’s SFTTrainer to fine-tune models. \n",
316
        "\n",
317
        "[TRL SFT docs](https://huggingface.co/docs/trl/sft_trainer). \n",
318
        "\n",
319
        "We also support TRL's `DPOTrainer`! See our DPO tutorial on a free Google Colab instance [here](https://colab.research.google.com/drive/15vttTpzzVXv_tJwEk-hIcQ0S9FcEWvwP?usp=sharing).\n",
320
        "\n",
321
        "------\n",
322
        "Official Doc of SFTTrainer - https://huggingface.co/docs/trl/main/en/sft_trainer"
323
      ]
324
    },
325
    {
326
      "cell_type": "code",
327
      "execution_count": null,
328
      "metadata": {
329
        "colab": {
330
          "base_uri": "https://localhost:8080/",
331
          "height": 211,
332
          "referenced_widgets": [
333
            "47b91d628c824007ba2a899908543fc4",
334
            "544c9ffdfd6346d19865bf34d43e26a3",
335
            "0a88fd16d72442198803c4c082bdd5ab",
336
            "e245c09fe14a49929a8274fdc356fd25",
337
            "5cb07c2ef3be4a9f90cac8a53565040f",
338
            "93cfec82c4e24cd8bbf6d0044c92f9a4",
339
            "7aea5b2b4cb944efae3dc1de39b72f83",
340
            "444156136b864dd4896c9f83135772f6",
341
            "0da54be740b943c38a4aa805692b35f2",
342
            "3e5a6d4cd4bb45879ed67ab7d9cbcc16",
343
            "22a3640c1e344b5c922e488a9a2feaca"
344
          ]
345
        },
346
        "id": "95_Nn-89DhsL",
347
        "outputId": "0be04edc-0aff-481c-a52f-fce8283ac502"
348
      },
349
      "outputs": [],
350
      "source": [
351
        "from trl import SFTTrainer\n",
352
        "from transformers import TrainingArguments\n",
353
        "from transformers.utils import logging\n",
354
        "logging.set_verbosity_info()\n",
355
        "\n",
356
        "trainer = SFTTrainer(\n",
357
        "    model = model,\n",
358
        "    train_dataset = dataset,\n",
359
        "    dataset_text_field = \"text\",\n",
360
        "    max_seq_length = max_seq_length,\n",
361
        "    packing = True, # Packs short sequences together to save time!\n",
362
        "    args = TrainingArguments(\n",
363
        "        per_device_train_batch_size = 2,\n",
364
        "        gradient_accumulation_steps = 4,\n",
365
        "        warmup_ratio = 0.1,\n",
366
        "        num_train_epochs = 1,\n",
367
        "        learning_rate = 2e-5,\n",
368
        "        fp16 = not torch.cuda.is_bf16_supported(),\n",
369
        "        bf16 = torch.cuda.is_bf16_supported(),\n",
370
        "        logging_steps = 1,\n",
371
        "        optim = \"adamw_8bit\",\n",
372
        "        weight_decay = 0.1,\n",
373
        "        lr_scheduler_type = \"linear\",\n",
374
        "        seed = 3407,\n",
375
        "        output_dir = \"outputs\",\n",
376
        "    ),\n",
377
        ")"
378
      ]
379
    },
380
    {
381
      "cell_type": "code",
382
      "execution_count": null,
383
      "metadata": {
384
        "cellView": "form",
385
        "colab": {
386
          "base_uri": "https://localhost:8080/"
387
        },
388
        "id": "2ejIt2xSNKKp",
389
        "outputId": "b58a5395-e0e3-43eb-b5dc-fd656d571a3d"
390
      },
391
      "outputs": [],
392
      "source": [
393
        "#@title Show current memory stats\n",
394
        "gpu_stats = torch.cuda.get_device_properties(0)\n",
395
        "start_gpu_memory = round(torch.cuda.max_memory_reserved() / 1024 / 1024 / 1024, 3)\n",
396
        "max_memory = round(gpu_stats.total_memory / 1024 / 1024 / 1024, 3)\n",
397
        "print(f\"GPU = {gpu_stats.name}. Max memory = {max_memory} GB.\")\n",
398
        "print(f\"{start_gpu_memory} GB of memory reserved.\")"
399
      ]
400
    },
401
    {
402
      "cell_type": "code",
403
      "execution_count": null,
404
      "metadata": {
405
        "id": "yqxqAZ7KJ4oL"
406
      },
407
      "outputs": [],
408
      "source": [
409
        "trainer_stats = trainer.train()"
410
      ]
411
    },
412
    {
413
      "cell_type": "code",
414
      "execution_count": null,
415
      "metadata": {
416
        "cellView": "form",
417
        "colab": {
418
          "base_uri": "https://localhost:8080/"
419
        },
420
        "id": "pCqnaKmlO1U9",
421
        "outputId": "ecb21ea9-b0f5-48ab-9145-5baedb68a203"
422
      },
423
      "outputs": [],
424
      "source": [
425
        "#@title Show final memory and time stats\n",
426
        "used_memory = round(torch.cuda.max_memory_reserved() / 1024 / 1024 / 1024, 3)\n",
427
        "used_memory_for_lora = round(used_memory - start_gpu_memory, 3)\n",
428
        "used_percentage = round(used_memory         /max_memory*100, 3)\n",
429
        "lora_percentage = round(used_memory_for_lora/max_memory*100, 3)\n",
430
        "print(f\"{trainer_stats.metrics['train_runtime']} seconds used for training.\")\n",
431
        "print(f\"{round(trainer_stats.metrics['train_runtime']/60, 2)} minutes used for training.\")\n",
432
        "print(f\"Peak reserved memory = {used_memory} GB.\")\n",
433
        "print(f\"Peak reserved memory for training = {used_memory_for_lora} GB.\")\n",
434
        "print(f\"Peak reserved memory % of max memory = {used_percentage} %.\")\n",
435
        "print(f\"Peak reserved memory for training % of max memory = {lora_percentage} %.\")"
436
      ]
437
    },
438
    {
439
      "cell_type": "markdown",
440
      "metadata": {
441
        "id": "ekOmTR1hSNcr"
442
      },
443
      "source": [
444
        "<a name=\"Inference\"></a>\n",
445
        "### Inference\n",
446
        "Let's run the model! You can change the instruction and input - leave the output blank!"
447
      ]
448
    },
449
    {
450
      "cell_type": "code",
451
      "execution_count": null,
452
      "metadata": {
453
        "colab": {
454
          "base_uri": "https://localhost:8080/"
455
        },
456
        "id": "kR3gIAX-SM2q",
457
        "outputId": "2283bb0c-d568-4c92-8352-094ba12eaf06"
458
      },
459
      "outputs": [],
460
      "source": [
461
        "inputs = tokenizer(\n",
462
        "[\n",
463
        "    dolly_15k_prompt.format(\n",
464
        "        \"Continue the fibonnaci sequence.\", # instruction\n",
465
        "        \"1, 1, 2, 3, 5, 8\", # input\n",
466
        "        \"\", # output - leave this blank for generation!\n",
467
        "    )\n",
468
        "]*1, return_tensors = \"pt\").to(\"cuda\")\n",
469
        "\n",
470
        "outputs = model.generate(**inputs, max_new_tokens = 128, use_cache = True)\n",
471
        "tokenizer.batch_decode(outputs)"
472
      ]
473
    },
474
    {
475
      "cell_type": "markdown",
476
      "metadata": {
477
        "id": "uMuVrWbjAzhc"
478
      },
479
      "source": [
480
        "<a name=\"Save\"></a>\n",
481
        "### Saving, loading finetuned models\n",
482
        "To save the final model, either use Huggingface's `push_to_hub` for an online save or `save_pretrained` for a local save."
483
      ]
484
    },
485
    {
486
      "cell_type": "code",
487
      "execution_count": null,
488
      "metadata": {
489
        "id": "upcOlWe7A1vc"
490
      },
491
      "outputs": [],
492
      "source": [
493
        "model.save_pretrained(\"lora_model\") # Local saving\n",
494
        "# model.push_to_hub(\"your_name/lora_model\") # Online saving"
495
      ]
496
    },
497
    {
498
      "cell_type": "markdown",
499
      "metadata": {
500
        "id": "1bSoOaDunRPL"
501
      },
502
      "source": [
503
        "To save to `GGUF` / `llama.cpp`, or for model merging, use `model.merge_and_unload` first, then save the model. Maxime Labonne's [llm-course](https://mlabonne.github.io/blog/posts/Quantize_Llama_2_models_using_ggml.html) has a nice tutorial on converting HF to GGUF! This [issue](https://github.com/ggerganov/llama.cpp/issues/3097) might be helpful for more info."
504
      ]
505
    },
506
    {
507
      "cell_type": "code",
508
      "execution_count": null,
509
      "metadata": {
510
        "colab": {
511
          "base_uri": "https://localhost:8080/"
512
        },
513
        "id": "xcRjsZe0RK1b",
514
        "outputId": "541da627-2c0e-4e66-d99e-b1c8f53231d3"
515
      },
516
      "outputs": [],
517
      "source": [
518
        "model = model.merge_and_unload()"
519
      ]
520
    },
521
    {
522
      "cell_type": "markdown",
523
      "metadata": {
524
        "id": "AEEcJ4qfC7Lp"
525
      },
526
      "source": [
527
        "Now if you want to load the LoRA adapters we just saved, we can!"
528
      ]
529
    },
530
    {
531
      "cell_type": "code",
532
      "execution_count": null,
533
      "metadata": {
534
        "id": "MKX_XKs_BNZR"
535
      },
536
      "outputs": [],
537
      "source": [
538
        "from peft import PeftModel\n",
539
        "model = PeftModel.from_pretrained(model, \"lora_model\")"
540
      ]
541
    },
542
    {
543
      "cell_type": "markdown",
544
      "metadata": {
545
        "id": "f8pvYYN9DvbN"
546
      },
547
      "source": [
548
        "Finally, we can now do some inference on the loaded model."
549
      ]
550
    },
551
    {
552
      "cell_type": "code",
553
      "execution_count": null,
554
      "metadata": {
555
        "colab": {
556
          "base_uri": "https://localhost:8080/"
557
        },
558
        "id": "qWyyUoDq71jt",
559
        "outputId": "f7ce1103-3f06-49cd-f74d-0db94e9b6ce4"
560
      },
561
      "outputs": [],
562
      "source": [
563
        "inputs = tokenizer(\n",
564
        "[\n",
565
        "    dolly_15k_prompt.format(\n",
566
        "        \"What is the famous tower in France called?\", # instruction\n",
567
        "        \"\", # input\n",
568
        "        \"\", # output\n",
569
        "    )\n",
570
        "]*1, return_tensors = \"pt\").to(\"cuda\")\n",
571
        "\n",
572
        "outputs = model.generate(**inputs, max_new_tokens = 128, use_cache = True)\n",
573
        "tokenizer.batch_decode(outputs)"
574
      ]
575
    }
576
  ],
577
  "metadata": {
578
    "accelerator": "GPU",
579
    "colab": {
580
      "provenance": []
581
    },
582
    "kernelspec": {
583
      "display_name": "Python 3",
584
      "name": "python3"
585
    },
586
    "language_info": {
587
      "codemirror_mode": {
588
        "name": "ipython",
589
        "version": 3
590
      },
591
      "file_extension": ".py",
592
      "mimetype": "text/x-python",
593
      "name": "python",
594
      "nbconvert_exporter": "python",
595
      "pygments_lexer": "ipython3",
596
      "version": "3.10.13"
597
    },
598
    "widgets": {
599
      "application/vnd.jupyter.widget-state+json": {
600
        "008b398b553c47e1a3c9bedac5644642": {
601
          "model_module": "@jupyter-widgets/base",
602
          "model_module_version": "1.2.0",
603
          "model_name": "LayoutModel",
604
          "state": {
605
            "_model_module": "@jupyter-widgets/base",
606
            "_model_module_version": "1.2.0",
607
            "_model_name": "LayoutModel",
608
            "_view_count": null,
609
            "_view_module": "@jupyter-widgets/base",
610
            "_view_module_version": "1.2.0",
611
            "_view_name": "LayoutView",
612
            "align_content": null,
613
            "align_items": null,
614
            "align_self": null,
615
            "border": null,
616
            "bottom": null,
617
            "display": null,
618
            "flex": null,
619
            "flex_flow": null,
620
            "grid_area": null,
621
            "grid_auto_columns": null,
622
            "grid_auto_flow": null,
623
            "grid_auto_rows": null,
624
            "grid_column": null,
625
            "grid_gap": null,
626
            "grid_row": null,
627
            "grid_template_areas": null,
628
            "grid_template_columns": null,
629
            "grid_template_rows": null,
630
            "height": null,
631
            "justify_content": null,
632
            "justify_items": null,
633
            "left": null,
634
            "margin": null,
635
            "max_height": null,
636
            "max_width": null,
637
            "min_height": null,
638
            "min_width": null,
639
            "object_fit": null,
640
            "object_position": null,
641
            "order": null,
642
            "overflow": null,
643
            "overflow_x": null,
644
            "overflow_y": null,
645
            "padding": null,
646
            "right": null,
647
            "top": null,
648
            "visibility": null,
649
            "width": null
650
          }
651
        },
652
        "02b75597dc7c4d1cbf3c51b1fddd3ec6": {
653
          "model_module": "@jupyter-widgets/controls",
654
          "model_module_version": "1.5.0",
655
          "model_name": "ProgressStyleModel",
656
          "state": {
657
            "_model_module": "@jupyter-widgets/controls",
658
            "_model_module_version": "1.5.0",
659
            "_model_name": "ProgressStyleModel",
660
            "_view_count": null,
661
            "_view_module": "@jupyter-widgets/base",
662
            "_view_module_version": "1.2.0",
663
            "_view_name": "StyleView",
664
            "bar_color": null,
665
            "description_width": ""
666
          }
667
        },
668
        "030a45a01bab49d29a6058e4f1f3f9ba": {
669
          "model_module": "@jupyter-widgets/controls",
670
          "model_module_version": "1.5.0",
671
          "model_name": "HTMLModel",
672
          "state": {
673
            "_dom_classes": [],
674
            "_model_module": "@jupyter-widgets/controls",
675
            "_model_module_version": "1.5.0",
676
            "_model_name": "HTMLModel",
677
            "_view_count": null,
678
            "_view_module": "@jupyter-widgets/controls",
679
            "_view_module_version": "1.5.0",
680
            "_view_name": "HTMLView",
681
            "description": "",
682
            "description_tooltip": null,
683
            "layout": "IPY_MODEL_d3498bc5c493472e9d785129ca8293de",
684
            "placeholder": "​",
685
            "style": "IPY_MODEL_08f540a5520b4fa5811a6c229231ab5f",
686
            "value": "Downloading data: 100%"
687
          }
688
        },
689
        "063e74555fbb4ab381cdcbcabc37461e": {
690
          "model_module": "@jupyter-widgets/controls",
691
          "model_module_version": "1.5.0",
692
          "model_name": "DescriptionStyleModel",
693
          "state": {
694
            "_model_module": "@jupyter-widgets/controls",
695
            "_model_module_version": "1.5.0",
696
            "_model_name": "DescriptionStyleModel",
697
            "_view_count": null,
698
            "_view_module": "@jupyter-widgets/base",
699
            "_view_module_version": "1.2.0",
700
            "_view_name": "StyleView",
701
            "description_width": ""
702
          }
703
        },
704
        "083e0fb519b843e48d283a638e8a6dcb": {
705
          "model_module": "@jupyter-widgets/controls",
706
          "model_module_version": "1.5.0",
707
          "model_name": "HBoxModel",
708
          "state": {
709
            "_dom_classes": [],
710
            "_model_module": "@jupyter-widgets/controls",
711
            "_model_module_version": "1.5.0",
712
            "_model_name": "HBoxModel",
713
            "_view_count": null,
714
            "_view_module": "@jupyter-widgets/controls",
715
            "_view_module_version": "1.5.0",
716
            "_view_name": "HBoxView",
717
            "box_style": "",
718
            "children": [
719
              "IPY_MODEL_56bc8dce7dfb44789f0edb09df8dd450",
720
              "IPY_MODEL_64d035fbc33f417d970f39c5aa14c93f",
721
              "IPY_MODEL_437886691cdf40d4861575b7b91feb89"
722
            ],
723
            "layout": "IPY_MODEL_8809b53bd5f74f228c0ab6df9a918796"
724
          }
725
        },
726
        "08ddb073da9b4a4981e5452df0e80c5a": {
727
          "model_module": "@jupyter-widgets/controls",
728
          "model_module_version": "1.5.0",
729
          "model_name": "DescriptionStyleModel",
730
          "state": {
731
            "_model_module": "@jupyter-widgets/controls",
732
            "_model_module_version": "1.5.0",
733
            "_model_name": "DescriptionStyleModel",
734
            "_view_count": null,
735
            "_view_module": "@jupyter-widgets/base",
736
            "_view_module_version": "1.2.0",
737
            "_view_name": "StyleView",
738
            "description_width": ""
739
          }
740
        },
741
        "08f540a5520b4fa5811a6c229231ab5f": {
742
          "model_module": "@jupyter-widgets/controls",
743
          "model_module_version": "1.5.0",
744
          "model_name": "DescriptionStyleModel",
745
          "state": {
746
            "_model_module": "@jupyter-widgets/controls",
747
            "_model_module_version": "1.5.0",
748
            "_model_name": "DescriptionStyleModel",
749
            "_view_count": null,
750
            "_view_module": "@jupyter-widgets/base",
751
            "_view_module_version": "1.2.0",
752
            "_view_name": "StyleView",
753
            "description_width": ""
754
          }
755
        },
756
        "0a88fd16d72442198803c4c082bdd5ab": {
757
          "model_module": "@jupyter-widgets/controls",
758
          "model_module_version": "1.5.0",
759
          "model_name": "FloatProgressModel",
760
          "state": {
761
            "_dom_classes": [],
762
            "_model_module": "@jupyter-widgets/controls",
763
            "_model_module_version": "1.5.0",
764
            "_model_name": "FloatProgressModel",
765
            "_view_count": null,
766
            "_view_module": "@jupyter-widgets/controls",
767
            "_view_module_version": "1.5.0",
768
            "_view_name": "ProgressView",
769
            "bar_style": "success",
770
            "description": "",
771
            "description_tooltip": null,
772
            "layout": "IPY_MODEL_444156136b864dd4896c9f83135772f6",
773
            "max": 1,
774
            "min": 0,
775
            "orientation": "horizontal",
776
            "style": "IPY_MODEL_0da54be740b943c38a4aa805692b35f2",
777
            "value": 1
778
          }
779
        },
780
        "0d950e93a67e4402949fce40ba6097b6": {
781
          "model_module": "@jupyter-widgets/controls",
782
          "model_module_version": "1.5.0",
783
          "model_name": "ProgressStyleModel",
784
          "state": {
785
            "_model_module": "@jupyter-widgets/controls",
786
            "_model_module_version": "1.5.0",
787
            "_model_name": "ProgressStyleModel",
788
            "_view_count": null,
789
            "_view_module": "@jupyter-widgets/base",
790
            "_view_module_version": "1.2.0",
791
            "_view_name": "StyleView",
792
            "bar_color": null,
793
            "description_width": ""
794
          }
795
        },
796
        "0da54be740b943c38a4aa805692b35f2": {
797
          "model_module": "@jupyter-widgets/controls",
798
          "model_module_version": "1.5.0",
799
          "model_name": "ProgressStyleModel",
800
          "state": {
801
            "_model_module": "@jupyter-widgets/controls",
802
            "_model_module_version": "1.5.0",
803
            "_model_name": "ProgressStyleModel",
804
            "_view_count": null,
805
            "_view_module": "@jupyter-widgets/base",
806
            "_view_module_version": "1.2.0",
807
            "_view_name": "StyleView",
808
            "bar_color": null,
809
            "description_width": ""
810
          }
811
        },
812
        "103ed45882c3450a8bd9e55940d88c50": {
813
          "model_module": "@jupyter-widgets/base",
814
          "model_module_version": "1.2.0",
815
          "model_name": "LayoutModel",
816
          "state": {
817
            "_model_module": "@jupyter-widgets/base",
818
            "_model_module_version": "1.2.0",
819
            "_model_name": "LayoutModel",
820
            "_view_count": null,
821
            "_view_module": "@jupyter-widgets/base",
822
            "_view_module_version": "1.2.0",
823
            "_view_name": "LayoutView",
824
            "align_content": null,
825
            "align_items": null,
826
            "align_self": null,
827
            "border": null,
828
            "bottom": null,
829
            "display": null,
830
            "flex": null,
831
            "flex_flow": null,
832
            "grid_area": null,
833
            "grid_auto_columns": null,
834
            "grid_auto_flow": null,
835
            "grid_auto_rows": null,
836
            "grid_column": null,
837
            "grid_gap": null,
838
            "grid_row": null,
839
            "grid_template_areas": null,
840
            "grid_template_columns": null,
841
            "grid_template_rows": null,
842
            "height": null,
843
            "justify_content": null,
844
            "justify_items": null,
845
            "left": null,
846
            "margin": null,
847
            "max_height": null,
848
            "max_width": null,
849
            "min_height": null,
850
            "min_width": null,
851
            "object_fit": null,
852
            "object_position": null,
853
            "order": null,
854
            "overflow": null,
855
            "overflow_x": null,
856
            "overflow_y": null,
857
            "padding": null,
858
            "right": null,
859
            "top": null,
860
            "visibility": null,
861
            "width": null
862
          }
863
        },
864
        "112fd48addfb42cba27b1939375d5e4c": {
865
          "model_module": "@jupyter-widgets/base",
866
          "model_module_version": "1.2.0",
867
          "model_name": "LayoutModel",
868
          "state": {
869
            "_model_module": "@jupyter-widgets/base",
870
            "_model_module_version": "1.2.0",
871
            "_model_name": "LayoutModel",
872
            "_view_count": null,
873
            "_view_module": "@jupyter-widgets/base",
874
            "_view_module_version": "1.2.0",
875
            "_view_name": "LayoutView",
876
            "align_content": null,
877
            "align_items": null,
878
            "align_self": null,
879
            "border": null,
880
            "bottom": null,
881
            "display": null,
882
            "flex": null,
883
            "flex_flow": null,
884
            "grid_area": null,
885
            "grid_auto_columns": null,
886
            "grid_auto_flow": null,
887
            "grid_auto_rows": null,
888
            "grid_column": null,
889
            "grid_gap": null,
890
            "grid_row": null,
891
            "grid_template_areas": null,
892
            "grid_template_columns": null,
893
            "grid_template_rows": null,
894
            "height": null,
895
            "justify_content": null,
896
            "justify_items": null,
897
            "left": null,
898
            "margin": null,
899
            "max_height": null,
900
            "max_width": null,
901
            "min_height": null,
902
            "min_width": null,
903
            "object_fit": null,
904
            "object_position": null,
905
            "order": null,
906
            "overflow": null,
907
            "overflow_x": null,
908
            "overflow_y": null,
909
            "padding": null,
910
            "right": null,
911
            "top": null,
912
            "visibility": null,
913
            "width": null
914
          }
915
        },
916
        "1223ef92bfd542aaa7f789b8bd799609": {
917
          "model_module": "@jupyter-widgets/controls",
918
          "model_module_version": "1.5.0",
919
          "model_name": "ProgressStyleModel",
920
          "state": {
921
            "_model_module": "@jupyter-widgets/controls",
922
            "_model_module_version": "1.5.0",
923
            "_model_name": "ProgressStyleModel",
924
            "_view_count": null,
925
            "_view_module": "@jupyter-widgets/base",
926
            "_view_module_version": "1.2.0",
927
            "_view_name": "StyleView",
928
            "bar_color": null,
929
            "description_width": ""
930
          }
931
        },
932
        "12634ac7d05e490493d5c068087ff978": {
933
          "model_module": "@jupyter-widgets/base",
934
          "model_module_version": "1.2.0",
935
          "model_name": "LayoutModel",
936
          "state": {
937
            "_model_module": "@jupyter-widgets/base",
938
            "_model_module_version": "1.2.0",
939
            "_model_name": "LayoutModel",
940
            "_view_count": null,
941
            "_view_module": "@jupyter-widgets/base",
942
            "_view_module_version": "1.2.0",
943
            "_view_name": "LayoutView",
944
            "align_content": null,
945
            "align_items": null,
946
            "align_self": null,
947
            "border": null,
948
            "bottom": null,
949
            "display": null,
950
            "flex": null,
951
            "flex_flow": null,
952
            "grid_area": null,
953
            "grid_auto_columns": null,
954
            "grid_auto_flow": null,
955
            "grid_auto_rows": null,
956
            "grid_column": null,
957
            "grid_gap": null,
958
            "grid_row": null,
959
            "grid_template_areas": null,
960
            "grid_template_columns": null,
961
            "grid_template_rows": null,
962
            "height": null,
963
            "justify_content": null,
964
            "justify_items": null,
965
            "left": null,
966
            "margin": null,
967
            "max_height": null,
968
            "max_width": null,
969
            "min_height": null,
970
            "min_width": null,
971
            "object_fit": null,
972
            "object_position": null,
973
            "order": null,
974
            "overflow": null,
975
            "overflow_x": null,
976
            "overflow_y": null,
977
            "padding": null,
978
            "right": null,
979
            "top": null,
980
            "visibility": null,
981
            "width": null
982
          }
983
        },
984
        "12e46295371a46bc94e7632a49917e60": {
985
          "model_module": "@jupyter-widgets/controls",
986
          "model_module_version": "1.5.0",
987
          "model_name": "ProgressStyleModel",
988
          "state": {
989
            "_model_module": "@jupyter-widgets/controls",
990
            "_model_module_version": "1.5.0",
991
            "_model_name": "ProgressStyleModel",
992
            "_view_count": null,
993
            "_view_module": "@jupyter-widgets/base",
994
            "_view_module_version": "1.2.0",
995
            "_view_name": "StyleView",
996
            "bar_color": null,
997
            "description_width": ""
998
          }
999
        },
1000
        "12f020de361f41128fac402f89be26d8": {
1001
          "model_module": "@jupyter-widgets/controls",
1002
          "model_module_version": "1.5.0",
1003
          "model_name": "HBoxModel",
1004
          "state": {
1005
            "_dom_classes": [],
1006
            "_model_module": "@jupyter-widgets/controls",
1007
            "_model_module_version": "1.5.0",
1008
            "_model_name": "HBoxModel",
1009
            "_view_count": null,
1010
            "_view_module": "@jupyter-widgets/controls",
1011
            "_view_module_version": "1.5.0",
1012
            "_view_name": "HBoxView",
1013
            "box_style": "",
1014
            "children": [
1015
              "IPY_MODEL_4eca6c289693485ba95ee9badb47389f",
1016
              "IPY_MODEL_83736d38ebea43e3b9c58ce36ef1351e",
1017
              "IPY_MODEL_385e918a99614ca5af1f3a058aae0d31"
1018
            ],
1019
            "layout": "IPY_MODEL_ece8d196afd24a0cae98b6233f7e13cf"
1020
          }
1021
        },
1022
        "138e959064c04ff6a2b6d3a4eb0f6359": {
1023
          "model_module": "@jupyter-widgets/controls",
1024
          "model_module_version": "1.5.0",
1025
          "model_name": "DescriptionStyleModel",
1026
          "state": {
1027
            "_model_module": "@jupyter-widgets/controls",
1028
            "_model_module_version": "1.5.0",
1029
            "_model_name": "DescriptionStyleModel",
1030
            "_view_count": null,
1031
            "_view_module": "@jupyter-widgets/base",
1032
            "_view_module_version": "1.2.0",
1033
            "_view_name": "StyleView",
1034
            "description_width": ""
1035
          }
1036
        },
1037
        "155663a36c2d4949a6bba5ee2b4224b1": {
1038
          "model_module": "@jupyter-widgets/controls",
1039
          "model_module_version": "1.5.0",
1040
          "model_name": "HTMLModel",
1041
          "state": {
1042
            "_dom_classes": [],
1043
            "_model_module": "@jupyter-widgets/controls",
1044
            "_model_module_version": "1.5.0",
1045
            "_model_name": "HTMLModel",
1046
            "_view_count": null,
1047
            "_view_module": "@jupyter-widgets/controls",
1048
            "_view_module_version": "1.5.0",
1049
            "_view_name": "HTMLView",
1050
            "description": "",
1051
            "description_tooltip": null,
1052
            "layout": "IPY_MODEL_94a7e3827ab241dbb75d3d816354c694",
1053
            "placeholder": "​",
1054
            "style": "IPY_MODEL_c21c74c7956d425c9049fb1cdc8b7d07",
1055
            "value": "config.json: 100%"
1056
          }
1057
        },
1058
        "17e0b9c3b30e4d9ab34f684b0f0c8865": {
1059
          "model_module": "@jupyter-widgets/controls",
1060
          "model_module_version": "1.5.0",
1061
          "model_name": "HTMLModel",
1062
          "state": {
1063
            "_dom_classes": [],
1064
            "_model_module": "@jupyter-widgets/controls",
1065
            "_model_module_version": "1.5.0",
1066
            "_model_name": "HTMLModel",
1067
            "_view_count": null,
1068
            "_view_module": "@jupyter-widgets/controls",
1069
            "_view_module_version": "1.5.0",
1070
            "_view_name": "HTMLView",
1071
            "description": "",
1072
            "description_tooltip": null,
1073
            "layout": "IPY_MODEL_f68e5c7237cd4260be1644f4a33ba4b9",
1074
            "placeholder": "​",
1075
            "style": "IPY_MODEL_f5fb96b55ae943d5b0a12cef560be493",
1076
            "value": " 11.6k/11.6k [00:00&lt;00:00, 266kB/s]"
1077
          }
1078
        },
1079
        "188ee79c6ef44ae896a93c0184780f41": {
1080
          "model_module": "@jupyter-widgets/controls",
1081
          "model_module_version": "1.5.0",
1082
          "model_name": "HBoxModel",
1083
          "state": {
1084
            "_dom_classes": [],
1085
            "_model_module": "@jupyter-widgets/controls",
1086
            "_model_module_version": "1.5.0",
1087
            "_model_name": "HBoxModel",
1088
            "_view_count": null,
1089
            "_view_module": "@jupyter-widgets/controls",
1090
            "_view_module_version": "1.5.0",
1091
            "_view_name": "HBoxView",
1092
            "box_style": "",
1093
            "children": [
1094
              "IPY_MODEL_155663a36c2d4949a6bba5ee2b4224b1",
1095
              "IPY_MODEL_5e48035e021b40aea0317f856b842379",
1096
              "IPY_MODEL_d9a92404c9f74425ac0cff862001b168"
1097
            ],
1098
            "layout": "IPY_MODEL_56d1a29a8e724aa98b0e9b2d8c995713"
1099
          }
1100
        },
1101
        "1cffaffc53624ffab7ce7a5830fcad07": {
1102
          "model_module": "@jupyter-widgets/base",
1103
          "model_module_version": "1.2.0",
1104
          "model_name": "LayoutModel",
1105
          "state": {
1106
            "_model_module": "@jupyter-widgets/base",
1107
            "_model_module_version": "1.2.0",
1108
            "_model_name": "LayoutModel",
1109
            "_view_count": null,
1110
            "_view_module": "@jupyter-widgets/base",
1111
            "_view_module_version": "1.2.0",
1112
            "_view_name": "LayoutView",
1113
            "align_content": null,
1114
            "align_items": null,
1115
            "align_self": null,
1116
            "border": null,
1117
            "bottom": null,
1118
            "display": null,
1119
            "flex": null,
1120
            "flex_flow": null,
1121
            "grid_area": null,
1122
            "grid_auto_columns": null,
1123
            "grid_auto_flow": null,
1124
            "grid_auto_rows": null,
1125
            "grid_column": null,
1126
            "grid_gap": null,
1127
            "grid_row": null,
1128
            "grid_template_areas": null,
1129
            "grid_template_columns": null,
1130
            "grid_template_rows": null,
1131
            "height": null,
1132
            "justify_content": null,
1133
            "justify_items": null,
1134
            "left": null,
1135
            "margin": null,
1136
            "max_height": null,
1137
            "max_width": null,
1138
            "min_height": null,
1139
            "min_width": null,
1140
            "object_fit": null,
1141
            "object_position": null,
1142
            "order": null,
1143
            "overflow": null,
1144
            "overflow_x": null,
1145
            "overflow_y": null,
1146
            "padding": null,
1147
            "right": null,
1148
            "top": null,
1149
            "visibility": null,
1150
            "width": null
1151
          }
1152
        },
1153
        "204dcfe6d8404137b8cb0ac57f82cb08": {
1154
          "model_module": "@jupyter-widgets/controls",
1155
          "model_module_version": "1.5.0",
1156
          "model_name": "FloatProgressModel",
1157
          "state": {
1158
            "_dom_classes": [],
1159
            "_model_module": "@jupyter-widgets/controls",
1160
            "_model_module_version": "1.5.0",
1161
            "_model_name": "FloatProgressModel",
1162
            "_view_count": null,
1163
            "_view_module": "@jupyter-widgets/controls",
1164
            "_view_module_version": "1.5.0",
1165
            "_view_name": "ProgressView",
1166
            "bar_style": "success",
1167
            "description": "",
1168
            "description_tooltip": null,
1169
            "layout": "IPY_MODEL_4172136737eb4cf48ce6ee5aa566224a",
1170
            "max": 1,
1171
            "min": 0,
1172
            "orientation": "horizontal",
1173
            "style": "IPY_MODEL_6d3d3a38139147dfae6ce54b2adcbbf6",
1174
            "value": 1
1175
          }
1176
        },
1177
        "20fcb167b6c04792b627f7d13da5db94": {
1178
          "model_module": "@jupyter-widgets/controls",
1179
          "model_module_version": "1.5.0",
1180
          "model_name": "HTMLModel",
1181
          "state": {
1182
            "_dom_classes": [],
1183
            "_model_module": "@jupyter-widgets/controls",
1184
            "_model_module_version": "1.5.0",
1185
            "_model_name": "HTMLModel",
1186
            "_view_count": null,
1187
            "_view_module": "@jupyter-widgets/controls",
1188
            "_view_module_version": "1.5.0",
1189
            "_view_name": "HTMLView",
1190
            "description": "",
1191
            "description_tooltip": null,
1192
            "layout": "IPY_MODEL_008b398b553c47e1a3c9bedac5644642",
1193
            "placeholder": "​",
1194
            "style": "IPY_MODEL_78ef61071c244b86b20227e775267aa0",
1195
            "value": " 762M/762M [00:09&lt;00:00, 81.8MB/s]"
1196
          }
1197
        },
1198
        "22a3640c1e344b5c922e488a9a2feaca": {
1199
          "model_module": "@jupyter-widgets/controls",
1200
          "model_module_version": "1.5.0",
1201
          "model_name": "DescriptionStyleModel",
1202
          "state": {
1203
            "_model_module": "@jupyter-widgets/controls",
1204
            "_model_module_version": "1.5.0",
1205
            "_model_name": "DescriptionStyleModel",
1206
            "_view_count": null,
1207
            "_view_module": "@jupyter-widgets/base",
1208
            "_view_module_version": "1.2.0",
1209
            "_view_name": "StyleView",
1210
            "description_width": ""
1211
          }
1212
        },
1213
        "22e26e8fcc344cd9a9a76a1e2c8bbf53": {
1214
          "model_module": "@jupyter-widgets/controls",
1215
          "model_module_version": "1.5.0",
1216
          "model_name": "DescriptionStyleModel",
1217
          "state": {
1218
            "_model_module": "@jupyter-widgets/controls",
1219
            "_model_module_version": "1.5.0",
1220
            "_model_name": "DescriptionStyleModel",
1221
            "_view_count": null,
1222
            "_view_module": "@jupyter-widgets/base",
1223
            "_view_module_version": "1.2.0",
1224
            "_view_name": "StyleView",
1225
            "description_width": ""
1226
          }
1227
        },
1228
        "254643fe17ec4613bc26de5b3330c7f1": {
1229
          "model_module": "@jupyter-widgets/base",
1230
          "model_module_version": "1.2.0",
1231
          "model_name": "LayoutModel",
1232
          "state": {
1233
            "_model_module": "@jupyter-widgets/base",
1234
            "_model_module_version": "1.2.0",
1235
            "_model_name": "LayoutModel",
1236
            "_view_count": null,
1237
            "_view_module": "@jupyter-widgets/base",
1238
            "_view_module_version": "1.2.0",
1239
            "_view_name": "LayoutView",
1240
            "align_content": null,
1241
            "align_items": null,
1242
            "align_self": null,
1243
            "border": null,
1244
            "bottom": null,
1245
            "display": null,
1246
            "flex": null,
1247
            "flex_flow": null,
1248
            "grid_area": null,
1249
            "grid_auto_columns": null,
1250
            "grid_auto_flow": null,
1251
            "grid_auto_rows": null,
1252
            "grid_column": null,
1253
            "grid_gap": null,
1254
            "grid_row": null,
1255
            "grid_template_areas": null,
1256
            "grid_template_columns": null,
1257
            "grid_template_rows": null,
1258
            "height": null,
1259
            "justify_content": null,
1260
            "justify_items": null,
1261
            "left": null,
1262
            "margin": null,
1263
            "max_height": null,
1264
            "max_width": null,
1265
            "min_height": null,
1266
            "min_width": null,
1267
            "object_fit": null,
1268
            "object_position": null,
1269
            "order": null,
1270
            "overflow": null,
1271
            "overflow_x": null,
1272
            "overflow_y": null,
1273
            "padding": null,
1274
            "right": null,
1275
            "top": null,
1276
            "visibility": null,
1277
            "width": null
1278
          }
1279
        },
1280
        "2be4a7d986c44fd4a222dc2f1d7b9918": {
1281
          "model_module": "@jupyter-widgets/controls",
1282
          "model_module_version": "1.5.0",
1283
          "model_name": "DescriptionStyleModel",
1284
          "state": {
1285
            "_model_module": "@jupyter-widgets/controls",
1286
            "_model_module_version": "1.5.0",
1287
            "_model_name": "DescriptionStyleModel",
1288
            "_view_count": null,
1289
            "_view_module": "@jupyter-widgets/base",
1290
            "_view_module_version": "1.2.0",
1291
            "_view_name": "StyleView",
1292
            "description_width": ""
1293
          }
1294
        },
1295
        "2c35f51a2e9e439f9757d27a4e8cfb5a": {
1296
          "model_module": "@jupyter-widgets/base",
1297
          "model_module_version": "1.2.0",
1298
          "model_name": "LayoutModel",
1299
          "state": {
1300
            "_model_module": "@jupyter-widgets/base",
1301
            "_model_module_version": "1.2.0",
1302
            "_model_name": "LayoutModel",
1303
            "_view_count": null,
1304
            "_view_module": "@jupyter-widgets/base",
1305
            "_view_module_version": "1.2.0",
1306
            "_view_name": "LayoutView",
1307
            "align_content": null,
1308
            "align_items": null,
1309
            "align_self": null,
1310
            "border": null,
1311
            "bottom": null,
1312
            "display": null,
1313
            "flex": null,
1314
            "flex_flow": null,
1315
            "grid_area": null,
1316
            "grid_auto_columns": null,
1317
            "grid_auto_flow": null,
1318
            "grid_auto_rows": null,
1319
            "grid_column": null,
1320
            "grid_gap": null,
1321
            "grid_row": null,
1322
            "grid_template_areas": null,
1323
            "grid_template_columns": null,
1324
            "grid_template_rows": null,
1325
            "height": null,
1326
            "justify_content": null,
1327
            "justify_items": null,
1328
            "left": null,
1329
            "margin": null,
1330
            "max_height": null,
1331
            "max_width": null,
1332
            "min_height": null,
1333
            "min_width": null,
1334
            "object_fit": null,
1335
            "object_position": null,
1336
            "order": null,
1337
            "overflow": null,
1338
            "overflow_x": null,
1339
            "overflow_y": null,
1340
            "padding": null,
1341
            "right": null,
1342
            "top": null,
1343
            "visibility": null,
1344
            "width": null
1345
          }
1346
        },
1347
        "2ffed33dbe52437591ed87c34f87eb61": {
1348
          "model_module": "@jupyter-widgets/base",
1349
          "model_module_version": "1.2.0",
1350
          "model_name": "LayoutModel",
1351
          "state": {
1352
            "_model_module": "@jupyter-widgets/base",
1353
            "_model_module_version": "1.2.0",
1354
            "_model_name": "LayoutModel",
1355
            "_view_count": null,
1356
            "_view_module": "@jupyter-widgets/base",
1357
            "_view_module_version": "1.2.0",
1358
            "_view_name": "LayoutView",
1359
            "align_content": null,
1360
            "align_items": null,
1361
            "align_self": null,
1362
            "border": null,
1363
            "bottom": null,
1364
            "display": null,
1365
            "flex": null,
1366
            "flex_flow": null,
1367
            "grid_area": null,
1368
            "grid_auto_columns": null,
1369
            "grid_auto_flow": null,
1370
            "grid_auto_rows": null,
1371
            "grid_column": null,
1372
            "grid_gap": null,
1373
            "grid_row": null,
1374
            "grid_template_areas": null,
1375
            "grid_template_columns": null,
1376
            "grid_template_rows": null,
1377
            "height": null,
1378
            "justify_content": null,
1379
            "justify_items": null,
1380
            "left": null,
1381
            "margin": null,
1382
            "max_height": null,
1383
            "max_width": null,
1384
            "min_height": null,
1385
            "min_width": null,
1386
            "object_fit": null,
1387
            "object_position": null,
1388
            "order": null,
1389
            "overflow": null,
1390
            "overflow_x": null,
1391
            "overflow_y": null,
1392
            "padding": null,
1393
            "right": null,
1394
            "top": null,
1395
            "visibility": null,
1396
            "width": null
1397
          }
1398
        },
1399
        "323cca9bfd6a4342b614043b95b8f722": {
1400
          "model_module": "@jupyter-widgets/controls",
1401
          "model_module_version": "1.5.0",
1402
          "model_name": "FloatProgressModel",
1403
          "state": {
1404
            "_dom_classes": [],
1405
            "_model_module": "@jupyter-widgets/controls",
1406
            "_model_module_version": "1.5.0",
1407
            "_model_name": "FloatProgressModel",
1408
            "_view_count": null,
1409
            "_view_module": "@jupyter-widgets/controls",
1410
            "_view_module_version": "1.5.0",
1411
            "_view_name": "ProgressView",
1412
            "bar_style": "success",
1413
            "description": "",
1414
            "description_tooltip": null,
1415
            "layout": "IPY_MODEL_254643fe17ec4613bc26de5b3330c7f1",
1416
            "max": 499723,
1417
            "min": 0,
1418
            "orientation": "horizontal",
1419
            "style": "IPY_MODEL_9725fce622b845b192fbb319f01f56d8",
1420
            "value": 499723
1421
          }
1422
        },
1423
        "385e918a99614ca5af1f3a058aae0d31": {
1424
          "model_module": "@jupyter-widgets/controls",
1425
          "model_module_version": "1.5.0",
1426
          "model_name": "HTMLModel",
1427
          "state": {
1428
            "_dom_classes": [],
1429
            "_model_module": "@jupyter-widgets/controls",
1430
            "_model_module_version": "1.5.0",
1431
            "_model_name": "HTMLModel",
1432
            "_view_count": null,
1433
            "_view_module": "@jupyter-widgets/controls",
1434
            "_view_module_version": "1.5.0",
1435
            "_view_name": "HTMLView",
1436
            "description": "",
1437
            "description_tooltip": null,
1438
            "layout": "IPY_MODEL_82b55fbb2ba74150900dddf1143e54f0",
1439
            "placeholder": "​",
1440
            "style": "IPY_MODEL_c6e634b3cd924881a2ac9745fe32cd2f",
1441
            "value": " 51760/51760 [00:00&lt;00:00, 53379.28 examples/s]"
1442
          }
1443
        },
1444
        "3e5a6d4cd4bb45879ed67ab7d9cbcc16": {
1445
          "model_module": "@jupyter-widgets/base",
1446
          "model_module_version": "1.2.0",
1447
          "model_name": "LayoutModel",
1448
          "state": {
1449
            "_model_module": "@jupyter-widgets/base",
1450
            "_model_module_version": "1.2.0",
1451
            "_model_name": "LayoutModel",
1452
            "_view_count": null,
1453
            "_view_module": "@jupyter-widgets/base",
1454
            "_view_module_version": "1.2.0",
1455
            "_view_name": "LayoutView",
1456
            "align_content": null,
1457
            "align_items": null,
1458
            "align_self": null,
1459
            "border": null,
1460
            "bottom": null,
1461
            "display": null,
1462
            "flex": null,
1463
            "flex_flow": null,
1464
            "grid_area": null,
1465
            "grid_auto_columns": null,
1466
            "grid_auto_flow": null,
1467
            "grid_auto_rows": null,
1468
            "grid_column": null,
1469
            "grid_gap": null,
1470
            "grid_row": null,
1471
            "grid_template_areas": null,
1472
            "grid_template_columns": null,
1473
            "grid_template_rows": null,
1474
            "height": null,
1475
            "justify_content": null,
1476
            "justify_items": null,
1477
            "left": null,
1478
            "margin": null,
1479
            "max_height": null,
1480
            "max_width": null,
1481
            "min_height": null,
1482
            "min_width": null,
1483
            "object_fit": null,
1484
            "object_position": null,
1485
            "order": null,
1486
            "overflow": null,
1487
            "overflow_x": null,
1488
            "overflow_y": null,
1489
            "padding": null,
1490
            "right": null,
1491
            "top": null,
1492
            "visibility": null,
1493
            "width": null
1494
          }
1495
        },
1496
        "4172136737eb4cf48ce6ee5aa566224a": {
1497
          "model_module": "@jupyter-widgets/base",
1498
          "model_module_version": "1.2.0",
1499
          "model_name": "LayoutModel",
1500
          "state": {
1501
            "_model_module": "@jupyter-widgets/base",
1502
            "_model_module_version": "1.2.0",
1503
            "_model_name": "LayoutModel",
1504
            "_view_count": null,
1505
            "_view_module": "@jupyter-widgets/base",
1506
            "_view_module_version": "1.2.0",
1507
            "_view_name": "LayoutView",
1508
            "align_content": null,
1509
            "align_items": null,
1510
            "align_self": null,
1511
            "border": null,
1512
            "bottom": null,
1513
            "display": null,
1514
            "flex": null,
1515
            "flex_flow": null,
1516
            "grid_area": null,
1517
            "grid_auto_columns": null,
1518
            "grid_auto_flow": null,
1519
            "grid_auto_rows": null,
1520
            "grid_column": null,
1521
            "grid_gap": null,
1522
            "grid_row": null,
1523
            "grid_template_areas": null,
1524
            "grid_template_columns": null,
1525
            "grid_template_rows": null,
1526
            "height": null,
1527
            "justify_content": null,
1528
            "justify_items": null,
1529
            "left": null,
1530
            "margin": null,
1531
            "max_height": null,
1532
            "max_width": null,
1533
            "min_height": null,
1534
            "min_width": null,
1535
            "object_fit": null,
1536
            "object_position": null,
1537
            "order": null,
1538
            "overflow": null,
1539
            "overflow_x": null,
1540
            "overflow_y": null,
1541
            "padding": null,
1542
            "right": null,
1543
            "top": null,
1544
            "visibility": null,
1545
            "width": "20px"
1546
          }
1547
        },
1548
        "437886691cdf40d4861575b7b91feb89": {
1549
          "model_module": "@jupyter-widgets/controls",
1550
          "model_module_version": "1.5.0",
1551
          "model_name": "HTMLModel",
1552
          "state": {
1553
            "_dom_classes": [],
1554
            "_model_module": "@jupyter-widgets/controls",
1555
            "_model_module_version": "1.5.0",
1556
            "_model_name": "HTMLModel",
1557
            "_view_count": null,
1558
            "_view_module": "@jupyter-widgets/controls",
1559
            "_view_module_version": "1.5.0",
1560
            "_view_name": "HTMLView",
1561
            "description": "",
1562
            "description_tooltip": null,
1563
            "layout": "IPY_MODEL_103ed45882c3450a8bd9e55940d88c50",
1564
            "placeholder": "​",
1565
            "style": "IPY_MODEL_6abff53f5ed74b8ab7bfe981547d44b4",
1566
            "value": " 1.84M/1.84M [00:00&lt;00:00, 6.90MB/s]"
1567
          }
1568
        },
1569
        "444156136b864dd4896c9f83135772f6": {
1570
          "model_module": "@jupyter-widgets/base",
1571
          "model_module_version": "1.2.0",
1572
          "model_name": "LayoutModel",
1573
          "state": {
1574
            "_model_module": "@jupyter-widgets/base",
1575
            "_model_module_version": "1.2.0",
1576
            "_model_name": "LayoutModel",
1577
            "_view_count": null,
1578
            "_view_module": "@jupyter-widgets/base",
1579
            "_view_module_version": "1.2.0",
1580
            "_view_name": "LayoutView",
1581
            "align_content": null,
1582
            "align_items": null,
1583
            "align_self": null,
1584
            "border": null,
1585
            "bottom": null,
1586
            "display": null,
1587
            "flex": null,
1588
            "flex_flow": null,
1589
            "grid_area": null,
1590
            "grid_auto_columns": null,
1591
            "grid_auto_flow": null,
1592
            "grid_auto_rows": null,
1593
            "grid_column": null,
1594
            "grid_gap": null,
1595
            "grid_row": null,
1596
            "grid_template_areas": null,
1597
            "grid_template_columns": null,
1598
            "grid_template_rows": null,
1599
            "height": null,
1600
            "justify_content": null,
1601
            "justify_items": null,
1602
            "left": null,
1603
            "margin": null,
1604
            "max_height": null,
1605
            "max_width": null,
1606
            "min_height": null,
1607
            "min_width": null,
1608
            "object_fit": null,
1609
            "object_position": null,
1610
            "order": null,
1611
            "overflow": null,
1612
            "overflow_x": null,
1613
            "overflow_y": null,
1614
            "padding": null,
1615
            "right": null,
1616
            "top": null,
1617
            "visibility": null,
1618
            "width": "20px"
1619
          }
1620
        },
1621
        "47255152beba4690b21cce344d30a548": {
1622
          "model_module": "@jupyter-widgets/controls",
1623
          "model_module_version": "1.5.0",
1624
          "model_name": "ProgressStyleModel",
1625
          "state": {
1626
            "_model_module": "@jupyter-widgets/controls",
1627
            "_model_module_version": "1.5.0",
1628
            "_model_name": "ProgressStyleModel",
1629
            "_view_count": null,
1630
            "_view_module": "@jupyter-widgets/base",
1631
            "_view_module_version": "1.2.0",
1632
            "_view_name": "StyleView",
1633
            "bar_color": null,
1634
            "description_width": ""
1635
          }
1636
        },
1637
        "47b91d628c824007ba2a899908543fc4": {
1638
          "model_module": "@jupyter-widgets/controls",
1639
          "model_module_version": "1.5.0",
1640
          "model_name": "HBoxModel",
1641
          "state": {
1642
            "_dom_classes": [],
1643
            "_model_module": "@jupyter-widgets/controls",
1644
            "_model_module_version": "1.5.0",
1645
            "_model_name": "HBoxModel",
1646
            "_view_count": null,
1647
            "_view_module": "@jupyter-widgets/controls",
1648
            "_view_module_version": "1.5.0",
1649
            "_view_name": "HBoxView",
1650
            "box_style": "",
1651
            "children": [
1652
              "IPY_MODEL_544c9ffdfd6346d19865bf34d43e26a3",
1653
              "IPY_MODEL_0a88fd16d72442198803c4c082bdd5ab",
1654
              "IPY_MODEL_e245c09fe14a49929a8274fdc356fd25"
1655
            ],
1656
            "layout": "IPY_MODEL_5cb07c2ef3be4a9f90cac8a53565040f"
1657
          }
1658
        },
1659
        "49ac5705579c4035b864db8d06a3efd6": {
1660
          "model_module": "@jupyter-widgets/controls",
1661
          "model_module_version": "1.5.0",
1662
          "model_name": "HTMLModel",
1663
          "state": {
1664
            "_dom_classes": [],
1665
            "_model_module": "@jupyter-widgets/controls",
1666
            "_model_module_version": "1.5.0",
1667
            "_model_name": "HTMLModel",
1668
            "_view_count": null,
1669
            "_view_module": "@jupyter-widgets/controls",
1670
            "_view_module_version": "1.5.0",
1671
            "_view_name": "HTMLView",
1672
            "description": "",
1673
            "description_tooltip": null,
1674
            "layout": "IPY_MODEL_112fd48addfb42cba27b1939375d5e4c",
1675
            "placeholder": "​",
1676
            "style": "IPY_MODEL_08ddb073da9b4a4981e5452df0e80c5a",
1677
            "value": " 129/129 [00:00&lt;00:00, 3.71kB/s]"
1678
          }
1679
        },
1680
        "49de6fa3e53e4259b87caabcb1cc50b2": {
1681
          "model_module": "@jupyter-widgets/base",
1682
          "model_module_version": "1.2.0",
1683
          "model_name": "LayoutModel",
1684
          "state": {
1685
            "_model_module": "@jupyter-widgets/base",
1686
            "_model_module_version": "1.2.0",
1687
            "_model_name": "LayoutModel",
1688
            "_view_count": null,
1689
            "_view_module": "@jupyter-widgets/base",
1690
            "_view_module_version": "1.2.0",
1691
            "_view_name": "LayoutView",
1692
            "align_content": null,
1693
            "align_items": null,
1694
            "align_self": null,
1695
            "border": null,
1696
            "bottom": null,
1697
            "display": null,
1698
            "flex": null,
1699
            "flex_flow": null,
1700
            "grid_area": null,
1701
            "grid_auto_columns": null,
1702
            "grid_auto_flow": null,
1703
            "grid_auto_rows": null,
1704
            "grid_column": null,
1705
            "grid_gap": null,
1706
            "grid_row": null,
1707
            "grid_template_areas": null,
1708
            "grid_template_columns": null,
1709
            "grid_template_rows": null,
1710
            "height": null,
1711
            "justify_content": null,
1712
            "justify_items": null,
1713
            "left": null,
1714
            "margin": null,
1715
            "max_height": null,
1716
            "max_width": null,
1717
            "min_height": null,
1718
            "min_width": null,
1719
            "object_fit": null,
1720
            "object_position": null,
1721
            "order": null,
1722
            "overflow": null,
1723
            "overflow_x": null,
1724
            "overflow_y": null,
1725
            "padding": null,
1726
            "right": null,
1727
            "top": null,
1728
            "visibility": null,
1729
            "width": null
1730
          }
1731
        },
1732
        "4b2bf0e58403475a8b201e87cf3efb4b": {
1733
          "model_module": "@jupyter-widgets/controls",
1734
          "model_module_version": "1.5.0",
1735
          "model_name": "HTMLModel",
1736
          "state": {
1737
            "_dom_classes": [],
1738
            "_model_module": "@jupyter-widgets/controls",
1739
            "_model_module_version": "1.5.0",
1740
            "_model_name": "HTMLModel",
1741
            "_view_count": null,
1742
            "_view_module": "@jupyter-widgets/controls",
1743
            "_view_module_version": "1.5.0",
1744
            "_view_name": "HTMLView",
1745
            "description": "",
1746
            "description_tooltip": null,
1747
            "layout": "IPY_MODEL_4e7766fa9a1048bcacaf4cea16f24d90",
1748
            "placeholder": "​",
1749
            "style": "IPY_MODEL_ffa5224eb65142d3a3cd053fd43c14b7",
1750
            "value": " 438/438 [00:00&lt;00:00, 7.57kB/s]"
1751
          }
1752
        },
1753
        "4b7057f7b1aa4e9ea73e2aff19d5d7f5": {
1754
          "model_module": "@jupyter-widgets/base",
1755
          "model_module_version": "1.2.0",
1756
          "model_name": "LayoutModel",
1757
          "state": {
1758
            "_model_module": "@jupyter-widgets/base",
1759
            "_model_module_version": "1.2.0",
1760
            "_model_name": "LayoutModel",
1761
            "_view_count": null,
1762
            "_view_module": "@jupyter-widgets/base",
1763
            "_view_module_version": "1.2.0",
1764
            "_view_name": "LayoutView",
1765
            "align_content": null,
1766
            "align_items": null,
1767
            "align_self": null,
1768
            "border": null,
1769
            "bottom": null,
1770
            "display": null,
1771
            "flex": null,
1772
            "flex_flow": null,
1773
            "grid_area": null,
1774
            "grid_auto_columns": null,
1775
            "grid_auto_flow": null,
1776
            "grid_auto_rows": null,
1777
            "grid_column": null,
1778
            "grid_gap": null,
1779
            "grid_row": null,
1780
            "grid_template_areas": null,
1781
            "grid_template_columns": null,
1782
            "grid_template_rows": null,
1783
            "height": null,
1784
            "justify_content": null,
1785
            "justify_items": null,
1786
            "left": null,
1787
            "margin": null,
1788
            "max_height": null,
1789
            "max_width": null,
1790
            "min_height": null,
1791
            "min_width": null,
1792
            "object_fit": null,
1793
            "object_position": null,
1794
            "order": null,
1795
            "overflow": null,
1796
            "overflow_x": null,
1797
            "overflow_y": null,
1798
            "padding": null,
1799
            "right": null,
1800
            "top": null,
1801
            "visibility": null,
1802
            "width": null
1803
          }
1804
        },
1805
        "4dcaad14afbf4a2791d230239ff01b3c": {
1806
          "model_module": "@jupyter-widgets/base",
1807
          "model_module_version": "1.2.0",
1808
          "model_name": "LayoutModel",
1809
          "state": {
1810
            "_model_module": "@jupyter-widgets/base",
1811
            "_model_module_version": "1.2.0",
1812
            "_model_name": "LayoutModel",
1813
            "_view_count": null,
1814
            "_view_module": "@jupyter-widgets/base",
1815
            "_view_module_version": "1.2.0",
1816
            "_view_name": "LayoutView",
1817
            "align_content": null,
1818
            "align_items": null,
1819
            "align_self": null,
1820
            "border": null,
1821
            "bottom": null,
1822
            "display": null,
1823
            "flex": null,
1824
            "flex_flow": null,
1825
            "grid_area": null,
1826
            "grid_auto_columns": null,
1827
            "grid_auto_flow": null,
1828
            "grid_auto_rows": null,
1829
            "grid_column": null,
1830
            "grid_gap": null,
1831
            "grid_row": null,
1832
            "grid_template_areas": null,
1833
            "grid_template_columns": null,
1834
            "grid_template_rows": null,
1835
            "height": null,
1836
            "justify_content": null,
1837
            "justify_items": null,
1838
            "left": null,
1839
            "margin": null,
1840
            "max_height": null,
1841
            "max_width": null,
1842
            "min_height": null,
1843
            "min_width": null,
1844
            "object_fit": null,
1845
            "object_position": null,
1846
            "order": null,
1847
            "overflow": null,
1848
            "overflow_x": null,
1849
            "overflow_y": null,
1850
            "padding": null,
1851
            "right": null,
1852
            "top": null,
1853
            "visibility": null,
1854
            "width": null
1855
          }
1856
        },
1857
        "4e7766fa9a1048bcacaf4cea16f24d90": {
1858
          "model_module": "@jupyter-widgets/base",
1859
          "model_module_version": "1.2.0",
1860
          "model_name": "LayoutModel",
1861
          "state": {
1862
            "_model_module": "@jupyter-widgets/base",
1863
            "_model_module_version": "1.2.0",
1864
            "_model_name": "LayoutModel",
1865
            "_view_count": null,
1866
            "_view_module": "@jupyter-widgets/base",
1867
            "_view_module_version": "1.2.0",
1868
            "_view_name": "LayoutView",
1869
            "align_content": null,
1870
            "align_items": null,
1871
            "align_self": null,
1872
            "border": null,
1873
            "bottom": null,
1874
            "display": null,
1875
            "flex": null,
1876
            "flex_flow": null,
1877
            "grid_area": null,
1878
            "grid_auto_columns": null,
1879
            "grid_auto_flow": null,
1880
            "grid_auto_rows": null,
1881
            "grid_column": null,
1882
            "grid_gap": null,
1883
            "grid_row": null,
1884
            "grid_template_areas": null,
1885
            "grid_template_columns": null,
1886
            "grid_template_rows": null,
1887
            "height": null,
1888
            "justify_content": null,
1889
            "justify_items": null,
1890
            "left": null,
1891
            "margin": null,
1892
            "max_height": null,
1893
            "max_width": null,
1894
            "min_height": null,
1895
            "min_width": null,
1896
            "object_fit": null,
1897
            "object_position": null,
1898
            "order": null,
1899
            "overflow": null,
1900
            "overflow_x": null,
1901
            "overflow_y": null,
1902
            "padding": null,
1903
            "right": null,
1904
            "top": null,
1905
            "visibility": null,
1906
            "width": null
1907
          }
1908
        },
1909
        "4eca6c289693485ba95ee9badb47389f": {
1910
          "model_module": "@jupyter-widgets/controls",
1911
          "model_module_version": "1.5.0",
1912
          "model_name": "HTMLModel",
1913
          "state": {
1914
            "_dom_classes": [],
1915
            "_model_module": "@jupyter-widgets/controls",
1916
            "_model_module_version": "1.5.0",
1917
            "_model_name": "HTMLModel",
1918
            "_view_count": null,
1919
            "_view_module": "@jupyter-widgets/controls",
1920
            "_view_module_version": "1.5.0",
1921
            "_view_name": "HTMLView",
1922
            "description": "",
1923
            "description_tooltip": null,
1924
            "layout": "IPY_MODEL_af8a211d04f647bfb90cd72ed16bed05",
1925
            "placeholder": "​",
1926
            "style": "IPY_MODEL_22e26e8fcc344cd9a9a76a1e2c8bbf53",
1927
            "value": "Map: 100%"
1928
          }
1929
        },
1930
        "544c9ffdfd6346d19865bf34d43e26a3": {
1931
          "model_module": "@jupyter-widgets/controls",
1932
          "model_module_version": "1.5.0",
1933
          "model_name": "HTMLModel",
1934
          "state": {
1935
            "_dom_classes": [],
1936
            "_model_module": "@jupyter-widgets/controls",
1937
            "_model_module_version": "1.5.0",
1938
            "_model_name": "HTMLModel",
1939
            "_view_count": null,
1940
            "_view_module": "@jupyter-widgets/controls",
1941
            "_view_module_version": "1.5.0",
1942
            "_view_name": "HTMLView",
1943
            "description": "",
1944
            "description_tooltip": null,
1945
            "layout": "IPY_MODEL_93cfec82c4e24cd8bbf6d0044c92f9a4",
1946
            "placeholder": "​",
1947
            "style": "IPY_MODEL_7aea5b2b4cb944efae3dc1de39b72f83",
1948
            "value": "Generating train split: "
1949
          }
1950
        },
1951
        "54e400aa31c0492fbbfd0d291eb9dd7f": {
1952
          "model_module": "@jupyter-widgets/controls",
1953
          "model_module_version": "1.5.0",
1954
          "model_name": "DescriptionStyleModel",
1955
          "state": {
1956
            "_model_module": "@jupyter-widgets/controls",
1957
            "_model_module_version": "1.5.0",
1958
            "_model_name": "DescriptionStyleModel",
1959
            "_view_count": null,
1960
            "_view_module": "@jupyter-widgets/base",
1961
            "_view_module_version": "1.2.0",
1962
            "_view_name": "StyleView",
1963
            "description_width": ""
1964
          }
1965
        },
1966
        "553c2e573f5947b4b5bdcb8b2168f016": {
1967
          "model_module": "@jupyter-widgets/controls",
1968
          "model_module_version": "1.5.0",
1969
          "model_name": "DescriptionStyleModel",
1970
          "state": {
1971
            "_model_module": "@jupyter-widgets/controls",
1972
            "_model_module_version": "1.5.0",
1973
            "_model_name": "DescriptionStyleModel",
1974
            "_view_count": null,
1975
            "_view_module": "@jupyter-widgets/base",
1976
            "_view_module_version": "1.2.0",
1977
            "_view_name": "StyleView",
1978
            "description_width": ""
1979
          }
1980
        },
1981
        "5579f451f9bc490fa924455dcf6351f0": {
1982
          "model_module": "@jupyter-widgets/controls",
1983
          "model_module_version": "1.5.0",
1984
          "model_name": "HBoxModel",
1985
          "state": {
1986
            "_dom_classes": [],
1987
            "_model_module": "@jupyter-widgets/controls",
1988
            "_model_module_version": "1.5.0",
1989
            "_model_name": "HBoxModel",
1990
            "_view_count": null,
1991
            "_view_module": "@jupyter-widgets/controls",
1992
            "_view_module_version": "1.5.0",
1993
            "_view_name": "HBoxView",
1994
            "box_style": "",
1995
            "children": [
1996
              "IPY_MODEL_92d80dfad00e4b0abfa3054752385c21",
1997
              "IPY_MODEL_95ed136481974ccd84eb0488ed5c328d",
1998
              "IPY_MODEL_d52459dc6f224b169a49d1cbd2d92f50"
1999
            ],
2000
            "layout": "IPY_MODEL_e73ae12084e848a8aa82e73c5efa9d85"
2001
          }
2002
        },
2003
        "56109c78c5454216af1f1e1910bee352": {
2004
          "model_module": "@jupyter-widgets/base",
2005
          "model_module_version": "1.2.0",
2006
          "model_name": "LayoutModel",
2007
          "state": {
2008
            "_model_module": "@jupyter-widgets/base",
2009
            "_model_module_version": "1.2.0",
2010
            "_model_name": "LayoutModel",
2011
            "_view_count": null,
2012
            "_view_module": "@jupyter-widgets/base",
2013
            "_view_module_version": "1.2.0",
2014
            "_view_name": "LayoutView",
2015
            "align_content": null,
2016
            "align_items": null,
2017
            "align_self": null,
2018
            "border": null,
2019
            "bottom": null,
2020
            "display": null,
2021
            "flex": null,
2022
            "flex_flow": null,
2023
            "grid_area": null,
2024
            "grid_auto_columns": null,
2025
            "grid_auto_flow": null,
2026
            "grid_auto_rows": null,
2027
            "grid_column": null,
2028
            "grid_gap": null,
2029
            "grid_row": null,
2030
            "grid_template_areas": null,
2031
            "grid_template_columns": null,
2032
            "grid_template_rows": null,
2033
            "height": null,
2034
            "justify_content": null,
2035
            "justify_items": null,
2036
            "left": null,
2037
            "margin": null,
2038
            "max_height": null,
2039
            "max_width": null,
2040
            "min_height": null,
2041
            "min_width": null,
2042
            "object_fit": null,
2043
            "object_position": null,
2044
            "order": null,
2045
            "overflow": null,
2046
            "overflow_x": null,
2047
            "overflow_y": null,
2048
            "padding": null,
2049
            "right": null,
2050
            "top": null,
2051
            "visibility": null,
2052
            "width": null
2053
          }
2054
        },
2055
        "56bc8dce7dfb44789f0edb09df8dd450": {
2056
          "model_module": "@jupyter-widgets/controls",
2057
          "model_module_version": "1.5.0",
2058
          "model_name": "HTMLModel",
2059
          "state": {
2060
            "_dom_classes": [],
2061
            "_model_module": "@jupyter-widgets/controls",
2062
            "_model_module_version": "1.5.0",
2063
            "_model_name": "HTMLModel",
2064
            "_view_count": null,
2065
            "_view_module": "@jupyter-widgets/controls",
2066
            "_view_module_version": "1.5.0",
2067
            "_view_name": "HTMLView",
2068
            "description": "",
2069
            "description_tooltip": null,
2070
            "layout": "IPY_MODEL_c2628e20f1154acd94bbcb282fd6554d",
2071
            "placeholder": "​",
2072
            "style": "IPY_MODEL_8680fbf7a67940e7ac6f6d59873ef4e9",
2073
            "value": "tokenizer.json: 100%"
2074
          }
2075
        },
2076
        "56d1a29a8e724aa98b0e9b2d8c995713": {
2077
          "model_module": "@jupyter-widgets/base",
2078
          "model_module_version": "1.2.0",
2079
          "model_name": "LayoutModel",
2080
          "state": {
2081
            "_model_module": "@jupyter-widgets/base",
2082
            "_model_module_version": "1.2.0",
2083
            "_model_name": "LayoutModel",
2084
            "_view_count": null,
2085
            "_view_module": "@jupyter-widgets/base",
2086
            "_view_module_version": "1.2.0",
2087
            "_view_name": "LayoutView",
2088
            "align_content": null,
2089
            "align_items": null,
2090
            "align_self": null,
2091
            "border": null,
2092
            "bottom": null,
2093
            "display": null,
2094
            "flex": null,
2095
            "flex_flow": null,
2096
            "grid_area": null,
2097
            "grid_auto_columns": null,
2098
            "grid_auto_flow": null,
2099
            "grid_auto_rows": null,
2100
            "grid_column": null,
2101
            "grid_gap": null,
2102
            "grid_row": null,
2103
            "grid_template_areas": null,
2104
            "grid_template_columns": null,
2105
            "grid_template_rows": null,
2106
            "height": null,
2107
            "justify_content": null,
2108
            "justify_items": null,
2109
            "left": null,
2110
            "margin": null,
2111
            "max_height": null,
2112
            "max_width": null,
2113
            "min_height": null,
2114
            "min_width": null,
2115
            "object_fit": null,
2116
            "object_position": null,
2117
            "order": null,
2118
            "overflow": null,
2119
            "overflow_x": null,
2120
            "overflow_y": null,
2121
            "padding": null,
2122
            "right": null,
2123
            "top": null,
2124
            "visibility": null,
2125
            "width": null
2126
          }
2127
        },
2128
        "594b86fdbc6c4ac582aee52d0099a590": {
2129
          "model_module": "@jupyter-widgets/base",
2130
          "model_module_version": "1.2.0",
2131
          "model_name": "LayoutModel",
2132
          "state": {
2133
            "_model_module": "@jupyter-widgets/base",
2134
            "_model_module_version": "1.2.0",
2135
            "_model_name": "LayoutModel",
2136
            "_view_count": null,
2137
            "_view_module": "@jupyter-widgets/base",
2138
            "_view_module_version": "1.2.0",
2139
            "_view_name": "LayoutView",
2140
            "align_content": null,
2141
            "align_items": null,
2142
            "align_self": null,
2143
            "border": null,
2144
            "bottom": null,
2145
            "display": null,
2146
            "flex": null,
2147
            "flex_flow": null,
2148
            "grid_area": null,
2149
            "grid_auto_columns": null,
2150
            "grid_auto_flow": null,
2151
            "grid_auto_rows": null,
2152
            "grid_column": null,
2153
            "grid_gap": null,
2154
            "grid_row": null,
2155
            "grid_template_areas": null,
2156
            "grid_template_columns": null,
2157
            "grid_template_rows": null,
2158
            "height": null,
2159
            "justify_content": null,
2160
            "justify_items": null,
2161
            "left": null,
2162
            "margin": null,
2163
            "max_height": null,
2164
            "max_width": null,
2165
            "min_height": null,
2166
            "min_width": null,
2167
            "object_fit": null,
2168
            "object_position": null,
2169
            "order": null,
2170
            "overflow": null,
2171
            "overflow_x": null,
2172
            "overflow_y": null,
2173
            "padding": null,
2174
            "right": null,
2175
            "top": null,
2176
            "visibility": null,
2177
            "width": null
2178
          }
2179
        },
2180
        "5a55d70b2d0543d082603c586787b9ac": {
2181
          "model_module": "@jupyter-widgets/base",
2182
          "model_module_version": "1.2.0",
2183
          "model_name": "LayoutModel",
2184
          "state": {
2185
            "_model_module": "@jupyter-widgets/base",
2186
            "_model_module_version": "1.2.0",
2187
            "_model_name": "LayoutModel",
2188
            "_view_count": null,
2189
            "_view_module": "@jupyter-widgets/base",
2190
            "_view_module_version": "1.2.0",
2191
            "_view_name": "LayoutView",
2192
            "align_content": null,
2193
            "align_items": null,
2194
            "align_self": null,
2195
            "border": null,
2196
            "bottom": null,
2197
            "display": null,
2198
            "flex": null,
2199
            "flex_flow": null,
2200
            "grid_area": null,
2201
            "grid_auto_columns": null,
2202
            "grid_auto_flow": null,
2203
            "grid_auto_rows": null,
2204
            "grid_column": null,
2205
            "grid_gap": null,
2206
            "grid_row": null,
2207
            "grid_template_areas": null,
2208
            "grid_template_columns": null,
2209
            "grid_template_rows": null,
2210
            "height": null,
2211
            "justify_content": null,
2212
            "justify_items": null,
2213
            "left": null,
2214
            "margin": null,
2215
            "max_height": null,
2216
            "max_width": null,
2217
            "min_height": null,
2218
            "min_width": null,
2219
            "object_fit": null,
2220
            "object_position": null,
2221
            "order": null,
2222
            "overflow": null,
2223
            "overflow_x": null,
2224
            "overflow_y": null,
2225
            "padding": null,
2226
            "right": null,
2227
            "top": null,
2228
            "visibility": null,
2229
            "width": null
2230
          }
2231
        },
2232
        "5adbfe3e9c424429851258c009d72f26": {
2233
          "model_module": "@jupyter-widgets/controls",
2234
          "model_module_version": "1.5.0",
2235
          "model_name": "DescriptionStyleModel",
2236
          "state": {
2237
            "_model_module": "@jupyter-widgets/controls",
2238
            "_model_module_version": "1.5.0",
2239
            "_model_name": "DescriptionStyleModel",
2240
            "_view_count": null,
2241
            "_view_module": "@jupyter-widgets/base",
2242
            "_view_module_version": "1.2.0",
2243
            "_view_name": "StyleView",
2244
            "description_width": ""
2245
          }
2246
        },
2247
        "5cb07c2ef3be4a9f90cac8a53565040f": {
2248
          "model_module": "@jupyter-widgets/base",
2249
          "model_module_version": "1.2.0",
2250
          "model_name": "LayoutModel",
2251
          "state": {
2252
            "_model_module": "@jupyter-widgets/base",
2253
            "_model_module_version": "1.2.0",
2254
            "_model_name": "LayoutModel",
2255
            "_view_count": null,
2256
            "_view_module": "@jupyter-widgets/base",
2257
            "_view_module_version": "1.2.0",
2258
            "_view_name": "LayoutView",
2259
            "align_content": null,
2260
            "align_items": null,
2261
            "align_self": null,
2262
            "border": null,
2263
            "bottom": null,
2264
            "display": null,
2265
            "flex": null,
2266
            "flex_flow": null,
2267
            "grid_area": null,
2268
            "grid_auto_columns": null,
2269
            "grid_auto_flow": null,
2270
            "grid_auto_rows": null,
2271
            "grid_column": null,
2272
            "grid_gap": null,
2273
            "grid_row": null,
2274
            "grid_template_areas": null,
2275
            "grid_template_columns": null,
2276
            "grid_template_rows": null,
2277
            "height": null,
2278
            "justify_content": null,
2279
            "justify_items": null,
2280
            "left": null,
2281
            "margin": null,
2282
            "max_height": null,
2283
            "max_width": null,
2284
            "min_height": null,
2285
            "min_width": null,
2286
            "object_fit": null,
2287
            "object_position": null,
2288
            "order": null,
2289
            "overflow": null,
2290
            "overflow_x": null,
2291
            "overflow_y": null,
2292
            "padding": null,
2293
            "right": null,
2294
            "top": null,
2295
            "visibility": null,
2296
            "width": null
2297
          }
2298
        },
2299
        "5d20dbac1cd74e378902f7f6ef71e1f5": {
2300
          "model_module": "@jupyter-widgets/controls",
2301
          "model_module_version": "1.5.0",
2302
          "model_name": "HTMLModel",
2303
          "state": {
2304
            "_dom_classes": [],
2305
            "_model_module": "@jupyter-widgets/controls",
2306
            "_model_module_version": "1.5.0",
2307
            "_model_name": "HTMLModel",
2308
            "_view_count": null,
2309
            "_view_module": "@jupyter-widgets/controls",
2310
            "_view_module_version": "1.5.0",
2311
            "_view_name": "HTMLView",
2312
            "description": "",
2313
            "description_tooltip": null,
2314
            "layout": "IPY_MODEL_a8a15bf2150246999bf268f0731f9e43",
2315
            "placeholder": "​",
2316
            "style": "IPY_MODEL_6ffc5ef1a24249bfbaea21fbc8990298",
2317
            "value": "tokenizer.model: 100%"
2318
          }
2319
        },
2320
        "5e48035e021b40aea0317f856b842379": {
2321
          "model_module": "@jupyter-widgets/controls",
2322
          "model_module_version": "1.5.0",
2323
          "model_name": "FloatProgressModel",
2324
          "state": {
2325
            "_dom_classes": [],
2326
            "_model_module": "@jupyter-widgets/controls",
2327
            "_model_module_version": "1.5.0",
2328
            "_model_name": "FloatProgressModel",
2329
            "_view_count": null,
2330
            "_view_module": "@jupyter-widgets/controls",
2331
            "_view_module_version": "1.5.0",
2332
            "_view_name": "ProgressView",
2333
            "bar_style": "success",
2334
            "description": "",
2335
            "description_tooltip": null,
2336
            "layout": "IPY_MODEL_49de6fa3e53e4259b87caabcb1cc50b2",
2337
            "max": 1089,
2338
            "min": 0,
2339
            "orientation": "horizontal",
2340
            "style": "IPY_MODEL_b53a34cdb16a4b8eb482b91f407b688a",
2341
            "value": 1089
2342
          }
2343
        },
2344
        "5e683f7a34e74032a2543ce2db6d9ceb": {
2345
          "model_module": "@jupyter-widgets/controls",
2346
          "model_module_version": "1.5.0",
2347
          "model_name": "HBoxModel",
2348
          "state": {
2349
            "_dom_classes": [],
2350
            "_model_module": "@jupyter-widgets/controls",
2351
            "_model_module_version": "1.5.0",
2352
            "_model_name": "HBoxModel",
2353
            "_view_count": null,
2354
            "_view_module": "@jupyter-widgets/controls",
2355
            "_view_module_version": "1.5.0",
2356
            "_view_name": "HBoxView",
2357
            "box_style": "",
2358
            "children": [
2359
              "IPY_MODEL_5d20dbac1cd74e378902f7f6ef71e1f5",
2360
              "IPY_MODEL_323cca9bfd6a4342b614043b95b8f722",
2361
              "IPY_MODEL_b792c64d4aed4f90938c58344961d32c"
2362
            ],
2363
            "layout": "IPY_MODEL_56109c78c5454216af1f1e1910bee352"
2364
          }
2365
        },
2366
        "6324e9afb3b64beaa84a80622e4aa4af": {
2367
          "model_module": "@jupyter-widgets/base",
2368
          "model_module_version": "1.2.0",
2369
          "model_name": "LayoutModel",
2370
          "state": {
2371
            "_model_module": "@jupyter-widgets/base",
2372
            "_model_module_version": "1.2.0",
2373
            "_model_name": "LayoutModel",
2374
            "_view_count": null,
2375
            "_view_module": "@jupyter-widgets/base",
2376
            "_view_module_version": "1.2.0",
2377
            "_view_name": "LayoutView",
2378
            "align_content": null,
2379
            "align_items": null,
2380
            "align_self": null,
2381
            "border": null,
2382
            "bottom": null,
2383
            "display": null,
2384
            "flex": null,
2385
            "flex_flow": null,
2386
            "grid_area": null,
2387
            "grid_auto_columns": null,
2388
            "grid_auto_flow": null,
2389
            "grid_auto_rows": null,
2390
            "grid_column": null,
2391
            "grid_gap": null,
2392
            "grid_row": null,
2393
            "grid_template_areas": null,
2394
            "grid_template_columns": null,
2395
            "grid_template_rows": null,
2396
            "height": null,
2397
            "justify_content": null,
2398
            "justify_items": null,
2399
            "left": null,
2400
            "margin": null,
2401
            "max_height": null,
2402
            "max_width": null,
2403
            "min_height": null,
2404
            "min_width": null,
2405
            "object_fit": null,
2406
            "object_position": null,
2407
            "order": null,
2408
            "overflow": null,
2409
            "overflow_x": null,
2410
            "overflow_y": null,
2411
            "padding": null,
2412
            "right": null,
2413
            "top": null,
2414
            "visibility": null,
2415
            "width": null
2416
          }
2417
        },
2418
        "64d035fbc33f417d970f39c5aa14c93f": {
2419
          "model_module": "@jupyter-widgets/controls",
2420
          "model_module_version": "1.5.0",
2421
          "model_name": "FloatProgressModel",
2422
          "state": {
2423
            "_dom_classes": [],
2424
            "_model_module": "@jupyter-widgets/controls",
2425
            "_model_module_version": "1.5.0",
2426
            "_model_name": "FloatProgressModel",
2427
            "_view_count": null,
2428
            "_view_module": "@jupyter-widgets/controls",
2429
            "_view_module_version": "1.5.0",
2430
            "_view_name": "ProgressView",
2431
            "bar_style": "success",
2432
            "description": "",
2433
            "description_tooltip": null,
2434
            "layout": "IPY_MODEL_12634ac7d05e490493d5c068087ff978",
2435
            "max": 1842767,
2436
            "min": 0,
2437
            "orientation": "horizontal",
2438
            "style": "IPY_MODEL_0d950e93a67e4402949fce40ba6097b6",
2439
            "value": 1842767
2440
          }
2441
        },
2442
        "66917e3680214990a27525ee10ef0259": {
2443
          "model_module": "@jupyter-widgets/controls",
2444
          "model_module_version": "1.5.0",
2445
          "model_name": "DescriptionStyleModel",
2446
          "state": {
2447
            "_model_module": "@jupyter-widgets/controls",
2448
            "_model_module_version": "1.5.0",
2449
            "_model_name": "DescriptionStyleModel",
2450
            "_view_count": null,
2451
            "_view_module": "@jupyter-widgets/base",
2452
            "_view_module_version": "1.2.0",
2453
            "_view_name": "StyleView",
2454
            "description_width": ""
2455
          }
2456
        },
2457
        "680c3c2c0ea24be0b7a29ad770f28abd": {
2458
          "model_module": "@jupyter-widgets/controls",
2459
          "model_module_version": "1.5.0",
2460
          "model_name": "ProgressStyleModel",
2461
          "state": {
2462
            "_model_module": "@jupyter-widgets/controls",
2463
            "_model_module_version": "1.5.0",
2464
            "_model_name": "ProgressStyleModel",
2465
            "_view_count": null,
2466
            "_view_module": "@jupyter-widgets/base",
2467
            "_view_module_version": "1.2.0",
2468
            "_view_name": "StyleView",
2469
            "bar_color": null,
2470
            "description_width": ""
2471
          }
2472
        },
2473
        "68a8b3c46c15441d9a67d1b578c64f1d": {
2474
          "model_module": "@jupyter-widgets/base",
2475
          "model_module_version": "1.2.0",
2476
          "model_name": "LayoutModel",
2477
          "state": {
2478
            "_model_module": "@jupyter-widgets/base",
2479
            "_model_module_version": "1.2.0",
2480
            "_model_name": "LayoutModel",
2481
            "_view_count": null,
2482
            "_view_module": "@jupyter-widgets/base",
2483
            "_view_module_version": "1.2.0",
2484
            "_view_name": "LayoutView",
2485
            "align_content": null,
2486
            "align_items": null,
2487
            "align_self": null,
2488
            "border": null,
2489
            "bottom": null,
2490
            "display": null,
2491
            "flex": null,
2492
            "flex_flow": null,
2493
            "grid_area": null,
2494
            "grid_auto_columns": null,
2495
            "grid_auto_flow": null,
2496
            "grid_auto_rows": null,
2497
            "grid_column": null,
2498
            "grid_gap": null,
2499
            "grid_row": null,
2500
            "grid_template_areas": null,
2501
            "grid_template_columns": null,
2502
            "grid_template_rows": null,
2503
            "height": null,
2504
            "justify_content": null,
2505
            "justify_items": null,
2506
            "left": null,
2507
            "margin": null,
2508
            "max_height": null,
2509
            "max_width": null,
2510
            "min_height": null,
2511
            "min_width": null,
2512
            "object_fit": null,
2513
            "object_position": null,
2514
            "order": null,
2515
            "overflow": null,
2516
            "overflow_x": null,
2517
            "overflow_y": null,
2518
            "padding": null,
2519
            "right": null,
2520
            "top": null,
2521
            "visibility": null,
2522
            "width": null
2523
          }
2524
        },
2525
        "6abff53f5ed74b8ab7bfe981547d44b4": {
2526
          "model_module": "@jupyter-widgets/controls",
2527
          "model_module_version": "1.5.0",
2528
          "model_name": "DescriptionStyleModel",
2529
          "state": {
2530
            "_model_module": "@jupyter-widgets/controls",
2531
            "_model_module_version": "1.5.0",
2532
            "_model_name": "DescriptionStyleModel",
2533
            "_view_count": null,
2534
            "_view_module": "@jupyter-widgets/base",
2535
            "_view_module_version": "1.2.0",
2536
            "_view_name": "StyleView",
2537
            "description_width": ""
2538
          }
2539
        },
2540
        "6cdb22652f1f47648c8dfe632e7e87b5": {
2541
          "model_module": "@jupyter-widgets/base",
2542
          "model_module_version": "1.2.0",
2543
          "model_name": "LayoutModel",
2544
          "state": {
2545
            "_model_module": "@jupyter-widgets/base",
2546
            "_model_module_version": "1.2.0",
2547
            "_model_name": "LayoutModel",
2548
            "_view_count": null,
2549
            "_view_module": "@jupyter-widgets/base",
2550
            "_view_module_version": "1.2.0",
2551
            "_view_name": "LayoutView",
2552
            "align_content": null,
2553
            "align_items": null,
2554
            "align_self": null,
2555
            "border": null,
2556
            "bottom": null,
2557
            "display": null,
2558
            "flex": null,
2559
            "flex_flow": null,
2560
            "grid_area": null,
2561
            "grid_auto_columns": null,
2562
            "grid_auto_flow": null,
2563
            "grid_auto_rows": null,
2564
            "grid_column": null,
2565
            "grid_gap": null,
2566
            "grid_row": null,
2567
            "grid_template_areas": null,
2568
            "grid_template_columns": null,
2569
            "grid_template_rows": null,
2570
            "height": null,
2571
            "justify_content": null,
2572
            "justify_items": null,
2573
            "left": null,
2574
            "margin": null,
2575
            "max_height": null,
2576
            "max_width": null,
2577
            "min_height": null,
2578
            "min_width": null,
2579
            "object_fit": null,
2580
            "object_position": null,
2581
            "order": null,
2582
            "overflow": null,
2583
            "overflow_x": null,
2584
            "overflow_y": null,
2585
            "padding": null,
2586
            "right": null,
2587
            "top": null,
2588
            "visibility": null,
2589
            "width": null
2590
          }
2591
        },
2592
        "6d258790472640f493b26790298aa366": {
2593
          "model_module": "@jupyter-widgets/controls",
2594
          "model_module_version": "1.5.0",
2595
          "model_name": "ProgressStyleModel",
2596
          "state": {
2597
            "_model_module": "@jupyter-widgets/controls",
2598
            "_model_module_version": "1.5.0",
2599
            "_model_name": "ProgressStyleModel",
2600
            "_view_count": null,
2601
            "_view_module": "@jupyter-widgets/base",
2602
            "_view_module_version": "1.2.0",
2603
            "_view_name": "StyleView",
2604
            "bar_color": null,
2605
            "description_width": ""
2606
          }
2607
        },
2608
        "6d3d3a38139147dfae6ce54b2adcbbf6": {
2609
          "model_module": "@jupyter-widgets/controls",
2610
          "model_module_version": "1.5.0",
2611
          "model_name": "ProgressStyleModel",
2612
          "state": {
2613
            "_model_module": "@jupyter-widgets/controls",
2614
            "_model_module_version": "1.5.0",
2615
            "_model_name": "ProgressStyleModel",
2616
            "_view_count": null,
2617
            "_view_module": "@jupyter-widgets/base",
2618
            "_view_module_version": "1.2.0",
2619
            "_view_name": "StyleView",
2620
            "bar_color": null,
2621
            "description_width": ""
2622
          }
2623
        },
2624
        "6ffc5ef1a24249bfbaea21fbc8990298": {
2625
          "model_module": "@jupyter-widgets/controls",
2626
          "model_module_version": "1.5.0",
2627
          "model_name": "DescriptionStyleModel",
2628
          "state": {
2629
            "_model_module": "@jupyter-widgets/controls",
2630
            "_model_module_version": "1.5.0",
2631
            "_model_name": "DescriptionStyleModel",
2632
            "_view_count": null,
2633
            "_view_module": "@jupyter-widgets/base",
2634
            "_view_module_version": "1.2.0",
2635
            "_view_name": "StyleView",
2636
            "description_width": ""
2637
          }
2638
        },
2639
        "70df82f25eeb4f9f83778c3c4cab7ddd": {
2640
          "model_module": "@jupyter-widgets/base",
2641
          "model_module_version": "1.2.0",
2642
          "model_name": "LayoutModel",
2643
          "state": {
2644
            "_model_module": "@jupyter-widgets/base",
2645
            "_model_module_version": "1.2.0",
2646
            "_model_name": "LayoutModel",
2647
            "_view_count": null,
2648
            "_view_module": "@jupyter-widgets/base",
2649
            "_view_module_version": "1.2.0",
2650
            "_view_name": "LayoutView",
2651
            "align_content": null,
2652
            "align_items": null,
2653
            "align_self": null,
2654
            "border": null,
2655
            "bottom": null,
2656
            "display": null,
2657
            "flex": null,
2658
            "flex_flow": null,
2659
            "grid_area": null,
2660
            "grid_auto_columns": null,
2661
            "grid_auto_flow": null,
2662
            "grid_auto_rows": null,
2663
            "grid_column": null,
2664
            "grid_gap": null,
2665
            "grid_row": null,
2666
            "grid_template_areas": null,
2667
            "grid_template_columns": null,
2668
            "grid_template_rows": null,
2669
            "height": null,
2670
            "justify_content": null,
2671
            "justify_items": null,
2672
            "left": null,
2673
            "margin": null,
2674
            "max_height": null,
2675
            "max_width": null,
2676
            "min_height": null,
2677
            "min_width": null,
2678
            "object_fit": null,
2679
            "object_position": null,
2680
            "order": null,
2681
            "overflow": null,
2682
            "overflow_x": null,
2683
            "overflow_y": null,
2684
            "padding": null,
2685
            "right": null,
2686
            "top": null,
2687
            "visibility": null,
2688
            "width": null
2689
          }
2690
        },
2691
        "7806f5a3a9404bbcbcedfaf8d827a35c": {
2692
          "model_module": "@jupyter-widgets/base",
2693
          "model_module_version": "1.2.0",
2694
          "model_name": "LayoutModel",
2695
          "state": {
2696
            "_model_module": "@jupyter-widgets/base",
2697
            "_model_module_version": "1.2.0",
2698
            "_model_name": "LayoutModel",
2699
            "_view_count": null,
2700
            "_view_module": "@jupyter-widgets/base",
2701
            "_view_module_version": "1.2.0",
2702
            "_view_name": "LayoutView",
2703
            "align_content": null,
2704
            "align_items": null,
2705
            "align_self": null,
2706
            "border": null,
2707
            "bottom": null,
2708
            "display": null,
2709
            "flex": null,
2710
            "flex_flow": null,
2711
            "grid_area": null,
2712
            "grid_auto_columns": null,
2713
            "grid_auto_flow": null,
2714
            "grid_auto_rows": null,
2715
            "grid_column": null,
2716
            "grid_gap": null,
2717
            "grid_row": null,
2718
            "grid_template_areas": null,
2719
            "grid_template_columns": null,
2720
            "grid_template_rows": null,
2721
            "height": null,
2722
            "justify_content": null,
2723
            "justify_items": null,
2724
            "left": null,
2725
            "margin": null,
2726
            "max_height": null,
2727
            "max_width": null,
2728
            "min_height": null,
2729
            "min_width": null,
2730
            "object_fit": null,
2731
            "object_position": null,
2732
            "order": null,
2733
            "overflow": null,
2734
            "overflow_x": null,
2735
            "overflow_y": null,
2736
            "padding": null,
2737
            "right": null,
2738
            "top": null,
2739
            "visibility": null,
2740
            "width": null
2741
          }
2742
        },
2743
        "78dcd43379e64fb994fc5d8ad392cd32": {
2744
          "model_module": "@jupyter-widgets/base",
2745
          "model_module_version": "1.2.0",
2746
          "model_name": "LayoutModel",
2747
          "state": {
2748
            "_model_module": "@jupyter-widgets/base",
2749
            "_model_module_version": "1.2.0",
2750
            "_model_name": "LayoutModel",
2751
            "_view_count": null,
2752
            "_view_module": "@jupyter-widgets/base",
2753
            "_view_module_version": "1.2.0",
2754
            "_view_name": "LayoutView",
2755
            "align_content": null,
2756
            "align_items": null,
2757
            "align_self": null,
2758
            "border": null,
2759
            "bottom": null,
2760
            "display": null,
2761
            "flex": null,
2762
            "flex_flow": null,
2763
            "grid_area": null,
2764
            "grid_auto_columns": null,
2765
            "grid_auto_flow": null,
2766
            "grid_auto_rows": null,
2767
            "grid_column": null,
2768
            "grid_gap": null,
2769
            "grid_row": null,
2770
            "grid_template_areas": null,
2771
            "grid_template_columns": null,
2772
            "grid_template_rows": null,
2773
            "height": null,
2774
            "justify_content": null,
2775
            "justify_items": null,
2776
            "left": null,
2777
            "margin": null,
2778
            "max_height": null,
2779
            "max_width": null,
2780
            "min_height": null,
2781
            "min_width": null,
2782
            "object_fit": null,
2783
            "object_position": null,
2784
            "order": null,
2785
            "overflow": null,
2786
            "overflow_x": null,
2787
            "overflow_y": null,
2788
            "padding": null,
2789
            "right": null,
2790
            "top": null,
2791
            "visibility": null,
2792
            "width": null
2793
          }
2794
        },
2795
        "78ef61071c244b86b20227e775267aa0": {
2796
          "model_module": "@jupyter-widgets/controls",
2797
          "model_module_version": "1.5.0",
2798
          "model_name": "DescriptionStyleModel",
2799
          "state": {
2800
            "_model_module": "@jupyter-widgets/controls",
2801
            "_model_module_version": "1.5.0",
2802
            "_model_name": "DescriptionStyleModel",
2803
            "_view_count": null,
2804
            "_view_module": "@jupyter-widgets/base",
2805
            "_view_module_version": "1.2.0",
2806
            "_view_name": "StyleView",
2807
            "description_width": ""
2808
          }
2809
        },
2810
        "78f3ba544cdb4e36b76f3a0fe4d79075": {
2811
          "model_module": "@jupyter-widgets/controls",
2812
          "model_module_version": "1.5.0",
2813
          "model_name": "HTMLModel",
2814
          "state": {
2815
            "_dom_classes": [],
2816
            "_model_module": "@jupyter-widgets/controls",
2817
            "_model_module_version": "1.5.0",
2818
            "_model_name": "HTMLModel",
2819
            "_view_count": null,
2820
            "_view_module": "@jupyter-widgets/controls",
2821
            "_view_module_version": "1.5.0",
2822
            "_view_name": "HTMLView",
2823
            "description": "",
2824
            "description_tooltip": null,
2825
            "layout": "IPY_MODEL_a06afe98f7fa4d6a99a2defe9c7828cc",
2826
            "placeholder": "​",
2827
            "style": "IPY_MODEL_063e74555fbb4ab381cdcbcabc37461e",
2828
            "value": "special_tokens_map.json: 100%"
2829
          }
2830
        },
2831
        "7aea5b2b4cb944efae3dc1de39b72f83": {
2832
          "model_module": "@jupyter-widgets/controls",
2833
          "model_module_version": "1.5.0",
2834
          "model_name": "DescriptionStyleModel",
2835
          "state": {
2836
            "_model_module": "@jupyter-widgets/controls",
2837
            "_model_module_version": "1.5.0",
2838
            "_model_name": "DescriptionStyleModel",
2839
            "_view_count": null,
2840
            "_view_module": "@jupyter-widgets/base",
2841
            "_view_module_version": "1.2.0",
2842
            "_view_name": "StyleView",
2843
            "description_width": ""
2844
          }
2845
        },
2846
        "800461f0e86545e6a99fbb868e028a27": {
2847
          "model_module": "@jupyter-widgets/base",
2848
          "model_module_version": "1.2.0",
2849
          "model_name": "LayoutModel",
2850
          "state": {
2851
            "_model_module": "@jupyter-widgets/base",
2852
            "_model_module_version": "1.2.0",
2853
            "_model_name": "LayoutModel",
2854
            "_view_count": null,
2855
            "_view_module": "@jupyter-widgets/base",
2856
            "_view_module_version": "1.2.0",
2857
            "_view_name": "LayoutView",
2858
            "align_content": null,
2859
            "align_items": null,
2860
            "align_self": null,
2861
            "border": null,
2862
            "bottom": null,
2863
            "display": null,
2864
            "flex": null,
2865
            "flex_flow": null,
2866
            "grid_area": null,
2867
            "grid_auto_columns": null,
2868
            "grid_auto_flow": null,
2869
            "grid_auto_rows": null,
2870
            "grid_column": null,
2871
            "grid_gap": null,
2872
            "grid_row": null,
2873
            "grid_template_areas": null,
2874
            "grid_template_columns": null,
2875
            "grid_template_rows": null,
2876
            "height": null,
2877
            "justify_content": null,
2878
            "justify_items": null,
2879
            "left": null,
2880
            "margin": null,
2881
            "max_height": null,
2882
            "max_width": null,
2883
            "min_height": null,
2884
            "min_width": null,
2885
            "object_fit": null,
2886
            "object_position": null,
2887
            "order": null,
2888
            "overflow": null,
2889
            "overflow_x": null,
2890
            "overflow_y": null,
2891
            "padding": null,
2892
            "right": null,
2893
            "top": null,
2894
            "visibility": null,
2895
            "width": null
2896
          }
2897
        },
2898
        "82b55fbb2ba74150900dddf1143e54f0": {
2899
          "model_module": "@jupyter-widgets/base",
2900
          "model_module_version": "1.2.0",
2901
          "model_name": "LayoutModel",
2902
          "state": {
2903
            "_model_module": "@jupyter-widgets/base",
2904
            "_model_module_version": "1.2.0",
2905
            "_model_name": "LayoutModel",
2906
            "_view_count": null,
2907
            "_view_module": "@jupyter-widgets/base",
2908
            "_view_module_version": "1.2.0",
2909
            "_view_name": "LayoutView",
2910
            "align_content": null,
2911
            "align_items": null,
2912
            "align_self": null,
2913
            "border": null,
2914
            "bottom": null,
2915
            "display": null,
2916
            "flex": null,
2917
            "flex_flow": null,
2918
            "grid_area": null,
2919
            "grid_auto_columns": null,
2920
            "grid_auto_flow": null,
2921
            "grid_auto_rows": null,
2922
            "grid_column": null,
2923
            "grid_gap": null,
2924
            "grid_row": null,
2925
            "grid_template_areas": null,
2926
            "grid_template_columns": null,
2927
            "grid_template_rows": null,
2928
            "height": null,
2929
            "justify_content": null,
2930
            "justify_items": null,
2931
            "left": null,
2932
            "margin": null,
2933
            "max_height": null,
2934
            "max_width": null,
2935
            "min_height": null,
2936
            "min_width": null,
2937
            "object_fit": null,
2938
            "object_position": null,
2939
            "order": null,
2940
            "overflow": null,
2941
            "overflow_x": null,
2942
            "overflow_y": null,
2943
            "padding": null,
2944
            "right": null,
2945
            "top": null,
2946
            "visibility": null,
2947
            "width": null
2948
          }
2949
        },
2950
        "83736d38ebea43e3b9c58ce36ef1351e": {
2951
          "model_module": "@jupyter-widgets/controls",
2952
          "model_module_version": "1.5.0",
2953
          "model_name": "FloatProgressModel",
2954
          "state": {
2955
            "_dom_classes": [],
2956
            "_model_module": "@jupyter-widgets/controls",
2957
            "_model_module_version": "1.5.0",
2958
            "_model_name": "FloatProgressModel",
2959
            "_view_count": null,
2960
            "_view_module": "@jupyter-widgets/controls",
2961
            "_view_module_version": "1.5.0",
2962
            "_view_name": "ProgressView",
2963
            "bar_style": "success",
2964
            "description": "",
2965
            "description_tooltip": null,
2966
            "layout": "IPY_MODEL_f097c1e989394c7f8a226f08ff7a6e9a",
2967
            "max": 51760,
2968
            "min": 0,
2969
            "orientation": "horizontal",
2970
            "style": "IPY_MODEL_12e46295371a46bc94e7632a49917e60",
2971
            "value": 51760
2972
          }
2973
        },
2974
        "8375b238b9084bceb04c8d67e148f9dc": {
2975
          "model_module": "@jupyter-widgets/controls",
2976
          "model_module_version": "1.5.0",
2977
          "model_name": "HBoxModel",
2978
          "state": {
2979
            "_dom_classes": [],
2980
            "_model_module": "@jupyter-widgets/controls",
2981
            "_model_module_version": "1.5.0",
2982
            "_model_name": "HBoxModel",
2983
            "_view_count": null,
2984
            "_view_module": "@jupyter-widgets/controls",
2985
            "_view_module_version": "1.5.0",
2986
            "_view_name": "HBoxView",
2987
            "box_style": "",
2988
            "children": [
2989
              "IPY_MODEL_a07890ec0fd740d3a84a8aae4979355a",
2990
              "IPY_MODEL_204dcfe6d8404137b8cb0ac57f82cb08",
2991
              "IPY_MODEL_becf56b2d70542b1bc330f09bb8c6174"
2992
            ],
2993
            "layout": "IPY_MODEL_4dcaad14afbf4a2791d230239ff01b3c"
2994
          }
2995
        },
2996
        "8680fbf7a67940e7ac6f6d59873ef4e9": {
2997
          "model_module": "@jupyter-widgets/controls",
2998
          "model_module_version": "1.5.0",
2999
          "model_name": "DescriptionStyleModel",
3000
          "state": {
3001
            "_model_module": "@jupyter-widgets/controls",
3002
            "_model_module_version": "1.5.0",
3003
            "_model_name": "DescriptionStyleModel",
3004
            "_view_count": null,
3005
            "_view_module": "@jupyter-widgets/base",
3006
            "_view_module_version": "1.2.0",
3007
            "_view_name": "StyleView",
3008
            "description_width": ""
3009
          }
3010
        },
3011
        "876f9871caac4fba8c6a0f86f98e2314": {
3012
          "model_module": "@jupyter-widgets/controls",
3013
          "model_module_version": "1.5.0",
3014
          "model_name": "FloatProgressModel",
3015
          "state": {
3016
            "_dom_classes": [],
3017
            "_model_module": "@jupyter-widgets/controls",
3018
            "_model_module_version": "1.5.0",
3019
            "_model_name": "FloatProgressModel",
3020
            "_view_count": null,
3021
            "_view_module": "@jupyter-widgets/controls",
3022
            "_view_module_version": "1.5.0",
3023
            "_view_name": "ProgressView",
3024
            "bar_style": "success",
3025
            "description": "",
3026
            "description_tooltip": null,
3027
            "layout": "IPY_MODEL_1cffaffc53624ffab7ce7a5830fcad07",
3028
            "max": 438,
3029
            "min": 0,
3030
            "orientation": "horizontal",
3031
            "style": "IPY_MODEL_47255152beba4690b21cce344d30a548",
3032
            "value": 438
3033
          }
3034
        },
3035
        "8809b53bd5f74f228c0ab6df9a918796": {
3036
          "model_module": "@jupyter-widgets/base",
3037
          "model_module_version": "1.2.0",
3038
          "model_name": "LayoutModel",
3039
          "state": {
3040
            "_model_module": "@jupyter-widgets/base",
3041
            "_model_module_version": "1.2.0",
3042
            "_model_name": "LayoutModel",
3043
            "_view_count": null,
3044
            "_view_module": "@jupyter-widgets/base",
3045
            "_view_module_version": "1.2.0",
3046
            "_view_name": "LayoutView",
3047
            "align_content": null,
3048
            "align_items": null,
3049
            "align_self": null,
3050
            "border": null,
3051
            "bottom": null,
3052
            "display": null,
3053
            "flex": null,
3054
            "flex_flow": null,
3055
            "grid_area": null,
3056
            "grid_auto_columns": null,
3057
            "grid_auto_flow": null,
3058
            "grid_auto_rows": null,
3059
            "grid_column": null,
3060
            "grid_gap": null,
3061
            "grid_row": null,
3062
            "grid_template_areas": null,
3063
            "grid_template_columns": null,
3064
            "grid_template_rows": null,
3065
            "height": null,
3066
            "justify_content": null,
3067
            "justify_items": null,
3068
            "left": null,
3069
            "margin": null,
3070
            "max_height": null,
3071
            "max_width": null,
3072
            "min_height": null,
3073
            "min_width": null,
3074
            "object_fit": null,
3075
            "object_position": null,
3076
            "order": null,
3077
            "overflow": null,
3078
            "overflow_x": null,
3079
            "overflow_y": null,
3080
            "padding": null,
3081
            "right": null,
3082
            "top": null,
3083
            "visibility": null,
3084
            "width": null
3085
          }
3086
        },
3087
        "92d80dfad00e4b0abfa3054752385c21": {
3088
          "model_module": "@jupyter-widgets/controls",
3089
          "model_module_version": "1.5.0",
3090
          "model_name": "HTMLModel",
3091
          "state": {
3092
            "_dom_classes": [],
3093
            "_model_module": "@jupyter-widgets/controls",
3094
            "_model_module_version": "1.5.0",
3095
            "_model_name": "HTMLModel",
3096
            "_view_count": null,
3097
            "_view_module": "@jupyter-widgets/controls",
3098
            "_view_module_version": "1.5.0",
3099
            "_view_name": "HTMLView",
3100
            "description": "",
3101
            "description_tooltip": null,
3102
            "layout": "IPY_MODEL_6324e9afb3b64beaa84a80622e4aa4af",
3103
            "placeholder": "​",
3104
            "style": "IPY_MODEL_fe63f948843240c184084e159a8feef3",
3105
            "value": "tokenizer_config.json: 100%"
3106
          }
3107
        },
3108
        "93cfec82c4e24cd8bbf6d0044c92f9a4": {
3109
          "model_module": "@jupyter-widgets/base",
3110
          "model_module_version": "1.2.0",
3111
          "model_name": "LayoutModel",
3112
          "state": {
3113
            "_model_module": "@jupyter-widgets/base",
3114
            "_model_module_version": "1.2.0",
3115
            "_model_name": "LayoutModel",
3116
            "_view_count": null,
3117
            "_view_module": "@jupyter-widgets/base",
3118
            "_view_module_version": "1.2.0",
3119
            "_view_name": "LayoutView",
3120
            "align_content": null,
3121
            "align_items": null,
3122
            "align_self": null,
3123
            "border": null,
3124
            "bottom": null,
3125
            "display": null,
3126
            "flex": null,
3127
            "flex_flow": null,
3128
            "grid_area": null,
3129
            "grid_auto_columns": null,
3130
            "grid_auto_flow": null,
3131
            "grid_auto_rows": null,
3132
            "grid_column": null,
3133
            "grid_gap": null,
3134
            "grid_row": null,
3135
            "grid_template_areas": null,
3136
            "grid_template_columns": null,
3137
            "grid_template_rows": null,
3138
            "height": null,
3139
            "justify_content": null,
3140
            "justify_items": null,
3141
            "left": null,
3142
            "margin": null,
3143
            "max_height": null,
3144
            "max_width": null,
3145
            "min_height": null,
3146
            "min_width": null,
3147
            "object_fit": null,
3148
            "object_position": null,
3149
            "order": null,
3150
            "overflow": null,
3151
            "overflow_x": null,
3152
            "overflow_y": null,
3153
            "padding": null,
3154
            "right": null,
3155
            "top": null,
3156
            "visibility": null,
3157
            "width": null
3158
          }
3159
        },
3160
        "93e320b8f6f242d3805ef65c81f33718": {
3161
          "model_module": "@jupyter-widgets/base",
3162
          "model_module_version": "1.2.0",
3163
          "model_name": "LayoutModel",
3164
          "state": {
3165
            "_model_module": "@jupyter-widgets/base",
3166
            "_model_module_version": "1.2.0",
3167
            "_model_name": "LayoutModel",
3168
            "_view_count": null,
3169
            "_view_module": "@jupyter-widgets/base",
3170
            "_view_module_version": "1.2.0",
3171
            "_view_name": "LayoutView",
3172
            "align_content": null,
3173
            "align_items": null,
3174
            "align_self": null,
3175
            "border": null,
3176
            "bottom": null,
3177
            "display": null,
3178
            "flex": null,
3179
            "flex_flow": null,
3180
            "grid_area": null,
3181
            "grid_auto_columns": null,
3182
            "grid_auto_flow": null,
3183
            "grid_auto_rows": null,
3184
            "grid_column": null,
3185
            "grid_gap": null,
3186
            "grid_row": null,
3187
            "grid_template_areas": null,
3188
            "grid_template_columns": null,
3189
            "grid_template_rows": null,
3190
            "height": null,
3191
            "justify_content": null,
3192
            "justify_items": null,
3193
            "left": null,
3194
            "margin": null,
3195
            "max_height": null,
3196
            "max_width": null,
3197
            "min_height": null,
3198
            "min_width": null,
3199
            "object_fit": null,
3200
            "object_position": null,
3201
            "order": null,
3202
            "overflow": null,
3203
            "overflow_x": null,
3204
            "overflow_y": null,
3205
            "padding": null,
3206
            "right": null,
3207
            "top": null,
3208
            "visibility": null,
3209
            "width": null
3210
          }
3211
        },
3212
        "94a7e3827ab241dbb75d3d816354c694": {
3213
          "model_module": "@jupyter-widgets/base",
3214
          "model_module_version": "1.2.0",
3215
          "model_name": "LayoutModel",
3216
          "state": {
3217
            "_model_module": "@jupyter-widgets/base",
3218
            "_model_module_version": "1.2.0",
3219
            "_model_name": "LayoutModel",
3220
            "_view_count": null,
3221
            "_view_module": "@jupyter-widgets/base",
3222
            "_view_module_version": "1.2.0",
3223
            "_view_name": "LayoutView",
3224
            "align_content": null,
3225
            "align_items": null,
3226
            "align_self": null,
3227
            "border": null,
3228
            "bottom": null,
3229
            "display": null,
3230
            "flex": null,
3231
            "flex_flow": null,
3232
            "grid_area": null,
3233
            "grid_auto_columns": null,
3234
            "grid_auto_flow": null,
3235
            "grid_auto_rows": null,
3236
            "grid_column": null,
3237
            "grid_gap": null,
3238
            "grid_row": null,
3239
            "grid_template_areas": null,
3240
            "grid_template_columns": null,
3241
            "grid_template_rows": null,
3242
            "height": null,
3243
            "justify_content": null,
3244
            "justify_items": null,
3245
            "left": null,
3246
            "margin": null,
3247
            "max_height": null,
3248
            "max_width": null,
3249
            "min_height": null,
3250
            "min_width": null,
3251
            "object_fit": null,
3252
            "object_position": null,
3253
            "order": null,
3254
            "overflow": null,
3255
            "overflow_x": null,
3256
            "overflow_y": null,
3257
            "padding": null,
3258
            "right": null,
3259
            "top": null,
3260
            "visibility": null,
3261
            "width": null
3262
          }
3263
        },
3264
        "95ed136481974ccd84eb0488ed5c328d": {
3265
          "model_module": "@jupyter-widgets/controls",
3266
          "model_module_version": "1.5.0",
3267
          "model_name": "FloatProgressModel",
3268
          "state": {
3269
            "_dom_classes": [],
3270
            "_model_module": "@jupyter-widgets/controls",
3271
            "_model_module_version": "1.5.0",
3272
            "_model_name": "FloatProgressModel",
3273
            "_view_count": null,
3274
            "_view_module": "@jupyter-widgets/controls",
3275
            "_view_module_version": "1.5.0",
3276
            "_view_name": "ProgressView",
3277
            "bar_style": "success",
3278
            "description": "",
3279
            "description_tooltip": null,
3280
            "layout": "IPY_MODEL_78dcd43379e64fb994fc5d8ad392cd32",
3281
            "max": 894,
3282
            "min": 0,
3283
            "orientation": "horizontal",
3284
            "style": "IPY_MODEL_6d258790472640f493b26790298aa366",
3285
            "value": 894
3286
          }
3287
        },
3288
        "9725fce622b845b192fbb319f01f56d8": {
3289
          "model_module": "@jupyter-widgets/controls",
3290
          "model_module_version": "1.5.0",
3291
          "model_name": "ProgressStyleModel",
3292
          "state": {
3293
            "_model_module": "@jupyter-widgets/controls",
3294
            "_model_module_version": "1.5.0",
3295
            "_model_name": "ProgressStyleModel",
3296
            "_view_count": null,
3297
            "_view_module": "@jupyter-widgets/base",
3298
            "_view_module_version": "1.2.0",
3299
            "_view_name": "StyleView",
3300
            "bar_color": null,
3301
            "description_width": ""
3302
          }
3303
        },
3304
        "982fd1d338e148b2ba66050e03897dbb": {
3305
          "model_module": "@jupyter-widgets/base",
3306
          "model_module_version": "1.2.0",
3307
          "model_name": "LayoutModel",
3308
          "state": {
3309
            "_model_module": "@jupyter-widgets/base",
3310
            "_model_module_version": "1.2.0",
3311
            "_model_name": "LayoutModel",
3312
            "_view_count": null,
3313
            "_view_module": "@jupyter-widgets/base",
3314
            "_view_module_version": "1.2.0",
3315
            "_view_name": "LayoutView",
3316
            "align_content": null,
3317
            "align_items": null,
3318
            "align_self": null,
3319
            "border": null,
3320
            "bottom": null,
3321
            "display": null,
3322
            "flex": null,
3323
            "flex_flow": null,
3324
            "grid_area": null,
3325
            "grid_auto_columns": null,
3326
            "grid_auto_flow": null,
3327
            "grid_auto_rows": null,
3328
            "grid_column": null,
3329
            "grid_gap": null,
3330
            "grid_row": null,
3331
            "grid_template_areas": null,
3332
            "grid_template_columns": null,
3333
            "grid_template_rows": null,
3334
            "height": null,
3335
            "justify_content": null,
3336
            "justify_items": null,
3337
            "left": null,
3338
            "margin": null,
3339
            "max_height": null,
3340
            "max_width": null,
3341
            "min_height": null,
3342
            "min_width": null,
3343
            "object_fit": null,
3344
            "object_position": null,
3345
            "order": null,
3346
            "overflow": null,
3347
            "overflow_x": null,
3348
            "overflow_y": null,
3349
            "padding": null,
3350
            "right": null,
3351
            "top": null,
3352
            "visibility": null,
3353
            "width": null
3354
          }
3355
        },
3356
        "9986a56c71b4451ea852e49e34ebd2fd": {
3357
          "model_module": "@jupyter-widgets/controls",
3358
          "model_module_version": "1.5.0",
3359
          "model_name": "DescriptionStyleModel",
3360
          "state": {
3361
            "_model_module": "@jupyter-widgets/controls",
3362
            "_model_module_version": "1.5.0",
3363
            "_model_name": "DescriptionStyleModel",
3364
            "_view_count": null,
3365
            "_view_module": "@jupyter-widgets/base",
3366
            "_view_module_version": "1.2.0",
3367
            "_view_name": "StyleView",
3368
            "description_width": ""
3369
          }
3370
        },
3371
        "9eb629533a45449ea819ed32c2a35a41": {
3372
          "model_module": "@jupyter-widgets/base",
3373
          "model_module_version": "1.2.0",
3374
          "model_name": "LayoutModel",
3375
          "state": {
3376
            "_model_module": "@jupyter-widgets/base",
3377
            "_model_module_version": "1.2.0",
3378
            "_model_name": "LayoutModel",
3379
            "_view_count": null,
3380
            "_view_module": "@jupyter-widgets/base",
3381
            "_view_module_version": "1.2.0",
3382
            "_view_name": "LayoutView",
3383
            "align_content": null,
3384
            "align_items": null,
3385
            "align_self": null,
3386
            "border": null,
3387
            "bottom": null,
3388
            "display": null,
3389
            "flex": null,
3390
            "flex_flow": null,
3391
            "grid_area": null,
3392
            "grid_auto_columns": null,
3393
            "grid_auto_flow": null,
3394
            "grid_auto_rows": null,
3395
            "grid_column": null,
3396
            "grid_gap": null,
3397
            "grid_row": null,
3398
            "grid_template_areas": null,
3399
            "grid_template_columns": null,
3400
            "grid_template_rows": null,
3401
            "height": null,
3402
            "justify_content": null,
3403
            "justify_items": null,
3404
            "left": null,
3405
            "margin": null,
3406
            "max_height": null,
3407
            "max_width": null,
3408
            "min_height": null,
3409
            "min_width": null,
3410
            "object_fit": null,
3411
            "object_position": null,
3412
            "order": null,
3413
            "overflow": null,
3414
            "overflow_x": null,
3415
            "overflow_y": null,
3416
            "padding": null,
3417
            "right": null,
3418
            "top": null,
3419
            "visibility": null,
3420
            "width": null
3421
          }
3422
        },
3423
        "a06afe98f7fa4d6a99a2defe9c7828cc": {
3424
          "model_module": "@jupyter-widgets/base",
3425
          "model_module_version": "1.2.0",
3426
          "model_name": "LayoutModel",
3427
          "state": {
3428
            "_model_module": "@jupyter-widgets/base",
3429
            "_model_module_version": "1.2.0",
3430
            "_model_name": "LayoutModel",
3431
            "_view_count": null,
3432
            "_view_module": "@jupyter-widgets/base",
3433
            "_view_module_version": "1.2.0",
3434
            "_view_name": "LayoutView",
3435
            "align_content": null,
3436
            "align_items": null,
3437
            "align_self": null,
3438
            "border": null,
3439
            "bottom": null,
3440
            "display": null,
3441
            "flex": null,
3442
            "flex_flow": null,
3443
            "grid_area": null,
3444
            "grid_auto_columns": null,
3445
            "grid_auto_flow": null,
3446
            "grid_auto_rows": null,
3447
            "grid_column": null,
3448
            "grid_gap": null,
3449
            "grid_row": null,
3450
            "grid_template_areas": null,
3451
            "grid_template_columns": null,
3452
            "grid_template_rows": null,
3453
            "height": null,
3454
            "justify_content": null,
3455
            "justify_items": null,
3456
            "left": null,
3457
            "margin": null,
3458
            "max_height": null,
3459
            "max_width": null,
3460
            "min_height": null,
3461
            "min_width": null,
3462
            "object_fit": null,
3463
            "object_position": null,
3464
            "order": null,
3465
            "overflow": null,
3466
            "overflow_x": null,
3467
            "overflow_y": null,
3468
            "padding": null,
3469
            "right": null,
3470
            "top": null,
3471
            "visibility": null,
3472
            "width": null
3473
          }
3474
        },
3475
        "a07890ec0fd740d3a84a8aae4979355a": {
3476
          "model_module": "@jupyter-widgets/controls",
3477
          "model_module_version": "1.5.0",
3478
          "model_name": "HTMLModel",
3479
          "state": {
3480
            "_dom_classes": [],
3481
            "_model_module": "@jupyter-widgets/controls",
3482
            "_model_module_version": "1.5.0",
3483
            "_model_name": "HTMLModel",
3484
            "_view_count": null,
3485
            "_view_module": "@jupyter-widgets/controls",
3486
            "_view_module_version": "1.5.0",
3487
            "_view_name": "HTMLView",
3488
            "description": "",
3489
            "description_tooltip": null,
3490
            "layout": "IPY_MODEL_b51201dc59ab47aea72930e60625d2cb",
3491
            "placeholder": "​",
3492
            "style": "IPY_MODEL_553c2e573f5947b4b5bdcb8b2168f016",
3493
            "value": "Generating train split: "
3494
          }
3495
        },
3496
        "a681577f4a00440496f2ee70e2f1198b": {
3497
          "model_module": "@jupyter-widgets/controls",
3498
          "model_module_version": "1.5.0",
3499
          "model_name": "HBoxModel",
3500
          "state": {
3501
            "_dom_classes": [],
3502
            "_model_module": "@jupyter-widgets/controls",
3503
            "_model_module_version": "1.5.0",
3504
            "_model_name": "HBoxModel",
3505
            "_view_count": null,
3506
            "_view_module": "@jupyter-widgets/controls",
3507
            "_view_module_version": "1.5.0",
3508
            "_view_name": "HBoxView",
3509
            "box_style": "",
3510
            "children": [
3511
              "IPY_MODEL_c64f215f76c345c2aa1b98d23364ece6",
3512
              "IPY_MODEL_d32436f7cb7c49a88c2fa867add54367",
3513
              "IPY_MODEL_17e0b9c3b30e4d9ab34f684b0f0c8865"
3514
            ],
3515
            "layout": "IPY_MODEL_93e320b8f6f242d3805ef65c81f33718"
3516
          }
3517
        },
3518
        "a8a15bf2150246999bf268f0731f9e43": {
3519
          "model_module": "@jupyter-widgets/base",
3520
          "model_module_version": "1.2.0",
3521
          "model_name": "LayoutModel",
3522
          "state": {
3523
            "_model_module": "@jupyter-widgets/base",
3524
            "_model_module_version": "1.2.0",
3525
            "_model_name": "LayoutModel",
3526
            "_view_count": null,
3527
            "_view_module": "@jupyter-widgets/base",
3528
            "_view_module_version": "1.2.0",
3529
            "_view_name": "LayoutView",
3530
            "align_content": null,
3531
            "align_items": null,
3532
            "align_self": null,
3533
            "border": null,
3534
            "bottom": null,
3535
            "display": null,
3536
            "flex": null,
3537
            "flex_flow": null,
3538
            "grid_area": null,
3539
            "grid_auto_columns": null,
3540
            "grid_auto_flow": null,
3541
            "grid_auto_rows": null,
3542
            "grid_column": null,
3543
            "grid_gap": null,
3544
            "grid_row": null,
3545
            "grid_template_areas": null,
3546
            "grid_template_columns": null,
3547
            "grid_template_rows": null,
3548
            "height": null,
3549
            "justify_content": null,
3550
            "justify_items": null,
3551
            "left": null,
3552
            "margin": null,
3553
            "max_height": null,
3554
            "max_width": null,
3555
            "min_height": null,
3556
            "min_width": null,
3557
            "object_fit": null,
3558
            "object_position": null,
3559
            "order": null,
3560
            "overflow": null,
3561
            "overflow_x": null,
3562
            "overflow_y": null,
3563
            "padding": null,
3564
            "right": null,
3565
            "top": null,
3566
            "visibility": null,
3567
            "width": null
3568
          }
3569
        },
3570
        "acedd5f384554c108b806e7ceef84382": {
3571
          "model_module": "@jupyter-widgets/controls",
3572
          "model_module_version": "1.5.0",
3573
          "model_name": "HBoxModel",
3574
          "state": {
3575
            "_dom_classes": [],
3576
            "_model_module": "@jupyter-widgets/controls",
3577
            "_model_module_version": "1.5.0",
3578
            "_model_name": "HBoxModel",
3579
            "_view_count": null,
3580
            "_view_module": "@jupyter-widgets/controls",
3581
            "_view_module_version": "1.5.0",
3582
            "_view_name": "HBoxView",
3583
            "box_style": "",
3584
            "children": [
3585
              "IPY_MODEL_78f3ba544cdb4e36b76f3a0fe4d79075",
3586
              "IPY_MODEL_876f9871caac4fba8c6a0f86f98e2314",
3587
              "IPY_MODEL_4b2bf0e58403475a8b201e87cf3efb4b"
3588
            ],
3589
            "layout": "IPY_MODEL_68a8b3c46c15441d9a67d1b578c64f1d"
3590
          }
3591
        },
3592
        "af8a211d04f647bfb90cd72ed16bed05": {
3593
          "model_module": "@jupyter-widgets/base",
3594
          "model_module_version": "1.2.0",
3595
          "model_name": "LayoutModel",
3596
          "state": {
3597
            "_model_module": "@jupyter-widgets/base",
3598
            "_model_module_version": "1.2.0",
3599
            "_model_name": "LayoutModel",
3600
            "_view_count": null,
3601
            "_view_module": "@jupyter-widgets/base",
3602
            "_view_module_version": "1.2.0",
3603
            "_view_name": "LayoutView",
3604
            "align_content": null,
3605
            "align_items": null,
3606
            "align_self": null,
3607
            "border": null,
3608
            "bottom": null,
3609
            "display": null,
3610
            "flex": null,
3611
            "flex_flow": null,
3612
            "grid_area": null,
3613
            "grid_auto_columns": null,
3614
            "grid_auto_flow": null,
3615
            "grid_auto_rows": null,
3616
            "grid_column": null,
3617
            "grid_gap": null,
3618
            "grid_row": null,
3619
            "grid_template_areas": null,
3620
            "grid_template_columns": null,
3621
            "grid_template_rows": null,
3622
            "height": null,
3623
            "justify_content": null,
3624
            "justify_items": null,
3625
            "left": null,
3626
            "margin": null,
3627
            "max_height": null,
3628
            "max_width": null,
3629
            "min_height": null,
3630
            "min_width": null,
3631
            "object_fit": null,
3632
            "object_position": null,
3633
            "order": null,
3634
            "overflow": null,
3635
            "overflow_x": null,
3636
            "overflow_y": null,
3637
            "padding": null,
3638
            "right": null,
3639
            "top": null,
3640
            "visibility": null,
3641
            "width": null
3642
          }
3643
        },
3644
        "b4ac02ab0c814609824a3405d6e31206": {
3645
          "model_module": "@jupyter-widgets/controls",
3646
          "model_module_version": "1.5.0",
3647
          "model_name": "DescriptionStyleModel",
3648
          "state": {
3649
            "_model_module": "@jupyter-widgets/controls",
3650
            "_model_module_version": "1.5.0",
3651
            "_model_name": "DescriptionStyleModel",
3652
            "_view_count": null,
3653
            "_view_module": "@jupyter-widgets/base",
3654
            "_view_module_version": "1.2.0",
3655
            "_view_name": "StyleView",
3656
            "description_width": ""
3657
          }
3658
        },
3659
        "b4b50aea923441d88530edd555673a0e": {
3660
          "model_module": "@jupyter-widgets/controls",
3661
          "model_module_version": "1.5.0",
3662
          "model_name": "FloatProgressModel",
3663
          "state": {
3664
            "_dom_classes": [],
3665
            "_model_module": "@jupyter-widgets/controls",
3666
            "_model_module_version": "1.5.0",
3667
            "_model_name": "FloatProgressModel",
3668
            "_view_count": null,
3669
            "_view_module": "@jupyter-widgets/controls",
3670
            "_view_module_version": "1.5.0",
3671
            "_view_name": "ProgressView",
3672
            "bar_style": "success",
3673
            "description": "",
3674
            "description_tooltip": null,
3675
            "layout": "IPY_MODEL_7806f5a3a9404bbcbcedfaf8d827a35c",
3676
            "max": 44307561,
3677
            "min": 0,
3678
            "orientation": "horizontal",
3679
            "style": "IPY_MODEL_1223ef92bfd542aaa7f789b8bd799609",
3680
            "value": 44307561
3681
          }
3682
        },
3683
        "b51201dc59ab47aea72930e60625d2cb": {
3684
          "model_module": "@jupyter-widgets/base",
3685
          "model_module_version": "1.2.0",
3686
          "model_name": "LayoutModel",
3687
          "state": {
3688
            "_model_module": "@jupyter-widgets/base",
3689
            "_model_module_version": "1.2.0",
3690
            "_model_name": "LayoutModel",
3691
            "_view_count": null,
3692
            "_view_module": "@jupyter-widgets/base",
3693
            "_view_module_version": "1.2.0",
3694
            "_view_name": "LayoutView",
3695
            "align_content": null,
3696
            "align_items": null,
3697
            "align_self": null,
3698
            "border": null,
3699
            "bottom": null,
3700
            "display": null,
3701
            "flex": null,
3702
            "flex_flow": null,
3703
            "grid_area": null,
3704
            "grid_auto_columns": null,
3705
            "grid_auto_flow": null,
3706
            "grid_auto_rows": null,
3707
            "grid_column": null,
3708
            "grid_gap": null,
3709
            "grid_row": null,
3710
            "grid_template_areas": null,
3711
            "grid_template_columns": null,
3712
            "grid_template_rows": null,
3713
            "height": null,
3714
            "justify_content": null,
3715
            "justify_items": null,
3716
            "left": null,
3717
            "margin": null,
3718
            "max_height": null,
3719
            "max_width": null,
3720
            "min_height": null,
3721
            "min_width": null,
3722
            "object_fit": null,
3723
            "object_position": null,
3724
            "order": null,
3725
            "overflow": null,
3726
            "overflow_x": null,
3727
            "overflow_y": null,
3728
            "padding": null,
3729
            "right": null,
3730
            "top": null,
3731
            "visibility": null,
3732
            "width": null
3733
          }
3734
        },
3735
        "b53a34cdb16a4b8eb482b91f407b688a": {
3736
          "model_module": "@jupyter-widgets/controls",
3737
          "model_module_version": "1.5.0",
3738
          "model_name": "ProgressStyleModel",
3739
          "state": {
3740
            "_model_module": "@jupyter-widgets/controls",
3741
            "_model_module_version": "1.5.0",
3742
            "_model_name": "ProgressStyleModel",
3743
            "_view_count": null,
3744
            "_view_module": "@jupyter-widgets/base",
3745
            "_view_module_version": "1.2.0",
3746
            "_view_name": "StyleView",
3747
            "bar_color": null,
3748
            "description_width": ""
3749
          }
3750
        },
3751
        "b792c64d4aed4f90938c58344961d32c": {
3752
          "model_module": "@jupyter-widgets/controls",
3753
          "model_module_version": "1.5.0",
3754
          "model_name": "HTMLModel",
3755
          "state": {
3756
            "_dom_classes": [],
3757
            "_model_module": "@jupyter-widgets/controls",
3758
            "_model_module_version": "1.5.0",
3759
            "_model_name": "HTMLModel",
3760
            "_view_count": null,
3761
            "_view_module": "@jupyter-widgets/controls",
3762
            "_view_module_version": "1.5.0",
3763
            "_view_name": "HTMLView",
3764
            "description": "",
3765
            "description_tooltip": null,
3766
            "layout": "IPY_MODEL_ee2af32e73d542f9b089d761eed9d801",
3767
            "placeholder": "​",
3768
            "style": "IPY_MODEL_138e959064c04ff6a2b6d3a4eb0f6359",
3769
            "value": " 500k/500k [00:00&lt;00:00, 13.0MB/s]"
3770
          }
3771
        },
3772
        "b815a7d8a9c84a088537c8f3549e8930": {
3773
          "model_module": "@jupyter-widgets/controls",
3774
          "model_module_version": "1.5.0",
3775
          "model_name": "DescriptionStyleModel",
3776
          "state": {
3777
            "_model_module": "@jupyter-widgets/controls",
3778
            "_model_module_version": "1.5.0",
3779
            "_model_name": "DescriptionStyleModel",
3780
            "_view_count": null,
3781
            "_view_module": "@jupyter-widgets/base",
3782
            "_view_module_version": "1.2.0",
3783
            "_view_name": "StyleView",
3784
            "description_width": ""
3785
          }
3786
        },
3787
        "becf56b2d70542b1bc330f09bb8c6174": {
3788
          "model_module": "@jupyter-widgets/controls",
3789
          "model_module_version": "1.5.0",
3790
          "model_name": "HTMLModel",
3791
          "state": {
3792
            "_dom_classes": [],
3793
            "_model_module": "@jupyter-widgets/controls",
3794
            "_model_module_version": "1.5.0",
3795
            "_model_name": "HTMLModel",
3796
            "_view_count": null,
3797
            "_view_module": "@jupyter-widgets/controls",
3798
            "_view_module_version": "1.5.0",
3799
            "_view_name": "HTMLView",
3800
            "description": "",
3801
            "description_tooltip": null,
3802
            "layout": "IPY_MODEL_5a55d70b2d0543d082603c586787b9ac",
3803
            "placeholder": "​",
3804
            "style": "IPY_MODEL_b815a7d8a9c84a088537c8f3549e8930",
3805
            "value": " 51760/0 [00:00&lt;00:00, 78727.68 examples/s]"
3806
          }
3807
        },
3808
        "c21c74c7956d425c9049fb1cdc8b7d07": {
3809
          "model_module": "@jupyter-widgets/controls",
3810
          "model_module_version": "1.5.0",
3811
          "model_name": "DescriptionStyleModel",
3812
          "state": {
3813
            "_model_module": "@jupyter-widgets/controls",
3814
            "_model_module_version": "1.5.0",
3815
            "_model_name": "DescriptionStyleModel",
3816
            "_view_count": null,
3817
            "_view_module": "@jupyter-widgets/base",
3818
            "_view_module_version": "1.2.0",
3819
            "_view_name": "StyleView",
3820
            "description_width": ""
3821
          }
3822
        },
3823
        "c2628e20f1154acd94bbcb282fd6554d": {
3824
          "model_module": "@jupyter-widgets/base",
3825
          "model_module_version": "1.2.0",
3826
          "model_name": "LayoutModel",
3827
          "state": {
3828
            "_model_module": "@jupyter-widgets/base",
3829
            "_model_module_version": "1.2.0",
3830
            "_model_name": "LayoutModel",
3831
            "_view_count": null,
3832
            "_view_module": "@jupyter-widgets/base",
3833
            "_view_module_version": "1.2.0",
3834
            "_view_name": "LayoutView",
3835
            "align_content": null,
3836
            "align_items": null,
3837
            "align_self": null,
3838
            "border": null,
3839
            "bottom": null,
3840
            "display": null,
3841
            "flex": null,
3842
            "flex_flow": null,
3843
            "grid_area": null,
3844
            "grid_auto_columns": null,
3845
            "grid_auto_flow": null,
3846
            "grid_auto_rows": null,
3847
            "grid_column": null,
3848
            "grid_gap": null,
3849
            "grid_row": null,
3850
            "grid_template_areas": null,
3851
            "grid_template_columns": null,
3852
            "grid_template_rows": null,
3853
            "height": null,
3854
            "justify_content": null,
3855
            "justify_items": null,
3856
            "left": null,
3857
            "margin": null,
3858
            "max_height": null,
3859
            "max_width": null,
3860
            "min_height": null,
3861
            "min_width": null,
3862
            "object_fit": null,
3863
            "object_position": null,
3864
            "order": null,
3865
            "overflow": null,
3866
            "overflow_x": null,
3867
            "overflow_y": null,
3868
            "padding": null,
3869
            "right": null,
3870
            "top": null,
3871
            "visibility": null,
3872
            "width": null
3873
          }
3874
        },
3875
        "c64f215f76c345c2aa1b98d23364ece6": {
3876
          "model_module": "@jupyter-widgets/controls",
3877
          "model_module_version": "1.5.0",
3878
          "model_name": "HTMLModel",
3879
          "state": {
3880
            "_dom_classes": [],
3881
            "_model_module": "@jupyter-widgets/controls",
3882
            "_model_module_version": "1.5.0",
3883
            "_model_name": "HTMLModel",
3884
            "_view_count": null,
3885
            "_view_module": "@jupyter-widgets/controls",
3886
            "_view_module_version": "1.5.0",
3887
            "_view_name": "HTMLView",
3888
            "description": "",
3889
            "description_tooltip": null,
3890
            "layout": "IPY_MODEL_d930f897415947ada08ce063f9cb8bed",
3891
            "placeholder": "​",
3892
            "style": "IPY_MODEL_54e400aa31c0492fbbfd0d291eb9dd7f",
3893
            "value": "Downloading readme: 100%"
3894
          }
3895
        },
3896
        "c6e634b3cd924881a2ac9745fe32cd2f": {
3897
          "model_module": "@jupyter-widgets/controls",
3898
          "model_module_version": "1.5.0",
3899
          "model_name": "DescriptionStyleModel",
3900
          "state": {
3901
            "_model_module": "@jupyter-widgets/controls",
3902
            "_model_module_version": "1.5.0",
3903
            "_model_name": "DescriptionStyleModel",
3904
            "_view_count": null,
3905
            "_view_module": "@jupyter-widgets/base",
3906
            "_view_module_version": "1.2.0",
3907
            "_view_name": "StyleView",
3908
            "description_width": ""
3909
          }
3910
        },
3911
        "c8fd063c9d9c4270b3080677fdd92632": {
3912
          "model_module": "@jupyter-widgets/controls",
3913
          "model_module_version": "1.5.0",
3914
          "model_name": "HBoxModel",
3915
          "state": {
3916
            "_dom_classes": [],
3917
            "_model_module": "@jupyter-widgets/controls",
3918
            "_model_module_version": "1.5.0",
3919
            "_model_name": "HBoxModel",
3920
            "_view_count": null,
3921
            "_view_module": "@jupyter-widgets/controls",
3922
            "_view_module_version": "1.5.0",
3923
            "_view_name": "HBoxView",
3924
            "box_style": "",
3925
            "children": [
3926
              "IPY_MODEL_cd700122445641279b905116cc3b73a1",
3927
              "IPY_MODEL_e2901aa31b3e4ba39ba138468af5c95b",
3928
              "IPY_MODEL_20fcb167b6c04792b627f7d13da5db94"
3929
            ],
3930
            "layout": "IPY_MODEL_2c35f51a2e9e439f9757d27a4e8cfb5a"
3931
          }
3932
        },
3933
        "cd700122445641279b905116cc3b73a1": {
3934
          "model_module": "@jupyter-widgets/controls",
3935
          "model_module_version": "1.5.0",
3936
          "model_name": "HTMLModel",
3937
          "state": {
3938
            "_dom_classes": [],
3939
            "_model_module": "@jupyter-widgets/controls",
3940
            "_model_module_version": "1.5.0",
3941
            "_model_name": "HTMLModel",
3942
            "_view_count": null,
3943
            "_view_module": "@jupyter-widgets/controls",
3944
            "_view_module_version": "1.5.0",
3945
            "_view_name": "HTMLView",
3946
            "description": "",
3947
            "description_tooltip": null,
3948
            "layout": "IPY_MODEL_4b7057f7b1aa4e9ea73e2aff19d5d7f5",
3949
            "placeholder": "​",
3950
            "style": "IPY_MODEL_66917e3680214990a27525ee10ef0259",
3951
            "value": "model.safetensors: 100%"
3952
          }
3953
        },
3954
        "d32436f7cb7c49a88c2fa867add54367": {
3955
          "model_module": "@jupyter-widgets/controls",
3956
          "model_module_version": "1.5.0",
3957
          "model_name": "FloatProgressModel",
3958
          "state": {
3959
            "_dom_classes": [],
3960
            "_model_module": "@jupyter-widgets/controls",
3961
            "_model_module_version": "1.5.0",
3962
            "_model_name": "FloatProgressModel",
3963
            "_view_count": null,
3964
            "_view_module": "@jupyter-widgets/controls",
3965
            "_view_module_version": "1.5.0",
3966
            "_view_name": "ProgressView",
3967
            "bar_style": "success",
3968
            "description": "",
3969
            "description_tooltip": null,
3970
            "layout": "IPY_MODEL_594b86fdbc6c4ac582aee52d0099a590",
3971
            "max": 11610,
3972
            "min": 0,
3973
            "orientation": "horizontal",
3974
            "style": "IPY_MODEL_d6b6c9420c644d42b314ac7599bd75b8",
3975
            "value": 11610
3976
          }
3977
        },
3978
        "d3498bc5c493472e9d785129ca8293de": {
3979
          "model_module": "@jupyter-widgets/base",
3980
          "model_module_version": "1.2.0",
3981
          "model_name": "LayoutModel",
3982
          "state": {
3983
            "_model_module": "@jupyter-widgets/base",
3984
            "_model_module_version": "1.2.0",
3985
            "_model_name": "LayoutModel",
3986
            "_view_count": null,
3987
            "_view_module": "@jupyter-widgets/base",
3988
            "_view_module_version": "1.2.0",
3989
            "_view_name": "LayoutView",
3990
            "align_content": null,
3991
            "align_items": null,
3992
            "align_self": null,
3993
            "border": null,
3994
            "bottom": null,
3995
            "display": null,
3996
            "flex": null,
3997
            "flex_flow": null,
3998
            "grid_area": null,
3999
            "grid_auto_columns": null,
4000
            "grid_auto_flow": null,
4001
            "grid_auto_rows": null,
4002
            "grid_column": null,
4003
            "grid_gap": null,
4004
            "grid_row": null,
4005
            "grid_template_areas": null,
4006
            "grid_template_columns": null,
4007
            "grid_template_rows": null,
4008
            "height": null,
4009
            "justify_content": null,
4010
            "justify_items": null,
4011
            "left": null,
4012
            "margin": null,
4013
            "max_height": null,
4014
            "max_width": null,
4015
            "min_height": null,
4016
            "min_width": null,
4017
            "object_fit": null,
4018
            "object_position": null,
4019
            "order": null,
4020
            "overflow": null,
4021
            "overflow_x": null,
4022
            "overflow_y": null,
4023
            "padding": null,
4024
            "right": null,
4025
            "top": null,
4026
            "visibility": null,
4027
            "width": null
4028
          }
4029
        },
4030
        "d52459dc6f224b169a49d1cbd2d92f50": {
4031
          "model_module": "@jupyter-widgets/controls",
4032
          "model_module_version": "1.5.0",
4033
          "model_name": "HTMLModel",
4034
          "state": {
4035
            "_dom_classes": [],
4036
            "_model_module": "@jupyter-widgets/controls",
4037
            "_model_module_version": "1.5.0",
4038
            "_model_name": "HTMLModel",
4039
            "_view_count": null,
4040
            "_view_module": "@jupyter-widgets/controls",
4041
            "_view_module_version": "1.5.0",
4042
            "_view_name": "HTMLView",
4043
            "description": "",
4044
            "description_tooltip": null,
4045
            "layout": "IPY_MODEL_9eb629533a45449ea819ed32c2a35a41",
4046
            "placeholder": "​",
4047
            "style": "IPY_MODEL_5adbfe3e9c424429851258c009d72f26",
4048
            "value": " 894/894 [00:00&lt;00:00, 23.8kB/s]"
4049
          }
4050
        },
4051
        "d532a4ba00d7488ead1366f690a28c41": {
4052
          "model_module": "@jupyter-widgets/controls",
4053
          "model_module_version": "1.5.0",
4054
          "model_name": "HTMLModel",
4055
          "state": {
4056
            "_dom_classes": [],
4057
            "_model_module": "@jupyter-widgets/controls",
4058
            "_model_module_version": "1.5.0",
4059
            "_model_name": "HTMLModel",
4060
            "_view_count": null,
4061
            "_view_module": "@jupyter-widgets/controls",
4062
            "_view_module_version": "1.5.0",
4063
            "_view_name": "HTMLView",
4064
            "description": "",
4065
            "description_tooltip": null,
4066
            "layout": "IPY_MODEL_70df82f25eeb4f9f83778c3c4cab7ddd",
4067
            "placeholder": "​",
4068
            "style": "IPY_MODEL_9986a56c71b4451ea852e49e34ebd2fd",
4069
            "value": "generation_config.json: 100%"
4070
          }
4071
        },
4072
        "d6b6c9420c644d42b314ac7599bd75b8": {
4073
          "model_module": "@jupyter-widgets/controls",
4074
          "model_module_version": "1.5.0",
4075
          "model_name": "ProgressStyleModel",
4076
          "state": {
4077
            "_model_module": "@jupyter-widgets/controls",
4078
            "_model_module_version": "1.5.0",
4079
            "_model_name": "ProgressStyleModel",
4080
            "_view_count": null,
4081
            "_view_module": "@jupyter-widgets/base",
4082
            "_view_module_version": "1.2.0",
4083
            "_view_name": "StyleView",
4084
            "bar_color": null,
4085
            "description_width": ""
4086
          }
4087
        },
4088
        "d930f897415947ada08ce063f9cb8bed": {
4089
          "model_module": "@jupyter-widgets/base",
4090
          "model_module_version": "1.2.0",
4091
          "model_name": "LayoutModel",
4092
          "state": {
4093
            "_model_module": "@jupyter-widgets/base",
4094
            "_model_module_version": "1.2.0",
4095
            "_model_name": "LayoutModel",
4096
            "_view_count": null,
4097
            "_view_module": "@jupyter-widgets/base",
4098
            "_view_module_version": "1.2.0",
4099
            "_view_name": "LayoutView",
4100
            "align_content": null,
4101
            "align_items": null,
4102
            "align_self": null,
4103
            "border": null,
4104
            "bottom": null,
4105
            "display": null,
4106
            "flex": null,
4107
            "flex_flow": null,
4108
            "grid_area": null,
4109
            "grid_auto_columns": null,
4110
            "grid_auto_flow": null,
4111
            "grid_auto_rows": null,
4112
            "grid_column": null,
4113
            "grid_gap": null,
4114
            "grid_row": null,
4115
            "grid_template_areas": null,
4116
            "grid_template_columns": null,
4117
            "grid_template_rows": null,
4118
            "height": null,
4119
            "justify_content": null,
4120
            "justify_items": null,
4121
            "left": null,
4122
            "margin": null,
4123
            "max_height": null,
4124
            "max_width": null,
4125
            "min_height": null,
4126
            "min_width": null,
4127
            "object_fit": null,
4128
            "object_position": null,
4129
            "order": null,
4130
            "overflow": null,
4131
            "overflow_x": null,
4132
            "overflow_y": null,
4133
            "padding": null,
4134
            "right": null,
4135
            "top": null,
4136
            "visibility": null,
4137
            "width": null
4138
          }
4139
        },
4140
        "d9a92404c9f74425ac0cff862001b168": {
4141
          "model_module": "@jupyter-widgets/controls",
4142
          "model_module_version": "1.5.0",
4143
          "model_name": "HTMLModel",
4144
          "state": {
4145
            "_dom_classes": [],
4146
            "_model_module": "@jupyter-widgets/controls",
4147
            "_model_module_version": "1.5.0",
4148
            "_model_name": "HTMLModel",
4149
            "_view_count": null,
4150
            "_view_module": "@jupyter-widgets/controls",
4151
            "_view_module_version": "1.5.0",
4152
            "_view_name": "HTMLView",
4153
            "description": "",
4154
            "description_tooltip": null,
4155
            "layout": "IPY_MODEL_982fd1d338e148b2ba66050e03897dbb",
4156
            "placeholder": "​",
4157
            "style": "IPY_MODEL_2be4a7d986c44fd4a222dc2f1d7b9918",
4158
            "value": " 1.09k/1.09k [00:00&lt;00:00, 36.5kB/s]"
4159
          }
4160
        },
4161
        "de996974999a4ebbb8a11a8889b2c683": {
4162
          "model_module": "@jupyter-widgets/controls",
4163
          "model_module_version": "1.5.0",
4164
          "model_name": "HBoxModel",
4165
          "state": {
4166
            "_dom_classes": [],
4167
            "_model_module": "@jupyter-widgets/controls",
4168
            "_model_module_version": "1.5.0",
4169
            "_model_name": "HBoxModel",
4170
            "_view_count": null,
4171
            "_view_module": "@jupyter-widgets/controls",
4172
            "_view_module_version": "1.5.0",
4173
            "_view_name": "HBoxView",
4174
            "box_style": "",
4175
            "children": [
4176
              "IPY_MODEL_030a45a01bab49d29a6058e4f1f3f9ba",
4177
              "IPY_MODEL_b4b50aea923441d88530edd555673a0e",
4178
              "IPY_MODEL_e138d8341f094d60a05f2124f4d9fc50"
4179
            ],
4180
            "layout": "IPY_MODEL_2ffed33dbe52437591ed87c34f87eb61"
4181
          }
4182
        },
4183
        "e138d8341f094d60a05f2124f4d9fc50": {
4184
          "model_module": "@jupyter-widgets/controls",
4185
          "model_module_version": "1.5.0",
4186
          "model_name": "HTMLModel",
4187
          "state": {
4188
            "_dom_classes": [],
4189
            "_model_module": "@jupyter-widgets/controls",
4190
            "_model_module_version": "1.5.0",
4191
            "_model_name": "HTMLModel",
4192
            "_view_count": null,
4193
            "_view_module": "@jupyter-widgets/controls",
4194
            "_view_module_version": "1.5.0",
4195
            "_view_name": "HTMLView",
4196
            "description": "",
4197
            "description_tooltip": null,
4198
            "layout": "IPY_MODEL_f5ee29b85e664ef180df1d1a60db8223",
4199
            "placeholder": "​",
4200
            "style": "IPY_MODEL_b4ac02ab0c814609824a3405d6e31206",
4201
            "value": " 44.3M/44.3M [00:05&lt;00:00, 8.61MB/s]"
4202
          }
4203
        },
4204
        "e245c09fe14a49929a8274fdc356fd25": {
4205
          "model_module": "@jupyter-widgets/controls",
4206
          "model_module_version": "1.5.0",
4207
          "model_name": "HTMLModel",
4208
          "state": {
4209
            "_dom_classes": [],
4210
            "_model_module": "@jupyter-widgets/controls",
4211
            "_model_module_version": "1.5.0",
4212
            "_model_name": "HTMLModel",
4213
            "_view_count": null,
4214
            "_view_module": "@jupyter-widgets/controls",
4215
            "_view_module_version": "1.5.0",
4216
            "_view_name": "HTMLView",
4217
            "description": "",
4218
            "description_tooltip": null,
4219
            "layout": "IPY_MODEL_3e5a6d4cd4bb45879ed67ab7d9cbcc16",
4220
            "placeholder": "​",
4221
            "style": "IPY_MODEL_22a3640c1e344b5c922e488a9a2feaca",
4222
            "value": " 3000/0 [00:46&lt;00:00, 120.63 examples/s]"
4223
          }
4224
        },
4225
        "e2901aa31b3e4ba39ba138468af5c95b": {
4226
          "model_module": "@jupyter-widgets/controls",
4227
          "model_module_version": "1.5.0",
4228
          "model_name": "FloatProgressModel",
4229
          "state": {
4230
            "_dom_classes": [],
4231
            "_model_module": "@jupyter-widgets/controls",
4232
            "_model_module_version": "1.5.0",
4233
            "_model_name": "FloatProgressModel",
4234
            "_view_count": null,
4235
            "_view_module": "@jupyter-widgets/controls",
4236
            "_view_module_version": "1.5.0",
4237
            "_view_name": "ProgressView",
4238
            "bar_style": "success",
4239
            "description": "",
4240
            "description_tooltip": null,
4241
            "layout": "IPY_MODEL_6cdb22652f1f47648c8dfe632e7e87b5",
4242
            "max": 762453381,
4243
            "min": 0,
4244
            "orientation": "horizontal",
4245
            "style": "IPY_MODEL_02b75597dc7c4d1cbf3c51b1fddd3ec6",
4246
            "value": 762453381
4247
          }
4248
        },
4249
        "e517fa5b72d2455eb39101c368165b38": {
4250
          "model_module": "@jupyter-widgets/controls",
4251
          "model_module_version": "1.5.0",
4252
          "model_name": "HBoxModel",
4253
          "state": {
4254
            "_dom_classes": [],
4255
            "_model_module": "@jupyter-widgets/controls",
4256
            "_model_module_version": "1.5.0",
4257
            "_model_name": "HBoxModel",
4258
            "_view_count": null,
4259
            "_view_module": "@jupyter-widgets/controls",
4260
            "_view_module_version": "1.5.0",
4261
            "_view_name": "HBoxView",
4262
            "box_style": "",
4263
            "children": [
4264
              "IPY_MODEL_d532a4ba00d7488ead1366f690a28c41",
4265
              "IPY_MODEL_ff667ca8001e44b0a6146daf3de94e55",
4266
              "IPY_MODEL_49ac5705579c4035b864db8d06a3efd6"
4267
            ],
4268
            "layout": "IPY_MODEL_800461f0e86545e6a99fbb868e028a27"
4269
          }
4270
        },
4271
        "e73ae12084e848a8aa82e73c5efa9d85": {
4272
          "model_module": "@jupyter-widgets/base",
4273
          "model_module_version": "1.2.0",
4274
          "model_name": "LayoutModel",
4275
          "state": {
4276
            "_model_module": "@jupyter-widgets/base",
4277
            "_model_module_version": "1.2.0",
4278
            "_model_name": "LayoutModel",
4279
            "_view_count": null,
4280
            "_view_module": "@jupyter-widgets/base",
4281
            "_view_module_version": "1.2.0",
4282
            "_view_name": "LayoutView",
4283
            "align_content": null,
4284
            "align_items": null,
4285
            "align_self": null,
4286
            "border": null,
4287
            "bottom": null,
4288
            "display": null,
4289
            "flex": null,
4290
            "flex_flow": null,
4291
            "grid_area": null,
4292
            "grid_auto_columns": null,
4293
            "grid_auto_flow": null,
4294
            "grid_auto_rows": null,
4295
            "grid_column": null,
4296
            "grid_gap": null,
4297
            "grid_row": null,
4298
            "grid_template_areas": null,
4299
            "grid_template_columns": null,
4300
            "grid_template_rows": null,
4301
            "height": null,
4302
            "justify_content": null,
4303
            "justify_items": null,
4304
            "left": null,
4305
            "margin": null,
4306
            "max_height": null,
4307
            "max_width": null,
4308
            "min_height": null,
4309
            "min_width": null,
4310
            "object_fit": null,
4311
            "object_position": null,
4312
            "order": null,
4313
            "overflow": null,
4314
            "overflow_x": null,
4315
            "overflow_y": null,
4316
            "padding": null,
4317
            "right": null,
4318
            "top": null,
4319
            "visibility": null,
4320
            "width": null
4321
          }
4322
        },
4323
        "ece8d196afd24a0cae98b6233f7e13cf": {
4324
          "model_module": "@jupyter-widgets/base",
4325
          "model_module_version": "1.2.0",
4326
          "model_name": "LayoutModel",
4327
          "state": {
4328
            "_model_module": "@jupyter-widgets/base",
4329
            "_model_module_version": "1.2.0",
4330
            "_model_name": "LayoutModel",
4331
            "_view_count": null,
4332
            "_view_module": "@jupyter-widgets/base",
4333
            "_view_module_version": "1.2.0",
4334
            "_view_name": "LayoutView",
4335
            "align_content": null,
4336
            "align_items": null,
4337
            "align_self": null,
4338
            "border": null,
4339
            "bottom": null,
4340
            "display": null,
4341
            "flex": null,
4342
            "flex_flow": null,
4343
            "grid_area": null,
4344
            "grid_auto_columns": null,
4345
            "grid_auto_flow": null,
4346
            "grid_auto_rows": null,
4347
            "grid_column": null,
4348
            "grid_gap": null,
4349
            "grid_row": null,
4350
            "grid_template_areas": null,
4351
            "grid_template_columns": null,
4352
            "grid_template_rows": null,
4353
            "height": null,
4354
            "justify_content": null,
4355
            "justify_items": null,
4356
            "left": null,
4357
            "margin": null,
4358
            "max_height": null,
4359
            "max_width": null,
4360
            "min_height": null,
4361
            "min_width": null,
4362
            "object_fit": null,
4363
            "object_position": null,
4364
            "order": null,
4365
            "overflow": null,
4366
            "overflow_x": null,
4367
            "overflow_y": null,
4368
            "padding": null,
4369
            "right": null,
4370
            "top": null,
4371
            "visibility": null,
4372
            "width": null
4373
          }
4374
        },
4375
        "ed980dda0e504e29ae8ca06e1535073b": {
4376
          "model_module": "@jupyter-widgets/base",
4377
          "model_module_version": "1.2.0",
4378
          "model_name": "LayoutModel",
4379
          "state": {
4380
            "_model_module": "@jupyter-widgets/base",
4381
            "_model_module_version": "1.2.0",
4382
            "_model_name": "LayoutModel",
4383
            "_view_count": null,
4384
            "_view_module": "@jupyter-widgets/base",
4385
            "_view_module_version": "1.2.0",
4386
            "_view_name": "LayoutView",
4387
            "align_content": null,
4388
            "align_items": null,
4389
            "align_self": null,
4390
            "border": null,
4391
            "bottom": null,
4392
            "display": null,
4393
            "flex": null,
4394
            "flex_flow": null,
4395
            "grid_area": null,
4396
            "grid_auto_columns": null,
4397
            "grid_auto_flow": null,
4398
            "grid_auto_rows": null,
4399
            "grid_column": null,
4400
            "grid_gap": null,
4401
            "grid_row": null,
4402
            "grid_template_areas": null,
4403
            "grid_template_columns": null,
4404
            "grid_template_rows": null,
4405
            "height": null,
4406
            "justify_content": null,
4407
            "justify_items": null,
4408
            "left": null,
4409
            "margin": null,
4410
            "max_height": null,
4411
            "max_width": null,
4412
            "min_height": null,
4413
            "min_width": null,
4414
            "object_fit": null,
4415
            "object_position": null,
4416
            "order": null,
4417
            "overflow": null,
4418
            "overflow_x": null,
4419
            "overflow_y": null,
4420
            "padding": null,
4421
            "right": null,
4422
            "top": null,
4423
            "visibility": null,
4424
            "width": null
4425
          }
4426
        },
4427
        "ee2af32e73d542f9b089d761eed9d801": {
4428
          "model_module": "@jupyter-widgets/base",
4429
          "model_module_version": "1.2.0",
4430
          "model_name": "LayoutModel",
4431
          "state": {
4432
            "_model_module": "@jupyter-widgets/base",
4433
            "_model_module_version": "1.2.0",
4434
            "_model_name": "LayoutModel",
4435
            "_view_count": null,
4436
            "_view_module": "@jupyter-widgets/base",
4437
            "_view_module_version": "1.2.0",
4438
            "_view_name": "LayoutView",
4439
            "align_content": null,
4440
            "align_items": null,
4441
            "align_self": null,
4442
            "border": null,
4443
            "bottom": null,
4444
            "display": null,
4445
            "flex": null,
4446
            "flex_flow": null,
4447
            "grid_area": null,
4448
            "grid_auto_columns": null,
4449
            "grid_auto_flow": null,
4450
            "grid_auto_rows": null,
4451
            "grid_column": null,
4452
            "grid_gap": null,
4453
            "grid_row": null,
4454
            "grid_template_areas": null,
4455
            "grid_template_columns": null,
4456
            "grid_template_rows": null,
4457
            "height": null,
4458
            "justify_content": null,
4459
            "justify_items": null,
4460
            "left": null,
4461
            "margin": null,
4462
            "max_height": null,
4463
            "max_width": null,
4464
            "min_height": null,
4465
            "min_width": null,
4466
            "object_fit": null,
4467
            "object_position": null,
4468
            "order": null,
4469
            "overflow": null,
4470
            "overflow_x": null,
4471
            "overflow_y": null,
4472
            "padding": null,
4473
            "right": null,
4474
            "top": null,
4475
            "visibility": null,
4476
            "width": null
4477
          }
4478
        },
4479
        "f097c1e989394c7f8a226f08ff7a6e9a": {
4480
          "model_module": "@jupyter-widgets/base",
4481
          "model_module_version": "1.2.0",
4482
          "model_name": "LayoutModel",
4483
          "state": {
4484
            "_model_module": "@jupyter-widgets/base",
4485
            "_model_module_version": "1.2.0",
4486
            "_model_name": "LayoutModel",
4487
            "_view_count": null,
4488
            "_view_module": "@jupyter-widgets/base",
4489
            "_view_module_version": "1.2.0",
4490
            "_view_name": "LayoutView",
4491
            "align_content": null,
4492
            "align_items": null,
4493
            "align_self": null,
4494
            "border": null,
4495
            "bottom": null,
4496
            "display": null,
4497
            "flex": null,
4498
            "flex_flow": null,
4499
            "grid_area": null,
4500
            "grid_auto_columns": null,
4501
            "grid_auto_flow": null,
4502
            "grid_auto_rows": null,
4503
            "grid_column": null,
4504
            "grid_gap": null,
4505
            "grid_row": null,
4506
            "grid_template_areas": null,
4507
            "grid_template_columns": null,
4508
            "grid_template_rows": null,
4509
            "height": null,
4510
            "justify_content": null,
4511
            "justify_items": null,
4512
            "left": null,
4513
            "margin": null,
4514
            "max_height": null,
4515
            "max_width": null,
4516
            "min_height": null,
4517
            "min_width": null,
4518
            "object_fit": null,
4519
            "object_position": null,
4520
            "order": null,
4521
            "overflow": null,
4522
            "overflow_x": null,
4523
            "overflow_y": null,
4524
            "padding": null,
4525
            "right": null,
4526
            "top": null,
4527
            "visibility": null,
4528
            "width": null
4529
          }
4530
        },
4531
        "f5ee29b85e664ef180df1d1a60db8223": {
4532
          "model_module": "@jupyter-widgets/base",
4533
          "model_module_version": "1.2.0",
4534
          "model_name": "LayoutModel",
4535
          "state": {
4536
            "_model_module": "@jupyter-widgets/base",
4537
            "_model_module_version": "1.2.0",
4538
            "_model_name": "LayoutModel",
4539
            "_view_count": null,
4540
            "_view_module": "@jupyter-widgets/base",
4541
            "_view_module_version": "1.2.0",
4542
            "_view_name": "LayoutView",
4543
            "align_content": null,
4544
            "align_items": null,
4545
            "align_self": null,
4546
            "border": null,
4547
            "bottom": null,
4548
            "display": null,
4549
            "flex": null,
4550
            "flex_flow": null,
4551
            "grid_area": null,
4552
            "grid_auto_columns": null,
4553
            "grid_auto_flow": null,
4554
            "grid_auto_rows": null,
4555
            "grid_column": null,
4556
            "grid_gap": null,
4557
            "grid_row": null,
4558
            "grid_template_areas": null,
4559
            "grid_template_columns": null,
4560
            "grid_template_rows": null,
4561
            "height": null,
4562
            "justify_content": null,
4563
            "justify_items": null,
4564
            "left": null,
4565
            "margin": null,
4566
            "max_height": null,
4567
            "max_width": null,
4568
            "min_height": null,
4569
            "min_width": null,
4570
            "object_fit": null,
4571
            "object_position": null,
4572
            "order": null,
4573
            "overflow": null,
4574
            "overflow_x": null,
4575
            "overflow_y": null,
4576
            "padding": null,
4577
            "right": null,
4578
            "top": null,
4579
            "visibility": null,
4580
            "width": null
4581
          }
4582
        },
4583
        "f5fb96b55ae943d5b0a12cef560be493": {
4584
          "model_module": "@jupyter-widgets/controls",
4585
          "model_module_version": "1.5.0",
4586
          "model_name": "DescriptionStyleModel",
4587
          "state": {
4588
            "_model_module": "@jupyter-widgets/controls",
4589
            "_model_module_version": "1.5.0",
4590
            "_model_name": "DescriptionStyleModel",
4591
            "_view_count": null,
4592
            "_view_module": "@jupyter-widgets/base",
4593
            "_view_module_version": "1.2.0",
4594
            "_view_name": "StyleView",
4595
            "description_width": ""
4596
          }
4597
        },
4598
        "f68e5c7237cd4260be1644f4a33ba4b9": {
4599
          "model_module": "@jupyter-widgets/base",
4600
          "model_module_version": "1.2.0",
4601
          "model_name": "LayoutModel",
4602
          "state": {
4603
            "_model_module": "@jupyter-widgets/base",
4604
            "_model_module_version": "1.2.0",
4605
            "_model_name": "LayoutModel",
4606
            "_view_count": null,
4607
            "_view_module": "@jupyter-widgets/base",
4608
            "_view_module_version": "1.2.0",
4609
            "_view_name": "LayoutView",
4610
            "align_content": null,
4611
            "align_items": null,
4612
            "align_self": null,
4613
            "border": null,
4614
            "bottom": null,
4615
            "display": null,
4616
            "flex": null,
4617
            "flex_flow": null,
4618
            "grid_area": null,
4619
            "grid_auto_columns": null,
4620
            "grid_auto_flow": null,
4621
            "grid_auto_rows": null,
4622
            "grid_column": null,
4623
            "grid_gap": null,
4624
            "grid_row": null,
4625
            "grid_template_areas": null,
4626
            "grid_template_columns": null,
4627
            "grid_template_rows": null,
4628
            "height": null,
4629
            "justify_content": null,
4630
            "justify_items": null,
4631
            "left": null,
4632
            "margin": null,
4633
            "max_height": null,
4634
            "max_width": null,
4635
            "min_height": null,
4636
            "min_width": null,
4637
            "object_fit": null,
4638
            "object_position": null,
4639
            "order": null,
4640
            "overflow": null,
4641
            "overflow_x": null,
4642
            "overflow_y": null,
4643
            "padding": null,
4644
            "right": null,
4645
            "top": null,
4646
            "visibility": null,
4647
            "width": null
4648
          }
4649
        },
4650
        "fe63f948843240c184084e159a8feef3": {
4651
          "model_module": "@jupyter-widgets/controls",
4652
          "model_module_version": "1.5.0",
4653
          "model_name": "DescriptionStyleModel",
4654
          "state": {
4655
            "_model_module": "@jupyter-widgets/controls",
4656
            "_model_module_version": "1.5.0",
4657
            "_model_name": "DescriptionStyleModel",
4658
            "_view_count": null,
4659
            "_view_module": "@jupyter-widgets/base",
4660
            "_view_module_version": "1.2.0",
4661
            "_view_name": "StyleView",
4662
            "description_width": ""
4663
          }
4664
        },
4665
        "ff667ca8001e44b0a6146daf3de94e55": {
4666
          "model_module": "@jupyter-widgets/controls",
4667
          "model_module_version": "1.5.0",
4668
          "model_name": "FloatProgressModel",
4669
          "state": {
4670
            "_dom_classes": [],
4671
            "_model_module": "@jupyter-widgets/controls",
4672
            "_model_module_version": "1.5.0",
4673
            "_model_name": "FloatProgressModel",
4674
            "_view_count": null,
4675
            "_view_module": "@jupyter-widgets/controls",
4676
            "_view_module_version": "1.5.0",
4677
            "_view_name": "ProgressView",
4678
            "bar_style": "success",
4679
            "description": "",
4680
            "description_tooltip": null,
4681
            "layout": "IPY_MODEL_ed980dda0e504e29ae8ca06e1535073b",
4682
            "max": 129,
4683
            "min": 0,
4684
            "orientation": "horizontal",
4685
            "style": "IPY_MODEL_680c3c2c0ea24be0b7a29ad770f28abd",
4686
            "value": 129
4687
          }
4688
        },
4689
        "ffa5224eb65142d3a3cd053fd43c14b7": {
4690
          "model_module": "@jupyter-widgets/controls",
4691
          "model_module_version": "1.5.0",
4692
          "model_name": "DescriptionStyleModel",
4693
          "state": {
4694
            "_model_module": "@jupyter-widgets/controls",
4695
            "_model_module_version": "1.5.0",
4696
            "_model_name": "DescriptionStyleModel",
4697
            "_view_count": null,
4698
            "_view_module": "@jupyter-widgets/base",
4699
            "_view_module_version": "1.2.0",
4700
            "_view_name": "StyleView",
4701
            "description_width": ""
4702
          }
4703
        }
4704
      }
4705
    }
4706
  },
4707
  "nbformat": 4,
4708
  "nbformat_minor": 0
4709
}
4710

Использование cookies

Мы используем файлы cookie в соответствии с Политикой конфиденциальности и Политикой использования cookies.

Нажимая кнопку «Принимаю», Вы даете АО «СберТех» согласие на обработку Ваших персональных данных в целях совершенствования нашего веб-сайта и Сервиса GitVerse, а также повышения удобства их использования.

Запретить использование cookies Вы можете самостоятельно в настройках Вашего браузера.