LLM-FineTuning-Large-Language-Models

Форк
0
/
tinyllama_fine-tuning_Taylor_Swift.ipynb 
3581 строка · 131.0 Кб
1
{
2
  "cells": [
3
    {
4
      "cell_type": "markdown",
5
      "metadata": {
6
        "_cell_guid": "b1076dfc-b9ad-4769-8c92-a6c4dae69d19",
7
        "_uuid": "8f2839f25d086af736a60e9eeb907d3b93b6e0e5",
8
        "id": "kIdWjnQBCR6a"
9
      },
10
      "source": [
11
        "## Fine Tuning TinyLlama\n",
12
        "\n",
13
        "Here, the purpose is to make teach the model the common words in and the style of Taylor Swift's song lyrics.\n",
14
        "\n",
15
        "So there is no separate instruction here in the dataset.\n",
16
        "\n",
17
        "Data - https://github.com/shaynak/taylor-swift-lyrics/blob/main/songs.csv"
18
      ]
19
    },
20
    {
21
      "cell_type": "code",
22
      "execution_count": null,
23
      "metadata": {
24
        "colab": {
25
          "base_uri": "https://localhost:8080/"
26
        },
27
        "execution": {
28
          "iopub.execute_input": "2023-09-13T18:30:54.478962Z",
29
          "iopub.status.busy": "2023-09-13T18:30:54.478274Z",
30
          "iopub.status.idle": "2023-09-13T18:31:51.481873Z",
31
          "shell.execute_reply": "2023-09-13T18:31:51.480565Z",
32
          "shell.execute_reply.started": "2023-09-13T18:30:54.478926Z"
33
        },
34
        "id": "P-COdKCFCR6d",
35
        "outputId": "21e3ae12-8dd5-4c47-df3a-4d3ff65dc1f0",
36
        "trusted": true
37
      },
38
      "outputs": [],
39
      "source": [
40
        "!pip install trl transformers accelerate peft bitsandbytes einops wandb -Uqqq"
41
      ]
42
    },
43
    {
44
      "cell_type": "code",
45
      "execution_count": null,
46
      "metadata": {
47
        "execution": {
48
          "iopub.execute_input": "2023-09-13T18:31:51.485617Z",
49
          "iopub.status.busy": "2023-09-13T18:31:51.485224Z",
50
          "iopub.status.idle": "2023-09-13T18:32:05.194582Z",
51
          "shell.execute_reply": "2023-09-13T18:32:05.193554Z",
52
          "shell.execute_reply.started": "2023-09-13T18:31:51.485579Z"
53
        },
54
        "id": "YzWYnxSaCR6e",
55
        "trusted": true
56
      },
57
      "outputs": [],
58
      "source": [
59
        "import torch\n",
60
        "import glob\n",
61
        "import pandas as pd\n",
62
        "import numpy as np\n",
63
        "import re\n",
64
        "from peft import get_peft_model, PeftConfig, PeftModel, LoraConfig, prepare_model_for_kbit_training\n",
65
        "from transformers import AutoTokenizer, AutoModelForCausalLM, BitsAndBytesConfig, TrainingArguments, GenerationConfig\n",
66
        "from trl import SFTTrainer\n",
67
        "from datasets import Dataset\n",
68
        "import glob\n"
69
      ]
70
    },
71
    {
72
      "cell_type": "markdown",
73
      "metadata": {},
74
      "source": [
75
        "## Load all .csv files from a directory which contains the Taylor Swift Lyrics"
76
      ]
77
    },
78
    {
79
      "cell_type": "code",
80
      "execution_count": null,
81
      "metadata": {
82
        "colab": {
83
          "base_uri": "https://localhost:8080/"
84
        },
85
        "id": "PX26zB2dCR6g",
86
        "outputId": "061250cf-a572-4195-c3d2-11e60713bb6b"
87
      },
88
      "outputs": [],
89
      "source": [
90
        "import logging\n",
91
        "\n",
92
        "def find_csv_files(path, file_extension=\"*.csv\"):\n",
93
        "    \"\"\"\n",
94
        "    Find all CSV files in the given directory.\n",
95
        "\n",
96
        "    :param path: str, the directory to search in\n",
97
        "    :param file_extension: str, pattern to match files\n",
98
        "    :return: list of file paths\n",
99
        "    \"\"\"\n",
100
        "    try:\n",
101
        "        files = glob.glob(f\"{path}/{file_extension}\")\n",
102
        "        if not files:\n",
103
        "            logging.warning(f\"No files found in {path} with extension {file_extension}\")\n",
104
        "        return files\n",
105
        "    except Exception as e:\n",
106
        "        logging.error(f\"Error finding files in {path}: {e}\")\n",
107
        "        return []\n",
108
        "\n",
109
        "def read_csv_files(file_paths, column_name='Lyrics'):\n",
110
        "    \"\"\"\n",
111
        "    Read and concatenate CSV files into a single DataFrame.\n",
112
        "\n",
113
        "    :param file_paths: list of file paths\n",
114
        "    :param column_name: str, name of the column to extract\n",
115
        "    :return: DataFrame\n",
116
        "    \"\"\"\n",
117
        "    df_list = []\n",
118
        "    for file in file_paths:\n",
119
        "        try:\n",
120
        "            df = pd.read_csv(file)\n",
121
        "            if column_name in df.columns:\n",
122
        "                df_list.append(df)\n",
123
        "            else:\n",
124
        "                logging.warning(f\"Column {column_name} not found in {file}\")\n",
125
        "        except Exception as e:\n",
126
        "            logging.error(f\"Error reading {file}: {e}\")\n",
127
        "    return pd.concat(df_list, ignore_index=True) if df_list else pd.DataFrame()\n",
128
        "\n",
129
        "def concatenate_lyrics(df, column_name='Lyrics'):\n",
130
        "    \"\"\"\n",
131
        "    Concatenate lyrics from a DataFrame into a single string.\n",
132
        "\n",
133
        "    :param df: DataFrame containing the lyrics\n",
134
        "    :param column_name: str, the column containing lyrics\n",
135
        "    :return: str, concatenated lyrics\n",
136
        "    \"\"\"\n",
137
        "    if column_name in df.columns:\n",
138
        "        return '\\n'.join(df[column_name])\n",
139
        "    logging.warning(f\"Column {column_name} not found in DataFrame\")\n",
140
        "    return \"\"\n",
141
        "\n",
142
        "def load_and_concatenate_lyrics(path, file_extension=\"*.csv\", column_name='Lyrics'):\n",
143
        "    \"\"\"\n",
144
        "    Load CSV files from the specified path, concatenate them,\n",
145
        "    and return the combined lyrics.\n",
146
        "\n",
147
        "    :param path: str, the directory containing the CSV files\n",
148
        "    :param file_extension: str, pattern to match files\n",
149
        "    :param column_name: str, name of the column to extract\n",
150
        "    :return: str, concatenated lyrics from all CSV files\n",
151
        "    \"\"\"\n",
152
        "    files = find_csv_files(path, file_extension)\n",
153
        "    if not files:\n",
154
        "        return \"\"\n",
155
        "\n",
156
        "    df = read_csv_files(files, column_name)\n",
157
        "    if df.empty:\n",
158
        "        return \"\"\n",
159
        "\n",
160
        "    return concatenate_lyrics(df, column_name)\n",
161
        "\n",
162
        "path = '../data_input/' # For local machine\n",
163
        "\n",
164
        "# path = '/content/'        # From Colab\n",
165
        "\n",
166
        "lyrics = load_and_concatenate_lyrics(path)\n",
167
        "\n",
168
        "print(lyrics[:200])  # Printing first 200 characters of the lyrics"
169
      ]
170
    },
171
    {
172
      "cell_type": "code",
173
      "execution_count": null,
174
      "metadata": {
175
        "colab": {
176
          "base_uri": "https://localhost:8080/"
177
        },
178
        "execution": {
179
          "iopub.execute_input": "2023-09-13T18:32:05.339495Z",
180
          "iopub.status.busy": "2023-09-13T18:32:05.338568Z",
181
          "iopub.status.idle": "2023-09-13T18:32:05.349315Z",
182
          "shell.execute_reply": "2023-09-13T18:32:05.347798Z",
183
          "shell.execute_reply.started": "2023-09-13T18:32:05.339459Z"
184
        },
185
        "id": "pM6JRJhzCR6h",
186
        "outputId": "b5128243-ad75-4422-9a58-0ba7a0b9b28e",
187
        "trusted": true
188
      },
189
      "outputs": [],
190
      "source": [
191
        "# List of all unique characters\n",
192
        "# This is just to verify the contents of the lyrics\n",
193
        "print(' '.join(sorted(set(lyrics))))"
194
      ]
195
    },
196
    {
197
      "cell_type": "code",
198
      "execution_count": null,
199
      "metadata": {
200
        "execution": {
201
          "iopub.execute_input": "2023-09-13T18:32:05.350857Z",
202
          "iopub.status.busy": "2023-09-13T18:32:05.350579Z",
203
          "iopub.status.idle": "2023-09-13T18:32:05.396171Z",
204
          "shell.execute_reply": "2023-09-13T18:32:05.395192Z",
205
          "shell.execute_reply.started": "2023-09-13T18:32:05.350822Z"
206
        },
207
        "id": "rmjOMy18CR6i",
208
        "trusted": true
209
      },
210
      "outputs": [],
211
      "source": [
212
        "import re\n",
213
        "\n",
214
        "def replace_characters(text, replacement_dict):\n",
215
        "    \"\"\"Replace characters in a string based on a dictionary mapping.\"\"\"\n",
216
        "    return text.translate(str.maketrans(replacement_dict))\n",
217
        "\n",
218
        "\"\"\" See more detailed notes on this replace_characters() method at the\n",
219
        "end of this notebook \"\"\"\n",
220
        "\n",
221
        "def remove_patterns(text, pattern_list):\n",
222
        "    \"\"\"Remove all instances of patterns in a list from a string.\"\"\"\n",
223
        "    for pattern in pattern_list:\n",
224
        "        text = re.sub(pattern, '', text)\n",
225
        "    return text\n",
226
        "\n",
227
        "def clean_lyrics(lyrics):\n",
228
        "    \"\"\"Clean lyrics by replacing and removing specific characters and patterns.\"\"\"\n",
229
        "    replace_with_space = ['\\u2005', '\\u200b', '\\u205f', '\\xa0', '-']\n",
230
        "    replace_letters = {'í':'i', 'é':'e', 'ï':'i', 'ó':'o', ';':',', '‘':'\\'', '’':'\\'', ':':',', 'е':'e'}\n",
231
        "    remove_list = ['\\)', '\\(', '–','\"','”', '\"', '\\[.*\\]', '.*\\|.*', '—']\n",
232
        "\n",
233
        "    # Replace specific letters\n",
234
        "    lyrics = replace_characters(lyrics, replace_letters)\n",
235
        "\n",
236
        "    # Replace specific strings with a space\n",
237
        "    for string in replace_with_space:\n",
238
        "        lyrics = lyrics.replace(string, ' ')\n",
239
        "\n",
240
        "    # Remove unwanted patterns\n",
241
        "    lyrics = remove_patterns(lyrics, remove_list)\n",
242
        "\n",
243
        "    return lyrics\n",
244
        "\n",
245
        "# Example usage\n",
246
        "cleaned_lyrics = clean_lyrics(lyrics)\n",
247
        "\n"
248
      ]
249
    },
250
    {
251
      "cell_type": "code",
252
      "execution_count": null,
253
      "metadata": {
254
        "colab": {
255
          "base_uri": "https://localhost:8080/"
256
        },
257
        "id": "CxQ-jIS-CR6i",
258
        "outputId": "41d39c18-2c0c-40f9-f280-f4ba87e16b23"
259
      },
260
      "outputs": [],
261
      "source": [
262
        "# This is just to verify the cleaned text\n",
263
        "print(''.join(sorted(set(cleaned_lyrics))))\n"
264
      ]
265
    },
266
    {
267
      "cell_type": "code",
268
      "execution_count": null,
269
      "metadata": {
270
        "colab": {
271
          "base_uri": "https://localhost:8080/",
272
          "height": 174
273
        },
274
        "id": "K3e69_oiCR6j",
275
        "outputId": "3f922ad1-dd71-4a32-de5b-5708925b8262"
276
      },
277
      "outputs": [],
278
      "source": [
279
        "cleaned_lyrics"
280
      ]
281
    },
282
    {
283
      "cell_type": "code",
284
      "execution_count": null,
285
      "metadata": {
286
        "execution": {
287
          "iopub.execute_input": "2023-09-13T18:32:05.397924Z",
288
          "iopub.status.busy": "2023-09-13T18:32:05.397597Z",
289
          "iopub.status.idle": "2023-09-13T18:32:05.420652Z",
290
          "shell.execute_reply": "2023-09-13T18:32:05.419761Z",
291
          "shell.execute_reply.started": "2023-09-13T18:32:05.397893Z"
292
        },
293
        "id": "7M_WcnhgCR6j",
294
        "trusted": true
295
      },
296
      "outputs": [],
297
      "source": [
298
        "from datasets import Dataset\n",
299
        "\n",
300
        "def create_train_test_datasets(cleaned_lyrics, train_ratio=0.95, segment_length=500):\n",
301
        "    \"\"\"\n",
302
        "    Splits the cleaned lyrics into training and testing datasets.\n",
303
        "    The training data is further segmented into smaller chunks.\n",
304
        "\n",
305
        "    Args:\n",
306
        "    cleaned_lyrics (list): The preprocessed lyrics data.\n",
307
        "    train_ratio (float, optional): Ratio of data to be used for training. Default is 0.95.\n",
308
        "    segment_length (int, optional): Length of each segment in the training data. Default is 500.\n",
309
        "\n",
310
        "    Returns:\n",
311
        "    Tuple[Dataset, list]: A tuple containing the training dataset and the test dataset.\n",
312
        "    \"\"\"\n",
313
        "    split_point = int(len(cleaned_lyrics) * train_ratio)\n",
314
        "    train_data = cleaned_lyrics[:split_point]\n",
315
        "    test_data = cleaned_lyrics[split_point:]\n",
316
        "\n",
317
        "    # Segmenting the training data\n",
318
        "    train_data_segments = [train_data[i:i + segment_length]\n",
319
        "                           for i in range(0, len(train_data), segment_length)]\n",
320
        "    # In above using `range(start, end, step)` syntax\n",
321
        "    train_dataset = Dataset.from_dict({'text': train_data_segments})\n",
322
        "\n",
323
        "    return train_dataset, test_data\n",
324
        "\n",
325
        "# Example usage\n",
326
        "train_dataset, test_data = create_train_test_datasets(cleaned_lyrics)\n",
327
        "\n",
328
        "\n",
329
        "# 557"
330
      ]
331
    },
332
    {
333
      "cell_type": "code",
334
      "execution_count": null,
335
      "metadata": {
336
        "colab": {
337
          "base_uri": "https://localhost:8080/"
338
        },
339
        "id": "AB8pDCdMCR6k",
340
        "outputId": "c7e527ef-e37c-4490-ba27-828cdd943422"
341
      },
342
      "outputs": [],
343
      "source": [
344
        "print(len(train_dataset))"
345
      ]
346
    },
347
    {
348
      "cell_type": "code",
349
      "execution_count": null,
350
      "metadata": {
351
        "colab": {
352
          "base_uri": "https://localhost:8080/"
353
        },
354
        "id": "_MfUDDEWCR6k",
355
        "outputId": "d99586cb-5ef6-4e20-ef70-1fa98a14d592"
356
      },
357
      "outputs": [],
358
      "source": [
359
        "# Check the dataset structure\n",
360
        "# Should output below\n",
361
        "\"\"\"\n",
362
        "Dataset({\n",
363
        "    features: ['text'],\n",
364
        "    num_rows: 557\n",
365
        "})\n",
366
        "\"\"\"\n",
367
        "train_dataset\n"
368
      ]
369
    },
370
    {
371
      "cell_type": "code",
372
      "execution_count": null,
373
      "metadata": {
374
        "colab": {
375
          "base_uri": "https://localhost:8080/",
376
          "height": 504
377
        },
378
        "id": "z4TaWEu7CR6l",
379
        "outputId": "70adf089-fc6b-4f0b-83d7-c40e66bc568f"
380
      },
381
      "outputs": [],
382
      "source": [
383
        "from pprint import pprint\n",
384
        "pprint(train_dataset[0])\n",
385
        "\n",
386
        "\"\"\"\n",
387
        "{'text': \"Knew he was a killer first time that I saw him\\nWondered how many girls he had loved and left haunted\\nBut if he's a ghost, then I can be a phantom\\nHoldin' him for ransom, some\\nSome boys are tryin' too hard, he don't try at all though\\nYounger than my exes, but he act like such a man, so\\nI see nothing better, I keep him forever\\nLike a vendetta ta\\nI, I, I see how this is gon' go\\nTouch me and you'll never be alone\\nI Island breeze and lights down low\\nNo one has to know\\nIn the middle of the night, in m\"} \"\"\""
388
      ]
389
    },
390
    {
391
      "cell_type": "code",
392
      "execution_count": null,
393
      "metadata": {
394
        "colab": {
395
          "base_uri": "https://localhost:8080/",
396
          "height": 113,
397
          "referenced_widgets": [
398
            "f2f42be2169e4d5c947b4dbb67dacce6",
399
            "a08fe5cd982f4cb8a6883034889a3c3a",
400
            "4ca3d43ad62c4592a992616979d11884",
401
            "d8c0b35b2362424bbeb612e676dcb681",
402
            "b85be3155e0a4f27a9b5dbb9b9820baf",
403
            "1a32d7e9048c4fffbe8f90acb2cdcf29",
404
            "038a7e2a3ab440a68ea7cdaa15e3cba8",
405
            "700aad1c80db4668813eece0ad22b3de",
406
            "e7a1d24bba074ebda46e6ab631b4f056",
407
            "cfdcab19276247a18468c916abbb081c",
408
            "5eb5507229ec4b96a7c652558d25e424",
409
            "67fc10cfdc614afe9491a6c0576a842b",
410
            "3d6cc4ecf25748dabc610f64d5220ec5",
411
            "077636025d5d488cab0fc6b8f6be6300",
412
            "943605cb14d34c8fbc54916e2c1f46d7",
413
            "03cc0c1245d5430e98d66c0facf01cdd",
414
            "afd90946c85549fc87462a3cf3b17477",
415
            "f8b09584f0ae4f54bfadb4010ddc01e3",
416
            "91e472c9b4574db1b5d19a8982a27e1f",
417
            "a32458fd5e9d4d35823a5bbd83dcf45e",
418
            "1ece89281458475ba780c46681a2c2e6",
419
            "0d4dd76f91d54ed5ac149397e7a4f468",
420
            "b2ad3d3a05ab44fdb3a687ea7e5c6a8c",
421
            "e8965ae93ea94589b4560877de3f0120",
422
            "a7a25b1dbb2d480ab93e39540b4f6d8e",
423
            "aab5e78bc4c442f7b898dfec3e102eac",
424
            "a20d8dd7fe2f408e865a7aa15220ad3f",
425
            "61c1f646137a4e699ae72839241f4193",
426
            "ca42c802d3494e448741a360fa8a394c",
427
            "81576b568e9c4a3f95e542b28de49d88",
428
            "98dcbdb86b734bb3a782493670874799",
429
            "e2f8f90db43d4c4e8c7c86992e8a5d45",
430
            "d44cb02b71ac4a1e8993e6764ce0a062"
431
          ]
432
        },
433
        "execution": {
434
          "iopub.execute_input": "2023-09-13T18:34:04.854830Z",
435
          "iopub.status.busy": "2023-09-13T18:34:04.854443Z",
436
          "iopub.status.idle": "2023-09-13T18:34:09.453336Z",
437
          "shell.execute_reply": "2023-09-13T18:34:09.452093Z",
438
          "shell.execute_reply.started": "2023-09-13T18:34:04.854799Z"
439
        },
440
        "id": "_DTE99sqCR6l",
441
        "outputId": "3e77b725-ff25-4662-be91-85f1efed60ba",
442
        "trusted": true
443
      },
444
      "outputs": [],
445
      "source": [
446
        "def load_quantized_model(model_identifier: str, compute_dtype: torch.dtype) -> AutoModelForCausalLM:\n",
447
        "    \"\"\"\n",
448
        "    Loads a quantized model using the BitsAndBytesConfig with specified parameters.\n",
449
        "\n",
450
        "    Args:\n",
451
        "    - model_identifier (str): The name of the model to be loaded.\n",
452
        "    - compute_dtype (torch.dtype): The data type for computation in the quantized model.\n",
453
        "\n",
454
        "    Returns:\n",
455
        "    - AutoModelForCausalLM: The loaded quantized model.\n",
456
        "    \"\"\"\n",
457
        "    quantization_config = BitsAndBytesConfig(\n",
458
        "        load_in_4bit=True,\n",
459
        "        bnb_4bit_quant_type=\"nf4\",\n",
460
        "        bnb_4bit_use_double_quant=True,\n",
461
        "        bnb_4bit_compute_dtype=compute_dtype,\n",
462
        "    )\n",
463
        "\n",
464
        "    model =  AutoModelForCausalLM.from_pretrained(\n",
465
        "        model_identifier,\n",
466
        "        quantization_config=quantization_config,\n",
467
        "        device_map=\"auto\",\n",
468
        "        trust_remote_code=True,\n",
469
        "    )\n",
470
        "    return model\n",
471
        "\n",
472
        "# Load the model\n",
473
        "# model_name = \"PY007/TinyLlama-1.1B-step-50K-105b\"\n",
474
        "\n",
475
        "model_name = \"TinyLlama/TinyLlama-1.1B-Chat-v1.0\"\n",
476
        "\n",
477
        "model = load_quantized_model(model_name, torch.bfloat16)"
478
      ]
479
    },
480
    {
481
      "cell_type": "code",
482
      "execution_count": null,
483
      "metadata": {
484
        "colab": {
485
          "base_uri": "https://localhost:8080/",
486
          "height": 145,
487
          "referenced_widgets": [
488
            "39de801da3484b00bf04b9866fbf985f",
489
            "d264f3543e28409db57bc6e0f2a53139",
490
            "809802cf4d5440e0b6d4862658b7bd24",
491
            "98833d77318747ae9a859f63e7e8dbed",
492
            "84a70d99d9fd4acf8b203b7dd8f93027",
493
            "43c9e45258de46a384d1403610f7eb56",
494
            "ac2c81ef433947ffa85c8ba470a64449",
495
            "8f0dcd30b3594aa093cae7311d222e6f",
496
            "141bab2715aa4a3d89cf64a06977b04b",
497
            "34ec523aba564ebab2de39665162a37f",
498
            "1e86c217408749ad95a73b7d4f936a35",
499
            "e785aed1edfb40fb83197559e133cd1b",
500
            "8556f4a6a12a424aafa136c6a58dc2f5",
501
            "5f316346e25d4b4a84325e68267bb6b9",
502
            "753fe787608b4324a54145ad4b4b9be5",
503
            "f6a192d5b1c94ab1a636d0204ad68f38",
504
            "3a90a980b11a446c85d8447a7368d22d",
505
            "dc26a6d266e2474d9f74907c390e8268",
506
            "9c5dd2dc66434100a30e04973d07ac47",
507
            "a4639106f1634771bf318fb8577e3394",
508
            "4a3989426af448cdba8e4616176e60c0",
509
            "e2fa31d586724fefb910420f78a4ada0",
510
            "ed6da7550bab4630b0186b13d78872aa",
511
            "523fc795232d4ab39a2c7565e967c978",
512
            "9cf2f40fbb874da29932676abb0e6170",
513
            "aa2b5f3761004fa1a99d5a356bf316da",
514
            "9a3323f0a3824463b8f2b62e34f02b1d",
515
            "9f27bb62517c43b69a20aba2fe4efebf",
516
            "1ea3d30adfc148d58cf0a1b029b7e09b",
517
            "35b60b750e5e4d418920800ff31f4256",
518
            "00aab10751ee43b795c683c8721edceb",
519
            "5c03f2c8b47b40d3b47c74656caead38",
520
            "737ded9421c041b78a0a6b611eb65348",
521
            "e9108e89dcc44b588d177e94f0be02df",
522
            "65051076f1a14ac9ac0cacdfe60148d7",
523
            "87ec26d90c434b5eb0e06bc5c94ebbe3",
524
            "6a7c8c715b044db4821705878b4cb54c",
525
            "8908a01c37a1416bb4ed8b4fd049e1c9",
526
            "1031996b9bb046d6a3468b77544e2cec",
527
            "291618408c20410f86922bc9e7c554fd",
528
            "003143dc734a43fb83d73af5bdc0d128",
529
            "3f8071c1b6ba47e5911d4d0c4c6d5cda",
530
            "dfe295100d3c49b197ebeb2662d25175",
531
            "883f20b0438b4244bcaad0054903b4df"
532
          ]
533
        },
534
        "execution": {
535
          "iopub.execute_input": "2023-09-13T18:34:09.456008Z",
536
          "iopub.status.busy": "2023-09-13T18:34:09.455390Z",
537
          "iopub.status.idle": "2023-09-13T18:34:09.630490Z",
538
          "shell.execute_reply": "2023-09-13T18:34:09.629261Z",
539
          "shell.execute_reply.started": "2023-09-13T18:34:09.455942Z"
540
        },
541
        "id": "Dbx9MGMzCR6l",
542
        "outputId": "a11e1e51-34b8-40bd-b822-19b350546226",
543
        "trusted": true
544
      },
545
      "outputs": [],
546
      "source": [
547
        "# Creating tokenizer and defining the pad token\n",
548
        "tokenizer = AutoTokenizer.from_pretrained(model_name, trust_remote_code=True)\n",
549
        "tokenizer.pad_token = tokenizer.eos_token"
550
      ]
551
    },
552
    {
553
      "cell_type": "code",
554
      "execution_count": 29,
555
      "metadata": {
556
        "colab": {
557
          "base_uri": "https://localhost:8080/"
558
        },
559
        "execution": {
560
          "iopub.execute_input": "2023-09-13T18:34:09.634524Z",
561
          "iopub.status.busy": "2023-09-13T18:34:09.631970Z",
562
          "iopub.status.idle": "2023-09-13T18:34:27.510143Z",
563
          "shell.execute_reply": "2023-09-13T18:34:27.509186Z",
564
          "shell.execute_reply.started": "2023-09-13T18:34:09.634491Z"
565
        },
566
        "id": "jUpY2fPjCR6l",
567
        "outputId": "9694071a-e622-4aa8-abae-503a24c45bd4",
568
        "trusted": true
569
      },
570
      "outputs": [],
571
      "source": [
572
        "# Generating lyrics with the base model. The repetition penalty in the generation config prevents the model from continually repeating the same string.\n",
573
        "device = 'cuda' if torch.cuda.is_available() else 'cpu'\n",
574
        "\n",
575
        "def generate_lyrics(query, model):\n",
576
        "    encoding = tokenizer(query, return_tensors=\"pt\").to(device)\n",
577
        "    generation_config = GenerationConfig(max_new_tokens=250, pad_token_id = tokenizer.eos_token_id,repetition_penalty=1.3, eos_token_id = tokenizer.eos_token_id)\n",
578
        "    outputs = model.generate(input_ids=encoding.input_ids, generation_config=generation_config)\n",
579
        "    text_output = tokenizer.decode(outputs[0],skip_special_tokens=True)\n",
580
        "    print('INPUT\\n', query, '\\n\\nOUTPUT\\n', text_output[len(query):])\n",
581
        "\n",
582
        "generate_lyrics(test_data[200:700], model)\n"
583
      ]
584
    },
585
    {
586
      "cell_type": "code",
587
      "execution_count": null,
588
      "metadata": {
589
        "execution": {
590
          "iopub.execute_input": "2023-09-13T18:34:27.518158Z",
591
          "iopub.status.busy": "2023-09-13T18:34:27.515727Z",
592
          "iopub.status.idle": "2023-09-13T18:34:28.963773Z",
593
          "shell.execute_reply": "2023-09-13T18:34:28.962709Z",
594
          "shell.execute_reply.started": "2023-09-13T18:34:27.518121Z"
595
        },
596
        "id": "Xbmv0OBBCR6l",
597
        "trusted": true
598
      },
599
      "outputs": [],
600
      "source": [
601
        "# Setting arguments for low-rank adaptation\n",
602
        "\n",
603
        "model = prepare_model_for_kbit_training(model)\n",
604
        "\n",
605
        "lora_alpha = 32 # The weight matrix is scaled by lora_alpha/lora_rank, so I set lora_alpha = lora_rank to remove scaling\n",
606
        "lora_dropout = 0.05\n",
607
        "lora_rank = 32\n",
608
        "\n",
609
        "lora_config = LoraConfig(\n",
610
        "    lora_alpha=lora_alpha,\n",
611
        "    lora_dropout=lora_dropout,\n",
612
        "    r=lora_rank,\n",
613
        "    bias=\"none\",  # setting to 'none' for only training weight params instead of biases\n",
614
        "    task_type=\"CAUSAL_LM\")\n",
615
        "\n",
616
        "peft_model = get_peft_model(model, lora_config)"
617
      ]
618
    },
619
    {
620
      "cell_type": "code",
621
      "execution_count": null,
622
      "metadata": {
623
        "execution": {
624
          "iopub.execute_input": "2023-09-13T18:34:28.971384Z",
625
          "iopub.status.busy": "2023-09-13T18:34:28.969063Z",
626
          "iopub.status.idle": "2023-09-13T18:34:28.982056Z",
627
          "shell.execute_reply": "2023-09-13T18:34:28.980879Z",
628
          "shell.execute_reply.started": "2023-09-13T18:34:28.971346Z"
629
        },
630
        "id": "8RQrjst8CR6m",
631
        "trusted": true
632
      },
633
      "outputs": [],
634
      "source": [
635
        "# Setting training arguments\n",
636
        "\n",
637
        "output_dir = \"hf-username/tinylama_taylor_swift\" # Model repo on your hugging face account where you want to save your model\n",
638
        "per_device_train_batch_size = 3\n",
639
        "gradient_accumulation_steps = 2\n",
640
        "optim = \"paged_adamw_32bit\"\n",
641
        "save_strategy=\"steps\"\n",
642
        "save_steps = 10\n",
643
        "logging_steps = 10\n",
644
        "learning_rate = 2e-3\n",
645
        "max_grad_norm = 0.3 # Sets limit for gradient clipping\n",
646
        "max_steps = 200     # Number of training steps\n",
647
        "warmup_ratio = 0.03 # Portion of steps used for learning_rate to warmup from 0\n",
648
        "lr_scheduler_type = \"cosine\" # I chose cosine to avoid learning plateaus\n",
649
        "\n",
650
        "training_arguments = TrainingArguments(\n",
651
        "    output_dir=output_dir,\n",
652
        "    per_device_train_batch_size=per_device_train_batch_size,\n",
653
        "    gradient_accumulation_steps=gradient_accumulation_steps,\n",
654
        "    optim=optim,\n",
655
        "    save_steps=save_steps,\n",
656
        "    logging_steps=logging_steps,\n",
657
        "    learning_rate=learning_rate,\n",
658
        "    max_grad_norm=max_grad_norm,\n",
659
        "    max_steps=max_steps,\n",
660
        "    warmup_ratio=warmup_ratio,\n",
661
        "    lr_scheduler_type=lr_scheduler_type,\n",
662
        "    # push_to_hub=True,\n",
663
        "    report_to='none'\n",
664
        ")"
665
      ]
666
    },
667
    {
668
      "cell_type": "code",
669
      "execution_count": null,
670
      "metadata": {
671
        "colab": {
672
          "base_uri": "https://localhost:8080/",
673
          "height": 49,
674
          "referenced_widgets": [
675
            "5b33396d5ba4481cb0d715e2eb52928b",
676
            "a35b9e3cd74d446981641e7952ef12ca",
677
            "c88cc16340f04ade93303bdfc04582a3",
678
            "262ccbf79ff44cf1832565a7c7460e1d",
679
            "e28e001c022145c3aeae29476fa91f84",
680
            "51b2dce41d2449d29457fb1320a9ce15",
681
            "78395a5926fe42f3b77c539dafbf37d1",
682
            "64b621720c1c4c148fe70a74667deb1d",
683
            "01581d0543fa44bc99a9de31e660b75c",
684
            "066ad979fd6641d08df2779ef69c3c1d",
685
            "80d92ea66e28406ea85077b42ae981f8"
686
          ]
687
        },
688
        "execution": {
689
          "iopub.execute_input": "2023-09-13T18:34:28.984399Z",
690
          "iopub.status.busy": "2023-09-13T18:34:28.983634Z",
691
          "iopub.status.idle": "2023-09-13T18:34:29.430658Z",
692
          "shell.execute_reply": "2023-09-13T18:34:29.429642Z",
693
          "shell.execute_reply.started": "2023-09-13T18:34:28.984361Z"
694
        },
695
        "id": "DtF-H4YpCR6m",
696
        "outputId": "6fecdb9a-e144-4316-8026-e048382d7bfb",
697
        "trusted": true
698
      },
699
      "outputs": [],
700
      "source": [
701
        "trainer = SFTTrainer(\n",
702
        "    model=peft_model,\n",
703
        "    train_dataset=train_dataset,\n",
704
        "    peft_config=lora_config,\n",
705
        "    max_seq_length=500,\n",
706
        "    dataset_text_field='text',\n",
707
        "    tokenizer=tokenizer,\n",
708
        "    args=training_arguments\n",
709
        ")\n",
710
        "peft_model.config.use_cache = False"
711
      ]
712
    },
713
    {
714
      "cell_type": "code",
715
      "execution_count": null,
716
      "metadata": {
717
        "colab": {
718
          "base_uri": "https://localhost:8080/",
719
          "height": 147
720
        },
721
        "execution": {
722
          "iopub.execute_input": "2023-09-13T18:34:29.435585Z",
723
          "iopub.status.busy": "2023-09-13T18:34:29.435093Z",
724
          "iopub.status.idle": "2023-09-13T18:40:20.272515Z",
725
          "shell.execute_reply": "2023-09-13T18:40:20.271435Z",
726
          "shell.execute_reply.started": "2023-09-13T18:34:29.435549Z"
727
        },
728
        "id": "rLK8g0WRCR6m",
729
        "outputId": "9d258486-84b0-46fe-c6a1-ac53b95eaff2",
730
        "trusted": true
731
      },
732
      "outputs": [],
733
      "source": [
734
        "trainer.train()"
735
      ]
736
    },
737
    {
738
      "cell_type": "markdown",
739
      "metadata": {},
740
      "source": [
741
        "###############################################\n",
742
        "## Explanatory Notes\n",
743
        "###############################################\n",
744
        "\n",
745
        "```py\n",
746
        "def replace_characters(text, replacement_dict):\n",
747
        "    \"\"\"Replace characters in a string based on a dictionary mapping.\"\"\"\n",
748
        "    return text.translate(str.maketrans(replacement_dict))\n",
749
        "\n",
750
        "```\n",
751
        "\n",
752
        "\n",
753
        "- `str.maketrans(replacement_dict)`: This function creates a translation table. The `replacement_dict` is a dictionary where each key-value pair represents a character to be replaced and its corresponding replacement character. \n",
754
        "\n",
755
        "📌 This translation table maps Unicode ordinals (or character code points) of the keys to ordinals of the values. The `str.maketrans` function is typically used to create a mapping table.\n",
756
        "\n",
757
        "- `text.translate(translation_table)`: This method returns a copy of `text` where each character has been mapped through the translation table. Characters mapped to `None` are deleted. In this context, it applies the character replacements defined in `replacement_dict` to the string `text`.\n",
758
        "\n",
759
        "In essence, this combination is a highly efficient way to perform multiple character replacements in a string in a single pass, making it more suitable for tasks like cleaning or formatting large text data, compared to using multiple `replace` calls.\n",
760
        "\n",
761
        "-----------------------\n",
762
        "\n",
763
        "Simple Example\n",
764
        "\n",
765
        "```py\n",
766
        "\n",
767
        "dict = {\"a\": \"123\", \"b\": \"456\", \"c\": \"789\"}\n",
768
        "string = \"abc\"\n",
769
        "print(string.maketrans(dict))\n",
770
        "# {97: '123', 98: '456', 99: '789'}\n",
771
        "\n",
772
        "```\n",
773
        "\n",
774
        "\n",
775
        "📌 The `maketrans` method when used with a single argument, such as a dictionary, the keys must be single characters and the values are their corresponding replacements.\n",
776
        "\n",
777
        "📌 In above, `string.maketrans(dict)` creates a translation table from the dictionary `dict`. The dictionary keys ('a', 'b', 'c') are single characters, and their ASCII values are 97, 98, and 99 respectively.\n",
778
        "\n",
779
        "📌 The translation table is a dictionary where each key is the ASCII value of the single-character keys from `dict`, and the values are the corresponding values from `dict`.\n",
780
        "\n",
781
        "📌 Thus, the output `{97: '123', 98: '456', 99: '789'}` represents a mapping where 'a' (ASCII 97) is replaced by '123', 'b' (ASCII 98) by '456', and 'c' (ASCII 99) by '789'. This table is used for translating or replacing characters in a string using the `translate` method.\n",
782
        "\n",
783
        "-------\n",
784
        "\n",
785
        "📌 The `maketrans` function must map characters to their replacements, and in Python, characters are often managed internally using their ASCII values. This representation allows for efficient storage and manipulation of characters in memory.\n",
786
        "\n",
787
        "📌 When you pass a dictionary to `maketrans`, it converts the keys from characters to their ASCII values because the **string translation process in Python operates at the byte level**. Using ASCII values directly is more efficient for this process.\n",
788
        "\n",
789
        "📌 Therefore, in your code `string.maketrans(dict)`, the dictionary keys 'a', 'b', and 'c' are automatically converted to their ASCII values 97, 98, and 99, respectively. This conversion forms a mapping table where each ASCII value (representing a character in the original string) is mapped to the corresponding replacement string as defined in your dictionary.\n",
790
        "\n",
791
        "📌 This translation table is then used by the `translate` method of string objects to replace characters in the string based on the provided mappings. For example, if you use this table to translate a string, every occurrence of 'a' will be replaced by '123', 'b' by '456', and 'c' by '789'."
792
      ]
793
    },
794
    {
795
      "cell_type": "markdown",
796
      "metadata": {},
797
      "source": [
798
        "#######################################################3\n",
799
        "\n",
800
        "## Explaining the below block\n",
801
        "\n",
802
        "```py\n",
803
        "train_data_segments = [train_data[i:i + segment_length]\n",
804
        "                           for i in range(0, len(train_data), segment_length)]\n",
805
        "\n",
806
        "```\n",
807
        "\n",
808
        "📌 The line `for i in range(0, len(train_data), segment_length)` in the list comprehension serves a specific purpose in segmenting the training data. \n",
809
        "\n",
810
        "This line iterates over the `train_data` list in steps of `segment_length`. For each iteration, it starts at index `i` and ends at `i + segment_length`, creating a new segment of the training data. By specifying `segment_length` as the step size in the `range` function, it ensures that each segment is of the specified length, except possibly the last segment which might be shorter if the total length of `train_data` is not a multiple of `segment_length`.\n",
811
        "\n",
812
        "The usage of `range(start, end, step)` here is an efficient way to iterate through the `train_data` while creating segments of a defined length, which is crucial for managing memory and computational efficiency."
813
      ]
814
    }
815
  ],
816
  "metadata": {
817
    "accelerator": "GPU",
818
    "colab": {
819
      "gpuType": "T4",
820
      "provenance": []
821
    },
822
    "kernelspec": {
823
      "display_name": "Python 3",
824
      "name": "python3"
825
    },
826
    "language_info": {
827
      "codemirror_mode": {
828
        "name": "ipython",
829
        "version": 3
830
      },
831
      "file_extension": ".py",
832
      "mimetype": "text/x-python",
833
      "name": "python",
834
      "nbconvert_exporter": "python",
835
      "pygments_lexer": "ipython3",
836
      "version": "3.10.13"
837
    },
838
    "widgets": {
839
      "application/vnd.jupyter.widget-state+json": {
840
        "003143dc734a43fb83d73af5bdc0d128": {
841
          "model_module": "@jupyter-widgets/base",
842
          "model_module_version": "1.2.0",
843
          "model_name": "LayoutModel",
844
          "state": {
845
            "_model_module": "@jupyter-widgets/base",
846
            "_model_module_version": "1.2.0",
847
            "_model_name": "LayoutModel",
848
            "_view_count": null,
849
            "_view_module": "@jupyter-widgets/base",
850
            "_view_module_version": "1.2.0",
851
            "_view_name": "LayoutView",
852
            "align_content": null,
853
            "align_items": null,
854
            "align_self": null,
855
            "border": null,
856
            "bottom": null,
857
            "display": null,
858
            "flex": null,
859
            "flex_flow": null,
860
            "grid_area": null,
861
            "grid_auto_columns": null,
862
            "grid_auto_flow": null,
863
            "grid_auto_rows": null,
864
            "grid_column": null,
865
            "grid_gap": null,
866
            "grid_row": null,
867
            "grid_template_areas": null,
868
            "grid_template_columns": null,
869
            "grid_template_rows": null,
870
            "height": null,
871
            "justify_content": null,
872
            "justify_items": null,
873
            "left": null,
874
            "margin": null,
875
            "max_height": null,
876
            "max_width": null,
877
            "min_height": null,
878
            "min_width": null,
879
            "object_fit": null,
880
            "object_position": null,
881
            "order": null,
882
            "overflow": null,
883
            "overflow_x": null,
884
            "overflow_y": null,
885
            "padding": null,
886
            "right": null,
887
            "top": null,
888
            "visibility": null,
889
            "width": null
890
          }
891
        },
892
        "00aab10751ee43b795c683c8721edceb": {
893
          "model_module": "@jupyter-widgets/controls",
894
          "model_module_version": "1.5.0",
895
          "model_name": "ProgressStyleModel",
896
          "state": {
897
            "_model_module": "@jupyter-widgets/controls",
898
            "_model_module_version": "1.5.0",
899
            "_model_name": "ProgressStyleModel",
900
            "_view_count": null,
901
            "_view_module": "@jupyter-widgets/base",
902
            "_view_module_version": "1.2.0",
903
            "_view_name": "StyleView",
904
            "bar_color": null,
905
            "description_width": ""
906
          }
907
        },
908
        "01581d0543fa44bc99a9de31e660b75c": {
909
          "model_module": "@jupyter-widgets/controls",
910
          "model_module_version": "1.5.0",
911
          "model_name": "ProgressStyleModel",
912
          "state": {
913
            "_model_module": "@jupyter-widgets/controls",
914
            "_model_module_version": "1.5.0",
915
            "_model_name": "ProgressStyleModel",
916
            "_view_count": null,
917
            "_view_module": "@jupyter-widgets/base",
918
            "_view_module_version": "1.2.0",
919
            "_view_name": "StyleView",
920
            "bar_color": null,
921
            "description_width": ""
922
          }
923
        },
924
        "038a7e2a3ab440a68ea7cdaa15e3cba8": {
925
          "model_module": "@jupyter-widgets/controls",
926
          "model_module_version": "1.5.0",
927
          "model_name": "DescriptionStyleModel",
928
          "state": {
929
            "_model_module": "@jupyter-widgets/controls",
930
            "_model_module_version": "1.5.0",
931
            "_model_name": "DescriptionStyleModel",
932
            "_view_count": null,
933
            "_view_module": "@jupyter-widgets/base",
934
            "_view_module_version": "1.2.0",
935
            "_view_name": "StyleView",
936
            "description_width": ""
937
          }
938
        },
939
        "03cc0c1245d5430e98d66c0facf01cdd": {
940
          "model_module": "@jupyter-widgets/base",
941
          "model_module_version": "1.2.0",
942
          "model_name": "LayoutModel",
943
          "state": {
944
            "_model_module": "@jupyter-widgets/base",
945
            "_model_module_version": "1.2.0",
946
            "_model_name": "LayoutModel",
947
            "_view_count": null,
948
            "_view_module": "@jupyter-widgets/base",
949
            "_view_module_version": "1.2.0",
950
            "_view_name": "LayoutView",
951
            "align_content": null,
952
            "align_items": null,
953
            "align_self": null,
954
            "border": null,
955
            "bottom": null,
956
            "display": null,
957
            "flex": null,
958
            "flex_flow": null,
959
            "grid_area": null,
960
            "grid_auto_columns": null,
961
            "grid_auto_flow": null,
962
            "grid_auto_rows": null,
963
            "grid_column": null,
964
            "grid_gap": null,
965
            "grid_row": null,
966
            "grid_template_areas": null,
967
            "grid_template_columns": null,
968
            "grid_template_rows": null,
969
            "height": null,
970
            "justify_content": null,
971
            "justify_items": null,
972
            "left": null,
973
            "margin": null,
974
            "max_height": null,
975
            "max_width": null,
976
            "min_height": null,
977
            "min_width": null,
978
            "object_fit": null,
979
            "object_position": null,
980
            "order": null,
981
            "overflow": null,
982
            "overflow_x": null,
983
            "overflow_y": null,
984
            "padding": null,
985
            "right": null,
986
            "top": null,
987
            "visibility": null,
988
            "width": null
989
          }
990
        },
991
        "066ad979fd6641d08df2779ef69c3c1d": {
992
          "model_module": "@jupyter-widgets/base",
993
          "model_module_version": "1.2.0",
994
          "model_name": "LayoutModel",
995
          "state": {
996
            "_model_module": "@jupyter-widgets/base",
997
            "_model_module_version": "1.2.0",
998
            "_model_name": "LayoutModel",
999
            "_view_count": null,
1000
            "_view_module": "@jupyter-widgets/base",
1001
            "_view_module_version": "1.2.0",
1002
            "_view_name": "LayoutView",
1003
            "align_content": null,
1004
            "align_items": null,
1005
            "align_self": null,
1006
            "border": null,
1007
            "bottom": null,
1008
            "display": null,
1009
            "flex": null,
1010
            "flex_flow": null,
1011
            "grid_area": null,
1012
            "grid_auto_columns": null,
1013
            "grid_auto_flow": null,
1014
            "grid_auto_rows": null,
1015
            "grid_column": null,
1016
            "grid_gap": null,
1017
            "grid_row": null,
1018
            "grid_template_areas": null,
1019
            "grid_template_columns": null,
1020
            "grid_template_rows": null,
1021
            "height": null,
1022
            "justify_content": null,
1023
            "justify_items": null,
1024
            "left": null,
1025
            "margin": null,
1026
            "max_height": null,
1027
            "max_width": null,
1028
            "min_height": null,
1029
            "min_width": null,
1030
            "object_fit": null,
1031
            "object_position": null,
1032
            "order": null,
1033
            "overflow": null,
1034
            "overflow_x": null,
1035
            "overflow_y": null,
1036
            "padding": null,
1037
            "right": null,
1038
            "top": null,
1039
            "visibility": null,
1040
            "width": null
1041
          }
1042
        },
1043
        "077636025d5d488cab0fc6b8f6be6300": {
1044
          "model_module": "@jupyter-widgets/controls",
1045
          "model_module_version": "1.5.0",
1046
          "model_name": "FloatProgressModel",
1047
          "state": {
1048
            "_dom_classes": [],
1049
            "_model_module": "@jupyter-widgets/controls",
1050
            "_model_module_version": "1.5.0",
1051
            "_model_name": "FloatProgressModel",
1052
            "_view_count": null,
1053
            "_view_module": "@jupyter-widgets/controls",
1054
            "_view_module_version": "1.5.0",
1055
            "_view_name": "ProgressView",
1056
            "bar_style": "success",
1057
            "description": "",
1058
            "description_tooltip": null,
1059
            "layout": "IPY_MODEL_91e472c9b4574db1b5d19a8982a27e1f",
1060
            "max": 2200119864,
1061
            "min": 0,
1062
            "orientation": "horizontal",
1063
            "style": "IPY_MODEL_a32458fd5e9d4d35823a5bbd83dcf45e",
1064
            "value": 2200119864
1065
          }
1066
        },
1067
        "0d4dd76f91d54ed5ac149397e7a4f468": {
1068
          "model_module": "@jupyter-widgets/controls",
1069
          "model_module_version": "1.5.0",
1070
          "model_name": "DescriptionStyleModel",
1071
          "state": {
1072
            "_model_module": "@jupyter-widgets/controls",
1073
            "_model_module_version": "1.5.0",
1074
            "_model_name": "DescriptionStyleModel",
1075
            "_view_count": null,
1076
            "_view_module": "@jupyter-widgets/base",
1077
            "_view_module_version": "1.2.0",
1078
            "_view_name": "StyleView",
1079
            "description_width": ""
1080
          }
1081
        },
1082
        "1031996b9bb046d6a3468b77544e2cec": {
1083
          "model_module": "@jupyter-widgets/base",
1084
          "model_module_version": "1.2.0",
1085
          "model_name": "LayoutModel",
1086
          "state": {
1087
            "_model_module": "@jupyter-widgets/base",
1088
            "_model_module_version": "1.2.0",
1089
            "_model_name": "LayoutModel",
1090
            "_view_count": null,
1091
            "_view_module": "@jupyter-widgets/base",
1092
            "_view_module_version": "1.2.0",
1093
            "_view_name": "LayoutView",
1094
            "align_content": null,
1095
            "align_items": null,
1096
            "align_self": null,
1097
            "border": null,
1098
            "bottom": null,
1099
            "display": null,
1100
            "flex": null,
1101
            "flex_flow": null,
1102
            "grid_area": null,
1103
            "grid_auto_columns": null,
1104
            "grid_auto_flow": null,
1105
            "grid_auto_rows": null,
1106
            "grid_column": null,
1107
            "grid_gap": null,
1108
            "grid_row": null,
1109
            "grid_template_areas": null,
1110
            "grid_template_columns": null,
1111
            "grid_template_rows": null,
1112
            "height": null,
1113
            "justify_content": null,
1114
            "justify_items": null,
1115
            "left": null,
1116
            "margin": null,
1117
            "max_height": null,
1118
            "max_width": null,
1119
            "min_height": null,
1120
            "min_width": null,
1121
            "object_fit": null,
1122
            "object_position": null,
1123
            "order": null,
1124
            "overflow": null,
1125
            "overflow_x": null,
1126
            "overflow_y": null,
1127
            "padding": null,
1128
            "right": null,
1129
            "top": null,
1130
            "visibility": null,
1131
            "width": null
1132
          }
1133
        },
1134
        "141bab2715aa4a3d89cf64a06977b04b": {
1135
          "model_module": "@jupyter-widgets/controls",
1136
          "model_module_version": "1.5.0",
1137
          "model_name": "ProgressStyleModel",
1138
          "state": {
1139
            "_model_module": "@jupyter-widgets/controls",
1140
            "_model_module_version": "1.5.0",
1141
            "_model_name": "ProgressStyleModel",
1142
            "_view_count": null,
1143
            "_view_module": "@jupyter-widgets/base",
1144
            "_view_module_version": "1.2.0",
1145
            "_view_name": "StyleView",
1146
            "bar_color": null,
1147
            "description_width": ""
1148
          }
1149
        },
1150
        "1a32d7e9048c4fffbe8f90acb2cdcf29": {
1151
          "model_module": "@jupyter-widgets/base",
1152
          "model_module_version": "1.2.0",
1153
          "model_name": "LayoutModel",
1154
          "state": {
1155
            "_model_module": "@jupyter-widgets/base",
1156
            "_model_module_version": "1.2.0",
1157
            "_model_name": "LayoutModel",
1158
            "_view_count": null,
1159
            "_view_module": "@jupyter-widgets/base",
1160
            "_view_module_version": "1.2.0",
1161
            "_view_name": "LayoutView",
1162
            "align_content": null,
1163
            "align_items": null,
1164
            "align_self": null,
1165
            "border": null,
1166
            "bottom": null,
1167
            "display": null,
1168
            "flex": null,
1169
            "flex_flow": null,
1170
            "grid_area": null,
1171
            "grid_auto_columns": null,
1172
            "grid_auto_flow": null,
1173
            "grid_auto_rows": null,
1174
            "grid_column": null,
1175
            "grid_gap": null,
1176
            "grid_row": null,
1177
            "grid_template_areas": null,
1178
            "grid_template_columns": null,
1179
            "grid_template_rows": null,
1180
            "height": null,
1181
            "justify_content": null,
1182
            "justify_items": null,
1183
            "left": null,
1184
            "margin": null,
1185
            "max_height": null,
1186
            "max_width": null,
1187
            "min_height": null,
1188
            "min_width": null,
1189
            "object_fit": null,
1190
            "object_position": null,
1191
            "order": null,
1192
            "overflow": null,
1193
            "overflow_x": null,
1194
            "overflow_y": null,
1195
            "padding": null,
1196
            "right": null,
1197
            "top": null,
1198
            "visibility": null,
1199
            "width": null
1200
          }
1201
        },
1202
        "1e86c217408749ad95a73b7d4f936a35": {
1203
          "model_module": "@jupyter-widgets/controls",
1204
          "model_module_version": "1.5.0",
1205
          "model_name": "DescriptionStyleModel",
1206
          "state": {
1207
            "_model_module": "@jupyter-widgets/controls",
1208
            "_model_module_version": "1.5.0",
1209
            "_model_name": "DescriptionStyleModel",
1210
            "_view_count": null,
1211
            "_view_module": "@jupyter-widgets/base",
1212
            "_view_module_version": "1.2.0",
1213
            "_view_name": "StyleView",
1214
            "description_width": ""
1215
          }
1216
        },
1217
        "1ea3d30adfc148d58cf0a1b029b7e09b": {
1218
          "model_module": "@jupyter-widgets/controls",
1219
          "model_module_version": "1.5.0",
1220
          "model_name": "DescriptionStyleModel",
1221
          "state": {
1222
            "_model_module": "@jupyter-widgets/controls",
1223
            "_model_module_version": "1.5.0",
1224
            "_model_name": "DescriptionStyleModel",
1225
            "_view_count": null,
1226
            "_view_module": "@jupyter-widgets/base",
1227
            "_view_module_version": "1.2.0",
1228
            "_view_name": "StyleView",
1229
            "description_width": ""
1230
          }
1231
        },
1232
        "1ece89281458475ba780c46681a2c2e6": {
1233
          "model_module": "@jupyter-widgets/base",
1234
          "model_module_version": "1.2.0",
1235
          "model_name": "LayoutModel",
1236
          "state": {
1237
            "_model_module": "@jupyter-widgets/base",
1238
            "_model_module_version": "1.2.0",
1239
            "_model_name": "LayoutModel",
1240
            "_view_count": null,
1241
            "_view_module": "@jupyter-widgets/base",
1242
            "_view_module_version": "1.2.0",
1243
            "_view_name": "LayoutView",
1244
            "align_content": null,
1245
            "align_items": null,
1246
            "align_self": null,
1247
            "border": null,
1248
            "bottom": null,
1249
            "display": null,
1250
            "flex": null,
1251
            "flex_flow": null,
1252
            "grid_area": null,
1253
            "grid_auto_columns": null,
1254
            "grid_auto_flow": null,
1255
            "grid_auto_rows": null,
1256
            "grid_column": null,
1257
            "grid_gap": null,
1258
            "grid_row": null,
1259
            "grid_template_areas": null,
1260
            "grid_template_columns": null,
1261
            "grid_template_rows": null,
1262
            "height": null,
1263
            "justify_content": null,
1264
            "justify_items": null,
1265
            "left": null,
1266
            "margin": null,
1267
            "max_height": null,
1268
            "max_width": null,
1269
            "min_height": null,
1270
            "min_width": null,
1271
            "object_fit": null,
1272
            "object_position": null,
1273
            "order": null,
1274
            "overflow": null,
1275
            "overflow_x": null,
1276
            "overflow_y": null,
1277
            "padding": null,
1278
            "right": null,
1279
            "top": null,
1280
            "visibility": null,
1281
            "width": null
1282
          }
1283
        },
1284
        "262ccbf79ff44cf1832565a7c7460e1d": {
1285
          "model_module": "@jupyter-widgets/controls",
1286
          "model_module_version": "1.5.0",
1287
          "model_name": "HTMLModel",
1288
          "state": {
1289
            "_dom_classes": [],
1290
            "_model_module": "@jupyter-widgets/controls",
1291
            "_model_module_version": "1.5.0",
1292
            "_model_name": "HTMLModel",
1293
            "_view_count": null,
1294
            "_view_module": "@jupyter-widgets/controls",
1295
            "_view_module_version": "1.5.0",
1296
            "_view_name": "HTMLView",
1297
            "description": "",
1298
            "description_tooltip": null,
1299
            "layout": "IPY_MODEL_066ad979fd6641d08df2779ef69c3c1d",
1300
            "placeholder": "​",
1301
            "style": "IPY_MODEL_80d92ea66e28406ea85077b42ae981f8",
1302
            "value": " 769/769 [00:00<00:00, 1681.54 examples/s]"
1303
          }
1304
        },
1305
        "291618408c20410f86922bc9e7c554fd": {
1306
          "model_module": "@jupyter-widgets/controls",
1307
          "model_module_version": "1.5.0",
1308
          "model_name": "DescriptionStyleModel",
1309
          "state": {
1310
            "_model_module": "@jupyter-widgets/controls",
1311
            "_model_module_version": "1.5.0",
1312
            "_model_name": "DescriptionStyleModel",
1313
            "_view_count": null,
1314
            "_view_module": "@jupyter-widgets/base",
1315
            "_view_module_version": "1.2.0",
1316
            "_view_name": "StyleView",
1317
            "description_width": ""
1318
          }
1319
        },
1320
        "34ec523aba564ebab2de39665162a37f": {
1321
          "model_module": "@jupyter-widgets/base",
1322
          "model_module_version": "1.2.0",
1323
          "model_name": "LayoutModel",
1324
          "state": {
1325
            "_model_module": "@jupyter-widgets/base",
1326
            "_model_module_version": "1.2.0",
1327
            "_model_name": "LayoutModel",
1328
            "_view_count": null,
1329
            "_view_module": "@jupyter-widgets/base",
1330
            "_view_module_version": "1.2.0",
1331
            "_view_name": "LayoutView",
1332
            "align_content": null,
1333
            "align_items": null,
1334
            "align_self": null,
1335
            "border": null,
1336
            "bottom": null,
1337
            "display": null,
1338
            "flex": null,
1339
            "flex_flow": null,
1340
            "grid_area": null,
1341
            "grid_auto_columns": null,
1342
            "grid_auto_flow": null,
1343
            "grid_auto_rows": null,
1344
            "grid_column": null,
1345
            "grid_gap": null,
1346
            "grid_row": null,
1347
            "grid_template_areas": null,
1348
            "grid_template_columns": null,
1349
            "grid_template_rows": null,
1350
            "height": null,
1351
            "justify_content": null,
1352
            "justify_items": null,
1353
            "left": null,
1354
            "margin": null,
1355
            "max_height": null,
1356
            "max_width": null,
1357
            "min_height": null,
1358
            "min_width": null,
1359
            "object_fit": null,
1360
            "object_position": null,
1361
            "order": null,
1362
            "overflow": null,
1363
            "overflow_x": null,
1364
            "overflow_y": null,
1365
            "padding": null,
1366
            "right": null,
1367
            "top": null,
1368
            "visibility": null,
1369
            "width": null
1370
          }
1371
        },
1372
        "35b60b750e5e4d418920800ff31f4256": {
1373
          "model_module": "@jupyter-widgets/base",
1374
          "model_module_version": "1.2.0",
1375
          "model_name": "LayoutModel",
1376
          "state": {
1377
            "_model_module": "@jupyter-widgets/base",
1378
            "_model_module_version": "1.2.0",
1379
            "_model_name": "LayoutModel",
1380
            "_view_count": null,
1381
            "_view_module": "@jupyter-widgets/base",
1382
            "_view_module_version": "1.2.0",
1383
            "_view_name": "LayoutView",
1384
            "align_content": null,
1385
            "align_items": null,
1386
            "align_self": null,
1387
            "border": null,
1388
            "bottom": null,
1389
            "display": null,
1390
            "flex": null,
1391
            "flex_flow": null,
1392
            "grid_area": null,
1393
            "grid_auto_columns": null,
1394
            "grid_auto_flow": null,
1395
            "grid_auto_rows": null,
1396
            "grid_column": null,
1397
            "grid_gap": null,
1398
            "grid_row": null,
1399
            "grid_template_areas": null,
1400
            "grid_template_columns": null,
1401
            "grid_template_rows": null,
1402
            "height": null,
1403
            "justify_content": null,
1404
            "justify_items": null,
1405
            "left": null,
1406
            "margin": null,
1407
            "max_height": null,
1408
            "max_width": null,
1409
            "min_height": null,
1410
            "min_width": null,
1411
            "object_fit": null,
1412
            "object_position": null,
1413
            "order": null,
1414
            "overflow": null,
1415
            "overflow_x": null,
1416
            "overflow_y": null,
1417
            "padding": null,
1418
            "right": null,
1419
            "top": null,
1420
            "visibility": null,
1421
            "width": null
1422
          }
1423
        },
1424
        "39de801da3484b00bf04b9866fbf985f": {
1425
          "model_module": "@jupyter-widgets/controls",
1426
          "model_module_version": "1.5.0",
1427
          "model_name": "HBoxModel",
1428
          "state": {
1429
            "_dom_classes": [],
1430
            "_model_module": "@jupyter-widgets/controls",
1431
            "_model_module_version": "1.5.0",
1432
            "_model_name": "HBoxModel",
1433
            "_view_count": null,
1434
            "_view_module": "@jupyter-widgets/controls",
1435
            "_view_module_version": "1.5.0",
1436
            "_view_name": "HBoxView",
1437
            "box_style": "",
1438
            "children": [
1439
              "IPY_MODEL_d264f3543e28409db57bc6e0f2a53139",
1440
              "IPY_MODEL_809802cf4d5440e0b6d4862658b7bd24",
1441
              "IPY_MODEL_98833d77318747ae9a859f63e7e8dbed"
1442
            ],
1443
            "layout": "IPY_MODEL_84a70d99d9fd4acf8b203b7dd8f93027"
1444
          }
1445
        },
1446
        "3a90a980b11a446c85d8447a7368d22d": {
1447
          "model_module": "@jupyter-widgets/base",
1448
          "model_module_version": "1.2.0",
1449
          "model_name": "LayoutModel",
1450
          "state": {
1451
            "_model_module": "@jupyter-widgets/base",
1452
            "_model_module_version": "1.2.0",
1453
            "_model_name": "LayoutModel",
1454
            "_view_count": null,
1455
            "_view_module": "@jupyter-widgets/base",
1456
            "_view_module_version": "1.2.0",
1457
            "_view_name": "LayoutView",
1458
            "align_content": null,
1459
            "align_items": null,
1460
            "align_self": null,
1461
            "border": null,
1462
            "bottom": null,
1463
            "display": null,
1464
            "flex": null,
1465
            "flex_flow": null,
1466
            "grid_area": null,
1467
            "grid_auto_columns": null,
1468
            "grid_auto_flow": null,
1469
            "grid_auto_rows": null,
1470
            "grid_column": null,
1471
            "grid_gap": null,
1472
            "grid_row": null,
1473
            "grid_template_areas": null,
1474
            "grid_template_columns": null,
1475
            "grid_template_rows": null,
1476
            "height": null,
1477
            "justify_content": null,
1478
            "justify_items": null,
1479
            "left": null,
1480
            "margin": null,
1481
            "max_height": null,
1482
            "max_width": null,
1483
            "min_height": null,
1484
            "min_width": null,
1485
            "object_fit": null,
1486
            "object_position": null,
1487
            "order": null,
1488
            "overflow": null,
1489
            "overflow_x": null,
1490
            "overflow_y": null,
1491
            "padding": null,
1492
            "right": null,
1493
            "top": null,
1494
            "visibility": null,
1495
            "width": null
1496
          }
1497
        },
1498
        "3d6cc4ecf25748dabc610f64d5220ec5": {
1499
          "model_module": "@jupyter-widgets/controls",
1500
          "model_module_version": "1.5.0",
1501
          "model_name": "HTMLModel",
1502
          "state": {
1503
            "_dom_classes": [],
1504
            "_model_module": "@jupyter-widgets/controls",
1505
            "_model_module_version": "1.5.0",
1506
            "_model_name": "HTMLModel",
1507
            "_view_count": null,
1508
            "_view_module": "@jupyter-widgets/controls",
1509
            "_view_module_version": "1.5.0",
1510
            "_view_name": "HTMLView",
1511
            "description": "",
1512
            "description_tooltip": null,
1513
            "layout": "IPY_MODEL_afd90946c85549fc87462a3cf3b17477",
1514
            "placeholder": "​",
1515
            "style": "IPY_MODEL_f8b09584f0ae4f54bfadb4010ddc01e3",
1516
            "value": "model.safetensors: 100%"
1517
          }
1518
        },
1519
        "3f8071c1b6ba47e5911d4d0c4c6d5cda": {
1520
          "model_module": "@jupyter-widgets/controls",
1521
          "model_module_version": "1.5.0",
1522
          "model_name": "ProgressStyleModel",
1523
          "state": {
1524
            "_model_module": "@jupyter-widgets/controls",
1525
            "_model_module_version": "1.5.0",
1526
            "_model_name": "ProgressStyleModel",
1527
            "_view_count": null,
1528
            "_view_module": "@jupyter-widgets/base",
1529
            "_view_module_version": "1.2.0",
1530
            "_view_name": "StyleView",
1531
            "bar_color": null,
1532
            "description_width": ""
1533
          }
1534
        },
1535
        "43c9e45258de46a384d1403610f7eb56": {
1536
          "model_module": "@jupyter-widgets/base",
1537
          "model_module_version": "1.2.0",
1538
          "model_name": "LayoutModel",
1539
          "state": {
1540
            "_model_module": "@jupyter-widgets/base",
1541
            "_model_module_version": "1.2.0",
1542
            "_model_name": "LayoutModel",
1543
            "_view_count": null,
1544
            "_view_module": "@jupyter-widgets/base",
1545
            "_view_module_version": "1.2.0",
1546
            "_view_name": "LayoutView",
1547
            "align_content": null,
1548
            "align_items": null,
1549
            "align_self": null,
1550
            "border": null,
1551
            "bottom": null,
1552
            "display": null,
1553
            "flex": null,
1554
            "flex_flow": null,
1555
            "grid_area": null,
1556
            "grid_auto_columns": null,
1557
            "grid_auto_flow": null,
1558
            "grid_auto_rows": null,
1559
            "grid_column": null,
1560
            "grid_gap": null,
1561
            "grid_row": null,
1562
            "grid_template_areas": null,
1563
            "grid_template_columns": null,
1564
            "grid_template_rows": null,
1565
            "height": null,
1566
            "justify_content": null,
1567
            "justify_items": null,
1568
            "left": null,
1569
            "margin": null,
1570
            "max_height": null,
1571
            "max_width": null,
1572
            "min_height": null,
1573
            "min_width": null,
1574
            "object_fit": null,
1575
            "object_position": null,
1576
            "order": null,
1577
            "overflow": null,
1578
            "overflow_x": null,
1579
            "overflow_y": null,
1580
            "padding": null,
1581
            "right": null,
1582
            "top": null,
1583
            "visibility": null,
1584
            "width": null
1585
          }
1586
        },
1587
        "4a3989426af448cdba8e4616176e60c0": {
1588
          "model_module": "@jupyter-widgets/base",
1589
          "model_module_version": "1.2.0",
1590
          "model_name": "LayoutModel",
1591
          "state": {
1592
            "_model_module": "@jupyter-widgets/base",
1593
            "_model_module_version": "1.2.0",
1594
            "_model_name": "LayoutModel",
1595
            "_view_count": null,
1596
            "_view_module": "@jupyter-widgets/base",
1597
            "_view_module_version": "1.2.0",
1598
            "_view_name": "LayoutView",
1599
            "align_content": null,
1600
            "align_items": null,
1601
            "align_self": null,
1602
            "border": null,
1603
            "bottom": null,
1604
            "display": null,
1605
            "flex": null,
1606
            "flex_flow": null,
1607
            "grid_area": null,
1608
            "grid_auto_columns": null,
1609
            "grid_auto_flow": null,
1610
            "grid_auto_rows": null,
1611
            "grid_column": null,
1612
            "grid_gap": null,
1613
            "grid_row": null,
1614
            "grid_template_areas": null,
1615
            "grid_template_columns": null,
1616
            "grid_template_rows": null,
1617
            "height": null,
1618
            "justify_content": null,
1619
            "justify_items": null,
1620
            "left": null,
1621
            "margin": null,
1622
            "max_height": null,
1623
            "max_width": null,
1624
            "min_height": null,
1625
            "min_width": null,
1626
            "object_fit": null,
1627
            "object_position": null,
1628
            "order": null,
1629
            "overflow": null,
1630
            "overflow_x": null,
1631
            "overflow_y": null,
1632
            "padding": null,
1633
            "right": null,
1634
            "top": null,
1635
            "visibility": null,
1636
            "width": null
1637
          }
1638
        },
1639
        "4ca3d43ad62c4592a992616979d11884": {
1640
          "model_module": "@jupyter-widgets/controls",
1641
          "model_module_version": "1.5.0",
1642
          "model_name": "FloatProgressModel",
1643
          "state": {
1644
            "_dom_classes": [],
1645
            "_model_module": "@jupyter-widgets/controls",
1646
            "_model_module_version": "1.5.0",
1647
            "_model_name": "FloatProgressModel",
1648
            "_view_count": null,
1649
            "_view_module": "@jupyter-widgets/controls",
1650
            "_view_module_version": "1.5.0",
1651
            "_view_name": "ProgressView",
1652
            "bar_style": "success",
1653
            "description": "",
1654
            "description_tooltip": null,
1655
            "layout": "IPY_MODEL_700aad1c80db4668813eece0ad22b3de",
1656
            "max": 608,
1657
            "min": 0,
1658
            "orientation": "horizontal",
1659
            "style": "IPY_MODEL_e7a1d24bba074ebda46e6ab631b4f056",
1660
            "value": 608
1661
          }
1662
        },
1663
        "51b2dce41d2449d29457fb1320a9ce15": {
1664
          "model_module": "@jupyter-widgets/base",
1665
          "model_module_version": "1.2.0",
1666
          "model_name": "LayoutModel",
1667
          "state": {
1668
            "_model_module": "@jupyter-widgets/base",
1669
            "_model_module_version": "1.2.0",
1670
            "_model_name": "LayoutModel",
1671
            "_view_count": null,
1672
            "_view_module": "@jupyter-widgets/base",
1673
            "_view_module_version": "1.2.0",
1674
            "_view_name": "LayoutView",
1675
            "align_content": null,
1676
            "align_items": null,
1677
            "align_self": null,
1678
            "border": null,
1679
            "bottom": null,
1680
            "display": null,
1681
            "flex": null,
1682
            "flex_flow": null,
1683
            "grid_area": null,
1684
            "grid_auto_columns": null,
1685
            "grid_auto_flow": null,
1686
            "grid_auto_rows": null,
1687
            "grid_column": null,
1688
            "grid_gap": null,
1689
            "grid_row": null,
1690
            "grid_template_areas": null,
1691
            "grid_template_columns": null,
1692
            "grid_template_rows": null,
1693
            "height": null,
1694
            "justify_content": null,
1695
            "justify_items": null,
1696
            "left": null,
1697
            "margin": null,
1698
            "max_height": null,
1699
            "max_width": null,
1700
            "min_height": null,
1701
            "min_width": null,
1702
            "object_fit": null,
1703
            "object_position": null,
1704
            "order": null,
1705
            "overflow": null,
1706
            "overflow_x": null,
1707
            "overflow_y": null,
1708
            "padding": null,
1709
            "right": null,
1710
            "top": null,
1711
            "visibility": null,
1712
            "width": null
1713
          }
1714
        },
1715
        "523fc795232d4ab39a2c7565e967c978": {
1716
          "model_module": "@jupyter-widgets/controls",
1717
          "model_module_version": "1.5.0",
1718
          "model_name": "HTMLModel",
1719
          "state": {
1720
            "_dom_classes": [],
1721
            "_model_module": "@jupyter-widgets/controls",
1722
            "_model_module_version": "1.5.0",
1723
            "_model_name": "HTMLModel",
1724
            "_view_count": null,
1725
            "_view_module": "@jupyter-widgets/controls",
1726
            "_view_module_version": "1.5.0",
1727
            "_view_name": "HTMLView",
1728
            "description": "",
1729
            "description_tooltip": null,
1730
            "layout": "IPY_MODEL_9f27bb62517c43b69a20aba2fe4efebf",
1731
            "placeholder": "​",
1732
            "style": "IPY_MODEL_1ea3d30adfc148d58cf0a1b029b7e09b",
1733
            "value": "tokenizer.json: 100%"
1734
          }
1735
        },
1736
        "5b33396d5ba4481cb0d715e2eb52928b": {
1737
          "model_module": "@jupyter-widgets/controls",
1738
          "model_module_version": "1.5.0",
1739
          "model_name": "HBoxModel",
1740
          "state": {
1741
            "_dom_classes": [],
1742
            "_model_module": "@jupyter-widgets/controls",
1743
            "_model_module_version": "1.5.0",
1744
            "_model_name": "HBoxModel",
1745
            "_view_count": null,
1746
            "_view_module": "@jupyter-widgets/controls",
1747
            "_view_module_version": "1.5.0",
1748
            "_view_name": "HBoxView",
1749
            "box_style": "",
1750
            "children": [
1751
              "IPY_MODEL_a35b9e3cd74d446981641e7952ef12ca",
1752
              "IPY_MODEL_c88cc16340f04ade93303bdfc04582a3",
1753
              "IPY_MODEL_262ccbf79ff44cf1832565a7c7460e1d"
1754
            ],
1755
            "layout": "IPY_MODEL_e28e001c022145c3aeae29476fa91f84"
1756
          }
1757
        },
1758
        "5c03f2c8b47b40d3b47c74656caead38": {
1759
          "model_module": "@jupyter-widgets/base",
1760
          "model_module_version": "1.2.0",
1761
          "model_name": "LayoutModel",
1762
          "state": {
1763
            "_model_module": "@jupyter-widgets/base",
1764
            "_model_module_version": "1.2.0",
1765
            "_model_name": "LayoutModel",
1766
            "_view_count": null,
1767
            "_view_module": "@jupyter-widgets/base",
1768
            "_view_module_version": "1.2.0",
1769
            "_view_name": "LayoutView",
1770
            "align_content": null,
1771
            "align_items": null,
1772
            "align_self": null,
1773
            "border": null,
1774
            "bottom": null,
1775
            "display": null,
1776
            "flex": null,
1777
            "flex_flow": null,
1778
            "grid_area": null,
1779
            "grid_auto_columns": null,
1780
            "grid_auto_flow": null,
1781
            "grid_auto_rows": null,
1782
            "grid_column": null,
1783
            "grid_gap": null,
1784
            "grid_row": null,
1785
            "grid_template_areas": null,
1786
            "grid_template_columns": null,
1787
            "grid_template_rows": null,
1788
            "height": null,
1789
            "justify_content": null,
1790
            "justify_items": null,
1791
            "left": null,
1792
            "margin": null,
1793
            "max_height": null,
1794
            "max_width": null,
1795
            "min_height": null,
1796
            "min_width": null,
1797
            "object_fit": null,
1798
            "object_position": null,
1799
            "order": null,
1800
            "overflow": null,
1801
            "overflow_x": null,
1802
            "overflow_y": null,
1803
            "padding": null,
1804
            "right": null,
1805
            "top": null,
1806
            "visibility": null,
1807
            "width": null
1808
          }
1809
        },
1810
        "5eb5507229ec4b96a7c652558d25e424": {
1811
          "model_module": "@jupyter-widgets/controls",
1812
          "model_module_version": "1.5.0",
1813
          "model_name": "DescriptionStyleModel",
1814
          "state": {
1815
            "_model_module": "@jupyter-widgets/controls",
1816
            "_model_module_version": "1.5.0",
1817
            "_model_name": "DescriptionStyleModel",
1818
            "_view_count": null,
1819
            "_view_module": "@jupyter-widgets/base",
1820
            "_view_module_version": "1.2.0",
1821
            "_view_name": "StyleView",
1822
            "description_width": ""
1823
          }
1824
        },
1825
        "5f316346e25d4b4a84325e68267bb6b9": {
1826
          "model_module": "@jupyter-widgets/controls",
1827
          "model_module_version": "1.5.0",
1828
          "model_name": "FloatProgressModel",
1829
          "state": {
1830
            "_dom_classes": [],
1831
            "_model_module": "@jupyter-widgets/controls",
1832
            "_model_module_version": "1.5.0",
1833
            "_model_name": "FloatProgressModel",
1834
            "_view_count": null,
1835
            "_view_module": "@jupyter-widgets/controls",
1836
            "_view_module_version": "1.5.0",
1837
            "_view_name": "ProgressView",
1838
            "bar_style": "success",
1839
            "description": "",
1840
            "description_tooltip": null,
1841
            "layout": "IPY_MODEL_9c5dd2dc66434100a30e04973d07ac47",
1842
            "max": 499723,
1843
            "min": 0,
1844
            "orientation": "horizontal",
1845
            "style": "IPY_MODEL_a4639106f1634771bf318fb8577e3394",
1846
            "value": 499723
1847
          }
1848
        },
1849
        "61c1f646137a4e699ae72839241f4193": {
1850
          "model_module": "@jupyter-widgets/base",
1851
          "model_module_version": "1.2.0",
1852
          "model_name": "LayoutModel",
1853
          "state": {
1854
            "_model_module": "@jupyter-widgets/base",
1855
            "_model_module_version": "1.2.0",
1856
            "_model_name": "LayoutModel",
1857
            "_view_count": null,
1858
            "_view_module": "@jupyter-widgets/base",
1859
            "_view_module_version": "1.2.0",
1860
            "_view_name": "LayoutView",
1861
            "align_content": null,
1862
            "align_items": null,
1863
            "align_self": null,
1864
            "border": null,
1865
            "bottom": null,
1866
            "display": null,
1867
            "flex": null,
1868
            "flex_flow": null,
1869
            "grid_area": null,
1870
            "grid_auto_columns": null,
1871
            "grid_auto_flow": null,
1872
            "grid_auto_rows": null,
1873
            "grid_column": null,
1874
            "grid_gap": null,
1875
            "grid_row": null,
1876
            "grid_template_areas": null,
1877
            "grid_template_columns": null,
1878
            "grid_template_rows": null,
1879
            "height": null,
1880
            "justify_content": null,
1881
            "justify_items": null,
1882
            "left": null,
1883
            "margin": null,
1884
            "max_height": null,
1885
            "max_width": null,
1886
            "min_height": null,
1887
            "min_width": null,
1888
            "object_fit": null,
1889
            "object_position": null,
1890
            "order": null,
1891
            "overflow": null,
1892
            "overflow_x": null,
1893
            "overflow_y": null,
1894
            "padding": null,
1895
            "right": null,
1896
            "top": null,
1897
            "visibility": null,
1898
            "width": null
1899
          }
1900
        },
1901
        "64b621720c1c4c148fe70a74667deb1d": {
1902
          "model_module": "@jupyter-widgets/base",
1903
          "model_module_version": "1.2.0",
1904
          "model_name": "LayoutModel",
1905
          "state": {
1906
            "_model_module": "@jupyter-widgets/base",
1907
            "_model_module_version": "1.2.0",
1908
            "_model_name": "LayoutModel",
1909
            "_view_count": null,
1910
            "_view_module": "@jupyter-widgets/base",
1911
            "_view_module_version": "1.2.0",
1912
            "_view_name": "LayoutView",
1913
            "align_content": null,
1914
            "align_items": null,
1915
            "align_self": null,
1916
            "border": null,
1917
            "bottom": null,
1918
            "display": null,
1919
            "flex": null,
1920
            "flex_flow": null,
1921
            "grid_area": null,
1922
            "grid_auto_columns": null,
1923
            "grid_auto_flow": null,
1924
            "grid_auto_rows": null,
1925
            "grid_column": null,
1926
            "grid_gap": null,
1927
            "grid_row": null,
1928
            "grid_template_areas": null,
1929
            "grid_template_columns": null,
1930
            "grid_template_rows": null,
1931
            "height": null,
1932
            "justify_content": null,
1933
            "justify_items": null,
1934
            "left": null,
1935
            "margin": null,
1936
            "max_height": null,
1937
            "max_width": null,
1938
            "min_height": null,
1939
            "min_width": null,
1940
            "object_fit": null,
1941
            "object_position": null,
1942
            "order": null,
1943
            "overflow": null,
1944
            "overflow_x": null,
1945
            "overflow_y": null,
1946
            "padding": null,
1947
            "right": null,
1948
            "top": null,
1949
            "visibility": null,
1950
            "width": null
1951
          }
1952
        },
1953
        "65051076f1a14ac9ac0cacdfe60148d7": {
1954
          "model_module": "@jupyter-widgets/controls",
1955
          "model_module_version": "1.5.0",
1956
          "model_name": "HTMLModel",
1957
          "state": {
1958
            "_dom_classes": [],
1959
            "_model_module": "@jupyter-widgets/controls",
1960
            "_model_module_version": "1.5.0",
1961
            "_model_name": "HTMLModel",
1962
            "_view_count": null,
1963
            "_view_module": "@jupyter-widgets/controls",
1964
            "_view_module_version": "1.5.0",
1965
            "_view_name": "HTMLView",
1966
            "description": "",
1967
            "description_tooltip": null,
1968
            "layout": "IPY_MODEL_1031996b9bb046d6a3468b77544e2cec",
1969
            "placeholder": "​",
1970
            "style": "IPY_MODEL_291618408c20410f86922bc9e7c554fd",
1971
            "value": "special_tokens_map.json: 100%"
1972
          }
1973
        },
1974
        "67fc10cfdc614afe9491a6c0576a842b": {
1975
          "model_module": "@jupyter-widgets/controls",
1976
          "model_module_version": "1.5.0",
1977
          "model_name": "HBoxModel",
1978
          "state": {
1979
            "_dom_classes": [],
1980
            "_model_module": "@jupyter-widgets/controls",
1981
            "_model_module_version": "1.5.0",
1982
            "_model_name": "HBoxModel",
1983
            "_view_count": null,
1984
            "_view_module": "@jupyter-widgets/controls",
1985
            "_view_module_version": "1.5.0",
1986
            "_view_name": "HBoxView",
1987
            "box_style": "",
1988
            "children": [
1989
              "IPY_MODEL_3d6cc4ecf25748dabc610f64d5220ec5",
1990
              "IPY_MODEL_077636025d5d488cab0fc6b8f6be6300",
1991
              "IPY_MODEL_943605cb14d34c8fbc54916e2c1f46d7"
1992
            ],
1993
            "layout": "IPY_MODEL_03cc0c1245d5430e98d66c0facf01cdd"
1994
          }
1995
        },
1996
        "6a7c8c715b044db4821705878b4cb54c": {
1997
          "model_module": "@jupyter-widgets/controls",
1998
          "model_module_version": "1.5.0",
1999
          "model_name": "HTMLModel",
2000
          "state": {
2001
            "_dom_classes": [],
2002
            "_model_module": "@jupyter-widgets/controls",
2003
            "_model_module_version": "1.5.0",
2004
            "_model_name": "HTMLModel",
2005
            "_view_count": null,
2006
            "_view_module": "@jupyter-widgets/controls",
2007
            "_view_module_version": "1.5.0",
2008
            "_view_name": "HTMLView",
2009
            "description": "",
2010
            "description_tooltip": null,
2011
            "layout": "IPY_MODEL_dfe295100d3c49b197ebeb2662d25175",
2012
            "placeholder": "​",
2013
            "style": "IPY_MODEL_883f20b0438b4244bcaad0054903b4df",
2014
            "value": " 551/551 [00:00<00:00, 44.1kB/s]"
2015
          }
2016
        },
2017
        "700aad1c80db4668813eece0ad22b3de": {
2018
          "model_module": "@jupyter-widgets/base",
2019
          "model_module_version": "1.2.0",
2020
          "model_name": "LayoutModel",
2021
          "state": {
2022
            "_model_module": "@jupyter-widgets/base",
2023
            "_model_module_version": "1.2.0",
2024
            "_model_name": "LayoutModel",
2025
            "_view_count": null,
2026
            "_view_module": "@jupyter-widgets/base",
2027
            "_view_module_version": "1.2.0",
2028
            "_view_name": "LayoutView",
2029
            "align_content": null,
2030
            "align_items": null,
2031
            "align_self": null,
2032
            "border": null,
2033
            "bottom": null,
2034
            "display": null,
2035
            "flex": null,
2036
            "flex_flow": null,
2037
            "grid_area": null,
2038
            "grid_auto_columns": null,
2039
            "grid_auto_flow": null,
2040
            "grid_auto_rows": null,
2041
            "grid_column": null,
2042
            "grid_gap": null,
2043
            "grid_row": null,
2044
            "grid_template_areas": null,
2045
            "grid_template_columns": null,
2046
            "grid_template_rows": null,
2047
            "height": null,
2048
            "justify_content": null,
2049
            "justify_items": null,
2050
            "left": null,
2051
            "margin": null,
2052
            "max_height": null,
2053
            "max_width": null,
2054
            "min_height": null,
2055
            "min_width": null,
2056
            "object_fit": null,
2057
            "object_position": null,
2058
            "order": null,
2059
            "overflow": null,
2060
            "overflow_x": null,
2061
            "overflow_y": null,
2062
            "padding": null,
2063
            "right": null,
2064
            "top": null,
2065
            "visibility": null,
2066
            "width": null
2067
          }
2068
        },
2069
        "737ded9421c041b78a0a6b611eb65348": {
2070
          "model_module": "@jupyter-widgets/controls",
2071
          "model_module_version": "1.5.0",
2072
          "model_name": "DescriptionStyleModel",
2073
          "state": {
2074
            "_model_module": "@jupyter-widgets/controls",
2075
            "_model_module_version": "1.5.0",
2076
            "_model_name": "DescriptionStyleModel",
2077
            "_view_count": null,
2078
            "_view_module": "@jupyter-widgets/base",
2079
            "_view_module_version": "1.2.0",
2080
            "_view_name": "StyleView",
2081
            "description_width": ""
2082
          }
2083
        },
2084
        "753fe787608b4324a54145ad4b4b9be5": {
2085
          "model_module": "@jupyter-widgets/controls",
2086
          "model_module_version": "1.5.0",
2087
          "model_name": "HTMLModel",
2088
          "state": {
2089
            "_dom_classes": [],
2090
            "_model_module": "@jupyter-widgets/controls",
2091
            "_model_module_version": "1.5.0",
2092
            "_model_name": "HTMLModel",
2093
            "_view_count": null,
2094
            "_view_module": "@jupyter-widgets/controls",
2095
            "_view_module_version": "1.5.0",
2096
            "_view_name": "HTMLView",
2097
            "description": "",
2098
            "description_tooltip": null,
2099
            "layout": "IPY_MODEL_4a3989426af448cdba8e4616176e60c0",
2100
            "placeholder": "​",
2101
            "style": "IPY_MODEL_e2fa31d586724fefb910420f78a4ada0",
2102
            "value": " 500k/500k [00:00<00:00, 27.6MB/s]"
2103
          }
2104
        },
2105
        "78395a5926fe42f3b77c539dafbf37d1": {
2106
          "model_module": "@jupyter-widgets/controls",
2107
          "model_module_version": "1.5.0",
2108
          "model_name": "DescriptionStyleModel",
2109
          "state": {
2110
            "_model_module": "@jupyter-widgets/controls",
2111
            "_model_module_version": "1.5.0",
2112
            "_model_name": "DescriptionStyleModel",
2113
            "_view_count": null,
2114
            "_view_module": "@jupyter-widgets/base",
2115
            "_view_module_version": "1.2.0",
2116
            "_view_name": "StyleView",
2117
            "description_width": ""
2118
          }
2119
        },
2120
        "809802cf4d5440e0b6d4862658b7bd24": {
2121
          "model_module": "@jupyter-widgets/controls",
2122
          "model_module_version": "1.5.0",
2123
          "model_name": "FloatProgressModel",
2124
          "state": {
2125
            "_dom_classes": [],
2126
            "_model_module": "@jupyter-widgets/controls",
2127
            "_model_module_version": "1.5.0",
2128
            "_model_name": "FloatProgressModel",
2129
            "_view_count": null,
2130
            "_view_module": "@jupyter-widgets/controls",
2131
            "_view_module_version": "1.5.0",
2132
            "_view_name": "ProgressView",
2133
            "bar_style": "success",
2134
            "description": "",
2135
            "description_tooltip": null,
2136
            "layout": "IPY_MODEL_8f0dcd30b3594aa093cae7311d222e6f",
2137
            "max": 1289,
2138
            "min": 0,
2139
            "orientation": "horizontal",
2140
            "style": "IPY_MODEL_141bab2715aa4a3d89cf64a06977b04b",
2141
            "value": 1289
2142
          }
2143
        },
2144
        "80d92ea66e28406ea85077b42ae981f8": {
2145
          "model_module": "@jupyter-widgets/controls",
2146
          "model_module_version": "1.5.0",
2147
          "model_name": "DescriptionStyleModel",
2148
          "state": {
2149
            "_model_module": "@jupyter-widgets/controls",
2150
            "_model_module_version": "1.5.0",
2151
            "_model_name": "DescriptionStyleModel",
2152
            "_view_count": null,
2153
            "_view_module": "@jupyter-widgets/base",
2154
            "_view_module_version": "1.2.0",
2155
            "_view_name": "StyleView",
2156
            "description_width": ""
2157
          }
2158
        },
2159
        "81576b568e9c4a3f95e542b28de49d88": {
2160
          "model_module": "@jupyter-widgets/base",
2161
          "model_module_version": "1.2.0",
2162
          "model_name": "LayoutModel",
2163
          "state": {
2164
            "_model_module": "@jupyter-widgets/base",
2165
            "_model_module_version": "1.2.0",
2166
            "_model_name": "LayoutModel",
2167
            "_view_count": null,
2168
            "_view_module": "@jupyter-widgets/base",
2169
            "_view_module_version": "1.2.0",
2170
            "_view_name": "LayoutView",
2171
            "align_content": null,
2172
            "align_items": null,
2173
            "align_self": null,
2174
            "border": null,
2175
            "bottom": null,
2176
            "display": null,
2177
            "flex": null,
2178
            "flex_flow": null,
2179
            "grid_area": null,
2180
            "grid_auto_columns": null,
2181
            "grid_auto_flow": null,
2182
            "grid_auto_rows": null,
2183
            "grid_column": null,
2184
            "grid_gap": null,
2185
            "grid_row": null,
2186
            "grid_template_areas": null,
2187
            "grid_template_columns": null,
2188
            "grid_template_rows": null,
2189
            "height": null,
2190
            "justify_content": null,
2191
            "justify_items": null,
2192
            "left": null,
2193
            "margin": null,
2194
            "max_height": null,
2195
            "max_width": null,
2196
            "min_height": null,
2197
            "min_width": null,
2198
            "object_fit": null,
2199
            "object_position": null,
2200
            "order": null,
2201
            "overflow": null,
2202
            "overflow_x": null,
2203
            "overflow_y": null,
2204
            "padding": null,
2205
            "right": null,
2206
            "top": null,
2207
            "visibility": null,
2208
            "width": null
2209
          }
2210
        },
2211
        "84a70d99d9fd4acf8b203b7dd8f93027": {
2212
          "model_module": "@jupyter-widgets/base",
2213
          "model_module_version": "1.2.0",
2214
          "model_name": "LayoutModel",
2215
          "state": {
2216
            "_model_module": "@jupyter-widgets/base",
2217
            "_model_module_version": "1.2.0",
2218
            "_model_name": "LayoutModel",
2219
            "_view_count": null,
2220
            "_view_module": "@jupyter-widgets/base",
2221
            "_view_module_version": "1.2.0",
2222
            "_view_name": "LayoutView",
2223
            "align_content": null,
2224
            "align_items": null,
2225
            "align_self": null,
2226
            "border": null,
2227
            "bottom": null,
2228
            "display": null,
2229
            "flex": null,
2230
            "flex_flow": null,
2231
            "grid_area": null,
2232
            "grid_auto_columns": null,
2233
            "grid_auto_flow": null,
2234
            "grid_auto_rows": null,
2235
            "grid_column": null,
2236
            "grid_gap": null,
2237
            "grid_row": null,
2238
            "grid_template_areas": null,
2239
            "grid_template_columns": null,
2240
            "grid_template_rows": null,
2241
            "height": null,
2242
            "justify_content": null,
2243
            "justify_items": null,
2244
            "left": null,
2245
            "margin": null,
2246
            "max_height": null,
2247
            "max_width": null,
2248
            "min_height": null,
2249
            "min_width": null,
2250
            "object_fit": null,
2251
            "object_position": null,
2252
            "order": null,
2253
            "overflow": null,
2254
            "overflow_x": null,
2255
            "overflow_y": null,
2256
            "padding": null,
2257
            "right": null,
2258
            "top": null,
2259
            "visibility": null,
2260
            "width": null
2261
          }
2262
        },
2263
        "8556f4a6a12a424aafa136c6a58dc2f5": {
2264
          "model_module": "@jupyter-widgets/controls",
2265
          "model_module_version": "1.5.0",
2266
          "model_name": "HTMLModel",
2267
          "state": {
2268
            "_dom_classes": [],
2269
            "_model_module": "@jupyter-widgets/controls",
2270
            "_model_module_version": "1.5.0",
2271
            "_model_name": "HTMLModel",
2272
            "_view_count": null,
2273
            "_view_module": "@jupyter-widgets/controls",
2274
            "_view_module_version": "1.5.0",
2275
            "_view_name": "HTMLView",
2276
            "description": "",
2277
            "description_tooltip": null,
2278
            "layout": "IPY_MODEL_3a90a980b11a446c85d8447a7368d22d",
2279
            "placeholder": "​",
2280
            "style": "IPY_MODEL_dc26a6d266e2474d9f74907c390e8268",
2281
            "value": "tokenizer.model: 100%"
2282
          }
2283
        },
2284
        "87ec26d90c434b5eb0e06bc5c94ebbe3": {
2285
          "model_module": "@jupyter-widgets/controls",
2286
          "model_module_version": "1.5.0",
2287
          "model_name": "FloatProgressModel",
2288
          "state": {
2289
            "_dom_classes": [],
2290
            "_model_module": "@jupyter-widgets/controls",
2291
            "_model_module_version": "1.5.0",
2292
            "_model_name": "FloatProgressModel",
2293
            "_view_count": null,
2294
            "_view_module": "@jupyter-widgets/controls",
2295
            "_view_module_version": "1.5.0",
2296
            "_view_name": "ProgressView",
2297
            "bar_style": "success",
2298
            "description": "",
2299
            "description_tooltip": null,
2300
            "layout": "IPY_MODEL_003143dc734a43fb83d73af5bdc0d128",
2301
            "max": 551,
2302
            "min": 0,
2303
            "orientation": "horizontal",
2304
            "style": "IPY_MODEL_3f8071c1b6ba47e5911d4d0c4c6d5cda",
2305
            "value": 551
2306
          }
2307
        },
2308
        "883f20b0438b4244bcaad0054903b4df": {
2309
          "model_module": "@jupyter-widgets/controls",
2310
          "model_module_version": "1.5.0",
2311
          "model_name": "DescriptionStyleModel",
2312
          "state": {
2313
            "_model_module": "@jupyter-widgets/controls",
2314
            "_model_module_version": "1.5.0",
2315
            "_model_name": "DescriptionStyleModel",
2316
            "_view_count": null,
2317
            "_view_module": "@jupyter-widgets/base",
2318
            "_view_module_version": "1.2.0",
2319
            "_view_name": "StyleView",
2320
            "description_width": ""
2321
          }
2322
        },
2323
        "8908a01c37a1416bb4ed8b4fd049e1c9": {
2324
          "model_module": "@jupyter-widgets/base",
2325
          "model_module_version": "1.2.0",
2326
          "model_name": "LayoutModel",
2327
          "state": {
2328
            "_model_module": "@jupyter-widgets/base",
2329
            "_model_module_version": "1.2.0",
2330
            "_model_name": "LayoutModel",
2331
            "_view_count": null,
2332
            "_view_module": "@jupyter-widgets/base",
2333
            "_view_module_version": "1.2.0",
2334
            "_view_name": "LayoutView",
2335
            "align_content": null,
2336
            "align_items": null,
2337
            "align_self": null,
2338
            "border": null,
2339
            "bottom": null,
2340
            "display": null,
2341
            "flex": null,
2342
            "flex_flow": null,
2343
            "grid_area": null,
2344
            "grid_auto_columns": null,
2345
            "grid_auto_flow": null,
2346
            "grid_auto_rows": null,
2347
            "grid_column": null,
2348
            "grid_gap": null,
2349
            "grid_row": null,
2350
            "grid_template_areas": null,
2351
            "grid_template_columns": null,
2352
            "grid_template_rows": null,
2353
            "height": null,
2354
            "justify_content": null,
2355
            "justify_items": null,
2356
            "left": null,
2357
            "margin": null,
2358
            "max_height": null,
2359
            "max_width": null,
2360
            "min_height": null,
2361
            "min_width": null,
2362
            "object_fit": null,
2363
            "object_position": null,
2364
            "order": null,
2365
            "overflow": null,
2366
            "overflow_x": null,
2367
            "overflow_y": null,
2368
            "padding": null,
2369
            "right": null,
2370
            "top": null,
2371
            "visibility": null,
2372
            "width": null
2373
          }
2374
        },
2375
        "8f0dcd30b3594aa093cae7311d222e6f": {
2376
          "model_module": "@jupyter-widgets/base",
2377
          "model_module_version": "1.2.0",
2378
          "model_name": "LayoutModel",
2379
          "state": {
2380
            "_model_module": "@jupyter-widgets/base",
2381
            "_model_module_version": "1.2.0",
2382
            "_model_name": "LayoutModel",
2383
            "_view_count": null,
2384
            "_view_module": "@jupyter-widgets/base",
2385
            "_view_module_version": "1.2.0",
2386
            "_view_name": "LayoutView",
2387
            "align_content": null,
2388
            "align_items": null,
2389
            "align_self": null,
2390
            "border": null,
2391
            "bottom": null,
2392
            "display": null,
2393
            "flex": null,
2394
            "flex_flow": null,
2395
            "grid_area": null,
2396
            "grid_auto_columns": null,
2397
            "grid_auto_flow": null,
2398
            "grid_auto_rows": null,
2399
            "grid_column": null,
2400
            "grid_gap": null,
2401
            "grid_row": null,
2402
            "grid_template_areas": null,
2403
            "grid_template_columns": null,
2404
            "grid_template_rows": null,
2405
            "height": null,
2406
            "justify_content": null,
2407
            "justify_items": null,
2408
            "left": null,
2409
            "margin": null,
2410
            "max_height": null,
2411
            "max_width": null,
2412
            "min_height": null,
2413
            "min_width": null,
2414
            "object_fit": null,
2415
            "object_position": null,
2416
            "order": null,
2417
            "overflow": null,
2418
            "overflow_x": null,
2419
            "overflow_y": null,
2420
            "padding": null,
2421
            "right": null,
2422
            "top": null,
2423
            "visibility": null,
2424
            "width": null
2425
          }
2426
        },
2427
        "91e472c9b4574db1b5d19a8982a27e1f": {
2428
          "model_module": "@jupyter-widgets/base",
2429
          "model_module_version": "1.2.0",
2430
          "model_name": "LayoutModel",
2431
          "state": {
2432
            "_model_module": "@jupyter-widgets/base",
2433
            "_model_module_version": "1.2.0",
2434
            "_model_name": "LayoutModel",
2435
            "_view_count": null,
2436
            "_view_module": "@jupyter-widgets/base",
2437
            "_view_module_version": "1.2.0",
2438
            "_view_name": "LayoutView",
2439
            "align_content": null,
2440
            "align_items": null,
2441
            "align_self": null,
2442
            "border": null,
2443
            "bottom": null,
2444
            "display": null,
2445
            "flex": null,
2446
            "flex_flow": null,
2447
            "grid_area": null,
2448
            "grid_auto_columns": null,
2449
            "grid_auto_flow": null,
2450
            "grid_auto_rows": null,
2451
            "grid_column": null,
2452
            "grid_gap": null,
2453
            "grid_row": null,
2454
            "grid_template_areas": null,
2455
            "grid_template_columns": null,
2456
            "grid_template_rows": null,
2457
            "height": null,
2458
            "justify_content": null,
2459
            "justify_items": null,
2460
            "left": null,
2461
            "margin": null,
2462
            "max_height": null,
2463
            "max_width": null,
2464
            "min_height": null,
2465
            "min_width": null,
2466
            "object_fit": null,
2467
            "object_position": null,
2468
            "order": null,
2469
            "overflow": null,
2470
            "overflow_x": null,
2471
            "overflow_y": null,
2472
            "padding": null,
2473
            "right": null,
2474
            "top": null,
2475
            "visibility": null,
2476
            "width": null
2477
          }
2478
        },
2479
        "943605cb14d34c8fbc54916e2c1f46d7": {
2480
          "model_module": "@jupyter-widgets/controls",
2481
          "model_module_version": "1.5.0",
2482
          "model_name": "HTMLModel",
2483
          "state": {
2484
            "_dom_classes": [],
2485
            "_model_module": "@jupyter-widgets/controls",
2486
            "_model_module_version": "1.5.0",
2487
            "_model_name": "HTMLModel",
2488
            "_view_count": null,
2489
            "_view_module": "@jupyter-widgets/controls",
2490
            "_view_module_version": "1.5.0",
2491
            "_view_name": "HTMLView",
2492
            "description": "",
2493
            "description_tooltip": null,
2494
            "layout": "IPY_MODEL_1ece89281458475ba780c46681a2c2e6",
2495
            "placeholder": "​",
2496
            "style": "IPY_MODEL_0d4dd76f91d54ed5ac149397e7a4f468",
2497
            "value": " 2.20G/2.20G [00:17<00:00, 174MB/s]"
2498
          }
2499
        },
2500
        "98833d77318747ae9a859f63e7e8dbed": {
2501
          "model_module": "@jupyter-widgets/controls",
2502
          "model_module_version": "1.5.0",
2503
          "model_name": "HTMLModel",
2504
          "state": {
2505
            "_dom_classes": [],
2506
            "_model_module": "@jupyter-widgets/controls",
2507
            "_model_module_version": "1.5.0",
2508
            "_model_name": "HTMLModel",
2509
            "_view_count": null,
2510
            "_view_module": "@jupyter-widgets/controls",
2511
            "_view_module_version": "1.5.0",
2512
            "_view_name": "HTMLView",
2513
            "description": "",
2514
            "description_tooltip": null,
2515
            "layout": "IPY_MODEL_34ec523aba564ebab2de39665162a37f",
2516
            "placeholder": "​",
2517
            "style": "IPY_MODEL_1e86c217408749ad95a73b7d4f936a35",
2518
            "value": " 1.29k/1.29k [00:00<00:00, 89.2kB/s]"
2519
          }
2520
        },
2521
        "98dcbdb86b734bb3a782493670874799": {
2522
          "model_module": "@jupyter-widgets/controls",
2523
          "model_module_version": "1.5.0",
2524
          "model_name": "ProgressStyleModel",
2525
          "state": {
2526
            "_model_module": "@jupyter-widgets/controls",
2527
            "_model_module_version": "1.5.0",
2528
            "_model_name": "ProgressStyleModel",
2529
            "_view_count": null,
2530
            "_view_module": "@jupyter-widgets/base",
2531
            "_view_module_version": "1.2.0",
2532
            "_view_name": "StyleView",
2533
            "bar_color": null,
2534
            "description_width": ""
2535
          }
2536
        },
2537
        "9a3323f0a3824463b8f2b62e34f02b1d": {
2538
          "model_module": "@jupyter-widgets/base",
2539
          "model_module_version": "1.2.0",
2540
          "model_name": "LayoutModel",
2541
          "state": {
2542
            "_model_module": "@jupyter-widgets/base",
2543
            "_model_module_version": "1.2.0",
2544
            "_model_name": "LayoutModel",
2545
            "_view_count": null,
2546
            "_view_module": "@jupyter-widgets/base",
2547
            "_view_module_version": "1.2.0",
2548
            "_view_name": "LayoutView",
2549
            "align_content": null,
2550
            "align_items": null,
2551
            "align_self": null,
2552
            "border": null,
2553
            "bottom": null,
2554
            "display": null,
2555
            "flex": null,
2556
            "flex_flow": null,
2557
            "grid_area": null,
2558
            "grid_auto_columns": null,
2559
            "grid_auto_flow": null,
2560
            "grid_auto_rows": null,
2561
            "grid_column": null,
2562
            "grid_gap": null,
2563
            "grid_row": null,
2564
            "grid_template_areas": null,
2565
            "grid_template_columns": null,
2566
            "grid_template_rows": null,
2567
            "height": null,
2568
            "justify_content": null,
2569
            "justify_items": null,
2570
            "left": null,
2571
            "margin": null,
2572
            "max_height": null,
2573
            "max_width": null,
2574
            "min_height": null,
2575
            "min_width": null,
2576
            "object_fit": null,
2577
            "object_position": null,
2578
            "order": null,
2579
            "overflow": null,
2580
            "overflow_x": null,
2581
            "overflow_y": null,
2582
            "padding": null,
2583
            "right": null,
2584
            "top": null,
2585
            "visibility": null,
2586
            "width": null
2587
          }
2588
        },
2589
        "9c5dd2dc66434100a30e04973d07ac47": {
2590
          "model_module": "@jupyter-widgets/base",
2591
          "model_module_version": "1.2.0",
2592
          "model_name": "LayoutModel",
2593
          "state": {
2594
            "_model_module": "@jupyter-widgets/base",
2595
            "_model_module_version": "1.2.0",
2596
            "_model_name": "LayoutModel",
2597
            "_view_count": null,
2598
            "_view_module": "@jupyter-widgets/base",
2599
            "_view_module_version": "1.2.0",
2600
            "_view_name": "LayoutView",
2601
            "align_content": null,
2602
            "align_items": null,
2603
            "align_self": null,
2604
            "border": null,
2605
            "bottom": null,
2606
            "display": null,
2607
            "flex": null,
2608
            "flex_flow": null,
2609
            "grid_area": null,
2610
            "grid_auto_columns": null,
2611
            "grid_auto_flow": null,
2612
            "grid_auto_rows": null,
2613
            "grid_column": null,
2614
            "grid_gap": null,
2615
            "grid_row": null,
2616
            "grid_template_areas": null,
2617
            "grid_template_columns": null,
2618
            "grid_template_rows": null,
2619
            "height": null,
2620
            "justify_content": null,
2621
            "justify_items": null,
2622
            "left": null,
2623
            "margin": null,
2624
            "max_height": null,
2625
            "max_width": null,
2626
            "min_height": null,
2627
            "min_width": null,
2628
            "object_fit": null,
2629
            "object_position": null,
2630
            "order": null,
2631
            "overflow": null,
2632
            "overflow_x": null,
2633
            "overflow_y": null,
2634
            "padding": null,
2635
            "right": null,
2636
            "top": null,
2637
            "visibility": null,
2638
            "width": null
2639
          }
2640
        },
2641
        "9cf2f40fbb874da29932676abb0e6170": {
2642
          "model_module": "@jupyter-widgets/controls",
2643
          "model_module_version": "1.5.0",
2644
          "model_name": "FloatProgressModel",
2645
          "state": {
2646
            "_dom_classes": [],
2647
            "_model_module": "@jupyter-widgets/controls",
2648
            "_model_module_version": "1.5.0",
2649
            "_model_name": "FloatProgressModel",
2650
            "_view_count": null,
2651
            "_view_module": "@jupyter-widgets/controls",
2652
            "_view_module_version": "1.5.0",
2653
            "_view_name": "ProgressView",
2654
            "bar_style": "success",
2655
            "description": "",
2656
            "description_tooltip": null,
2657
            "layout": "IPY_MODEL_35b60b750e5e4d418920800ff31f4256",
2658
            "max": 1842767,
2659
            "min": 0,
2660
            "orientation": "horizontal",
2661
            "style": "IPY_MODEL_00aab10751ee43b795c683c8721edceb",
2662
            "value": 1842767
2663
          }
2664
        },
2665
        "9f27bb62517c43b69a20aba2fe4efebf": {
2666
          "model_module": "@jupyter-widgets/base",
2667
          "model_module_version": "1.2.0",
2668
          "model_name": "LayoutModel",
2669
          "state": {
2670
            "_model_module": "@jupyter-widgets/base",
2671
            "_model_module_version": "1.2.0",
2672
            "_model_name": "LayoutModel",
2673
            "_view_count": null,
2674
            "_view_module": "@jupyter-widgets/base",
2675
            "_view_module_version": "1.2.0",
2676
            "_view_name": "LayoutView",
2677
            "align_content": null,
2678
            "align_items": null,
2679
            "align_self": null,
2680
            "border": null,
2681
            "bottom": null,
2682
            "display": null,
2683
            "flex": null,
2684
            "flex_flow": null,
2685
            "grid_area": null,
2686
            "grid_auto_columns": null,
2687
            "grid_auto_flow": null,
2688
            "grid_auto_rows": null,
2689
            "grid_column": null,
2690
            "grid_gap": null,
2691
            "grid_row": null,
2692
            "grid_template_areas": null,
2693
            "grid_template_columns": null,
2694
            "grid_template_rows": null,
2695
            "height": null,
2696
            "justify_content": null,
2697
            "justify_items": null,
2698
            "left": null,
2699
            "margin": null,
2700
            "max_height": null,
2701
            "max_width": null,
2702
            "min_height": null,
2703
            "min_width": null,
2704
            "object_fit": null,
2705
            "object_position": null,
2706
            "order": null,
2707
            "overflow": null,
2708
            "overflow_x": null,
2709
            "overflow_y": null,
2710
            "padding": null,
2711
            "right": null,
2712
            "top": null,
2713
            "visibility": null,
2714
            "width": null
2715
          }
2716
        },
2717
        "a08fe5cd982f4cb8a6883034889a3c3a": {
2718
          "model_module": "@jupyter-widgets/controls",
2719
          "model_module_version": "1.5.0",
2720
          "model_name": "HTMLModel",
2721
          "state": {
2722
            "_dom_classes": [],
2723
            "_model_module": "@jupyter-widgets/controls",
2724
            "_model_module_version": "1.5.0",
2725
            "_model_name": "HTMLModel",
2726
            "_view_count": null,
2727
            "_view_module": "@jupyter-widgets/controls",
2728
            "_view_module_version": "1.5.0",
2729
            "_view_name": "HTMLView",
2730
            "description": "",
2731
            "description_tooltip": null,
2732
            "layout": "IPY_MODEL_1a32d7e9048c4fffbe8f90acb2cdcf29",
2733
            "placeholder": "​",
2734
            "style": "IPY_MODEL_038a7e2a3ab440a68ea7cdaa15e3cba8",
2735
            "value": "config.json: 100%"
2736
          }
2737
        },
2738
        "a20d8dd7fe2f408e865a7aa15220ad3f": {
2739
          "model_module": "@jupyter-widgets/base",
2740
          "model_module_version": "1.2.0",
2741
          "model_name": "LayoutModel",
2742
          "state": {
2743
            "_model_module": "@jupyter-widgets/base",
2744
            "_model_module_version": "1.2.0",
2745
            "_model_name": "LayoutModel",
2746
            "_view_count": null,
2747
            "_view_module": "@jupyter-widgets/base",
2748
            "_view_module_version": "1.2.0",
2749
            "_view_name": "LayoutView",
2750
            "align_content": null,
2751
            "align_items": null,
2752
            "align_self": null,
2753
            "border": null,
2754
            "bottom": null,
2755
            "display": null,
2756
            "flex": null,
2757
            "flex_flow": null,
2758
            "grid_area": null,
2759
            "grid_auto_columns": null,
2760
            "grid_auto_flow": null,
2761
            "grid_auto_rows": null,
2762
            "grid_column": null,
2763
            "grid_gap": null,
2764
            "grid_row": null,
2765
            "grid_template_areas": null,
2766
            "grid_template_columns": null,
2767
            "grid_template_rows": null,
2768
            "height": null,
2769
            "justify_content": null,
2770
            "justify_items": null,
2771
            "left": null,
2772
            "margin": null,
2773
            "max_height": null,
2774
            "max_width": null,
2775
            "min_height": null,
2776
            "min_width": null,
2777
            "object_fit": null,
2778
            "object_position": null,
2779
            "order": null,
2780
            "overflow": null,
2781
            "overflow_x": null,
2782
            "overflow_y": null,
2783
            "padding": null,
2784
            "right": null,
2785
            "top": null,
2786
            "visibility": null,
2787
            "width": null
2788
          }
2789
        },
2790
        "a32458fd5e9d4d35823a5bbd83dcf45e": {
2791
          "model_module": "@jupyter-widgets/controls",
2792
          "model_module_version": "1.5.0",
2793
          "model_name": "ProgressStyleModel",
2794
          "state": {
2795
            "_model_module": "@jupyter-widgets/controls",
2796
            "_model_module_version": "1.5.0",
2797
            "_model_name": "ProgressStyleModel",
2798
            "_view_count": null,
2799
            "_view_module": "@jupyter-widgets/base",
2800
            "_view_module_version": "1.2.0",
2801
            "_view_name": "StyleView",
2802
            "bar_color": null,
2803
            "description_width": ""
2804
          }
2805
        },
2806
        "a35b9e3cd74d446981641e7952ef12ca": {
2807
          "model_module": "@jupyter-widgets/controls",
2808
          "model_module_version": "1.5.0",
2809
          "model_name": "HTMLModel",
2810
          "state": {
2811
            "_dom_classes": [],
2812
            "_model_module": "@jupyter-widgets/controls",
2813
            "_model_module_version": "1.5.0",
2814
            "_model_name": "HTMLModel",
2815
            "_view_count": null,
2816
            "_view_module": "@jupyter-widgets/controls",
2817
            "_view_module_version": "1.5.0",
2818
            "_view_name": "HTMLView",
2819
            "description": "",
2820
            "description_tooltip": null,
2821
            "layout": "IPY_MODEL_51b2dce41d2449d29457fb1320a9ce15",
2822
            "placeholder": "​",
2823
            "style": "IPY_MODEL_78395a5926fe42f3b77c539dafbf37d1",
2824
            "value": "Map: 100%"
2825
          }
2826
        },
2827
        "a4639106f1634771bf318fb8577e3394": {
2828
          "model_module": "@jupyter-widgets/controls",
2829
          "model_module_version": "1.5.0",
2830
          "model_name": "ProgressStyleModel",
2831
          "state": {
2832
            "_model_module": "@jupyter-widgets/controls",
2833
            "_model_module_version": "1.5.0",
2834
            "_model_name": "ProgressStyleModel",
2835
            "_view_count": null,
2836
            "_view_module": "@jupyter-widgets/base",
2837
            "_view_module_version": "1.2.0",
2838
            "_view_name": "StyleView",
2839
            "bar_color": null,
2840
            "description_width": ""
2841
          }
2842
        },
2843
        "a7a25b1dbb2d480ab93e39540b4f6d8e": {
2844
          "model_module": "@jupyter-widgets/controls",
2845
          "model_module_version": "1.5.0",
2846
          "model_name": "FloatProgressModel",
2847
          "state": {
2848
            "_dom_classes": [],
2849
            "_model_module": "@jupyter-widgets/controls",
2850
            "_model_module_version": "1.5.0",
2851
            "_model_name": "FloatProgressModel",
2852
            "_view_count": null,
2853
            "_view_module": "@jupyter-widgets/controls",
2854
            "_view_module_version": "1.5.0",
2855
            "_view_name": "ProgressView",
2856
            "bar_style": "success",
2857
            "description": "",
2858
            "description_tooltip": null,
2859
            "layout": "IPY_MODEL_81576b568e9c4a3f95e542b28de49d88",
2860
            "max": 124,
2861
            "min": 0,
2862
            "orientation": "horizontal",
2863
            "style": "IPY_MODEL_98dcbdb86b734bb3a782493670874799",
2864
            "value": 124
2865
          }
2866
        },
2867
        "aa2b5f3761004fa1a99d5a356bf316da": {
2868
          "model_module": "@jupyter-widgets/controls",
2869
          "model_module_version": "1.5.0",
2870
          "model_name": "HTMLModel",
2871
          "state": {
2872
            "_dom_classes": [],
2873
            "_model_module": "@jupyter-widgets/controls",
2874
            "_model_module_version": "1.5.0",
2875
            "_model_name": "HTMLModel",
2876
            "_view_count": null,
2877
            "_view_module": "@jupyter-widgets/controls",
2878
            "_view_module_version": "1.5.0",
2879
            "_view_name": "HTMLView",
2880
            "description": "",
2881
            "description_tooltip": null,
2882
            "layout": "IPY_MODEL_5c03f2c8b47b40d3b47c74656caead38",
2883
            "placeholder": "​",
2884
            "style": "IPY_MODEL_737ded9421c041b78a0a6b611eb65348",
2885
            "value": " 1.84M/1.84M [00:00<00:00, 20.2MB/s]"
2886
          }
2887
        },
2888
        "aab5e78bc4c442f7b898dfec3e102eac": {
2889
          "model_module": "@jupyter-widgets/controls",
2890
          "model_module_version": "1.5.0",
2891
          "model_name": "HTMLModel",
2892
          "state": {
2893
            "_dom_classes": [],
2894
            "_model_module": "@jupyter-widgets/controls",
2895
            "_model_module_version": "1.5.0",
2896
            "_model_name": "HTMLModel",
2897
            "_view_count": null,
2898
            "_view_module": "@jupyter-widgets/controls",
2899
            "_view_module_version": "1.5.0",
2900
            "_view_name": "HTMLView",
2901
            "description": "",
2902
            "description_tooltip": null,
2903
            "layout": "IPY_MODEL_e2f8f90db43d4c4e8c7c86992e8a5d45",
2904
            "placeholder": "​",
2905
            "style": "IPY_MODEL_d44cb02b71ac4a1e8993e6764ce0a062",
2906
            "value": " 124/124 [00:00<00:00, 6.75kB/s]"
2907
          }
2908
        },
2909
        "ac2c81ef433947ffa85c8ba470a64449": {
2910
          "model_module": "@jupyter-widgets/controls",
2911
          "model_module_version": "1.5.0",
2912
          "model_name": "DescriptionStyleModel",
2913
          "state": {
2914
            "_model_module": "@jupyter-widgets/controls",
2915
            "_model_module_version": "1.5.0",
2916
            "_model_name": "DescriptionStyleModel",
2917
            "_view_count": null,
2918
            "_view_module": "@jupyter-widgets/base",
2919
            "_view_module_version": "1.2.0",
2920
            "_view_name": "StyleView",
2921
            "description_width": ""
2922
          }
2923
        },
2924
        "afd90946c85549fc87462a3cf3b17477": {
2925
          "model_module": "@jupyter-widgets/base",
2926
          "model_module_version": "1.2.0",
2927
          "model_name": "LayoutModel",
2928
          "state": {
2929
            "_model_module": "@jupyter-widgets/base",
2930
            "_model_module_version": "1.2.0",
2931
            "_model_name": "LayoutModel",
2932
            "_view_count": null,
2933
            "_view_module": "@jupyter-widgets/base",
2934
            "_view_module_version": "1.2.0",
2935
            "_view_name": "LayoutView",
2936
            "align_content": null,
2937
            "align_items": null,
2938
            "align_self": null,
2939
            "border": null,
2940
            "bottom": null,
2941
            "display": null,
2942
            "flex": null,
2943
            "flex_flow": null,
2944
            "grid_area": null,
2945
            "grid_auto_columns": null,
2946
            "grid_auto_flow": null,
2947
            "grid_auto_rows": null,
2948
            "grid_column": null,
2949
            "grid_gap": null,
2950
            "grid_row": null,
2951
            "grid_template_areas": null,
2952
            "grid_template_columns": null,
2953
            "grid_template_rows": null,
2954
            "height": null,
2955
            "justify_content": null,
2956
            "justify_items": null,
2957
            "left": null,
2958
            "margin": null,
2959
            "max_height": null,
2960
            "max_width": null,
2961
            "min_height": null,
2962
            "min_width": null,
2963
            "object_fit": null,
2964
            "object_position": null,
2965
            "order": null,
2966
            "overflow": null,
2967
            "overflow_x": null,
2968
            "overflow_y": null,
2969
            "padding": null,
2970
            "right": null,
2971
            "top": null,
2972
            "visibility": null,
2973
            "width": null
2974
          }
2975
        },
2976
        "b2ad3d3a05ab44fdb3a687ea7e5c6a8c": {
2977
          "model_module": "@jupyter-widgets/controls",
2978
          "model_module_version": "1.5.0",
2979
          "model_name": "HBoxModel",
2980
          "state": {
2981
            "_dom_classes": [],
2982
            "_model_module": "@jupyter-widgets/controls",
2983
            "_model_module_version": "1.5.0",
2984
            "_model_name": "HBoxModel",
2985
            "_view_count": null,
2986
            "_view_module": "@jupyter-widgets/controls",
2987
            "_view_module_version": "1.5.0",
2988
            "_view_name": "HBoxView",
2989
            "box_style": "",
2990
            "children": [
2991
              "IPY_MODEL_e8965ae93ea94589b4560877de3f0120",
2992
              "IPY_MODEL_a7a25b1dbb2d480ab93e39540b4f6d8e",
2993
              "IPY_MODEL_aab5e78bc4c442f7b898dfec3e102eac"
2994
            ],
2995
            "layout": "IPY_MODEL_a20d8dd7fe2f408e865a7aa15220ad3f"
2996
          }
2997
        },
2998
        "b85be3155e0a4f27a9b5dbb9b9820baf": {
2999
          "model_module": "@jupyter-widgets/base",
3000
          "model_module_version": "1.2.0",
3001
          "model_name": "LayoutModel",
3002
          "state": {
3003
            "_model_module": "@jupyter-widgets/base",
3004
            "_model_module_version": "1.2.0",
3005
            "_model_name": "LayoutModel",
3006
            "_view_count": null,
3007
            "_view_module": "@jupyter-widgets/base",
3008
            "_view_module_version": "1.2.0",
3009
            "_view_name": "LayoutView",
3010
            "align_content": null,
3011
            "align_items": null,
3012
            "align_self": null,
3013
            "border": null,
3014
            "bottom": null,
3015
            "display": null,
3016
            "flex": null,
3017
            "flex_flow": null,
3018
            "grid_area": null,
3019
            "grid_auto_columns": null,
3020
            "grid_auto_flow": null,
3021
            "grid_auto_rows": null,
3022
            "grid_column": null,
3023
            "grid_gap": null,
3024
            "grid_row": null,
3025
            "grid_template_areas": null,
3026
            "grid_template_columns": null,
3027
            "grid_template_rows": null,
3028
            "height": null,
3029
            "justify_content": null,
3030
            "justify_items": null,
3031
            "left": null,
3032
            "margin": null,
3033
            "max_height": null,
3034
            "max_width": null,
3035
            "min_height": null,
3036
            "min_width": null,
3037
            "object_fit": null,
3038
            "object_position": null,
3039
            "order": null,
3040
            "overflow": null,
3041
            "overflow_x": null,
3042
            "overflow_y": null,
3043
            "padding": null,
3044
            "right": null,
3045
            "top": null,
3046
            "visibility": null,
3047
            "width": null
3048
          }
3049
        },
3050
        "c88cc16340f04ade93303bdfc04582a3": {
3051
          "model_module": "@jupyter-widgets/controls",
3052
          "model_module_version": "1.5.0",
3053
          "model_name": "FloatProgressModel",
3054
          "state": {
3055
            "_dom_classes": [],
3056
            "_model_module": "@jupyter-widgets/controls",
3057
            "_model_module_version": "1.5.0",
3058
            "_model_name": "FloatProgressModel",
3059
            "_view_count": null,
3060
            "_view_module": "@jupyter-widgets/controls",
3061
            "_view_module_version": "1.5.0",
3062
            "_view_name": "ProgressView",
3063
            "bar_style": "success",
3064
            "description": "",
3065
            "description_tooltip": null,
3066
            "layout": "IPY_MODEL_64b621720c1c4c148fe70a74667deb1d",
3067
            "max": 769,
3068
            "min": 0,
3069
            "orientation": "horizontal",
3070
            "style": "IPY_MODEL_01581d0543fa44bc99a9de31e660b75c",
3071
            "value": 769
3072
          }
3073
        },
3074
        "ca42c802d3494e448741a360fa8a394c": {
3075
          "model_module": "@jupyter-widgets/controls",
3076
          "model_module_version": "1.5.0",
3077
          "model_name": "DescriptionStyleModel",
3078
          "state": {
3079
            "_model_module": "@jupyter-widgets/controls",
3080
            "_model_module_version": "1.5.0",
3081
            "_model_name": "DescriptionStyleModel",
3082
            "_view_count": null,
3083
            "_view_module": "@jupyter-widgets/base",
3084
            "_view_module_version": "1.2.0",
3085
            "_view_name": "StyleView",
3086
            "description_width": ""
3087
          }
3088
        },
3089
        "cfdcab19276247a18468c916abbb081c": {
3090
          "model_module": "@jupyter-widgets/base",
3091
          "model_module_version": "1.2.0",
3092
          "model_name": "LayoutModel",
3093
          "state": {
3094
            "_model_module": "@jupyter-widgets/base",
3095
            "_model_module_version": "1.2.0",
3096
            "_model_name": "LayoutModel",
3097
            "_view_count": null,
3098
            "_view_module": "@jupyter-widgets/base",
3099
            "_view_module_version": "1.2.0",
3100
            "_view_name": "LayoutView",
3101
            "align_content": null,
3102
            "align_items": null,
3103
            "align_self": null,
3104
            "border": null,
3105
            "bottom": null,
3106
            "display": null,
3107
            "flex": null,
3108
            "flex_flow": null,
3109
            "grid_area": null,
3110
            "grid_auto_columns": null,
3111
            "grid_auto_flow": null,
3112
            "grid_auto_rows": null,
3113
            "grid_column": null,
3114
            "grid_gap": null,
3115
            "grid_row": null,
3116
            "grid_template_areas": null,
3117
            "grid_template_columns": null,
3118
            "grid_template_rows": null,
3119
            "height": null,
3120
            "justify_content": null,
3121
            "justify_items": null,
3122
            "left": null,
3123
            "margin": null,
3124
            "max_height": null,
3125
            "max_width": null,
3126
            "min_height": null,
3127
            "min_width": null,
3128
            "object_fit": null,
3129
            "object_position": null,
3130
            "order": null,
3131
            "overflow": null,
3132
            "overflow_x": null,
3133
            "overflow_y": null,
3134
            "padding": null,
3135
            "right": null,
3136
            "top": null,
3137
            "visibility": null,
3138
            "width": null
3139
          }
3140
        },
3141
        "d264f3543e28409db57bc6e0f2a53139": {
3142
          "model_module": "@jupyter-widgets/controls",
3143
          "model_module_version": "1.5.0",
3144
          "model_name": "HTMLModel",
3145
          "state": {
3146
            "_dom_classes": [],
3147
            "_model_module": "@jupyter-widgets/controls",
3148
            "_model_module_version": "1.5.0",
3149
            "_model_name": "HTMLModel",
3150
            "_view_count": null,
3151
            "_view_module": "@jupyter-widgets/controls",
3152
            "_view_module_version": "1.5.0",
3153
            "_view_name": "HTMLView",
3154
            "description": "",
3155
            "description_tooltip": null,
3156
            "layout": "IPY_MODEL_43c9e45258de46a384d1403610f7eb56",
3157
            "placeholder": "​",
3158
            "style": "IPY_MODEL_ac2c81ef433947ffa85c8ba470a64449",
3159
            "value": "tokenizer_config.json: 100%"
3160
          }
3161
        },
3162
        "d44cb02b71ac4a1e8993e6764ce0a062": {
3163
          "model_module": "@jupyter-widgets/controls",
3164
          "model_module_version": "1.5.0",
3165
          "model_name": "DescriptionStyleModel",
3166
          "state": {
3167
            "_model_module": "@jupyter-widgets/controls",
3168
            "_model_module_version": "1.5.0",
3169
            "_model_name": "DescriptionStyleModel",
3170
            "_view_count": null,
3171
            "_view_module": "@jupyter-widgets/base",
3172
            "_view_module_version": "1.2.0",
3173
            "_view_name": "StyleView",
3174
            "description_width": ""
3175
          }
3176
        },
3177
        "d8c0b35b2362424bbeb612e676dcb681": {
3178
          "model_module": "@jupyter-widgets/controls",
3179
          "model_module_version": "1.5.0",
3180
          "model_name": "HTMLModel",
3181
          "state": {
3182
            "_dom_classes": [],
3183
            "_model_module": "@jupyter-widgets/controls",
3184
            "_model_module_version": "1.5.0",
3185
            "_model_name": "HTMLModel",
3186
            "_view_count": null,
3187
            "_view_module": "@jupyter-widgets/controls",
3188
            "_view_module_version": "1.5.0",
3189
            "_view_name": "HTMLView",
3190
            "description": "",
3191
            "description_tooltip": null,
3192
            "layout": "IPY_MODEL_cfdcab19276247a18468c916abbb081c",
3193
            "placeholder": "​",
3194
            "style": "IPY_MODEL_5eb5507229ec4b96a7c652558d25e424",
3195
            "value": " 608/608 [00:00<00:00, 9.25kB/s]"
3196
          }
3197
        },
3198
        "dc26a6d266e2474d9f74907c390e8268": {
3199
          "model_module": "@jupyter-widgets/controls",
3200
          "model_module_version": "1.5.0",
3201
          "model_name": "DescriptionStyleModel",
3202
          "state": {
3203
            "_model_module": "@jupyter-widgets/controls",
3204
            "_model_module_version": "1.5.0",
3205
            "_model_name": "DescriptionStyleModel",
3206
            "_view_count": null,
3207
            "_view_module": "@jupyter-widgets/base",
3208
            "_view_module_version": "1.2.0",
3209
            "_view_name": "StyleView",
3210
            "description_width": ""
3211
          }
3212
        },
3213
        "dfe295100d3c49b197ebeb2662d25175": {
3214
          "model_module": "@jupyter-widgets/base",
3215
          "model_module_version": "1.2.0",
3216
          "model_name": "LayoutModel",
3217
          "state": {
3218
            "_model_module": "@jupyter-widgets/base",
3219
            "_model_module_version": "1.2.0",
3220
            "_model_name": "LayoutModel",
3221
            "_view_count": null,
3222
            "_view_module": "@jupyter-widgets/base",
3223
            "_view_module_version": "1.2.0",
3224
            "_view_name": "LayoutView",
3225
            "align_content": null,
3226
            "align_items": null,
3227
            "align_self": null,
3228
            "border": null,
3229
            "bottom": null,
3230
            "display": null,
3231
            "flex": null,
3232
            "flex_flow": null,
3233
            "grid_area": null,
3234
            "grid_auto_columns": null,
3235
            "grid_auto_flow": null,
3236
            "grid_auto_rows": null,
3237
            "grid_column": null,
3238
            "grid_gap": null,
3239
            "grid_row": null,
3240
            "grid_template_areas": null,
3241
            "grid_template_columns": null,
3242
            "grid_template_rows": null,
3243
            "height": null,
3244
            "justify_content": null,
3245
            "justify_items": null,
3246
            "left": null,
3247
            "margin": null,
3248
            "max_height": null,
3249
            "max_width": null,
3250
            "min_height": null,
3251
            "min_width": null,
3252
            "object_fit": null,
3253
            "object_position": null,
3254
            "order": null,
3255
            "overflow": null,
3256
            "overflow_x": null,
3257
            "overflow_y": null,
3258
            "padding": null,
3259
            "right": null,
3260
            "top": null,
3261
            "visibility": null,
3262
            "width": null
3263
          }
3264
        },
3265
        "e28e001c022145c3aeae29476fa91f84": {
3266
          "model_module": "@jupyter-widgets/base",
3267
          "model_module_version": "1.2.0",
3268
          "model_name": "LayoutModel",
3269
          "state": {
3270
            "_model_module": "@jupyter-widgets/base",
3271
            "_model_module_version": "1.2.0",
3272
            "_model_name": "LayoutModel",
3273
            "_view_count": null,
3274
            "_view_module": "@jupyter-widgets/base",
3275
            "_view_module_version": "1.2.0",
3276
            "_view_name": "LayoutView",
3277
            "align_content": null,
3278
            "align_items": null,
3279
            "align_self": null,
3280
            "border": null,
3281
            "bottom": null,
3282
            "display": null,
3283
            "flex": null,
3284
            "flex_flow": null,
3285
            "grid_area": null,
3286
            "grid_auto_columns": null,
3287
            "grid_auto_flow": null,
3288
            "grid_auto_rows": null,
3289
            "grid_column": null,
3290
            "grid_gap": null,
3291
            "grid_row": null,
3292
            "grid_template_areas": null,
3293
            "grid_template_columns": null,
3294
            "grid_template_rows": null,
3295
            "height": null,
3296
            "justify_content": null,
3297
            "justify_items": null,
3298
            "left": null,
3299
            "margin": null,
3300
            "max_height": null,
3301
            "max_width": null,
3302
            "min_height": null,
3303
            "min_width": null,
3304
            "object_fit": null,
3305
            "object_position": null,
3306
            "order": null,
3307
            "overflow": null,
3308
            "overflow_x": null,
3309
            "overflow_y": null,
3310
            "padding": null,
3311
            "right": null,
3312
            "top": null,
3313
            "visibility": null,
3314
            "width": null
3315
          }
3316
        },
3317
        "e2f8f90db43d4c4e8c7c86992e8a5d45": {
3318
          "model_module": "@jupyter-widgets/base",
3319
          "model_module_version": "1.2.0",
3320
          "model_name": "LayoutModel",
3321
          "state": {
3322
            "_model_module": "@jupyter-widgets/base",
3323
            "_model_module_version": "1.2.0",
3324
            "_model_name": "LayoutModel",
3325
            "_view_count": null,
3326
            "_view_module": "@jupyter-widgets/base",
3327
            "_view_module_version": "1.2.0",
3328
            "_view_name": "LayoutView",
3329
            "align_content": null,
3330
            "align_items": null,
3331
            "align_self": null,
3332
            "border": null,
3333
            "bottom": null,
3334
            "display": null,
3335
            "flex": null,
3336
            "flex_flow": null,
3337
            "grid_area": null,
3338
            "grid_auto_columns": null,
3339
            "grid_auto_flow": null,
3340
            "grid_auto_rows": null,
3341
            "grid_column": null,
3342
            "grid_gap": null,
3343
            "grid_row": null,
3344
            "grid_template_areas": null,
3345
            "grid_template_columns": null,
3346
            "grid_template_rows": null,
3347
            "height": null,
3348
            "justify_content": null,
3349
            "justify_items": null,
3350
            "left": null,
3351
            "margin": null,
3352
            "max_height": null,
3353
            "max_width": null,
3354
            "min_height": null,
3355
            "min_width": null,
3356
            "object_fit": null,
3357
            "object_position": null,
3358
            "order": null,
3359
            "overflow": null,
3360
            "overflow_x": null,
3361
            "overflow_y": null,
3362
            "padding": null,
3363
            "right": null,
3364
            "top": null,
3365
            "visibility": null,
3366
            "width": null
3367
          }
3368
        },
3369
        "e2fa31d586724fefb910420f78a4ada0": {
3370
          "model_module": "@jupyter-widgets/controls",
3371
          "model_module_version": "1.5.0",
3372
          "model_name": "DescriptionStyleModel",
3373
          "state": {
3374
            "_model_module": "@jupyter-widgets/controls",
3375
            "_model_module_version": "1.5.0",
3376
            "_model_name": "DescriptionStyleModel",
3377
            "_view_count": null,
3378
            "_view_module": "@jupyter-widgets/base",
3379
            "_view_module_version": "1.2.0",
3380
            "_view_name": "StyleView",
3381
            "description_width": ""
3382
          }
3383
        },
3384
        "e785aed1edfb40fb83197559e133cd1b": {
3385
          "model_module": "@jupyter-widgets/controls",
3386
          "model_module_version": "1.5.0",
3387
          "model_name": "HBoxModel",
3388
          "state": {
3389
            "_dom_classes": [],
3390
            "_model_module": "@jupyter-widgets/controls",
3391
            "_model_module_version": "1.5.0",
3392
            "_model_name": "HBoxModel",
3393
            "_view_count": null,
3394
            "_view_module": "@jupyter-widgets/controls",
3395
            "_view_module_version": "1.5.0",
3396
            "_view_name": "HBoxView",
3397
            "box_style": "",
3398
            "children": [
3399
              "IPY_MODEL_8556f4a6a12a424aafa136c6a58dc2f5",
3400
              "IPY_MODEL_5f316346e25d4b4a84325e68267bb6b9",
3401
              "IPY_MODEL_753fe787608b4324a54145ad4b4b9be5"
3402
            ],
3403
            "layout": "IPY_MODEL_f6a192d5b1c94ab1a636d0204ad68f38"
3404
          }
3405
        },
3406
        "e7a1d24bba074ebda46e6ab631b4f056": {
3407
          "model_module": "@jupyter-widgets/controls",
3408
          "model_module_version": "1.5.0",
3409
          "model_name": "ProgressStyleModel",
3410
          "state": {
3411
            "_model_module": "@jupyter-widgets/controls",
3412
            "_model_module_version": "1.5.0",
3413
            "_model_name": "ProgressStyleModel",
3414
            "_view_count": null,
3415
            "_view_module": "@jupyter-widgets/base",
3416
            "_view_module_version": "1.2.0",
3417
            "_view_name": "StyleView",
3418
            "bar_color": null,
3419
            "description_width": ""
3420
          }
3421
        },
3422
        "e8965ae93ea94589b4560877de3f0120": {
3423
          "model_module": "@jupyter-widgets/controls",
3424
          "model_module_version": "1.5.0",
3425
          "model_name": "HTMLModel",
3426
          "state": {
3427
            "_dom_classes": [],
3428
            "_model_module": "@jupyter-widgets/controls",
3429
            "_model_module_version": "1.5.0",
3430
            "_model_name": "HTMLModel",
3431
            "_view_count": null,
3432
            "_view_module": "@jupyter-widgets/controls",
3433
            "_view_module_version": "1.5.0",
3434
            "_view_name": "HTMLView",
3435
            "description": "",
3436
            "description_tooltip": null,
3437
            "layout": "IPY_MODEL_61c1f646137a4e699ae72839241f4193",
3438
            "placeholder": "​",
3439
            "style": "IPY_MODEL_ca42c802d3494e448741a360fa8a394c",
3440
            "value": "generation_config.json: 100%"
3441
          }
3442
        },
3443
        "e9108e89dcc44b588d177e94f0be02df": {
3444
          "model_module": "@jupyter-widgets/controls",
3445
          "model_module_version": "1.5.0",
3446
          "model_name": "HBoxModel",
3447
          "state": {
3448
            "_dom_classes": [],
3449
            "_model_module": "@jupyter-widgets/controls",
3450
            "_model_module_version": "1.5.0",
3451
            "_model_name": "HBoxModel",
3452
            "_view_count": null,
3453
            "_view_module": "@jupyter-widgets/controls",
3454
            "_view_module_version": "1.5.0",
3455
            "_view_name": "HBoxView",
3456
            "box_style": "",
3457
            "children": [
3458
              "IPY_MODEL_65051076f1a14ac9ac0cacdfe60148d7",
3459
              "IPY_MODEL_87ec26d90c434b5eb0e06bc5c94ebbe3",
3460
              "IPY_MODEL_6a7c8c715b044db4821705878b4cb54c"
3461
            ],
3462
            "layout": "IPY_MODEL_8908a01c37a1416bb4ed8b4fd049e1c9"
3463
          }
3464
        },
3465
        "ed6da7550bab4630b0186b13d78872aa": {
3466
          "model_module": "@jupyter-widgets/controls",
3467
          "model_module_version": "1.5.0",
3468
          "model_name": "HBoxModel",
3469
          "state": {
3470
            "_dom_classes": [],
3471
            "_model_module": "@jupyter-widgets/controls",
3472
            "_model_module_version": "1.5.0",
3473
            "_model_name": "HBoxModel",
3474
            "_view_count": null,
3475
            "_view_module": "@jupyter-widgets/controls",
3476
            "_view_module_version": "1.5.0",
3477
            "_view_name": "HBoxView",
3478
            "box_style": "",
3479
            "children": [
3480
              "IPY_MODEL_523fc795232d4ab39a2c7565e967c978",
3481
              "IPY_MODEL_9cf2f40fbb874da29932676abb0e6170",
3482
              "IPY_MODEL_aa2b5f3761004fa1a99d5a356bf316da"
3483
            ],
3484
            "layout": "IPY_MODEL_9a3323f0a3824463b8f2b62e34f02b1d"
3485
          }
3486
        },
3487
        "f2f42be2169e4d5c947b4dbb67dacce6": {
3488
          "model_module": "@jupyter-widgets/controls",
3489
          "model_module_version": "1.5.0",
3490
          "model_name": "HBoxModel",
3491
          "state": {
3492
            "_dom_classes": [],
3493
            "_model_module": "@jupyter-widgets/controls",
3494
            "_model_module_version": "1.5.0",
3495
            "_model_name": "HBoxModel",
3496
            "_view_count": null,
3497
            "_view_module": "@jupyter-widgets/controls",
3498
            "_view_module_version": "1.5.0",
3499
            "_view_name": "HBoxView",
3500
            "box_style": "",
3501
            "children": [
3502
              "IPY_MODEL_a08fe5cd982f4cb8a6883034889a3c3a",
3503
              "IPY_MODEL_4ca3d43ad62c4592a992616979d11884",
3504
              "IPY_MODEL_d8c0b35b2362424bbeb612e676dcb681"
3505
            ],
3506
            "layout": "IPY_MODEL_b85be3155e0a4f27a9b5dbb9b9820baf"
3507
          }
3508
        },
3509
        "f6a192d5b1c94ab1a636d0204ad68f38": {
3510
          "model_module": "@jupyter-widgets/base",
3511
          "model_module_version": "1.2.0",
3512
          "model_name": "LayoutModel",
3513
          "state": {
3514
            "_model_module": "@jupyter-widgets/base",
3515
            "_model_module_version": "1.2.0",
3516
            "_model_name": "LayoutModel",
3517
            "_view_count": null,
3518
            "_view_module": "@jupyter-widgets/base",
3519
            "_view_module_version": "1.2.0",
3520
            "_view_name": "LayoutView",
3521
            "align_content": null,
3522
            "align_items": null,
3523
            "align_self": null,
3524
            "border": null,
3525
            "bottom": null,
3526
            "display": null,
3527
            "flex": null,
3528
            "flex_flow": null,
3529
            "grid_area": null,
3530
            "grid_auto_columns": null,
3531
            "grid_auto_flow": null,
3532
            "grid_auto_rows": null,
3533
            "grid_column": null,
3534
            "grid_gap": null,
3535
            "grid_row": null,
3536
            "grid_template_areas": null,
3537
            "grid_template_columns": null,
3538
            "grid_template_rows": null,
3539
            "height": null,
3540
            "justify_content": null,
3541
            "justify_items": null,
3542
            "left": null,
3543
            "margin": null,
3544
            "max_height": null,
3545
            "max_width": null,
3546
            "min_height": null,
3547
            "min_width": null,
3548
            "object_fit": null,
3549
            "object_position": null,
3550
            "order": null,
3551
            "overflow": null,
3552
            "overflow_x": null,
3553
            "overflow_y": null,
3554
            "padding": null,
3555
            "right": null,
3556
            "top": null,
3557
            "visibility": null,
3558
            "width": null
3559
          }
3560
        },
3561
        "f8b09584f0ae4f54bfadb4010ddc01e3": {
3562
          "model_module": "@jupyter-widgets/controls",
3563
          "model_module_version": "1.5.0",
3564
          "model_name": "DescriptionStyleModel",
3565
          "state": {
3566
            "_model_module": "@jupyter-widgets/controls",
3567
            "_model_module_version": "1.5.0",
3568
            "_model_name": "DescriptionStyleModel",
3569
            "_view_count": null,
3570
            "_view_module": "@jupyter-widgets/base",
3571
            "_view_module_version": "1.2.0",
3572
            "_view_name": "StyleView",
3573
            "description_width": ""
3574
          }
3575
        }
3576
      }
3577
    }
3578
  },
3579
  "nbformat": 4,
3580
  "nbformat_minor": 0
3581
}
3582

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

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

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

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