superknowa

Форк
0
/
rewardModelTraining.ipynb 
3357 строк · 102.9 Кб
1
{
2
 "cells": [
3
  {
4
   "cell_type": "markdown",
5
   "metadata": {
6
    "id": "Spxf9v5Ke4py"
7
   },
8
   "source": [
9
    "# Reward Model Training"
10
   ]
11
  },
12
  {
13
   "cell_type": "markdown",
14
   "metadata": {
15
    "id": "4b6HWwEtfdaZ"
16
   },
17
   "source": [
18
    "## Installing and importing necessry packages"
19
   ]
20
  },
21
  {
22
   "cell_type": "code",
23
   "execution_count": 11,
24
   "metadata": {
25
    "colab": {
26
     "base_uri": "https://localhost:8080/"
27
    },
28
    "id": "dSw4HgoJMBYT",
29
    "outputId": "559287b8-1bfb-452f-bf34-c7c52d26f694"
30
   },
31
   "outputs": [],
32
   "source": [
33
    "!pip install pandas\n",
34
    "!pip install trl\n",
35
    "!pip install plotly"
36
   ]
37
  },
38
  {
39
   "cell_type": "code",
40
   "execution_count": 20,
41
   "metadata": {
42
    "id": "IbSU2uDhMBYU"
43
   },
44
   "outputs": [],
45
   "source": [
46
    "import random\n",
47
    "import pandas as pd\n",
48
    "from operator import itemgetter\n",
49
    "import torch\n",
50
    "import warnings\n",
51
    "warnings.filterwarnings('ignore')\n",
52
    "from datasets import Dataset, load_dataset\n",
53
    "from transformers import AutoModelForSequenceClassification,AutoTokenizer,TrainingArguments\n",
54
    "from trl import RewardTrainer"
55
   ]
56
  },
57
  {
58
   "cell_type": "markdown",
59
   "metadata": {
60
    "id": "n27wOGaKU8_R"
61
   },
62
   "source": [
63
    "## Comparison Dataset\n",
64
    "\n",
65
    "In this section, we convert the dataset in form of (question,answer,feedback) tuple to comparison dataset (question, chosen answer and rejected answer). \n",
66
    "Reward model training requires the data to be in form of (question, chosen answer, rejected answer) tuple."
67
   ]
68
  },
69
  {
70
   "cell_type": "markdown",
71
   "metadata": {},
72
   "source": [
73
    "The *feedback.csv* file contains mutliple answers for a given questions rated by human. These ratings could be for any human-value that we want to be included in the model output.\n",
74
    "\n",
75
    "For eg: If we want the model outputs to be of *helpful* nature answers, we can instruct annotators to give high rewards(feedback score) for helpful answer in comparison to other answers for a particular question."
76
   ]
77
  },
78
  {
79
   "cell_type": "code",
80
   "execution_count": 13,
81
   "metadata": {
82
    "id": "SLzkj5xRU6ZK",
83
    "scrolled": true
84
   },
85
   "outputs": [
86
    {
87
     "data": {
88
      "text/html": [
89
       "<div>\n",
90
       "<style scoped>\n",
91
       "    .dataframe tbody tr th:only-of-type {\n",
92
       "        vertical-align: middle;\n",
93
       "    }\n",
94
       "\n",
95
       "    .dataframe tbody tr th {\n",
96
       "        vertical-align: top;\n",
97
       "    }\n",
98
       "\n",
99
       "    .dataframe thead th {\n",
100
       "        text-align: right;\n",
101
       "    }\n",
102
       "</style>\n",
103
       "<table border=\"1\" class=\"dataframe\">\n",
104
       "  <thead>\n",
105
       "    <tr style=\"text-align: right;\">\n",
106
       "      <th></th>\n",
107
       "      <th>question</th>\n",
108
       "      <th>answer</th>\n",
109
       "      <th>feedback</th>\n",
110
       "    </tr>\n",
111
       "  </thead>\n",
112
       "  <tbody>\n",
113
       "    <tr>\n",
114
       "      <th>0</th>\n",
115
       "      <td>Can Maximo Visual Inspection run on prem?​​​</td>\n",
116
       "      <td>Answer: Yes, Maximo Visual Inspection can be ...</td>\n",
117
       "      <td>2.0</td>\n",
118
       "    </tr>\n",
119
       "    <tr>\n",
120
       "      <th>1</th>\n",
121
       "      <td>What is watson knowledge catalog?</td>\n",
122
       "      <td>Answer: The IBM Watson Knowledge Catalog is a...</td>\n",
123
       "      <td>4.0</td>\n",
124
       "    </tr>\n",
125
       "    <tr>\n",
126
       "      <th>2</th>\n",
127
       "      <td>What is watson knowledge catalog?</td>\n",
128
       "      <td>Answer: The IBM Watson Knowledge Catalog is a...</td>\n",
129
       "      <td>3.0</td>\n",
130
       "    </tr>\n",
131
       "    <tr>\n",
132
       "      <th>3</th>\n",
133
       "      <td>Can Instana use OpenTelemetry trace data?​​​​​</td>\n",
134
       "      <td>Answer: Yes, Instana can ingest OpenTelemetry...</td>\n",
135
       "      <td>4.0</td>\n",
136
       "    </tr>\n",
137
       "    <tr>\n",
138
       "      <th>4</th>\n",
139
       "      <td>format it on a table</td>\n",
140
       "      <td>with the following columns. The first column i...</td>\n",
141
       "      <td>1.0</td>\n",
142
       "    </tr>\n",
143
       "  </tbody>\n",
144
       "</table>\n",
145
       "</div>"
146
      ],
147
      "text/plain": [
148
       "                                         question  \\\n",
149
       "0    Can Maximo Visual Inspection run on prem?​​​   \n",
150
       "1               What is watson knowledge catalog?   \n",
151
       "2               What is watson knowledge catalog?   \n",
152
       "3  Can Instana use OpenTelemetry trace data?​​​​​   \n",
153
       "4                            format it on a table   \n",
154
       "\n",
155
       "                                              answer  feedback  \n",
156
       "0   Answer: Yes, Maximo Visual Inspection can be ...       2.0  \n",
157
       "1   Answer: The IBM Watson Knowledge Catalog is a...       4.0  \n",
158
       "2   Answer: The IBM Watson Knowledge Catalog is a...       3.0  \n",
159
       "3   Answer: Yes, Instana can ingest OpenTelemetry...       4.0  \n",
160
       "4  with the following columns. The first column i...       1.0  "
161
      ]
162
     },
163
     "execution_count": 13,
164
     "metadata": {},
165
     "output_type": "execute_result"
166
    }
167
   ],
168
   "source": [
169
    "df = pd.read_csv('feedback.csv')\n",
170
    "df.head()"
171
   ]
172
  },
173
  {
174
   "cell_type": "markdown",
175
   "metadata": {},
176
   "source": [
177
    "Once we have the feedback recieved from the users, we can then convert this dataset into comparsion dataset for reward model training"
178
   ]
179
  },
180
  {
181
   "cell_type": "code",
182
   "execution_count": 14,
183
   "metadata": {
184
    "id": "pr3SHxTTU5be"
185
   },
186
   "outputs": [],
187
   "source": [
188
    "df['tup'] = list(zip(df['answer'], df['feedback']))\n",
189
    "df_g = df.groupby('question')['tup'].apply(list).reset_index()\n",
190
    "df_g[\"sorted_tup\"] = df_g[\"tup\"].apply(lambda x :sorted(x,key=itemgetter(1)) )\n",
191
    "df_g[\"chosen\"] = df_g[\"sorted_tup\"].apply(lambda x: x[-1][0])\n",
192
    "df_g[\"chosen_score\"] = df_g[\"sorted_tup\"].apply(lambda x: x[-1][1])\n",
193
    "df_g[\"rejected\"] = df_g[\"sorted_tup\"].apply(lambda x: x[0][0])\n",
194
    "df_g[\"rejected_score\"] = df_g[\"sorted_tup\"].apply(lambda x: x[0][1])\n",
195
    "df_g = df_g.dropna()\n",
196
    "df_g = df_g[(df_g['chosen_score']>=4.0) & (df_g['rejected_score']<4.0)]\n",
197
    "df_g.to_csv(\"feedback_comparison_dataset.csv\")"
198
   ]
199
  },
200
  {
201
   "cell_type": "code",
202
   "execution_count": 15,
203
   "metadata": {
204
    "colab": {
205
     "base_uri": "https://localhost:8080/",
206
     "height": 332
207
    },
208
    "id": "u7N6F8IrXPR6",
209
    "outputId": "8e1e3e08-5956-43bd-d7f0-95a8b03e7d69"
210
   },
211
   "outputs": [
212
    {
213
     "data": {
214
      "text/html": [
215
       "<div>\n",
216
       "<style scoped>\n",
217
       "    .dataframe tbody tr th:only-of-type {\n",
218
       "        vertical-align: middle;\n",
219
       "    }\n",
220
       "\n",
221
       "    .dataframe tbody tr th {\n",
222
       "        vertical-align: top;\n",
223
       "    }\n",
224
       "\n",
225
       "    .dataframe thead th {\n",
226
       "        text-align: right;\n",
227
       "    }\n",
228
       "</style>\n",
229
       "<table border=\"1\" class=\"dataframe\">\n",
230
       "  <thead>\n",
231
       "    <tr style=\"text-align: right;\">\n",
232
       "      <th></th>\n",
233
       "      <th>instruction</th>\n",
234
       "      <th>chosen_response</th>\n",
235
       "      <th>rejected_response</th>\n",
236
       "    </tr>\n",
237
       "  </thead>\n",
238
       "  <tbody>\n",
239
       "    <tr>\n",
240
       "      <th>0</th>\n",
241
       "      <td>Can Instana use OpenTelemetry trace data?​</td>\n",
242
       "      <td>Yes, Instana can use OpenTelemetry trace data....</td>\n",
243
       "      <td>Answer: Yes, Instana can use OpenTelemetry tr...</td>\n",
244
       "    </tr>\n",
245
       "    <tr>\n",
246
       "      <th>1</th>\n",
247
       "      <td>Can Instana use OpenTelemetry trace data?​​​​​</td>\n",
248
       "      <td>Yes, Instana can ingest OpenTelemetry trace da...</td>\n",
249
       "      <td>Answer: Yes, Instana can use OpenTelemetry tr...</td>\n",
250
       "    </tr>\n",
251
       "    <tr>\n",
252
       "      <th>2</th>\n",
253
       "      <td>Can Maximo Visual Inspection run on prem?​​​</td>\n",
254
       "      <td>Answer: Yes. Maximo Visual Inspection is a cl...</td>\n",
255
       "      <td>Answer: Yes, Maximo Visual Inspection can be ...</td>\n",
256
       "    </tr>\n",
257
       "    <tr>\n",
258
       "      <th>3</th>\n",
259
       "      <td>Explain me step by step how can I integrate da...</td>\n",
260
       "      <td>ive tried to follow the documentation but I do...</td>\n",
261
       "      <td>ive tried to do it but it is not working. Answ...</td>\n",
262
       "    </tr>\n",
263
       "    <tr>\n",
264
       "      <th>4</th>\n",
265
       "      <td>What is watson knowledge catalog?</td>\n",
266
       "      <td>The IBM Watson Knowledge Catalog is a data cat...</td>\n",
267
       "      <td>Answer: The IBM Watson Knowledge Catalog is a...</td>\n",
268
       "    </tr>\n",
269
       "    <tr>\n",
270
       "      <th>5</th>\n",
271
       "      <td>what is cloud pak for watson aiops</td>\n",
272
       "      <td>? Answer: Cloud Pak for Watson AIOps is an AI-...</td>\n",
273
       "      <td>? Answer: Cloud Pak for Watson AIOps is a plat...</td>\n",
274
       "    </tr>\n",
275
       "    <tr>\n",
276
       "      <th>6</th>\n",
277
       "      <td>what is ibm?</td>\n",
278
       "      <td>Answer: IBM is an American multinational techn...</td>\n",
279
       "      <td>Answer: IBM is an American multinational techn...</td>\n",
280
       "    </tr>\n",
281
       "    <tr>\n",
282
       "      <th>7</th>\n",
283
       "      <td>which cloudpak provides business process autom...</td>\n",
284
       "      <td>? Answer: IBM Cloud Pak for Automation</td>\n",
285
       "      <td>? : What is the difference between IBM Cloud P...</td>\n",
286
       "    </tr>\n",
287
       "    <tr>\n",
288
       "      <th>8</th>\n",
289
       "      <td>who is the CEO of IBM?</td>\n",
290
       "      <td>Answer: Arvind Krishna Answer: Arvind Krishna</td>\n",
291
       "      <td>.</td>\n",
292
       "    </tr>\n",
293
       "  </tbody>\n",
294
       "</table>\n",
295
       "</div>"
296
      ],
297
      "text/plain": [
298
       "                                         instruction  \\\n",
299
       "0         Can Instana use OpenTelemetry trace data?​   \n",
300
       "1     Can Instana use OpenTelemetry trace data?​​​​​   \n",
301
       "2       Can Maximo Visual Inspection run on prem?​​​   \n",
302
       "3  Explain me step by step how can I integrate da...   \n",
303
       "4                  What is watson knowledge catalog?   \n",
304
       "5                 what is cloud pak for watson aiops   \n",
305
       "6                                       what is ibm?   \n",
306
       "7  which cloudpak provides business process autom...   \n",
307
       "8                             who is the CEO of IBM?   \n",
308
       "\n",
309
       "                                     chosen_response  \\\n",
310
       "0  Yes, Instana can use OpenTelemetry trace data....   \n",
311
       "1  Yes, Instana can ingest OpenTelemetry trace da...   \n",
312
       "2   Answer: Yes. Maximo Visual Inspection is a cl...   \n",
313
       "3  ive tried to follow the documentation but I do...   \n",
314
       "4  The IBM Watson Knowledge Catalog is a data cat...   \n",
315
       "5  ? Answer: Cloud Pak for Watson AIOps is an AI-...   \n",
316
       "6  Answer: IBM is an American multinational techn...   \n",
317
       "7            ? Answer: IBM Cloud Pak for Automation    \n",
318
       "8     Answer: Arvind Krishna Answer: Arvind Krishna    \n",
319
       "\n",
320
       "                                   rejected_response  \n",
321
       "0   Answer: Yes, Instana can use OpenTelemetry tr...  \n",
322
       "1   Answer: Yes, Instana can use OpenTelemetry tr...  \n",
323
       "2   Answer: Yes, Maximo Visual Inspection can be ...  \n",
324
       "3  ive tried to do it but it is not working. Answ...  \n",
325
       "4   Answer: The IBM Watson Knowledge Catalog is a...  \n",
326
       "5  ? Answer: Cloud Pak for Watson AIOps is a plat...  \n",
327
       "6  Answer: IBM is an American multinational techn...  \n",
328
       "7  ? : What is the difference between IBM Cloud P...  \n",
329
       "8                                                  .  "
330
      ]
331
     },
332
     "execution_count": 15,
333
     "metadata": {},
334
     "output_type": "execute_result"
335
    }
336
   ],
337
   "source": [
338
    "rows = []\n",
339
    "for record in df_g.itertuples(index=True, name='Pandas'):\n",
340
    "    if record is None or len(record) == 0:\n",
341
    "        continue\n",
342
    "    rows.append({\n",
343
    "        \"instruction\": record.question,\n",
344
    "        \"chosen_response\": record.chosen,\n",
345
    "        \"rejected_response\": record.rejected\n",
346
    "    })\n",
347
    "\n",
348
    "prepared_dataset = Dataset.from_list(rows)\n",
349
    "prepared_dataset.to_pandas()"
350
   ]
351
  },
352
  {
353
   "cell_type": "markdown",
354
   "metadata": {
355
    "id": "YRS9MzF6gEmu"
356
   },
357
   "source": [
358
    "## Train the reward model with TRL"
359
   ]
360
  },
361
  {
362
   "cell_type": "code",
363
   "execution_count": 21,
364
   "metadata": {
365
    "colab": {
366
     "base_uri": "https://localhost:8080/",
367
     "height": 399,
368
     "referenced_widgets": [
369
      "0f2da8de047c49e892f6f561ef9d47c4",
370
      "e6a5b454bcd34ada85a20f6ae2402010",
371
      "47fcada281d84d76bb5511cde5f34e5d",
372
      "d06f618d673f4c8f8729451040738bc4",
373
      "00d0cc9a08f34f28a49d3b7dbfc258be",
374
      "213978d87ad54789a46cd88dbe9da83d",
375
      "fa276025804d471bb24f0ee76ae71401",
376
      "6c9b25d921b94dfc903d27b0585d3efe",
377
      "2b5106349b7d450a8a3e19047645f226",
378
      "f8c5c3c6eb0549f1ab7bc84aefe0978f",
379
      "71d2dab421d24180b3702f8527774891"
380
     ]
381
    },
382
    "id": "-MtSUam61J_Z",
383
    "outputId": "4a21a596-5bba-48b1-949e-c747e20f8d3d"
384
   },
385
   "outputs": [
386
    {
387
     "name": "stderr",
388
     "output_type": "stream",
389
     "text": [
390
      "Some weights of the model checkpoint at distilroberta-base were not used when initializing RobertaForSequenceClassification: ['lm_head.bias', 'roberta.pooler.dense.bias', 'lm_head.layer_norm.bias', 'roberta.pooler.dense.weight', 'lm_head.dense.weight', 'lm_head.decoder.weight', 'lm_head.dense.bias', 'lm_head.layer_norm.weight']\n",
391
      "- This IS expected if you are initializing RobertaForSequenceClassification from the checkpoint of a model trained on another task or with another architecture (e.g. initializing a BertForSequenceClassification model from a BertForPreTraining model).\n",
392
      "- This IS NOT expected if you are initializing RobertaForSequenceClassification from the checkpoint of a model that you expect to be exactly identical (initializing a BertForSequenceClassification model from a BertForSequenceClassification model).\n",
393
      "Some weights of RobertaForSequenceClassification were not initialized from the model checkpoint at distilroberta-base and are newly initialized: ['classifier.dense.bias', 'classifier.out_proj.bias', 'classifier.out_proj.weight', 'classifier.dense.weight']\n",
394
      "You should probably TRAIN this model on a down-stream task to be able to use it for predictions and inference.\n"
395
     ]
396
    },
397
    {
398
     "data": {
399
      "application/vnd.jupyter.widget-view+json": {
400
       "model_id": "",
401
       "version_major": 2,
402
       "version_minor": 0
403
      },
404
      "text/plain": [
405
       "Map:   0%|          | 0/9 [00:00<?, ? examples/s]"
406
      ]
407
     },
408
     "metadata": {},
409
     "output_type": "display_data"
410
    },
411
    {
412
     "name": "stderr",
413
     "output_type": "stream",
414
     "text": [
415
      "You're using a RobertaTokenizerFast tokenizer. Please note that with a fast tokenizer, using the `__call__` method is faster than using a method to encode the text followed by a call to the `pad` method to get a padded encoding.\n",
416
      "Could not estimate the number of tokens of the input, floating-point operations will not be computed\n"
417
     ]
418
    },
419
    {
420
     "data": {
421
      "text/html": [
422
       "\n",
423
       "    <div>\n",
424
       "      \n",
425
       "      <progress value='10' max='10' style='width:300px; height:20px; vertical-align: middle;'></progress>\n",
426
       "      [10/10 00:03, Epoch 10/10]\n",
427
       "    </div>\n",
428
       "    <table border=\"1\" class=\"dataframe\">\n",
429
       "  <thead>\n",
430
       " <tr style=\"text-align: left;\">\n",
431
       "      <th>Step</th>\n",
432
       "      <th>Training Loss</th>\n",
433
       "      <th>Validation Loss</th>\n",
434
       "      <th>Accuracy</th>\n",
435
       "    </tr>\n",
436
       "  </thead>\n",
437
       "  <tbody>\n",
438
       "    <tr>\n",
439
       "      <td>1</td>\n",
440
       "      <td>0.644600</td>\n",
441
       "      <td>0.693641</td>\n",
442
       "      <td>0.666667</td>\n",
443
       "    </tr>\n",
444
       "    <tr>\n",
445
       "      <td>2</td>\n",
446
       "      <td>0.655800</td>\n",
447
       "      <td>0.694708</td>\n",
448
       "      <td>0.666667</td>\n",
449
       "    </tr>\n",
450
       "    <tr>\n",
451
       "      <td>3</td>\n",
452
       "      <td>0.657000</td>\n",
453
       "      <td>0.696189</td>\n",
454
       "      <td>0.666667</td>\n",
455
       "    </tr>\n",
456
       "    <tr>\n",
457
       "      <td>4</td>\n",
458
       "      <td>0.620500</td>\n",
459
       "      <td>0.696142</td>\n",
460
       "      <td>0.666667</td>\n",
461
       "    </tr>\n",
462
       "    <tr>\n",
463
       "      <td>5</td>\n",
464
       "      <td>0.675500</td>\n",
465
       "      <td>0.696126</td>\n",
466
       "      <td>0.666667</td>\n",
467
       "    </tr>\n",
468
       "    <tr>\n",
469
       "      <td>6</td>\n",
470
       "      <td>0.700300</td>\n",
471
       "      <td>0.696020</td>\n",
472
       "      <td>0.666667</td>\n",
473
       "    </tr>\n",
474
       "    <tr>\n",
475
       "      <td>7</td>\n",
476
       "      <td>0.640700</td>\n",
477
       "      <td>0.695554</td>\n",
478
       "      <td>0.666667</td>\n",
479
       "    </tr>\n",
480
       "    <tr>\n",
481
       "      <td>8</td>\n",
482
       "      <td>0.584700</td>\n",
483
       "      <td>0.694999</td>\n",
484
       "      <td>0.666667</td>\n",
485
       "    </tr>\n",
486
       "    <tr>\n",
487
       "      <td>9</td>\n",
488
       "      <td>0.650300</td>\n",
489
       "      <td>0.694692</td>\n",
490
       "      <td>0.666667</td>\n",
491
       "    </tr>\n",
492
       "    <tr>\n",
493
       "      <td>10</td>\n",
494
       "      <td>0.663200</td>\n",
495
       "      <td>0.694611</td>\n",
496
       "      <td>0.666667</td>\n",
497
       "    </tr>\n",
498
       "  </tbody>\n",
499
       "</table><p>"
500
      ],
501
      "text/plain": [
502
       "<IPython.core.display.HTML object>"
503
      ]
504
     },
505
     "metadata": {},
506
     "output_type": "display_data"
507
    },
508
    {
509
     "data": {
510
      "text/plain": [
511
       "TrainOutput(global_step=10, training_loss=0.6492631733417511, metrics={'train_runtime': 3.5165, 'train_samples_per_second': 17.063, 'train_steps_per_second': 2.844, 'total_flos': 0.0, 'train_loss': 0.6492631733417511, 'epoch': 10.0})"
512
      ]
513
     },
514
     "execution_count": 21,
515
     "metadata": {},
516
     "output_type": "execute_result"
517
    }
518
   ],
519
   "source": [
520
    "#Select a base model whch we need to train for reward modeling.\n",
521
    "model_name = \"distilroberta-base\"\n",
522
    "model = AutoModelForSequenceClassification.from_pretrained(model_name, num_labels=1)\n",
523
    "tokenizer = AutoTokenizer.from_pretrained(model_name)\n",
524
    "\n",
525
    "if tokenizer.pad_token is None:\n",
526
    "    tokenizer.pad_token = tokenizer.eos_token\n",
527
    "    model.config.pad_token_id = model.config.eos_token_id\n",
528
    "\n",
529
    "def formatting_func(examples):\n",
530
    "    kwargs = {\"padding\": \"max_length\", \"truncation\": True, \"max_length\": 512, \"return_tensors\": \"pt\"}\n",
531
    "\n",
532
    "    prompt_plus_chosen_response = examples[\"instruction\"] + \"\\n\" + examples[\"chosen_response\"]\n",
533
    "    prompt_plus_rejected_response = examples[\"instruction\"] + \"\\n\" + examples[\"rejected_response\"]\n",
534
    "    tokens_chosen = tokenizer.encode_plus(prompt_plus_chosen_response, **kwargs)\n",
535
    "    tokens_rejected = tokenizer.encode_plus(prompt_plus_rejected_response, **kwargs)\n",
536
    "\n",
537
    "    return {\n",
538
    "        \"input_ids_chosen\": tokens_chosen[\"input_ids\"][0], \"attention_mask_chosen\": tokens_chosen[\"attention_mask\"][0],\n",
539
    "        \"input_ids_rejected\": tokens_rejected[\"input_ids\"][0], \"attention_mask_rejected\": tokens_rejected[\"attention_mask\"][0]\n",
540
    "    }\n",
541
    "\n",
542
    "formatted_dataset = prepared_dataset.map(formatting_func)\n",
543
    "formatted_dataset = formatted_dataset.train_test_split()\n",
544
    "\n",
545
    "training_args = TrainingArguments(\n",
546
    "    output_dir=\"./reward_model\",\n",
547
    "    per_device_train_batch_size=16,\n",
548
    "    evaluation_strategy=\"steps\",\n",
549
    "    logging_steps=1,\n",
550
    "    num_train_epochs = 10,\n",
551
    "    report_to=None,\n",
552
    "\n",
553
    ")\n",
554
    "\n",
555
    "trainer = RewardTrainer(\n",
556
    "    model=model,\n",
557
    "    args=training_args,\n",
558
    "    tokenizer=tokenizer,\n",
559
    "    train_dataset=formatted_dataset[\"train\"],\n",
560
    "    eval_dataset=formatted_dataset[\"test\"],\n",
561
    "\n",
562
    ")\n",
563
    "\n",
564
    "trainer.train()\n"
565
   ]
566
  },
567
  {
568
   "cell_type": "code",
569
   "execution_count": 15,
570
   "metadata": {
571
    "id": "Y_vsU1lo5PMN"
572
   },
573
   "outputs": [],
574
   "source": [
575
    "trainer.save_model() "
576
   ]
577
  },
578
  {
579
   "cell_type": "code",
580
   "execution_count": null,
581
   "metadata": {},
582
   "outputs": [],
583
   "source": []
584
  }
585
 ],
586
 "metadata": {
587
  "accelerator": "GPU",
588
  "colab": {
589
   "gpuType": "T4",
590
   "provenance": []
591
  },
592
  "kernelspec": {
593
   "display_name": "ak_rlhf",
594
   "language": "python",
595
   "name": "ak_rlhf"
596
  },
597
  "language_info": {
598
   "codemirror_mode": {
599
    "name": "ipython",
600
    "version": 3
601
   },
602
   "file_extension": ".py",
603
   "mimetype": "text/x-python",
604
   "name": "python",
605
   "nbconvert_exporter": "python",
606
   "pygments_lexer": "ipython3",
607
   "version": "3.10.12"
608
  },
609
  "vscode": {
610
   "interpreter": {
611
    "hash": "2d98cb9bf90a932b5bf8e86e91214497eb0e38eb318595fbd6fbd5460fe92036"
612
   }
613
  },
614
  "widgets": {
615
   "application/vnd.jupyter.widget-state+json": {
616
    "00d0cc9a08f34f28a49d3b7dbfc258be": {
617
     "model_module": "@jupyter-widgets/base",
618
     "model_module_version": "1.2.0",
619
     "model_name": "LayoutModel",
620
     "state": {
621
      "_model_module": "@jupyter-widgets/base",
622
      "_model_module_version": "1.2.0",
623
      "_model_name": "LayoutModel",
624
      "_view_count": null,
625
      "_view_module": "@jupyter-widgets/base",
626
      "_view_module_version": "1.2.0",
627
      "_view_name": "LayoutView",
628
      "align_content": null,
629
      "align_items": null,
630
      "align_self": null,
631
      "border": null,
632
      "bottom": null,
633
      "display": null,
634
      "flex": null,
635
      "flex_flow": null,
636
      "grid_area": null,
637
      "grid_auto_columns": null,
638
      "grid_auto_flow": null,
639
      "grid_auto_rows": null,
640
      "grid_column": null,
641
      "grid_gap": null,
642
      "grid_row": null,
643
      "grid_template_areas": null,
644
      "grid_template_columns": null,
645
      "grid_template_rows": null,
646
      "height": null,
647
      "justify_content": null,
648
      "justify_items": null,
649
      "left": null,
650
      "margin": null,
651
      "max_height": null,
652
      "max_width": null,
653
      "min_height": null,
654
      "min_width": null,
655
      "object_fit": null,
656
      "object_position": null,
657
      "order": null,
658
      "overflow": null,
659
      "overflow_x": null,
660
      "overflow_y": null,
661
      "padding": null,
662
      "right": null,
663
      "top": null,
664
      "visibility": "hidden",
665
      "width": null
666
     }
667
    },
668
    "04d3a61d080e4d76ba581687b32c3543": {
669
     "model_module": "@jupyter-widgets/controls",
670
     "model_module_version": "1.5.0",
671
     "model_name": "HTMLModel",
672
     "state": {
673
      "_dom_classes": [],
674
      "_model_module": "@jupyter-widgets/controls",
675
      "_model_module_version": "1.5.0",
676
      "_model_name": "HTMLModel",
677
      "_view_count": null,
678
      "_view_module": "@jupyter-widgets/controls",
679
      "_view_module_version": "1.5.0",
680
      "_view_name": "HTMLView",
681
      "description": "",
682
      "description_tooltip": null,
683
      "layout": "IPY_MODEL_f99f718839d948aa9143936cab2982c6",
684
      "placeholder": "​",
685
      "style": "IPY_MODEL_1fd4f43f5b864bafa48d44dd837f97ba",
686
      "value": " 7401/0 [00:00&lt;00:00, 57897.52 examples/s]"
687
     }
688
    },
689
    "064fd94fccf54262b471027504c1cd1a": {
690
     "model_module": "@jupyter-widgets/controls",
691
     "model_module_version": "1.5.0",
692
     "model_name": "ProgressStyleModel",
693
     "state": {
694
      "_model_module": "@jupyter-widgets/controls",
695
      "_model_module_version": "1.5.0",
696
      "_model_name": "ProgressStyleModel",
697
      "_view_count": null,
698
      "_view_module": "@jupyter-widgets/base",
699
      "_view_module_version": "1.2.0",
700
      "_view_name": "StyleView",
701
      "bar_color": null,
702
      "description_width": ""
703
     }
704
    },
705
    "091e2d448e73406ca6f64e4b64fa72f0": {
706
     "model_module": "@jupyter-widgets/controls",
707
     "model_module_version": "1.5.0",
708
     "model_name": "HBoxModel",
709
     "state": {
710
      "_dom_classes": [],
711
      "_model_module": "@jupyter-widgets/controls",
712
      "_model_module_version": "1.5.0",
713
      "_model_name": "HBoxModel",
714
      "_view_count": null,
715
      "_view_module": "@jupyter-widgets/controls",
716
      "_view_module_version": "1.5.0",
717
      "_view_name": "HBoxView",
718
      "box_style": "",
719
      "children": [
720
       "IPY_MODEL_fc2a55ac7a9e499c8dfa986e5acb889d",
721
       "IPY_MODEL_1fd823c820ea4e4c9d3360bcb2ec56b8",
722
       "IPY_MODEL_04d3a61d080e4d76ba581687b32c3543"
723
      ],
724
      "layout": "IPY_MODEL_37f56a5b1fa249898cd7ca042379b770"
725
     }
726
    },
727
    "0f2da8de047c49e892f6f561ef9d47c4": {
728
     "model_module": "@jupyter-widgets/controls",
729
     "model_module_version": "1.5.0",
730
     "model_name": "HBoxModel",
731
     "state": {
732
      "_dom_classes": [],
733
      "_model_module": "@jupyter-widgets/controls",
734
      "_model_module_version": "1.5.0",
735
      "_model_name": "HBoxModel",
736
      "_view_count": null,
737
      "_view_module": "@jupyter-widgets/controls",
738
      "_view_module_version": "1.5.0",
739
      "_view_name": "HBoxView",
740
      "box_style": "",
741
      "children": [
742
       "IPY_MODEL_e6a5b454bcd34ada85a20f6ae2402010",
743
       "IPY_MODEL_47fcada281d84d76bb5511cde5f34e5d",
744
       "IPY_MODEL_d06f618d673f4c8f8729451040738bc4"
745
      ],
746
      "layout": "IPY_MODEL_00d0cc9a08f34f28a49d3b7dbfc258be"
747
     }
748
    },
749
    "0f3d3da78ebf4e68b7be1bc0431995a8": {
750
     "model_module": "@jupyter-widgets/base",
751
     "model_module_version": "1.2.0",
752
     "model_name": "LayoutModel",
753
     "state": {
754
      "_model_module": "@jupyter-widgets/base",
755
      "_model_module_version": "1.2.0",
756
      "_model_name": "LayoutModel",
757
      "_view_count": null,
758
      "_view_module": "@jupyter-widgets/base",
759
      "_view_module_version": "1.2.0",
760
      "_view_name": "LayoutView",
761
      "align_content": null,
762
      "align_items": null,
763
      "align_self": null,
764
      "border": null,
765
      "bottom": null,
766
      "display": null,
767
      "flex": null,
768
      "flex_flow": null,
769
      "grid_area": null,
770
      "grid_auto_columns": null,
771
      "grid_auto_flow": null,
772
      "grid_auto_rows": null,
773
      "grid_column": null,
774
      "grid_gap": null,
775
      "grid_row": null,
776
      "grid_template_areas": null,
777
      "grid_template_columns": null,
778
      "grid_template_rows": null,
779
      "height": null,
780
      "justify_content": null,
781
      "justify_items": null,
782
      "left": null,
783
      "margin": null,
784
      "max_height": null,
785
      "max_width": null,
786
      "min_height": null,
787
      "min_width": null,
788
      "object_fit": null,
789
      "object_position": null,
790
      "order": null,
791
      "overflow": null,
792
      "overflow_x": null,
793
      "overflow_y": null,
794
      "padding": null,
795
      "right": null,
796
      "top": null,
797
      "visibility": null,
798
      "width": null
799
     }
800
    },
801
    "195528f60aeb43e2a846ebcec7d1e5cf": {
802
     "model_module": "@jupyter-widgets/controls",
803
     "model_module_version": "1.5.0",
804
     "model_name": "HTMLModel",
805
     "state": {
806
      "_dom_classes": [],
807
      "_model_module": "@jupyter-widgets/controls",
808
      "_model_module_version": "1.5.0",
809
      "_model_name": "HTMLModel",
810
      "_view_count": null,
811
      "_view_module": "@jupyter-widgets/controls",
812
      "_view_module_version": "1.5.0",
813
      "_view_name": "HTMLView",
814
      "description": "",
815
      "description_tooltip": null,
816
      "layout": "IPY_MODEL_d2f36ad3ce4c43ad99d29b02990a4571",
817
      "placeholder": "​",
818
      "style": "IPY_MODEL_9b8c2bfe55254c1a913390e0871d9bdb",
819
      "value": "Extracting data files: 100%"
820
     }
821
    },
822
    "1a4ec31d897f46208c2fb3273dc99383": {
823
     "model_module": "@jupyter-widgets/controls",
824
     "model_module_version": "1.5.0",
825
     "model_name": "ProgressStyleModel",
826
     "state": {
827
      "_model_module": "@jupyter-widgets/controls",
828
      "_model_module_version": "1.5.0",
829
      "_model_name": "ProgressStyleModel",
830
      "_view_count": null,
831
      "_view_module": "@jupyter-widgets/base",
832
      "_view_module_version": "1.2.0",
833
      "_view_name": "StyleView",
834
      "bar_color": null,
835
      "description_width": ""
836
     }
837
    },
838
    "1b3e3a062ae14b709f2d14a6c6a3f1ee": {
839
     "model_module": "@jupyter-widgets/controls",
840
     "model_module_version": "1.5.0",
841
     "model_name": "DescriptionStyleModel",
842
     "state": {
843
      "_model_module": "@jupyter-widgets/controls",
844
      "_model_module_version": "1.5.0",
845
      "_model_name": "DescriptionStyleModel",
846
      "_view_count": null,
847
      "_view_module": "@jupyter-widgets/base",
848
      "_view_module_version": "1.2.0",
849
      "_view_name": "StyleView",
850
      "description_width": ""
851
     }
852
    },
853
    "1b58727f53464ccb881bee5e5b8a6058": {
854
     "model_module": "@jupyter-widgets/base",
855
     "model_module_version": "1.2.0",
856
     "model_name": "LayoutModel",
857
     "state": {
858
      "_model_module": "@jupyter-widgets/base",
859
      "_model_module_version": "1.2.0",
860
      "_model_name": "LayoutModel",
861
      "_view_count": null,
862
      "_view_module": "@jupyter-widgets/base",
863
      "_view_module_version": "1.2.0",
864
      "_view_name": "LayoutView",
865
      "align_content": null,
866
      "align_items": null,
867
      "align_self": null,
868
      "border": null,
869
      "bottom": null,
870
      "display": null,
871
      "flex": null,
872
      "flex_flow": null,
873
      "grid_area": null,
874
      "grid_auto_columns": null,
875
      "grid_auto_flow": null,
876
      "grid_auto_rows": null,
877
      "grid_column": null,
878
      "grid_gap": null,
879
      "grid_row": null,
880
      "grid_template_areas": null,
881
      "grid_template_columns": null,
882
      "grid_template_rows": null,
883
      "height": null,
884
      "justify_content": null,
885
      "justify_items": null,
886
      "left": null,
887
      "margin": null,
888
      "max_height": null,
889
      "max_width": null,
890
      "min_height": null,
891
      "min_width": null,
892
      "object_fit": null,
893
      "object_position": null,
894
      "order": null,
895
      "overflow": null,
896
      "overflow_x": null,
897
      "overflow_y": null,
898
      "padding": null,
899
      "right": null,
900
      "top": null,
901
      "visibility": null,
902
      "width": null
903
     }
904
    },
905
    "1fd4f43f5b864bafa48d44dd837f97ba": {
906
     "model_module": "@jupyter-widgets/controls",
907
     "model_module_version": "1.5.0",
908
     "model_name": "DescriptionStyleModel",
909
     "state": {
910
      "_model_module": "@jupyter-widgets/controls",
911
      "_model_module_version": "1.5.0",
912
      "_model_name": "DescriptionStyleModel",
913
      "_view_count": null,
914
      "_view_module": "@jupyter-widgets/base",
915
      "_view_module_version": "1.2.0",
916
      "_view_name": "StyleView",
917
      "description_width": ""
918
     }
919
    },
920
    "1fd823c820ea4e4c9d3360bcb2ec56b8": {
921
     "model_module": "@jupyter-widgets/controls",
922
     "model_module_version": "1.5.0",
923
     "model_name": "FloatProgressModel",
924
     "state": {
925
      "_dom_classes": [],
926
      "_model_module": "@jupyter-widgets/controls",
927
      "_model_module_version": "1.5.0",
928
      "_model_name": "FloatProgressModel",
929
      "_view_count": null,
930
      "_view_module": "@jupyter-widgets/controls",
931
      "_view_module_version": "1.5.0",
932
      "_view_name": "ProgressView",
933
      "bar_style": "info",
934
      "description": "",
935
      "description_tooltip": null,
936
      "layout": "IPY_MODEL_6bf664bc5e1e4d8b91da0a15f500e93a",
937
      "max": 1,
938
      "min": 0,
939
      "orientation": "horizontal",
940
      "style": "IPY_MODEL_c95677cdda7c460a9eecff5bf7ac266a",
941
      "value": 1
942
     }
943
    },
944
    "1ff0227e975e4d4bb7afd6e80abee978": {
945
     "model_module": "@jupyter-widgets/base",
946
     "model_module_version": "1.2.0",
947
     "model_name": "LayoutModel",
948
     "state": {
949
      "_model_module": "@jupyter-widgets/base",
950
      "_model_module_version": "1.2.0",
951
      "_model_name": "LayoutModel",
952
      "_view_count": null,
953
      "_view_module": "@jupyter-widgets/base",
954
      "_view_module_version": "1.2.0",
955
      "_view_name": "LayoutView",
956
      "align_content": null,
957
      "align_items": null,
958
      "align_self": null,
959
      "border": null,
960
      "bottom": null,
961
      "display": null,
962
      "flex": null,
963
      "flex_flow": null,
964
      "grid_area": null,
965
      "grid_auto_columns": null,
966
      "grid_auto_flow": null,
967
      "grid_auto_rows": null,
968
      "grid_column": null,
969
      "grid_gap": null,
970
      "grid_row": null,
971
      "grid_template_areas": null,
972
      "grid_template_columns": null,
973
      "grid_template_rows": null,
974
      "height": null,
975
      "justify_content": null,
976
      "justify_items": null,
977
      "left": null,
978
      "margin": null,
979
      "max_height": null,
980
      "max_width": null,
981
      "min_height": null,
982
      "min_width": null,
983
      "object_fit": null,
984
      "object_position": null,
985
      "order": null,
986
      "overflow": null,
987
      "overflow_x": null,
988
      "overflow_y": null,
989
      "padding": null,
990
      "right": null,
991
      "top": null,
992
      "visibility": null,
993
      "width": null
994
     }
995
    },
996
    "206978c8fbfe4392b6db127a2d14d3d5": {
997
     "model_module": "@jupyter-widgets/controls",
998
     "model_module_version": "1.5.0",
999
     "model_name": "HTMLModel",
1000
     "state": {
1001
      "_dom_classes": [],
1002
      "_model_module": "@jupyter-widgets/controls",
1003
      "_model_module_version": "1.5.0",
1004
      "_model_name": "HTMLModel",
1005
      "_view_count": null,
1006
      "_view_module": "@jupyter-widgets/controls",
1007
      "_view_module_version": "1.5.0",
1008
      "_view_name": "HTMLView",
1009
      "description": "",
1010
      "description_tooltip": null,
1011
      "layout": "IPY_MODEL_1b58727f53464ccb881bee5e5b8a6058",
1012
      "placeholder": "​",
1013
      "style": "IPY_MODEL_cf108025bc12403ea0be61c32b4267e5",
1014
      "value": "Downloading data: 100%"
1015
     }
1016
    },
1017
    "213978d87ad54789a46cd88dbe9da83d": {
1018
     "model_module": "@jupyter-widgets/base",
1019
     "model_module_version": "1.2.0",
1020
     "model_name": "LayoutModel",
1021
     "state": {
1022
      "_model_module": "@jupyter-widgets/base",
1023
      "_model_module_version": "1.2.0",
1024
      "_model_name": "LayoutModel",
1025
      "_view_count": null,
1026
      "_view_module": "@jupyter-widgets/base",
1027
      "_view_module_version": "1.2.0",
1028
      "_view_name": "LayoutView",
1029
      "align_content": null,
1030
      "align_items": null,
1031
      "align_self": null,
1032
      "border": null,
1033
      "bottom": null,
1034
      "display": null,
1035
      "flex": null,
1036
      "flex_flow": null,
1037
      "grid_area": null,
1038
      "grid_auto_columns": null,
1039
      "grid_auto_flow": null,
1040
      "grid_auto_rows": null,
1041
      "grid_column": null,
1042
      "grid_gap": null,
1043
      "grid_row": null,
1044
      "grid_template_areas": null,
1045
      "grid_template_columns": null,
1046
      "grid_template_rows": null,
1047
      "height": null,
1048
      "justify_content": null,
1049
      "justify_items": null,
1050
      "left": null,
1051
      "margin": null,
1052
      "max_height": null,
1053
      "max_width": null,
1054
      "min_height": null,
1055
      "min_width": null,
1056
      "object_fit": null,
1057
      "object_position": null,
1058
      "order": null,
1059
      "overflow": null,
1060
      "overflow_x": null,
1061
      "overflow_y": null,
1062
      "padding": null,
1063
      "right": null,
1064
      "top": null,
1065
      "visibility": null,
1066
      "width": null
1067
     }
1068
    },
1069
    "23e7b9d8d0fe4382a6d96721e2abee7f": {
1070
     "model_module": "@jupyter-widgets/base",
1071
     "model_module_version": "1.2.0",
1072
     "model_name": "LayoutModel",
1073
     "state": {
1074
      "_model_module": "@jupyter-widgets/base",
1075
      "_model_module_version": "1.2.0",
1076
      "_model_name": "LayoutModel",
1077
      "_view_count": null,
1078
      "_view_module": "@jupyter-widgets/base",
1079
      "_view_module_version": "1.2.0",
1080
      "_view_name": "LayoutView",
1081
      "align_content": null,
1082
      "align_items": null,
1083
      "align_self": null,
1084
      "border": null,
1085
      "bottom": null,
1086
      "display": null,
1087
      "flex": null,
1088
      "flex_flow": null,
1089
      "grid_area": null,
1090
      "grid_auto_columns": null,
1091
      "grid_auto_flow": null,
1092
      "grid_auto_rows": null,
1093
      "grid_column": null,
1094
      "grid_gap": null,
1095
      "grid_row": null,
1096
      "grid_template_areas": null,
1097
      "grid_template_columns": null,
1098
      "grid_template_rows": null,
1099
      "height": null,
1100
      "justify_content": null,
1101
      "justify_items": null,
1102
      "left": null,
1103
      "margin": null,
1104
      "max_height": null,
1105
      "max_width": null,
1106
      "min_height": null,
1107
      "min_width": null,
1108
      "object_fit": null,
1109
      "object_position": null,
1110
      "order": null,
1111
      "overflow": null,
1112
      "overflow_x": null,
1113
      "overflow_y": null,
1114
      "padding": null,
1115
      "right": null,
1116
      "top": null,
1117
      "visibility": null,
1118
      "width": null
1119
     }
1120
    },
1121
    "24c20b5111194ff4babc964ae2f1d877": {
1122
     "model_module": "@jupyter-widgets/controls",
1123
     "model_module_version": "1.5.0",
1124
     "model_name": "HBoxModel",
1125
     "state": {
1126
      "_dom_classes": [],
1127
      "_model_module": "@jupyter-widgets/controls",
1128
      "_model_module_version": "1.5.0",
1129
      "_model_name": "HBoxModel",
1130
      "_view_count": null,
1131
      "_view_module": "@jupyter-widgets/controls",
1132
      "_view_module_version": "1.5.0",
1133
      "_view_name": "HBoxView",
1134
      "box_style": "",
1135
      "children": [
1136
       "IPY_MODEL_74166d6734b64cf993558d62922429e8",
1137
       "IPY_MODEL_7d3e749b3b1c474dbf97b3f36f38b0d4",
1138
       "IPY_MODEL_c980d3cd8af843ed9310ead9a543b793"
1139
      ],
1140
      "layout": "IPY_MODEL_d66ab33eca5f45ea969f9046cb4abbb3"
1141
     }
1142
    },
1143
    "26c443647a344e0296daf765e025b59c": {
1144
     "model_module": "@jupyter-widgets/controls",
1145
     "model_module_version": "1.5.0",
1146
     "model_name": "ProgressStyleModel",
1147
     "state": {
1148
      "_model_module": "@jupyter-widgets/controls",
1149
      "_model_module_version": "1.5.0",
1150
      "_model_name": "ProgressStyleModel",
1151
      "_view_count": null,
1152
      "_view_module": "@jupyter-widgets/base",
1153
      "_view_module_version": "1.2.0",
1154
      "_view_name": "StyleView",
1155
      "bar_color": null,
1156
      "description_width": ""
1157
     }
1158
    },
1159
    "287af42664394af7befd9167d2c8c6b0": {
1160
     "model_module": "@jupyter-widgets/controls",
1161
     "model_module_version": "1.5.0",
1162
     "model_name": "HBoxModel",
1163
     "state": {
1164
      "_dom_classes": [],
1165
      "_model_module": "@jupyter-widgets/controls",
1166
      "_model_module_version": "1.5.0",
1167
      "_model_name": "HBoxModel",
1168
      "_view_count": null,
1169
      "_view_module": "@jupyter-widgets/controls",
1170
      "_view_module_version": "1.5.0",
1171
      "_view_name": "HBoxView",
1172
      "box_style": "",
1173
      "children": [
1174
       "IPY_MODEL_206978c8fbfe4392b6db127a2d14d3d5",
1175
       "IPY_MODEL_ff3058262a7f4ef49cd14aabdadf9287",
1176
       "IPY_MODEL_e44510c0662348a5b59c3d42db9b8f24"
1177
      ],
1178
      "layout": "IPY_MODEL_bf2b5346f60c4ebebbf921c8bdbdb8f3"
1179
     }
1180
    },
1181
    "28fef5976dc84314b129ed7321f8eea6": {
1182
     "model_module": "@jupyter-widgets/controls",
1183
     "model_module_version": "1.5.0",
1184
     "model_name": "HBoxModel",
1185
     "state": {
1186
      "_dom_classes": [],
1187
      "_model_module": "@jupyter-widgets/controls",
1188
      "_model_module_version": "1.5.0",
1189
      "_model_name": "HBoxModel",
1190
      "_view_count": null,
1191
      "_view_module": "@jupyter-widgets/controls",
1192
      "_view_module_version": "1.5.0",
1193
      "_view_name": "HBoxView",
1194
      "box_style": "",
1195
      "children": [
1196
       "IPY_MODEL_195528f60aeb43e2a846ebcec7d1e5cf",
1197
       "IPY_MODEL_b1bd06bd8a0443afb69868701d0e1f51",
1198
       "IPY_MODEL_5d9c75c8fa994b60bf873ea47e6b08bd"
1199
      ],
1200
      "layout": "IPY_MODEL_f68d264d936a4fba8daefc4ab869b4bf"
1201
     }
1202
    },
1203
    "2b5106349b7d450a8a3e19047645f226": {
1204
     "model_module": "@jupyter-widgets/controls",
1205
     "model_module_version": "1.5.0",
1206
     "model_name": "ProgressStyleModel",
1207
     "state": {
1208
      "_model_module": "@jupyter-widgets/controls",
1209
      "_model_module_version": "1.5.0",
1210
      "_model_name": "ProgressStyleModel",
1211
      "_view_count": null,
1212
      "_view_module": "@jupyter-widgets/base",
1213
      "_view_module_version": "1.2.0",
1214
      "_view_name": "StyleView",
1215
      "bar_color": null,
1216
      "description_width": ""
1217
     }
1218
    },
1219
    "2fd73ab0303d42e39c3db366d004900e": {
1220
     "model_module": "@jupyter-widgets/controls",
1221
     "model_module_version": "1.5.0",
1222
     "model_name": "DescriptionStyleModel",
1223
     "state": {
1224
      "_model_module": "@jupyter-widgets/controls",
1225
      "_model_module_version": "1.5.0",
1226
      "_model_name": "DescriptionStyleModel",
1227
      "_view_count": null,
1228
      "_view_module": "@jupyter-widgets/base",
1229
      "_view_module_version": "1.2.0",
1230
      "_view_name": "StyleView",
1231
      "description_width": ""
1232
     }
1233
    },
1234
    "31278efa4ce2495a876c9fabb4d32b7b": {
1235
     "model_module": "@jupyter-widgets/base",
1236
     "model_module_version": "1.2.0",
1237
     "model_name": "LayoutModel",
1238
     "state": {
1239
      "_model_module": "@jupyter-widgets/base",
1240
      "_model_module_version": "1.2.0",
1241
      "_model_name": "LayoutModel",
1242
      "_view_count": null,
1243
      "_view_module": "@jupyter-widgets/base",
1244
      "_view_module_version": "1.2.0",
1245
      "_view_name": "LayoutView",
1246
      "align_content": null,
1247
      "align_items": null,
1248
      "align_self": null,
1249
      "border": null,
1250
      "bottom": null,
1251
      "display": null,
1252
      "flex": null,
1253
      "flex_flow": null,
1254
      "grid_area": null,
1255
      "grid_auto_columns": null,
1256
      "grid_auto_flow": null,
1257
      "grid_auto_rows": null,
1258
      "grid_column": null,
1259
      "grid_gap": null,
1260
      "grid_row": null,
1261
      "grid_template_areas": null,
1262
      "grid_template_columns": null,
1263
      "grid_template_rows": null,
1264
      "height": null,
1265
      "justify_content": null,
1266
      "justify_items": null,
1267
      "left": null,
1268
      "margin": null,
1269
      "max_height": null,
1270
      "max_width": null,
1271
      "min_height": null,
1272
      "min_width": null,
1273
      "object_fit": null,
1274
      "object_position": null,
1275
      "order": null,
1276
      "overflow": null,
1277
      "overflow_x": null,
1278
      "overflow_y": null,
1279
      "padding": null,
1280
      "right": null,
1281
      "top": null,
1282
      "visibility": null,
1283
      "width": null
1284
     }
1285
    },
1286
    "31babd5f3e1446f9b33fc25c8f0594ed": {
1287
     "model_module": "@jupyter-widgets/base",
1288
     "model_module_version": "1.2.0",
1289
     "model_name": "LayoutModel",
1290
     "state": {
1291
      "_model_module": "@jupyter-widgets/base",
1292
      "_model_module_version": "1.2.0",
1293
      "_model_name": "LayoutModel",
1294
      "_view_count": null,
1295
      "_view_module": "@jupyter-widgets/base",
1296
      "_view_module_version": "1.2.0",
1297
      "_view_name": "LayoutView",
1298
      "align_content": null,
1299
      "align_items": null,
1300
      "align_self": null,
1301
      "border": null,
1302
      "bottom": null,
1303
      "display": null,
1304
      "flex": null,
1305
      "flex_flow": null,
1306
      "grid_area": null,
1307
      "grid_auto_columns": null,
1308
      "grid_auto_flow": null,
1309
      "grid_auto_rows": null,
1310
      "grid_column": null,
1311
      "grid_gap": null,
1312
      "grid_row": null,
1313
      "grid_template_areas": null,
1314
      "grid_template_columns": null,
1315
      "grid_template_rows": null,
1316
      "height": null,
1317
      "justify_content": null,
1318
      "justify_items": null,
1319
      "left": null,
1320
      "margin": null,
1321
      "max_height": null,
1322
      "max_width": null,
1323
      "min_height": null,
1324
      "min_width": null,
1325
      "object_fit": null,
1326
      "object_position": null,
1327
      "order": null,
1328
      "overflow": null,
1329
      "overflow_x": null,
1330
      "overflow_y": null,
1331
      "padding": null,
1332
      "right": null,
1333
      "top": null,
1334
      "visibility": null,
1335
      "width": null
1336
     }
1337
    },
1338
    "37f56a5b1fa249898cd7ca042379b770": {
1339
     "model_module": "@jupyter-widgets/base",
1340
     "model_module_version": "1.2.0",
1341
     "model_name": "LayoutModel",
1342
     "state": {
1343
      "_model_module": "@jupyter-widgets/base",
1344
      "_model_module_version": "1.2.0",
1345
      "_model_name": "LayoutModel",
1346
      "_view_count": null,
1347
      "_view_module": "@jupyter-widgets/base",
1348
      "_view_module_version": "1.2.0",
1349
      "_view_name": "LayoutView",
1350
      "align_content": null,
1351
      "align_items": null,
1352
      "align_self": null,
1353
      "border": null,
1354
      "bottom": null,
1355
      "display": null,
1356
      "flex": null,
1357
      "flex_flow": null,
1358
      "grid_area": null,
1359
      "grid_auto_columns": null,
1360
      "grid_auto_flow": null,
1361
      "grid_auto_rows": null,
1362
      "grid_column": null,
1363
      "grid_gap": null,
1364
      "grid_row": null,
1365
      "grid_template_areas": null,
1366
      "grid_template_columns": null,
1367
      "grid_template_rows": null,
1368
      "height": null,
1369
      "justify_content": null,
1370
      "justify_items": null,
1371
      "left": null,
1372
      "margin": null,
1373
      "max_height": null,
1374
      "max_width": null,
1375
      "min_height": null,
1376
      "min_width": null,
1377
      "object_fit": null,
1378
      "object_position": null,
1379
      "order": null,
1380
      "overflow": null,
1381
      "overflow_x": null,
1382
      "overflow_y": null,
1383
      "padding": null,
1384
      "right": null,
1385
      "top": null,
1386
      "visibility": "hidden",
1387
      "width": null
1388
     }
1389
    },
1390
    "3c22f8e8bf624cb4a096e8aa3e4d608c": {
1391
     "model_module": "@jupyter-widgets/base",
1392
     "model_module_version": "1.2.0",
1393
     "model_name": "LayoutModel",
1394
     "state": {
1395
      "_model_module": "@jupyter-widgets/base",
1396
      "_model_module_version": "1.2.0",
1397
      "_model_name": "LayoutModel",
1398
      "_view_count": null,
1399
      "_view_module": "@jupyter-widgets/base",
1400
      "_view_module_version": "1.2.0",
1401
      "_view_name": "LayoutView",
1402
      "align_content": null,
1403
      "align_items": null,
1404
      "align_self": null,
1405
      "border": null,
1406
      "bottom": null,
1407
      "display": null,
1408
      "flex": null,
1409
      "flex_flow": null,
1410
      "grid_area": null,
1411
      "grid_auto_columns": null,
1412
      "grid_auto_flow": null,
1413
      "grid_auto_rows": null,
1414
      "grid_column": null,
1415
      "grid_gap": null,
1416
      "grid_row": null,
1417
      "grid_template_areas": null,
1418
      "grid_template_columns": null,
1419
      "grid_template_rows": null,
1420
      "height": null,
1421
      "justify_content": null,
1422
      "justify_items": null,
1423
      "left": null,
1424
      "margin": null,
1425
      "max_height": null,
1426
      "max_width": null,
1427
      "min_height": null,
1428
      "min_width": null,
1429
      "object_fit": null,
1430
      "object_position": null,
1431
      "order": null,
1432
      "overflow": null,
1433
      "overflow_x": null,
1434
      "overflow_y": null,
1435
      "padding": null,
1436
      "right": null,
1437
      "top": null,
1438
      "visibility": null,
1439
      "width": null
1440
     }
1441
    },
1442
    "3cb6e552e34c4e13af65352260412b22": {
1443
     "model_module": "@jupyter-widgets/base",
1444
     "model_module_version": "1.2.0",
1445
     "model_name": "LayoutModel",
1446
     "state": {
1447
      "_model_module": "@jupyter-widgets/base",
1448
      "_model_module_version": "1.2.0",
1449
      "_model_name": "LayoutModel",
1450
      "_view_count": null,
1451
      "_view_module": "@jupyter-widgets/base",
1452
      "_view_module_version": "1.2.0",
1453
      "_view_name": "LayoutView",
1454
      "align_content": null,
1455
      "align_items": null,
1456
      "align_self": null,
1457
      "border": null,
1458
      "bottom": null,
1459
      "display": null,
1460
      "flex": null,
1461
      "flex_flow": null,
1462
      "grid_area": null,
1463
      "grid_auto_columns": null,
1464
      "grid_auto_flow": null,
1465
      "grid_auto_rows": null,
1466
      "grid_column": null,
1467
      "grid_gap": null,
1468
      "grid_row": null,
1469
      "grid_template_areas": null,
1470
      "grid_template_columns": null,
1471
      "grid_template_rows": null,
1472
      "height": null,
1473
      "justify_content": null,
1474
      "justify_items": null,
1475
      "left": null,
1476
      "margin": null,
1477
      "max_height": null,
1478
      "max_width": null,
1479
      "min_height": null,
1480
      "min_width": null,
1481
      "object_fit": null,
1482
      "object_position": null,
1483
      "order": null,
1484
      "overflow": null,
1485
      "overflow_x": null,
1486
      "overflow_y": null,
1487
      "padding": null,
1488
      "right": null,
1489
      "top": null,
1490
      "visibility": null,
1491
      "width": null
1492
     }
1493
    },
1494
    "45dcafb7a02f4ce1a417b9c89dfc7d1b": {
1495
     "model_module": "@jupyter-widgets/base",
1496
     "model_module_version": "1.2.0",
1497
     "model_name": "LayoutModel",
1498
     "state": {
1499
      "_model_module": "@jupyter-widgets/base",
1500
      "_model_module_version": "1.2.0",
1501
      "_model_name": "LayoutModel",
1502
      "_view_count": null,
1503
      "_view_module": "@jupyter-widgets/base",
1504
      "_view_module_version": "1.2.0",
1505
      "_view_name": "LayoutView",
1506
      "align_content": null,
1507
      "align_items": null,
1508
      "align_self": null,
1509
      "border": null,
1510
      "bottom": null,
1511
      "display": null,
1512
      "flex": null,
1513
      "flex_flow": null,
1514
      "grid_area": null,
1515
      "grid_auto_columns": null,
1516
      "grid_auto_flow": null,
1517
      "grid_auto_rows": null,
1518
      "grid_column": null,
1519
      "grid_gap": null,
1520
      "grid_row": null,
1521
      "grid_template_areas": null,
1522
      "grid_template_columns": null,
1523
      "grid_template_rows": null,
1524
      "height": null,
1525
      "justify_content": null,
1526
      "justify_items": null,
1527
      "left": null,
1528
      "margin": null,
1529
      "max_height": null,
1530
      "max_width": null,
1531
      "min_height": null,
1532
      "min_width": null,
1533
      "object_fit": null,
1534
      "object_position": null,
1535
      "order": null,
1536
      "overflow": null,
1537
      "overflow_x": null,
1538
      "overflow_y": null,
1539
      "padding": null,
1540
      "right": null,
1541
      "top": null,
1542
      "visibility": null,
1543
      "width": null
1544
     }
1545
    },
1546
    "46cf1b875268442c80c22266ec8957bc": {
1547
     "model_module": "@jupyter-widgets/base",
1548
     "model_module_version": "1.2.0",
1549
     "model_name": "LayoutModel",
1550
     "state": {
1551
      "_model_module": "@jupyter-widgets/base",
1552
      "_model_module_version": "1.2.0",
1553
      "_model_name": "LayoutModel",
1554
      "_view_count": null,
1555
      "_view_module": "@jupyter-widgets/base",
1556
      "_view_module_version": "1.2.0",
1557
      "_view_name": "LayoutView",
1558
      "align_content": null,
1559
      "align_items": null,
1560
      "align_self": null,
1561
      "border": null,
1562
      "bottom": null,
1563
      "display": null,
1564
      "flex": null,
1565
      "flex_flow": null,
1566
      "grid_area": null,
1567
      "grid_auto_columns": null,
1568
      "grid_auto_flow": null,
1569
      "grid_auto_rows": null,
1570
      "grid_column": null,
1571
      "grid_gap": null,
1572
      "grid_row": null,
1573
      "grid_template_areas": null,
1574
      "grid_template_columns": null,
1575
      "grid_template_rows": null,
1576
      "height": null,
1577
      "justify_content": null,
1578
      "justify_items": null,
1579
      "left": null,
1580
      "margin": null,
1581
      "max_height": null,
1582
      "max_width": null,
1583
      "min_height": null,
1584
      "min_width": null,
1585
      "object_fit": null,
1586
      "object_position": null,
1587
      "order": null,
1588
      "overflow": null,
1589
      "overflow_x": null,
1590
      "overflow_y": null,
1591
      "padding": null,
1592
      "right": null,
1593
      "top": null,
1594
      "visibility": null,
1595
      "width": null
1596
     }
1597
    },
1598
    "47fcada281d84d76bb5511cde5f34e5d": {
1599
     "model_module": "@jupyter-widgets/controls",
1600
     "model_module_version": "1.5.0",
1601
     "model_name": "FloatProgressModel",
1602
     "state": {
1603
      "_dom_classes": [],
1604
      "_model_module": "@jupyter-widgets/controls",
1605
      "_model_module_version": "1.5.0",
1606
      "_model_name": "FloatProgressModel",
1607
      "_view_count": null,
1608
      "_view_module": "@jupyter-widgets/controls",
1609
      "_view_module_version": "1.5.0",
1610
      "_view_name": "ProgressView",
1611
      "bar_style": "",
1612
      "description": "",
1613
      "description_tooltip": null,
1614
      "layout": "IPY_MODEL_6c9b25d921b94dfc903d27b0585d3efe",
1615
      "max": 9,
1616
      "min": 0,
1617
      "orientation": "horizontal",
1618
      "style": "IPY_MODEL_2b5106349b7d450a8a3e19047645f226",
1619
      "value": 9
1620
     }
1621
    },
1622
    "4a0f8df90d2146af892f577966850195": {
1623
     "model_module": "@jupyter-widgets/controls",
1624
     "model_module_version": "1.5.0",
1625
     "model_name": "DescriptionStyleModel",
1626
     "state": {
1627
      "_model_module": "@jupyter-widgets/controls",
1628
      "_model_module_version": "1.5.0",
1629
      "_model_name": "DescriptionStyleModel",
1630
      "_view_count": null,
1631
      "_view_module": "@jupyter-widgets/base",
1632
      "_view_module_version": "1.2.0",
1633
      "_view_name": "StyleView",
1634
      "description_width": ""
1635
     }
1636
    },
1637
    "4b414f3636314e7ca01af3d26029219b": {
1638
     "model_module": "@jupyter-widgets/controls",
1639
     "model_module_version": "1.5.0",
1640
     "model_name": "DescriptionStyleModel",
1641
     "state": {
1642
      "_model_module": "@jupyter-widgets/controls",
1643
      "_model_module_version": "1.5.0",
1644
      "_model_name": "DescriptionStyleModel",
1645
      "_view_count": null,
1646
      "_view_module": "@jupyter-widgets/base",
1647
      "_view_module_version": "1.2.0",
1648
      "_view_name": "StyleView",
1649
      "description_width": ""
1650
     }
1651
    },
1652
    "52637a6c666f4735b0cc9a06c77984de": {
1653
     "model_module": "@jupyter-widgets/controls",
1654
     "model_module_version": "1.5.0",
1655
     "model_name": "FloatProgressModel",
1656
     "state": {
1657
      "_dom_classes": [],
1658
      "_model_module": "@jupyter-widgets/controls",
1659
      "_model_module_version": "1.5.0",
1660
      "_model_name": "FloatProgressModel",
1661
      "_view_count": null,
1662
      "_view_module": "@jupyter-widgets/controls",
1663
      "_view_module_version": "1.5.0",
1664
      "_view_name": "ProgressView",
1665
      "bar_style": "success",
1666
      "description": "",
1667
      "description_tooltip": null,
1668
      "layout": "IPY_MODEL_d472bf6488954a50af259fb1dd9803ca",
1669
      "max": 4670,
1670
      "min": 0,
1671
      "orientation": "horizontal",
1672
      "style": "IPY_MODEL_1a4ec31d897f46208c2fb3273dc99383",
1673
      "value": 4670
1674
     }
1675
    },
1676
    "585bb97b3dfa4715a34ead8dcc40f6e8": {
1677
     "model_module": "@jupyter-widgets/base",
1678
     "model_module_version": "1.2.0",
1679
     "model_name": "LayoutModel",
1680
     "state": {
1681
      "_model_module": "@jupyter-widgets/base",
1682
      "_model_module_version": "1.2.0",
1683
      "_model_name": "LayoutModel",
1684
      "_view_count": null,
1685
      "_view_module": "@jupyter-widgets/base",
1686
      "_view_module_version": "1.2.0",
1687
      "_view_name": "LayoutView",
1688
      "align_content": null,
1689
      "align_items": null,
1690
      "align_self": null,
1691
      "border": null,
1692
      "bottom": null,
1693
      "display": null,
1694
      "flex": null,
1695
      "flex_flow": null,
1696
      "grid_area": null,
1697
      "grid_auto_columns": null,
1698
      "grid_auto_flow": null,
1699
      "grid_auto_rows": null,
1700
      "grid_column": null,
1701
      "grid_gap": null,
1702
      "grid_row": null,
1703
      "grid_template_areas": null,
1704
      "grid_template_columns": null,
1705
      "grid_template_rows": null,
1706
      "height": null,
1707
      "justify_content": null,
1708
      "justify_items": null,
1709
      "left": null,
1710
      "margin": null,
1711
      "max_height": null,
1712
      "max_width": null,
1713
      "min_height": null,
1714
      "min_width": null,
1715
      "object_fit": null,
1716
      "object_position": null,
1717
      "order": null,
1718
      "overflow": null,
1719
      "overflow_x": null,
1720
      "overflow_y": null,
1721
      "padding": null,
1722
      "right": null,
1723
      "top": null,
1724
      "visibility": null,
1725
      "width": null
1726
     }
1727
    },
1728
    "5caa21b050534272beef6359755f046f": {
1729
     "model_module": "@jupyter-widgets/controls",
1730
     "model_module_version": "1.5.0",
1731
     "model_name": "ProgressStyleModel",
1732
     "state": {
1733
      "_model_module": "@jupyter-widgets/controls",
1734
      "_model_module_version": "1.5.0",
1735
      "_model_name": "ProgressStyleModel",
1736
      "_view_count": null,
1737
      "_view_module": "@jupyter-widgets/base",
1738
      "_view_module_version": "1.2.0",
1739
      "_view_name": "StyleView",
1740
      "bar_color": null,
1741
      "description_width": ""
1742
     }
1743
    },
1744
    "5d9c75c8fa994b60bf873ea47e6b08bd": {
1745
     "model_module": "@jupyter-widgets/controls",
1746
     "model_module_version": "1.5.0",
1747
     "model_name": "HTMLModel",
1748
     "state": {
1749
      "_dom_classes": [],
1750
      "_model_module": "@jupyter-widgets/controls",
1751
      "_model_module_version": "1.5.0",
1752
      "_model_name": "HTMLModel",
1753
      "_view_count": null,
1754
      "_view_module": "@jupyter-widgets/controls",
1755
      "_view_module_version": "1.5.0",
1756
      "_view_name": "HTMLView",
1757
      "description": "",
1758
      "description_tooltip": null,
1759
      "layout": "IPY_MODEL_3c22f8e8bf624cb4a096e8aa3e4d608c",
1760
      "placeholder": "​",
1761
      "style": "IPY_MODEL_1b3e3a062ae14b709f2d14a6c6a3f1ee",
1762
      "value": " 1/1 [00:00&lt;00:00, 43.18it/s]"
1763
     }
1764
    },
1765
    "5f2609d9b4dd43bfbad5db65c7bd6d0c": {
1766
     "model_module": "@jupyter-widgets/base",
1767
     "model_module_version": "1.2.0",
1768
     "model_name": "LayoutModel",
1769
     "state": {
1770
      "_model_module": "@jupyter-widgets/base",
1771
      "_model_module_version": "1.2.0",
1772
      "_model_name": "LayoutModel",
1773
      "_view_count": null,
1774
      "_view_module": "@jupyter-widgets/base",
1775
      "_view_module_version": "1.2.0",
1776
      "_view_name": "LayoutView",
1777
      "align_content": null,
1778
      "align_items": null,
1779
      "align_self": null,
1780
      "border": null,
1781
      "bottom": null,
1782
      "display": null,
1783
      "flex": null,
1784
      "flex_flow": null,
1785
      "grid_area": null,
1786
      "grid_auto_columns": null,
1787
      "grid_auto_flow": null,
1788
      "grid_auto_rows": null,
1789
      "grid_column": null,
1790
      "grid_gap": null,
1791
      "grid_row": null,
1792
      "grid_template_areas": null,
1793
      "grid_template_columns": null,
1794
      "grid_template_rows": null,
1795
      "height": null,
1796
      "justify_content": null,
1797
      "justify_items": null,
1798
      "left": null,
1799
      "margin": null,
1800
      "max_height": null,
1801
      "max_width": null,
1802
      "min_height": null,
1803
      "min_width": null,
1804
      "object_fit": null,
1805
      "object_position": null,
1806
      "order": null,
1807
      "overflow": null,
1808
      "overflow_x": null,
1809
      "overflow_y": null,
1810
      "padding": null,
1811
      "right": null,
1812
      "top": null,
1813
      "visibility": null,
1814
      "width": null
1815
     }
1816
    },
1817
    "61423967a19346a8bc12f9237567587c": {
1818
     "model_module": "@jupyter-widgets/base",
1819
     "model_module_version": "1.2.0",
1820
     "model_name": "LayoutModel",
1821
     "state": {
1822
      "_model_module": "@jupyter-widgets/base",
1823
      "_model_module_version": "1.2.0",
1824
      "_model_name": "LayoutModel",
1825
      "_view_count": null,
1826
      "_view_module": "@jupyter-widgets/base",
1827
      "_view_module_version": "1.2.0",
1828
      "_view_name": "LayoutView",
1829
      "align_content": null,
1830
      "align_items": null,
1831
      "align_self": null,
1832
      "border": null,
1833
      "bottom": null,
1834
      "display": null,
1835
      "flex": null,
1836
      "flex_flow": null,
1837
      "grid_area": null,
1838
      "grid_auto_columns": null,
1839
      "grid_auto_flow": null,
1840
      "grid_auto_rows": null,
1841
      "grid_column": null,
1842
      "grid_gap": null,
1843
      "grid_row": null,
1844
      "grid_template_areas": null,
1845
      "grid_template_columns": null,
1846
      "grid_template_rows": null,
1847
      "height": null,
1848
      "justify_content": null,
1849
      "justify_items": null,
1850
      "left": null,
1851
      "margin": null,
1852
      "max_height": null,
1853
      "max_width": null,
1854
      "min_height": null,
1855
      "min_width": null,
1856
      "object_fit": null,
1857
      "object_position": null,
1858
      "order": null,
1859
      "overflow": null,
1860
      "overflow_x": null,
1861
      "overflow_y": null,
1862
      "padding": null,
1863
      "right": null,
1864
      "top": null,
1865
      "visibility": null,
1866
      "width": null
1867
     }
1868
    },
1869
    "662a6b9b2db44b5a87507d3e5d653fcb": {
1870
     "model_module": "@jupyter-widgets/controls",
1871
     "model_module_version": "1.5.0",
1872
     "model_name": "HBoxModel",
1873
     "state": {
1874
      "_dom_classes": [],
1875
      "_model_module": "@jupyter-widgets/controls",
1876
      "_model_module_version": "1.5.0",
1877
      "_model_name": "HBoxModel",
1878
      "_view_count": null,
1879
      "_view_module": "@jupyter-widgets/controls",
1880
      "_view_module_version": "1.5.0",
1881
      "_view_name": "HBoxView",
1882
      "box_style": "",
1883
      "children": [
1884
       "IPY_MODEL_cfa7a372d979445c935c1b41ba4da2b9",
1885
       "IPY_MODEL_96c9748929bf4a718ccee4ba009d756f",
1886
       "IPY_MODEL_74b5b49c46c04e46974bf1d3f9e33e98"
1887
      ],
1888
      "layout": "IPY_MODEL_23e7b9d8d0fe4382a6d96721e2abee7f"
1889
     }
1890
    },
1891
    "6bf664bc5e1e4d8b91da0a15f500e93a": {
1892
     "model_module": "@jupyter-widgets/base",
1893
     "model_module_version": "1.2.0",
1894
     "model_name": "LayoutModel",
1895
     "state": {
1896
      "_model_module": "@jupyter-widgets/base",
1897
      "_model_module_version": "1.2.0",
1898
      "_model_name": "LayoutModel",
1899
      "_view_count": null,
1900
      "_view_module": "@jupyter-widgets/base",
1901
      "_view_module_version": "1.2.0",
1902
      "_view_name": "LayoutView",
1903
      "align_content": null,
1904
      "align_items": null,
1905
      "align_self": null,
1906
      "border": null,
1907
      "bottom": null,
1908
      "display": null,
1909
      "flex": null,
1910
      "flex_flow": null,
1911
      "grid_area": null,
1912
      "grid_auto_columns": null,
1913
      "grid_auto_flow": null,
1914
      "grid_auto_rows": null,
1915
      "grid_column": null,
1916
      "grid_gap": null,
1917
      "grid_row": null,
1918
      "grid_template_areas": null,
1919
      "grid_template_columns": null,
1920
      "grid_template_rows": null,
1921
      "height": null,
1922
      "justify_content": null,
1923
      "justify_items": null,
1924
      "left": null,
1925
      "margin": null,
1926
      "max_height": null,
1927
      "max_width": null,
1928
      "min_height": null,
1929
      "min_width": null,
1930
      "object_fit": null,
1931
      "object_position": null,
1932
      "order": null,
1933
      "overflow": null,
1934
      "overflow_x": null,
1935
      "overflow_y": null,
1936
      "padding": null,
1937
      "right": null,
1938
      "top": null,
1939
      "visibility": null,
1940
      "width": "20px"
1941
     }
1942
    },
1943
    "6c9b25d921b94dfc903d27b0585d3efe": {
1944
     "model_module": "@jupyter-widgets/base",
1945
     "model_module_version": "1.2.0",
1946
     "model_name": "LayoutModel",
1947
     "state": {
1948
      "_model_module": "@jupyter-widgets/base",
1949
      "_model_module_version": "1.2.0",
1950
      "_model_name": "LayoutModel",
1951
      "_view_count": null,
1952
      "_view_module": "@jupyter-widgets/base",
1953
      "_view_module_version": "1.2.0",
1954
      "_view_name": "LayoutView",
1955
      "align_content": null,
1956
      "align_items": null,
1957
      "align_self": null,
1958
      "border": null,
1959
      "bottom": null,
1960
      "display": null,
1961
      "flex": null,
1962
      "flex_flow": null,
1963
      "grid_area": null,
1964
      "grid_auto_columns": null,
1965
      "grid_auto_flow": null,
1966
      "grid_auto_rows": null,
1967
      "grid_column": null,
1968
      "grid_gap": null,
1969
      "grid_row": null,
1970
      "grid_template_areas": null,
1971
      "grid_template_columns": null,
1972
      "grid_template_rows": null,
1973
      "height": null,
1974
      "justify_content": null,
1975
      "justify_items": null,
1976
      "left": null,
1977
      "margin": null,
1978
      "max_height": null,
1979
      "max_width": null,
1980
      "min_height": null,
1981
      "min_width": null,
1982
      "object_fit": null,
1983
      "object_position": null,
1984
      "order": null,
1985
      "overflow": null,
1986
      "overflow_x": null,
1987
      "overflow_y": null,
1988
      "padding": null,
1989
      "right": null,
1990
      "top": null,
1991
      "visibility": null,
1992
      "width": null
1993
     }
1994
    },
1995
    "6ddd6e93f7494e74b715db33bdc60708": {
1996
     "model_module": "@jupyter-widgets/controls",
1997
     "model_module_version": "1.5.0",
1998
     "model_name": "HBoxModel",
1999
     "state": {
2000
      "_dom_classes": [],
2001
      "_model_module": "@jupyter-widgets/controls",
2002
      "_model_module_version": "1.5.0",
2003
      "_model_name": "HBoxModel",
2004
      "_view_count": null,
2005
      "_view_module": "@jupyter-widgets/controls",
2006
      "_view_module_version": "1.5.0",
2007
      "_view_name": "HBoxView",
2008
      "box_style": "",
2009
      "children": [
2010
       "IPY_MODEL_ec99aef6d00c41b0a4e55c4ce4738f2e",
2011
       "IPY_MODEL_52637a6c666f4735b0cc9a06c77984de",
2012
       "IPY_MODEL_a18f65e140a446ec86d21444b2a96f82"
2013
      ],
2014
      "layout": "IPY_MODEL_5f2609d9b4dd43bfbad5db65c7bd6d0c"
2015
     }
2016
    },
2017
    "71d2dab421d24180b3702f8527774891": {
2018
     "model_module": "@jupyter-widgets/controls",
2019
     "model_module_version": "1.5.0",
2020
     "model_name": "DescriptionStyleModel",
2021
     "state": {
2022
      "_model_module": "@jupyter-widgets/controls",
2023
      "_model_module_version": "1.5.0",
2024
      "_model_name": "DescriptionStyleModel",
2025
      "_view_count": null,
2026
      "_view_module": "@jupyter-widgets/base",
2027
      "_view_module_version": "1.2.0",
2028
      "_view_name": "StyleView",
2029
      "description_width": ""
2030
     }
2031
    },
2032
    "74166d6734b64cf993558d62922429e8": {
2033
     "model_module": "@jupyter-widgets/controls",
2034
     "model_module_version": "1.5.0",
2035
     "model_name": "HTMLModel",
2036
     "state": {
2037
      "_dom_classes": [],
2038
      "_model_module": "@jupyter-widgets/controls",
2039
      "_model_module_version": "1.5.0",
2040
      "_model_name": "HTMLModel",
2041
      "_view_count": null,
2042
      "_view_module": "@jupyter-widgets/controls",
2043
      "_view_module_version": "1.5.0",
2044
      "_view_name": "HTMLView",
2045
      "description": "",
2046
      "description_tooltip": null,
2047
      "layout": "IPY_MODEL_0f3d3da78ebf4e68b7be1bc0431995a8",
2048
      "placeholder": "​",
2049
      "style": "IPY_MODEL_4b414f3636314e7ca01af3d26029219b",
2050
      "value": "100%"
2051
     }
2052
    },
2053
    "74b5b49c46c04e46974bf1d3f9e33e98": {
2054
     "model_module": "@jupyter-widgets/controls",
2055
     "model_module_version": "1.5.0",
2056
     "model_name": "HTMLModel",
2057
     "state": {
2058
      "_dom_classes": [],
2059
      "_model_module": "@jupyter-widgets/controls",
2060
      "_model_module_version": "1.5.0",
2061
      "_model_name": "HTMLModel",
2062
      "_view_count": null,
2063
      "_view_module": "@jupyter-widgets/controls",
2064
      "_view_module_version": "1.5.0",
2065
      "_view_name": "HTMLView",
2066
      "description": "",
2067
      "description_tooltip": null,
2068
      "layout": "IPY_MODEL_a816e5006b234b0c929a63ebe85a7318",
2069
      "placeholder": "​",
2070
      "style": "IPY_MODEL_76f0763b62234ebdb549a1cbc8ef1038",
2071
      "value": " 12.7k/12.7k [00:00&lt;00:00, 697kB/s]"
2072
     }
2073
    },
2074
    "765ff08e9a49445eb315996ca2646ed5": {
2075
     "model_module": "@jupyter-widgets/base",
2076
     "model_module_version": "1.2.0",
2077
     "model_name": "LayoutModel",
2078
     "state": {
2079
      "_model_module": "@jupyter-widgets/base",
2080
      "_model_module_version": "1.2.0",
2081
      "_model_name": "LayoutModel",
2082
      "_view_count": null,
2083
      "_view_module": "@jupyter-widgets/base",
2084
      "_view_module_version": "1.2.0",
2085
      "_view_name": "LayoutView",
2086
      "align_content": null,
2087
      "align_items": null,
2088
      "align_self": null,
2089
      "border": null,
2090
      "bottom": null,
2091
      "display": null,
2092
      "flex": null,
2093
      "flex_flow": null,
2094
      "grid_area": null,
2095
      "grid_auto_columns": null,
2096
      "grid_auto_flow": null,
2097
      "grid_auto_rows": null,
2098
      "grid_column": null,
2099
      "grid_gap": null,
2100
      "grid_row": null,
2101
      "grid_template_areas": null,
2102
      "grid_template_columns": null,
2103
      "grid_template_rows": null,
2104
      "height": null,
2105
      "justify_content": null,
2106
      "justify_items": null,
2107
      "left": null,
2108
      "margin": null,
2109
      "max_height": null,
2110
      "max_width": null,
2111
      "min_height": null,
2112
      "min_width": null,
2113
      "object_fit": null,
2114
      "object_position": null,
2115
      "order": null,
2116
      "overflow": null,
2117
      "overflow_x": null,
2118
      "overflow_y": null,
2119
      "padding": null,
2120
      "right": null,
2121
      "top": null,
2122
      "visibility": null,
2123
      "width": null
2124
     }
2125
    },
2126
    "76f0763b62234ebdb549a1cbc8ef1038": {
2127
     "model_module": "@jupyter-widgets/controls",
2128
     "model_module_version": "1.5.0",
2129
     "model_name": "DescriptionStyleModel",
2130
     "state": {
2131
      "_model_module": "@jupyter-widgets/controls",
2132
      "_model_module_version": "1.5.0",
2133
      "_model_name": "DescriptionStyleModel",
2134
      "_view_count": null,
2135
      "_view_module": "@jupyter-widgets/base",
2136
      "_view_module_version": "1.2.0",
2137
      "_view_name": "StyleView",
2138
      "description_width": ""
2139
     }
2140
    },
2141
    "7d3e749b3b1c474dbf97b3f36f38b0d4": {
2142
     "model_module": "@jupyter-widgets/controls",
2143
     "model_module_version": "1.5.0",
2144
     "model_name": "FloatProgressModel",
2145
     "state": {
2146
      "_dom_classes": [],
2147
      "_model_module": "@jupyter-widgets/controls",
2148
      "_model_module_version": "1.5.0",
2149
      "_model_name": "FloatProgressModel",
2150
      "_view_count": null,
2151
      "_view_module": "@jupyter-widgets/controls",
2152
      "_view_module_version": "1.5.0",
2153
      "_view_name": "ProgressView",
2154
      "bar_style": "success",
2155
      "description": "",
2156
      "description_tooltip": null,
2157
      "layout": "IPY_MODEL_31babd5f3e1446f9b33fc25c8f0594ed",
2158
      "max": 1,
2159
      "min": 0,
2160
      "orientation": "horizontal",
2161
      "style": "IPY_MODEL_b72cd20b758b483a9a886c2270b7af39",
2162
      "value": 1
2163
     }
2164
    },
2165
    "81bf378859044d48b6a553cdc0b1b12d": {
2166
     "model_module": "@jupyter-widgets/controls",
2167
     "model_module_version": "1.5.0",
2168
     "model_name": "DescriptionStyleModel",
2169
     "state": {
2170
      "_model_module": "@jupyter-widgets/controls",
2171
      "_model_module_version": "1.5.0",
2172
      "_model_name": "DescriptionStyleModel",
2173
      "_view_count": null,
2174
      "_view_module": "@jupyter-widgets/base",
2175
      "_view_module_version": "1.2.0",
2176
      "_view_name": "StyleView",
2177
      "description_width": ""
2178
     }
2179
    },
2180
    "8211fcaab394409db5fc69957dfbc6c0": {
2181
     "model_module": "@jupyter-widgets/controls",
2182
     "model_module_version": "1.5.0",
2183
     "model_name": "HTMLModel",
2184
     "state": {
2185
      "_dom_classes": [],
2186
      "_model_module": "@jupyter-widgets/controls",
2187
      "_model_module_version": "1.5.0",
2188
      "_model_name": "HTMLModel",
2189
      "_view_count": null,
2190
      "_view_module": "@jupyter-widgets/controls",
2191
      "_view_module_version": "1.5.0",
2192
      "_view_name": "HTMLView",
2193
      "description": "",
2194
      "description_tooltip": null,
2195
      "layout": "IPY_MODEL_585bb97b3dfa4715a34ead8dcc40f6e8",
2196
      "placeholder": "​",
2197
      "style": "IPY_MODEL_4a0f8df90d2146af892f577966850195",
2198
      "value": " 1/1 [00:00&lt;00:00,  1.97it/s]"
2199
     }
2200
    },
2201
    "834c76a8b4f143a2af5440b5b8275645": {
2202
     "model_module": "@jupyter-widgets/base",
2203
     "model_module_version": "1.2.0",
2204
     "model_name": "LayoutModel",
2205
     "state": {
2206
      "_model_module": "@jupyter-widgets/base",
2207
      "_model_module_version": "1.2.0",
2208
      "_model_name": "LayoutModel",
2209
      "_view_count": null,
2210
      "_view_module": "@jupyter-widgets/base",
2211
      "_view_module_version": "1.2.0",
2212
      "_view_name": "LayoutView",
2213
      "align_content": null,
2214
      "align_items": null,
2215
      "align_self": null,
2216
      "border": null,
2217
      "bottom": null,
2218
      "display": null,
2219
      "flex": null,
2220
      "flex_flow": null,
2221
      "grid_area": null,
2222
      "grid_auto_columns": null,
2223
      "grid_auto_flow": null,
2224
      "grid_auto_rows": null,
2225
      "grid_column": null,
2226
      "grid_gap": null,
2227
      "grid_row": null,
2228
      "grid_template_areas": null,
2229
      "grid_template_columns": null,
2230
      "grid_template_rows": null,
2231
      "height": null,
2232
      "justify_content": null,
2233
      "justify_items": null,
2234
      "left": null,
2235
      "margin": null,
2236
      "max_height": null,
2237
      "max_width": null,
2238
      "min_height": null,
2239
      "min_width": null,
2240
      "object_fit": null,
2241
      "object_position": null,
2242
      "order": null,
2243
      "overflow": null,
2244
      "overflow_x": null,
2245
      "overflow_y": null,
2246
      "padding": null,
2247
      "right": null,
2248
      "top": null,
2249
      "visibility": null,
2250
      "width": null
2251
     }
2252
    },
2253
    "8ea860a65d8d413f868e589b91eefa6a": {
2254
     "model_module": "@jupyter-widgets/controls",
2255
     "model_module_version": "1.5.0",
2256
     "model_name": "ProgressStyleModel",
2257
     "state": {
2258
      "_model_module": "@jupyter-widgets/controls",
2259
      "_model_module_version": "1.5.0",
2260
      "_model_name": "ProgressStyleModel",
2261
      "_view_count": null,
2262
      "_view_module": "@jupyter-widgets/base",
2263
      "_view_module_version": "1.2.0",
2264
      "_view_name": "StyleView",
2265
      "bar_color": null,
2266
      "description_width": ""
2267
     }
2268
    },
2269
    "96c9748929bf4a718ccee4ba009d756f": {
2270
     "model_module": "@jupyter-widgets/controls",
2271
     "model_module_version": "1.5.0",
2272
     "model_name": "FloatProgressModel",
2273
     "state": {
2274
      "_dom_classes": [],
2275
      "_model_module": "@jupyter-widgets/controls",
2276
      "_model_module_version": "1.5.0",
2277
      "_model_name": "FloatProgressModel",
2278
      "_view_count": null,
2279
      "_view_module": "@jupyter-widgets/controls",
2280
      "_view_module_version": "1.5.0",
2281
      "_view_name": "ProgressView",
2282
      "bar_style": "success",
2283
      "description": "",
2284
      "description_tooltip": null,
2285
      "layout": "IPY_MODEL_3cb6e552e34c4e13af65352260412b22",
2286
      "max": 12731,
2287
      "min": 0,
2288
      "orientation": "horizontal",
2289
      "style": "IPY_MODEL_5caa21b050534272beef6359755f046f",
2290
      "value": 12731
2291
     }
2292
    },
2293
    "9b8c2bfe55254c1a913390e0871d9bdb": {
2294
     "model_module": "@jupyter-widgets/controls",
2295
     "model_module_version": "1.5.0",
2296
     "model_name": "DescriptionStyleModel",
2297
     "state": {
2298
      "_model_module": "@jupyter-widgets/controls",
2299
      "_model_module_version": "1.5.0",
2300
      "_model_name": "DescriptionStyleModel",
2301
      "_view_count": null,
2302
      "_view_module": "@jupyter-widgets/base",
2303
      "_view_module_version": "1.2.0",
2304
      "_view_name": "StyleView",
2305
      "description_width": ""
2306
     }
2307
    },
2308
    "9c50d9359d2549dd82adf886cf10e66f": {
2309
     "model_module": "@jupyter-widgets/base",
2310
     "model_module_version": "1.2.0",
2311
     "model_name": "LayoutModel",
2312
     "state": {
2313
      "_model_module": "@jupyter-widgets/base",
2314
      "_model_module_version": "1.2.0",
2315
      "_model_name": "LayoutModel",
2316
      "_view_count": null,
2317
      "_view_module": "@jupyter-widgets/base",
2318
      "_view_module_version": "1.2.0",
2319
      "_view_name": "LayoutView",
2320
      "align_content": null,
2321
      "align_items": null,
2322
      "align_self": null,
2323
      "border": null,
2324
      "bottom": null,
2325
      "display": null,
2326
      "flex": null,
2327
      "flex_flow": null,
2328
      "grid_area": null,
2329
      "grid_auto_columns": null,
2330
      "grid_auto_flow": null,
2331
      "grid_auto_rows": null,
2332
      "grid_column": null,
2333
      "grid_gap": null,
2334
      "grid_row": null,
2335
      "grid_template_areas": null,
2336
      "grid_template_columns": null,
2337
      "grid_template_rows": null,
2338
      "height": null,
2339
      "justify_content": null,
2340
      "justify_items": null,
2341
      "left": null,
2342
      "margin": null,
2343
      "max_height": null,
2344
      "max_width": null,
2345
      "min_height": null,
2346
      "min_width": null,
2347
      "object_fit": null,
2348
      "object_position": null,
2349
      "order": null,
2350
      "overflow": null,
2351
      "overflow_x": null,
2352
      "overflow_y": null,
2353
      "padding": null,
2354
      "right": null,
2355
      "top": null,
2356
      "visibility": null,
2357
      "width": null
2358
     }
2359
    },
2360
    "9ca4afbe27f84b17a9f614c49ff65cc2": {
2361
     "model_module": "@jupyter-widgets/controls",
2362
     "model_module_version": "1.5.0",
2363
     "model_name": "FloatProgressModel",
2364
     "state": {
2365
      "_dom_classes": [],
2366
      "_model_module": "@jupyter-widgets/controls",
2367
      "_model_module_version": "1.5.0",
2368
      "_model_name": "FloatProgressModel",
2369
      "_view_count": null,
2370
      "_view_module": "@jupyter-widgets/controls",
2371
      "_view_module_version": "1.5.0",
2372
      "_view_name": "ProgressView",
2373
      "bar_style": "success",
2374
      "description": "",
2375
      "description_tooltip": null,
2376
      "layout": "IPY_MODEL_765ff08e9a49445eb315996ca2646ed5",
2377
      "max": 1,
2378
      "min": 0,
2379
      "orientation": "horizontal",
2380
      "style": "IPY_MODEL_064fd94fccf54262b471027504c1cd1a",
2381
      "value": 1
2382
     }
2383
    },
2384
    "a18f65e140a446ec86d21444b2a96f82": {
2385
     "model_module": "@jupyter-widgets/controls",
2386
     "model_module_version": "1.5.0",
2387
     "model_name": "HTMLModel",
2388
     "state": {
2389
      "_dom_classes": [],
2390
      "_model_module": "@jupyter-widgets/controls",
2391
      "_model_module_version": "1.5.0",
2392
      "_model_name": "HTMLModel",
2393
      "_view_count": null,
2394
      "_view_module": "@jupyter-widgets/controls",
2395
      "_view_module_version": "1.5.0",
2396
      "_view_name": "HTMLView",
2397
      "description": "",
2398
      "description_tooltip": null,
2399
      "layout": "IPY_MODEL_ff186bd32e2349bb857a8ad1007587d8",
2400
      "placeholder": "​",
2401
      "style": "IPY_MODEL_2fd73ab0303d42e39c3db366d004900e",
2402
      "value": " 4.67k/4.67k [00:00&lt;00:00, 222kB/s]"
2403
     }
2404
    },
2405
    "a318020c56ab432690e7bd3555d350c1": {
2406
     "model_module": "@jupyter-widgets/controls",
2407
     "model_module_version": "1.5.0",
2408
     "model_name": "DescriptionStyleModel",
2409
     "state": {
2410
      "_model_module": "@jupyter-widgets/controls",
2411
      "_model_module_version": "1.5.0",
2412
      "_model_name": "DescriptionStyleModel",
2413
      "_view_count": null,
2414
      "_view_module": "@jupyter-widgets/base",
2415
      "_view_module_version": "1.2.0",
2416
      "_view_name": "StyleView",
2417
      "description_width": ""
2418
     }
2419
    },
2420
    "a56bb61a990e40baa0a5a5aecf69ea1f": {
2421
     "model_module": "@jupyter-widgets/controls",
2422
     "model_module_version": "1.5.0",
2423
     "model_name": "DescriptionStyleModel",
2424
     "state": {
2425
      "_model_module": "@jupyter-widgets/controls",
2426
      "_model_module_version": "1.5.0",
2427
      "_model_name": "DescriptionStyleModel",
2428
      "_view_count": null,
2429
      "_view_module": "@jupyter-widgets/base",
2430
      "_view_module_version": "1.2.0",
2431
      "_view_name": "StyleView",
2432
      "description_width": ""
2433
     }
2434
    },
2435
    "a816e5006b234b0c929a63ebe85a7318": {
2436
     "model_module": "@jupyter-widgets/base",
2437
     "model_module_version": "1.2.0",
2438
     "model_name": "LayoutModel",
2439
     "state": {
2440
      "_model_module": "@jupyter-widgets/base",
2441
      "_model_module_version": "1.2.0",
2442
      "_model_name": "LayoutModel",
2443
      "_view_count": null,
2444
      "_view_module": "@jupyter-widgets/base",
2445
      "_view_module_version": "1.2.0",
2446
      "_view_name": "LayoutView",
2447
      "align_content": null,
2448
      "align_items": null,
2449
      "align_self": null,
2450
      "border": null,
2451
      "bottom": null,
2452
      "display": null,
2453
      "flex": null,
2454
      "flex_flow": null,
2455
      "grid_area": null,
2456
      "grid_auto_columns": null,
2457
      "grid_auto_flow": null,
2458
      "grid_auto_rows": null,
2459
      "grid_column": null,
2460
      "grid_gap": null,
2461
      "grid_row": null,
2462
      "grid_template_areas": null,
2463
      "grid_template_columns": null,
2464
      "grid_template_rows": null,
2465
      "height": null,
2466
      "justify_content": null,
2467
      "justify_items": null,
2468
      "left": null,
2469
      "margin": null,
2470
      "max_height": null,
2471
      "max_width": null,
2472
      "min_height": null,
2473
      "min_width": null,
2474
      "object_fit": null,
2475
      "object_position": null,
2476
      "order": null,
2477
      "overflow": null,
2478
      "overflow_x": null,
2479
      "overflow_y": null,
2480
      "padding": null,
2481
      "right": null,
2482
      "top": null,
2483
      "visibility": null,
2484
      "width": null
2485
     }
2486
    },
2487
    "b1bd06bd8a0443afb69868701d0e1f51": {
2488
     "model_module": "@jupyter-widgets/controls",
2489
     "model_module_version": "1.5.0",
2490
     "model_name": "FloatProgressModel",
2491
     "state": {
2492
      "_dom_classes": [],
2493
      "_model_module": "@jupyter-widgets/controls",
2494
      "_model_module_version": "1.5.0",
2495
      "_model_name": "FloatProgressModel",
2496
      "_view_count": null,
2497
      "_view_module": "@jupyter-widgets/controls",
2498
      "_view_module_version": "1.5.0",
2499
      "_view_name": "ProgressView",
2500
      "bar_style": "success",
2501
      "description": "",
2502
      "description_tooltip": null,
2503
      "layout": "IPY_MODEL_834c76a8b4f143a2af5440b5b8275645",
2504
      "max": 1,
2505
      "min": 0,
2506
      "orientation": "horizontal",
2507
      "style": "IPY_MODEL_26c443647a344e0296daf765e025b59c",
2508
      "value": 1
2509
     }
2510
    },
2511
    "b72cd20b758b483a9a886c2270b7af39": {
2512
     "model_module": "@jupyter-widgets/controls",
2513
     "model_module_version": "1.5.0",
2514
     "model_name": "ProgressStyleModel",
2515
     "state": {
2516
      "_model_module": "@jupyter-widgets/controls",
2517
      "_model_module_version": "1.5.0",
2518
      "_model_name": "ProgressStyleModel",
2519
      "_view_count": null,
2520
      "_view_module": "@jupyter-widgets/base",
2521
      "_view_module_version": "1.2.0",
2522
      "_view_name": "StyleView",
2523
      "bar_color": null,
2524
      "description_width": ""
2525
     }
2526
    },
2527
    "bacd1433ec68458abea1f78857204e28": {
2528
     "model_module": "@jupyter-widgets/controls",
2529
     "model_module_version": "1.5.0",
2530
     "model_name": "DescriptionStyleModel",
2531
     "state": {
2532
      "_model_module": "@jupyter-widgets/controls",
2533
      "_model_module_version": "1.5.0",
2534
      "_model_name": "DescriptionStyleModel",
2535
      "_view_count": null,
2536
      "_view_module": "@jupyter-widgets/base",
2537
      "_view_module_version": "1.2.0",
2538
      "_view_name": "StyleView",
2539
      "description_width": ""
2540
     }
2541
    },
2542
    "bdb2a84dbd284dce9b3e68e894589c4d": {
2543
     "model_module": "@jupyter-widgets/controls",
2544
     "model_module_version": "1.5.0",
2545
     "model_name": "HBoxModel",
2546
     "state": {
2547
      "_dom_classes": [],
2548
      "_model_module": "@jupyter-widgets/controls",
2549
      "_model_module_version": "1.5.0",
2550
      "_model_name": "HBoxModel",
2551
      "_view_count": null,
2552
      "_view_module": "@jupyter-widgets/controls",
2553
      "_view_module_version": "1.5.0",
2554
      "_view_name": "HBoxView",
2555
      "box_style": "",
2556
      "children": [
2557
       "IPY_MODEL_ebe4ea1ad44b4129af90ea80da124305",
2558
       "IPY_MODEL_9ca4afbe27f84b17a9f614c49ff65cc2",
2559
       "IPY_MODEL_8211fcaab394409db5fc69957dfbc6c0"
2560
      ],
2561
      "layout": "IPY_MODEL_cf018ce7c1a6490b943894790fea1c05"
2562
     }
2563
    },
2564
    "bf2b5346f60c4ebebbf921c8bdbdb8f3": {
2565
     "model_module": "@jupyter-widgets/base",
2566
     "model_module_version": "1.2.0",
2567
     "model_name": "LayoutModel",
2568
     "state": {
2569
      "_model_module": "@jupyter-widgets/base",
2570
      "_model_module_version": "1.2.0",
2571
      "_model_name": "LayoutModel",
2572
      "_view_count": null,
2573
      "_view_module": "@jupyter-widgets/base",
2574
      "_view_module_version": "1.2.0",
2575
      "_view_name": "LayoutView",
2576
      "align_content": null,
2577
      "align_items": null,
2578
      "align_self": null,
2579
      "border": null,
2580
      "bottom": null,
2581
      "display": null,
2582
      "flex": null,
2583
      "flex_flow": null,
2584
      "grid_area": null,
2585
      "grid_auto_columns": null,
2586
      "grid_auto_flow": null,
2587
      "grid_auto_rows": null,
2588
      "grid_column": null,
2589
      "grid_gap": null,
2590
      "grid_row": null,
2591
      "grid_template_areas": null,
2592
      "grid_template_columns": null,
2593
      "grid_template_rows": null,
2594
      "height": null,
2595
      "justify_content": null,
2596
      "justify_items": null,
2597
      "left": null,
2598
      "margin": null,
2599
      "max_height": null,
2600
      "max_width": null,
2601
      "min_height": null,
2602
      "min_width": null,
2603
      "object_fit": null,
2604
      "object_position": null,
2605
      "order": null,
2606
      "overflow": null,
2607
      "overflow_x": null,
2608
      "overflow_y": null,
2609
      "padding": null,
2610
      "right": null,
2611
      "top": null,
2612
      "visibility": null,
2613
      "width": null
2614
     }
2615
    },
2616
    "c81e528b4c1b4a82ad850234e4ab7c81": {
2617
     "model_module": "@jupyter-widgets/base",
2618
     "model_module_version": "1.2.0",
2619
     "model_name": "LayoutModel",
2620
     "state": {
2621
      "_model_module": "@jupyter-widgets/base",
2622
      "_model_module_version": "1.2.0",
2623
      "_model_name": "LayoutModel",
2624
      "_view_count": null,
2625
      "_view_module": "@jupyter-widgets/base",
2626
      "_view_module_version": "1.2.0",
2627
      "_view_name": "LayoutView",
2628
      "align_content": null,
2629
      "align_items": null,
2630
      "align_self": null,
2631
      "border": null,
2632
      "bottom": null,
2633
      "display": null,
2634
      "flex": null,
2635
      "flex_flow": null,
2636
      "grid_area": null,
2637
      "grid_auto_columns": null,
2638
      "grid_auto_flow": null,
2639
      "grid_auto_rows": null,
2640
      "grid_column": null,
2641
      "grid_gap": null,
2642
      "grid_row": null,
2643
      "grid_template_areas": null,
2644
      "grid_template_columns": null,
2645
      "grid_template_rows": null,
2646
      "height": null,
2647
      "justify_content": null,
2648
      "justify_items": null,
2649
      "left": null,
2650
      "margin": null,
2651
      "max_height": null,
2652
      "max_width": null,
2653
      "min_height": null,
2654
      "min_width": null,
2655
      "object_fit": null,
2656
      "object_position": null,
2657
      "order": null,
2658
      "overflow": null,
2659
      "overflow_x": null,
2660
      "overflow_y": null,
2661
      "padding": null,
2662
      "right": null,
2663
      "top": null,
2664
      "visibility": null,
2665
      "width": null
2666
     }
2667
    },
2668
    "c95677cdda7c460a9eecff5bf7ac266a": {
2669
     "model_module": "@jupyter-widgets/controls",
2670
     "model_module_version": "1.5.0",
2671
     "model_name": "ProgressStyleModel",
2672
     "state": {
2673
      "_model_module": "@jupyter-widgets/controls",
2674
      "_model_module_version": "1.5.0",
2675
      "_model_name": "ProgressStyleModel",
2676
      "_view_count": null,
2677
      "_view_module": "@jupyter-widgets/base",
2678
      "_view_module_version": "1.2.0",
2679
      "_view_name": "StyleView",
2680
      "bar_color": null,
2681
      "description_width": ""
2682
     }
2683
    },
2684
    "c980d3cd8af843ed9310ead9a543b793": {
2685
     "model_module": "@jupyter-widgets/controls",
2686
     "model_module_version": "1.5.0",
2687
     "model_name": "HTMLModel",
2688
     "state": {
2689
      "_dom_classes": [],
2690
      "_model_module": "@jupyter-widgets/controls",
2691
      "_model_module_version": "1.5.0",
2692
      "_model_name": "HTMLModel",
2693
      "_view_count": null,
2694
      "_view_module": "@jupyter-widgets/controls",
2695
      "_view_module_version": "1.5.0",
2696
      "_view_name": "HTMLView",
2697
      "description": "",
2698
      "description_tooltip": null,
2699
      "layout": "IPY_MODEL_1ff0227e975e4d4bb7afd6e80abee978",
2700
      "placeholder": "​",
2701
      "style": "IPY_MODEL_a56bb61a990e40baa0a5a5aecf69ea1f",
2702
      "value": " 1/1 [00:00&lt;00:00, 41.85it/s]"
2703
     }
2704
    },
2705
    "cf018ce7c1a6490b943894790fea1c05": {
2706
     "model_module": "@jupyter-widgets/base",
2707
     "model_module_version": "1.2.0",
2708
     "model_name": "LayoutModel",
2709
     "state": {
2710
      "_model_module": "@jupyter-widgets/base",
2711
      "_model_module_version": "1.2.0",
2712
      "_model_name": "LayoutModel",
2713
      "_view_count": null,
2714
      "_view_module": "@jupyter-widgets/base",
2715
      "_view_module_version": "1.2.0",
2716
      "_view_name": "LayoutView",
2717
      "align_content": null,
2718
      "align_items": null,
2719
      "align_self": null,
2720
      "border": null,
2721
      "bottom": null,
2722
      "display": null,
2723
      "flex": null,
2724
      "flex_flow": null,
2725
      "grid_area": null,
2726
      "grid_auto_columns": null,
2727
      "grid_auto_flow": null,
2728
      "grid_auto_rows": null,
2729
      "grid_column": null,
2730
      "grid_gap": null,
2731
      "grid_row": null,
2732
      "grid_template_areas": null,
2733
      "grid_template_columns": null,
2734
      "grid_template_rows": null,
2735
      "height": null,
2736
      "justify_content": null,
2737
      "justify_items": null,
2738
      "left": null,
2739
      "margin": null,
2740
      "max_height": null,
2741
      "max_width": null,
2742
      "min_height": null,
2743
      "min_width": null,
2744
      "object_fit": null,
2745
      "object_position": null,
2746
      "order": null,
2747
      "overflow": null,
2748
      "overflow_x": null,
2749
      "overflow_y": null,
2750
      "padding": null,
2751
      "right": null,
2752
      "top": null,
2753
      "visibility": null,
2754
      "width": null
2755
     }
2756
    },
2757
    "cf108025bc12403ea0be61c32b4267e5": {
2758
     "model_module": "@jupyter-widgets/controls",
2759
     "model_module_version": "1.5.0",
2760
     "model_name": "DescriptionStyleModel",
2761
     "state": {
2762
      "_model_module": "@jupyter-widgets/controls",
2763
      "_model_module_version": "1.5.0",
2764
      "_model_name": "DescriptionStyleModel",
2765
      "_view_count": null,
2766
      "_view_module": "@jupyter-widgets/base",
2767
      "_view_module_version": "1.2.0",
2768
      "_view_name": "StyleView",
2769
      "description_width": ""
2770
     }
2771
    },
2772
    "cfa7a372d979445c935c1b41ba4da2b9": {
2773
     "model_module": "@jupyter-widgets/controls",
2774
     "model_module_version": "1.5.0",
2775
     "model_name": "HTMLModel",
2776
     "state": {
2777
      "_dom_classes": [],
2778
      "_model_module": "@jupyter-widgets/controls",
2779
      "_model_module_version": "1.5.0",
2780
      "_model_name": "HTMLModel",
2781
      "_view_count": null,
2782
      "_view_module": "@jupyter-widgets/controls",
2783
      "_view_module_version": "1.5.0",
2784
      "_view_name": "HTMLView",
2785
      "description": "",
2786
      "description_tooltip": null,
2787
      "layout": "IPY_MODEL_c81e528b4c1b4a82ad850234e4ab7c81",
2788
      "placeholder": "​",
2789
      "style": "IPY_MODEL_f041731798504970ae1898758eed7263",
2790
      "value": "Downloading readme: 100%"
2791
     }
2792
    },
2793
    "d06f618d673f4c8f8729451040738bc4": {
2794
     "model_module": "@jupyter-widgets/controls",
2795
     "model_module_version": "1.5.0",
2796
     "model_name": "HTMLModel",
2797
     "state": {
2798
      "_dom_classes": [],
2799
      "_model_module": "@jupyter-widgets/controls",
2800
      "_model_module_version": "1.5.0",
2801
      "_model_name": "HTMLModel",
2802
      "_view_count": null,
2803
      "_view_module": "@jupyter-widgets/controls",
2804
      "_view_module_version": "1.5.0",
2805
      "_view_name": "HTMLView",
2806
      "description": "",
2807
      "description_tooltip": null,
2808
      "layout": "IPY_MODEL_f8c5c3c6eb0549f1ab7bc84aefe0978f",
2809
      "placeholder": "​",
2810
      "style": "IPY_MODEL_71d2dab421d24180b3702f8527774891",
2811
      "value": " 0/9 [00:00&lt;?, ? examples/s]"
2812
     }
2813
    },
2814
    "d2f36ad3ce4c43ad99d29b02990a4571": {
2815
     "model_module": "@jupyter-widgets/base",
2816
     "model_module_version": "1.2.0",
2817
     "model_name": "LayoutModel",
2818
     "state": {
2819
      "_model_module": "@jupyter-widgets/base",
2820
      "_model_module_version": "1.2.0",
2821
      "_model_name": "LayoutModel",
2822
      "_view_count": null,
2823
      "_view_module": "@jupyter-widgets/base",
2824
      "_view_module_version": "1.2.0",
2825
      "_view_name": "LayoutView",
2826
      "align_content": null,
2827
      "align_items": null,
2828
      "align_self": null,
2829
      "border": null,
2830
      "bottom": null,
2831
      "display": null,
2832
      "flex": null,
2833
      "flex_flow": null,
2834
      "grid_area": null,
2835
      "grid_auto_columns": null,
2836
      "grid_auto_flow": null,
2837
      "grid_auto_rows": null,
2838
      "grid_column": null,
2839
      "grid_gap": null,
2840
      "grid_row": null,
2841
      "grid_template_areas": null,
2842
      "grid_template_columns": null,
2843
      "grid_template_rows": null,
2844
      "height": null,
2845
      "justify_content": null,
2846
      "justify_items": null,
2847
      "left": null,
2848
      "margin": null,
2849
      "max_height": null,
2850
      "max_width": null,
2851
      "min_height": null,
2852
      "min_width": null,
2853
      "object_fit": null,
2854
      "object_position": null,
2855
      "order": null,
2856
      "overflow": null,
2857
      "overflow_x": null,
2858
      "overflow_y": null,
2859
      "padding": null,
2860
      "right": null,
2861
      "top": null,
2862
      "visibility": null,
2863
      "width": null
2864
     }
2865
    },
2866
    "d472bf6488954a50af259fb1dd9803ca": {
2867
     "model_module": "@jupyter-widgets/base",
2868
     "model_module_version": "1.2.0",
2869
     "model_name": "LayoutModel",
2870
     "state": {
2871
      "_model_module": "@jupyter-widgets/base",
2872
      "_model_module_version": "1.2.0",
2873
      "_model_name": "LayoutModel",
2874
      "_view_count": null,
2875
      "_view_module": "@jupyter-widgets/base",
2876
      "_view_module_version": "1.2.0",
2877
      "_view_name": "LayoutView",
2878
      "align_content": null,
2879
      "align_items": null,
2880
      "align_self": null,
2881
      "border": null,
2882
      "bottom": null,
2883
      "display": null,
2884
      "flex": null,
2885
      "flex_flow": null,
2886
      "grid_area": null,
2887
      "grid_auto_columns": null,
2888
      "grid_auto_flow": null,
2889
      "grid_auto_rows": null,
2890
      "grid_column": null,
2891
      "grid_gap": null,
2892
      "grid_row": null,
2893
      "grid_template_areas": null,
2894
      "grid_template_columns": null,
2895
      "grid_template_rows": null,
2896
      "height": null,
2897
      "justify_content": null,
2898
      "justify_items": null,
2899
      "left": null,
2900
      "margin": null,
2901
      "max_height": null,
2902
      "max_width": null,
2903
      "min_height": null,
2904
      "min_width": null,
2905
      "object_fit": null,
2906
      "object_position": null,
2907
      "order": null,
2908
      "overflow": null,
2909
      "overflow_x": null,
2910
      "overflow_y": null,
2911
      "padding": null,
2912
      "right": null,
2913
      "top": null,
2914
      "visibility": null,
2915
      "width": null
2916
     }
2917
    },
2918
    "d66ab33eca5f45ea969f9046cb4abbb3": {
2919
     "model_module": "@jupyter-widgets/base",
2920
     "model_module_version": "1.2.0",
2921
     "model_name": "LayoutModel",
2922
     "state": {
2923
      "_model_module": "@jupyter-widgets/base",
2924
      "_model_module_version": "1.2.0",
2925
      "_model_name": "LayoutModel",
2926
      "_view_count": null,
2927
      "_view_module": "@jupyter-widgets/base",
2928
      "_view_module_version": "1.2.0",
2929
      "_view_name": "LayoutView",
2930
      "align_content": null,
2931
      "align_items": null,
2932
      "align_self": null,
2933
      "border": null,
2934
      "bottom": null,
2935
      "display": null,
2936
      "flex": null,
2937
      "flex_flow": null,
2938
      "grid_area": null,
2939
      "grid_auto_columns": null,
2940
      "grid_auto_flow": null,
2941
      "grid_auto_rows": null,
2942
      "grid_column": null,
2943
      "grid_gap": null,
2944
      "grid_row": null,
2945
      "grid_template_areas": null,
2946
      "grid_template_columns": null,
2947
      "grid_template_rows": null,
2948
      "height": null,
2949
      "justify_content": null,
2950
      "justify_items": null,
2951
      "left": null,
2952
      "margin": null,
2953
      "max_height": null,
2954
      "max_width": null,
2955
      "min_height": null,
2956
      "min_width": null,
2957
      "object_fit": null,
2958
      "object_position": null,
2959
      "order": null,
2960
      "overflow": null,
2961
      "overflow_x": null,
2962
      "overflow_y": null,
2963
      "padding": null,
2964
      "right": null,
2965
      "top": null,
2966
      "visibility": null,
2967
      "width": null
2968
     }
2969
    },
2970
    "e44510c0662348a5b59c3d42db9b8f24": {
2971
     "model_module": "@jupyter-widgets/controls",
2972
     "model_module_version": "1.5.0",
2973
     "model_name": "HTMLModel",
2974
     "state": {
2975
      "_dom_classes": [],
2976
      "_model_module": "@jupyter-widgets/controls",
2977
      "_model_module_version": "1.5.0",
2978
      "_model_name": "HTMLModel",
2979
      "_view_count": null,
2980
      "_view_module": "@jupyter-widgets/controls",
2981
      "_view_module_version": "1.5.0",
2982
      "_view_name": "HTMLView",
2983
      "description": "",
2984
      "description_tooltip": null,
2985
      "layout": "IPY_MODEL_9c50d9359d2549dd82adf886cf10e66f",
2986
      "placeholder": "​",
2987
      "style": "IPY_MODEL_bacd1433ec68458abea1f78857204e28",
2988
      "value": " 5.21M/5.21M [00:00&lt;00:00, 36.6MB/s]"
2989
     }
2990
    },
2991
    "e6a5b454bcd34ada85a20f6ae2402010": {
2992
     "model_module": "@jupyter-widgets/controls",
2993
     "model_module_version": "1.5.0",
2994
     "model_name": "HTMLModel",
2995
     "state": {
2996
      "_dom_classes": [],
2997
      "_model_module": "@jupyter-widgets/controls",
2998
      "_model_module_version": "1.5.0",
2999
      "_model_name": "HTMLModel",
3000
      "_view_count": null,
3001
      "_view_module": "@jupyter-widgets/controls",
3002
      "_view_module_version": "1.5.0",
3003
      "_view_name": "HTMLView",
3004
      "description": "",
3005
      "description_tooltip": null,
3006
      "layout": "IPY_MODEL_213978d87ad54789a46cd88dbe9da83d",
3007
      "placeholder": "​",
3008
      "style": "IPY_MODEL_fa276025804d471bb24f0ee76ae71401",
3009
      "value": "Map:   0%"
3010
     }
3011
    },
3012
    "e9c82b5fa8bd4e078639b8c4ea2f3107": {
3013
     "model_module": "@jupyter-widgets/controls",
3014
     "model_module_version": "1.5.0",
3015
     "model_name": "DescriptionStyleModel",
3016
     "state": {
3017
      "_model_module": "@jupyter-widgets/controls",
3018
      "_model_module_version": "1.5.0",
3019
      "_model_name": "DescriptionStyleModel",
3020
      "_view_count": null,
3021
      "_view_module": "@jupyter-widgets/base",
3022
      "_view_module_version": "1.2.0",
3023
      "_view_name": "StyleView",
3024
      "description_width": ""
3025
     }
3026
    },
3027
    "ebe4ea1ad44b4129af90ea80da124305": {
3028
     "model_module": "@jupyter-widgets/controls",
3029
     "model_module_version": "1.5.0",
3030
     "model_name": "HTMLModel",
3031
     "state": {
3032
      "_dom_classes": [],
3033
      "_model_module": "@jupyter-widgets/controls",
3034
      "_model_module_version": "1.5.0",
3035
      "_model_name": "HTMLModel",
3036
      "_view_count": null,
3037
      "_view_module": "@jupyter-widgets/controls",
3038
      "_view_module_version": "1.5.0",
3039
      "_view_name": "HTMLView",
3040
      "description": "",
3041
      "description_tooltip": null,
3042
      "layout": "IPY_MODEL_31278efa4ce2495a876c9fabb4d32b7b",
3043
      "placeholder": "​",
3044
      "style": "IPY_MODEL_81bf378859044d48b6a553cdc0b1b12d",
3045
      "value": "Downloading data files: 100%"
3046
     }
3047
    },
3048
    "ec99aef6d00c41b0a4e55c4ce4738f2e": {
3049
     "model_module": "@jupyter-widgets/controls",
3050
     "model_module_version": "1.5.0",
3051
     "model_name": "HTMLModel",
3052
     "state": {
3053
      "_dom_classes": [],
3054
      "_model_module": "@jupyter-widgets/controls",
3055
      "_model_module_version": "1.5.0",
3056
      "_model_name": "HTMLModel",
3057
      "_view_count": null,
3058
      "_view_module": "@jupyter-widgets/controls",
3059
      "_view_module_version": "1.5.0",
3060
      "_view_name": "HTMLView",
3061
      "description": "",
3062
      "description_tooltip": null,
3063
      "layout": "IPY_MODEL_61423967a19346a8bc12f9237567587c",
3064
      "placeholder": "​",
3065
      "style": "IPY_MODEL_a318020c56ab432690e7bd3555d350c1",
3066
      "value": "Downloading (…)lve/main/argilla.cfg: 100%"
3067
     }
3068
    },
3069
    "f041731798504970ae1898758eed7263": {
3070
     "model_module": "@jupyter-widgets/controls",
3071
     "model_module_version": "1.5.0",
3072
     "model_name": "DescriptionStyleModel",
3073
     "state": {
3074
      "_model_module": "@jupyter-widgets/controls",
3075
      "_model_module_version": "1.5.0",
3076
      "_model_name": "DescriptionStyleModel",
3077
      "_view_count": null,
3078
      "_view_module": "@jupyter-widgets/base",
3079
      "_view_module_version": "1.2.0",
3080
      "_view_name": "StyleView",
3081
      "description_width": ""
3082
     }
3083
    },
3084
    "f68d264d936a4fba8daefc4ab869b4bf": {
3085
     "model_module": "@jupyter-widgets/base",
3086
     "model_module_version": "1.2.0",
3087
     "model_name": "LayoutModel",
3088
     "state": {
3089
      "_model_module": "@jupyter-widgets/base",
3090
      "_model_module_version": "1.2.0",
3091
      "_model_name": "LayoutModel",
3092
      "_view_count": null,
3093
      "_view_module": "@jupyter-widgets/base",
3094
      "_view_module_version": "1.2.0",
3095
      "_view_name": "LayoutView",
3096
      "align_content": null,
3097
      "align_items": null,
3098
      "align_self": null,
3099
      "border": null,
3100
      "bottom": null,
3101
      "display": null,
3102
      "flex": null,
3103
      "flex_flow": null,
3104
      "grid_area": null,
3105
      "grid_auto_columns": null,
3106
      "grid_auto_flow": null,
3107
      "grid_auto_rows": null,
3108
      "grid_column": null,
3109
      "grid_gap": null,
3110
      "grid_row": null,
3111
      "grid_template_areas": null,
3112
      "grid_template_columns": null,
3113
      "grid_template_rows": null,
3114
      "height": null,
3115
      "justify_content": null,
3116
      "justify_items": null,
3117
      "left": null,
3118
      "margin": null,
3119
      "max_height": null,
3120
      "max_width": null,
3121
      "min_height": null,
3122
      "min_width": null,
3123
      "object_fit": null,
3124
      "object_position": null,
3125
      "order": null,
3126
      "overflow": null,
3127
      "overflow_x": null,
3128
      "overflow_y": null,
3129
      "padding": null,
3130
      "right": null,
3131
      "top": null,
3132
      "visibility": null,
3133
      "width": null
3134
     }
3135
    },
3136
    "f8c5c3c6eb0549f1ab7bc84aefe0978f": {
3137
     "model_module": "@jupyter-widgets/base",
3138
     "model_module_version": "1.2.0",
3139
     "model_name": "LayoutModel",
3140
     "state": {
3141
      "_model_module": "@jupyter-widgets/base",
3142
      "_model_module_version": "1.2.0",
3143
      "_model_name": "LayoutModel",
3144
      "_view_count": null,
3145
      "_view_module": "@jupyter-widgets/base",
3146
      "_view_module_version": "1.2.0",
3147
      "_view_name": "LayoutView",
3148
      "align_content": null,
3149
      "align_items": null,
3150
      "align_self": null,
3151
      "border": null,
3152
      "bottom": null,
3153
      "display": null,
3154
      "flex": null,
3155
      "flex_flow": null,
3156
      "grid_area": null,
3157
      "grid_auto_columns": null,
3158
      "grid_auto_flow": null,
3159
      "grid_auto_rows": null,
3160
      "grid_column": null,
3161
      "grid_gap": null,
3162
      "grid_row": null,
3163
      "grid_template_areas": null,
3164
      "grid_template_columns": null,
3165
      "grid_template_rows": null,
3166
      "height": null,
3167
      "justify_content": null,
3168
      "justify_items": null,
3169
      "left": null,
3170
      "margin": null,
3171
      "max_height": null,
3172
      "max_width": null,
3173
      "min_height": null,
3174
      "min_width": null,
3175
      "object_fit": null,
3176
      "object_position": null,
3177
      "order": null,
3178
      "overflow": null,
3179
      "overflow_x": null,
3180
      "overflow_y": null,
3181
      "padding": null,
3182
      "right": null,
3183
      "top": null,
3184
      "visibility": null,
3185
      "width": null
3186
     }
3187
    },
3188
    "f99f718839d948aa9143936cab2982c6": {
3189
     "model_module": "@jupyter-widgets/base",
3190
     "model_module_version": "1.2.0",
3191
     "model_name": "LayoutModel",
3192
     "state": {
3193
      "_model_module": "@jupyter-widgets/base",
3194
      "_model_module_version": "1.2.0",
3195
      "_model_name": "LayoutModel",
3196
      "_view_count": null,
3197
      "_view_module": "@jupyter-widgets/base",
3198
      "_view_module_version": "1.2.0",
3199
      "_view_name": "LayoutView",
3200
      "align_content": null,
3201
      "align_items": null,
3202
      "align_self": null,
3203
      "border": null,
3204
      "bottom": null,
3205
      "display": null,
3206
      "flex": null,
3207
      "flex_flow": null,
3208
      "grid_area": null,
3209
      "grid_auto_columns": null,
3210
      "grid_auto_flow": null,
3211
      "grid_auto_rows": null,
3212
      "grid_column": null,
3213
      "grid_gap": null,
3214
      "grid_row": null,
3215
      "grid_template_areas": null,
3216
      "grid_template_columns": null,
3217
      "grid_template_rows": null,
3218
      "height": null,
3219
      "justify_content": null,
3220
      "justify_items": null,
3221
      "left": null,
3222
      "margin": null,
3223
      "max_height": null,
3224
      "max_width": null,
3225
      "min_height": null,
3226
      "min_width": null,
3227
      "object_fit": null,
3228
      "object_position": null,
3229
      "order": null,
3230
      "overflow": null,
3231
      "overflow_x": null,
3232
      "overflow_y": null,
3233
      "padding": null,
3234
      "right": null,
3235
      "top": null,
3236
      "visibility": null,
3237
      "width": null
3238
     }
3239
    },
3240
    "fa276025804d471bb24f0ee76ae71401": {
3241
     "model_module": "@jupyter-widgets/controls",
3242
     "model_module_version": "1.5.0",
3243
     "model_name": "DescriptionStyleModel",
3244
     "state": {
3245
      "_model_module": "@jupyter-widgets/controls",
3246
      "_model_module_version": "1.5.0",
3247
      "_model_name": "DescriptionStyleModel",
3248
      "_view_count": null,
3249
      "_view_module": "@jupyter-widgets/base",
3250
      "_view_module_version": "1.2.0",
3251
      "_view_name": "StyleView",
3252
      "description_width": ""
3253
     }
3254
    },
3255
    "fc2a55ac7a9e499c8dfa986e5acb889d": {
3256
     "model_module": "@jupyter-widgets/controls",
3257
     "model_module_version": "1.5.0",
3258
     "model_name": "HTMLModel",
3259
     "state": {
3260
      "_dom_classes": [],
3261
      "_model_module": "@jupyter-widgets/controls",
3262
      "_model_module_version": "1.5.0",
3263
      "_model_name": "HTMLModel",
3264
      "_view_count": null,
3265
      "_view_module": "@jupyter-widgets/controls",
3266
      "_view_module_version": "1.5.0",
3267
      "_view_name": "HTMLView",
3268
      "description": "",
3269
      "description_tooltip": null,
3270
      "layout": "IPY_MODEL_45dcafb7a02f4ce1a417b9c89dfc7d1b",
3271
      "placeholder": "​",
3272
      "style": "IPY_MODEL_e9c82b5fa8bd4e078639b8c4ea2f3107",
3273
      "value": "Generating train split: "
3274
     }
3275
    },
3276
    "ff186bd32e2349bb857a8ad1007587d8": {
3277
     "model_module": "@jupyter-widgets/base",
3278
     "model_module_version": "1.2.0",
3279
     "model_name": "LayoutModel",
3280
     "state": {
3281
      "_model_module": "@jupyter-widgets/base",
3282
      "_model_module_version": "1.2.0",
3283
      "_model_name": "LayoutModel",
3284
      "_view_count": null,
3285
      "_view_module": "@jupyter-widgets/base",
3286
      "_view_module_version": "1.2.0",
3287
      "_view_name": "LayoutView",
3288
      "align_content": null,
3289
      "align_items": null,
3290
      "align_self": null,
3291
      "border": null,
3292
      "bottom": null,
3293
      "display": null,
3294
      "flex": null,
3295
      "flex_flow": null,
3296
      "grid_area": null,
3297
      "grid_auto_columns": null,
3298
      "grid_auto_flow": null,
3299
      "grid_auto_rows": null,
3300
      "grid_column": null,
3301
      "grid_gap": null,
3302
      "grid_row": null,
3303
      "grid_template_areas": null,
3304
      "grid_template_columns": null,
3305
      "grid_template_rows": null,
3306
      "height": null,
3307
      "justify_content": null,
3308
      "justify_items": null,
3309
      "left": null,
3310
      "margin": null,
3311
      "max_height": null,
3312
      "max_width": null,
3313
      "min_height": null,
3314
      "min_width": null,
3315
      "object_fit": null,
3316
      "object_position": null,
3317
      "order": null,
3318
      "overflow": null,
3319
      "overflow_x": null,
3320
      "overflow_y": null,
3321
      "padding": null,
3322
      "right": null,
3323
      "top": null,
3324
      "visibility": null,
3325
      "width": null
3326
     }
3327
    },
3328
    "ff3058262a7f4ef49cd14aabdadf9287": {
3329
     "model_module": "@jupyter-widgets/controls",
3330
     "model_module_version": "1.5.0",
3331
     "model_name": "FloatProgressModel",
3332
     "state": {
3333
      "_dom_classes": [],
3334
      "_model_module": "@jupyter-widgets/controls",
3335
      "_model_module_version": "1.5.0",
3336
      "_model_name": "FloatProgressModel",
3337
      "_view_count": null,
3338
      "_view_module": "@jupyter-widgets/controls",
3339
      "_view_module_version": "1.5.0",
3340
      "_view_name": "ProgressView",
3341
      "bar_style": "success",
3342
      "description": "",
3343
      "description_tooltip": null,
3344
      "layout": "IPY_MODEL_46cf1b875268442c80c22266ec8957bc",
3345
      "max": 5211692,
3346
      "min": 0,
3347
      "orientation": "horizontal",
3348
      "style": "IPY_MODEL_8ea860a65d8d413f868e589b91eefa6a",
3349
      "value": 5211692
3350
     }
3351
    }
3352
   }
3353
  }
3354
 },
3355
 "nbformat": 4,
3356
 "nbformat_minor": 1
3357
}
3358

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

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

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

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