"
],
"text/html": [
"\n",
" \n",
" \n",
"
\n",
" [1182/1182 06:25, Epoch 3/3]\n",
"
\n",
" \n",
" \n",
" \n",
" Epoch | \n",
" Training Loss | \n",
" Validation Loss | \n",
" F1 | \n",
"
\n",
" \n",
" \n",
" \n",
" 1 | \n",
" 0.414100 | \n",
" 0.261846 | \n",
" 0.779618 | \n",
"
\n",
" \n",
" 2 | \n",
" 0.206400 | \n",
" 0.182687 | \n",
" 0.824427 | \n",
"
\n",
" \n",
" 3 | \n",
" 0.134400 | \n",
" 0.192282 | \n",
" 0.845960 | \n",
"
\n",
" \n",
"
"
]
},
"metadata": {}
},
{
"output_type": "execute_result",
"data": {
"text/plain": [
"TrainOutput(global_step=1182, training_loss=0.2513707867884999, metrics={'train_runtime': 425.4821, 'train_samples_per_second': 66.525, 'train_steps_per_second': 2.778, 'total_flos': 628800282287496.0, 'train_loss': 0.2513707867884999, 'epoch': 3.0})"
]
},
"metadata": {},
"execution_count": 49
}
],
"source": [
"trainer.train()"
]
},
{
"cell_type": "code",
"execution_count": 50,
"metadata": {
"colab": {
"base_uri": "https://localhost:8080/"
},
"id": "I7ANaof0D__2",
"outputId": "3c7d7f72-9a9f-44ab-dcd9-3bd36d1266b7"
},
"outputs": [
{
"output_type": "execute_result",
"data": {
"text/plain": [
""
]
},
"metadata": {},
"execution_count": 50
}
],
"source": [
"trainer"
]
},
{
"cell_type": "code",
"source": [
"from torch.nn.functional import cross_entropy\n",
"\n",
"def forward_pass_with_labels(batch):\n",
" features = [dict(zip(batch, t)) for t in zip(*batch.values())]\n",
"\n",
" batch = data_collator(features)\n",
" input_ids = batch[\"input_ids\"].to(device)\n",
" attention_mask = batch[\"attention_mask\"].to(device)\n",
" labels = batch[\"labels\"].to(device)\n",
" with torch.no_grad():\n",
" output = trainer.model(input_ids, attention_mask)\n",
" predicted_label = torch.argmax(output.logits, axis = -1).cpu().numpy()\n",
"\n",
" loss = cross_entropy(output.logits.view(-1, 7), labels.view(-1), reduction = \"none\")\n",
" loss = loss.view(len(input_ids), -1).cpu().numpy()\n",
"\n",
" return {\"loss\": loss, \"predicted_label\": predicted_label}\n"
],
"metadata": {
"id": "vcdgB0YUQVF-"
},
"execution_count": 51,
"outputs": []
},
{
"cell_type": "code",
"source": [
"valid_set = panx_ta_encoded[\"validation\"]\n",
"valid_set_pred = valid_set.map(forward_pass_with_labels, batched = True, batch_size = 32)\n",
"df = valid_set_pred.to_pandas()"
],
"metadata": {
"colab": {
"base_uri": "https://localhost:8080/",
"height": 49,
"referenced_widgets": [
"877f87f91a174b54a3a19609818b8225",
"1e2748e2a2f84514960c5f1db24a31c3",
"3ff54a314ce34ff19ceeae05298bf26d",
"57a404fa818d470aa4ba895247265631",
"0bdb976cc27347698dd27bbfb1b80483",
"144c06c9a789409689da51730fbe0e31",
"b4b8848aacd840f7b3c0a6419d6d4b73",
"18a114afcd674a99b1a170bf2899fcd2",
"367a624b7a8e438bbddba95a1a73f926",
"c4c778eb93c64a95b3f6b247b54ad0c8",
"4339b73276334a24b9950c8785c7ced3"
]
},
"id": "2P-gNqZaR_eR",
"outputId": "f96cbd51-f21b-4610-ae4d-c806f54ee906"
},
"execution_count": 52,
"outputs": [
{
"output_type": "display_data",
"data": {
"text/plain": [
"Map: 0%| | 0/629 [00:00, ? examples/s]"
],
"application/vnd.jupyter.widget-view+json": {
"version_major": 2,
"version_minor": 0,
"model_id": "877f87f91a174b54a3a19609818b8225"
}
},
"metadata": {}
}
]
},
{
"cell_type": "code",
"source": [
"df.head()"
],
"metadata": {
"colab": {
"base_uri": "https://localhost:8080/",
"height": 293
},
"id": "GfKnrd4wTixz",
"outputId": "d0d296b9-2f2b-4746-8c02-99be546d90cf"
},
"execution_count": 53,
"outputs": [
{
"output_type": "execute_result",
"data": {
"text/plain": [
" input_ids \\\n",
"0 [0, 6, 187871, 111224, 4575, 6, 6016, 17553, 5... \n",
"1 [0, 7216, 3937, 35867, 20539, 361, 7963, 2802,... \n",
"2 [0, 27906, 6161, 35867, 42143, 5, 37255, 5, 13... \n",
"3 [0, 242, 5106, 7963, 40983, 9313, 5106, 242, 2] \n",
"4 [0, 12928, 7827, 20663, 13945, 27906, 3770, 70... \n",
"\n",
" attention_mask \\\n",
"0 [1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1] \n",
"1 [1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, ... \n",
"2 [1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1] \n",
"3 [1, 1, 1, 1, 1, 1, 1, 1, 1] \n",
"4 [1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, ... \n",
"\n",
" labels \\\n",
"0 [-100, 1, -100, -100, -100, 2, -100, -100, -10... \n",
"1 [-100, 0, -100, -100, -100, 0, 3, -100, -100, ... \n",
"2 [-100, 0, -100, -100, 1, -100, 2, -100, 2, -10... \n",
"3 [-100, 0, 0, 5, -100, -100, 0, 0, -100] \n",
"4 [-100, 3, -100, -100, -100, 4, -100, -100, -10... \n",
"\n",
" loss \\\n",
"0 [0.0, 0.0036092158, 0.0, 0.0, 0.0, 0.003991138... \n",
"1 [0.0, 0.0002467328, 0.0, 0.0, 0.0, 0.001535309... \n",
"2 [0.0, 0.00028224775, 0.0, 0.0, 0.0019426538, 0... \n",
"3 [0.0, 0.0011607822, 0.0007962394, 0.038503557,... \n",
"4 [0.0, 0.012848098, 0.0, 0.0, 0.0, 0.016217574,... \n",
"\n",
" predicted_label \n",
"0 [2, 1, 1, 1, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, ... \n",
"1 [0, 0, 0, 0, 0, 0, 3, 3, 3, 4, 4, 4, 0, 0, 0, ... \n",
"2 [1, 0, 0, 0, 1, 2, 2, 2, 2, 2, 2, 1, 1, 1, 1, ... \n",
"3 [5, 0, 0, 5, 5, 6, 0, 0, 5, 5, 5, 5, 5, 5, 5, ... \n",
"4 [0, 3, 3, 4, 4, 4, 4, 4, 0, 0, 0, 0, 0, 0, 0, ... "
],
"text/html": [
"\n",
" \n",
"
\n",
"\n",
"
\n",
" \n",
" \n",
" | \n",
" input_ids | \n",
" attention_mask | \n",
" labels | \n",
" loss | \n",
" predicted_label | \n",
"
\n",
" \n",
" \n",
" \n",
" 0 | \n",
" [0, 6, 187871, 111224, 4575, 6, 6016, 17553, 5... | \n",
" [1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1] | \n",
" [-100, 1, -100, -100, -100, 2, -100, -100, -10... | \n",
" [0.0, 0.0036092158, 0.0, 0.0, 0.0, 0.003991138... | \n",
" [2, 1, 1, 1, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, ... | \n",
"
\n",
" \n",
" 1 | \n",
" [0, 7216, 3937, 35867, 20539, 361, 7963, 2802,... | \n",
" [1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, ... | \n",
" [-100, 0, -100, -100, -100, 0, 3, -100, -100, ... | \n",
" [0.0, 0.0002467328, 0.0, 0.0, 0.0, 0.001535309... | \n",
" [0, 0, 0, 0, 0, 0, 3, 3, 3, 4, 4, 4, 0, 0, 0, ... | \n",
"
\n",
" \n",
" 2 | \n",
" [0, 27906, 6161, 35867, 42143, 5, 37255, 5, 13... | \n",
" [1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1] | \n",
" [-100, 0, -100, -100, 1, -100, 2, -100, 2, -10... | \n",
" [0.0, 0.00028224775, 0.0, 0.0, 0.0019426538, 0... | \n",
" [1, 0, 0, 0, 1, 2, 2, 2, 2, 2, 2, 1, 1, 1, 1, ... | \n",
"
\n",
" \n",
" 3 | \n",
" [0, 242, 5106, 7963, 40983, 9313, 5106, 242, 2] | \n",
" [1, 1, 1, 1, 1, 1, 1, 1, 1] | \n",
" [-100, 0, 0, 5, -100, -100, 0, 0, -100] | \n",
" [0.0, 0.0011607822, 0.0007962394, 0.038503557,... | \n",
" [5, 0, 0, 5, 5, 6, 0, 0, 5, 5, 5, 5, 5, 5, 5, ... | \n",
"
\n",
" \n",
" 4 | \n",
" [0, 12928, 7827, 20663, 13945, 27906, 3770, 70... | \n",
" [1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, ... | \n",
" [-100, 3, -100, -100, -100, 4, -100, -100, -10... | \n",
" [0.0, 0.012848098, 0.0, 0.0, 0.0, 0.016217574,... | \n",
" [0, 3, 3, 4, 4, 4, 4, 4, 0, 0, 0, 0, 0, 0, 0, ... | \n",
"
\n",
" \n",
"
\n",
"
\n",
"
\n",
"
\n"
],
"application/vnd.google.colaboratory.intrinsic+json": {
"type": "dataframe",
"variable_name": "df",
"summary": "{\n \"name\": \"df\",\n \"rows\": 629,\n \"fields\": [\n {\n \"column\": \"input_ids\",\n \"properties\": {\n \"dtype\": \"object\",\n \"semantic_type\": \"\",\n \"description\": \"\"\n }\n },\n {\n \"column\": \"attention_mask\",\n \"properties\": {\n \"dtype\": \"object\",\n \"semantic_type\": \"\",\n \"description\": \"\"\n }\n },\n {\n \"column\": \"labels\",\n \"properties\": {\n \"dtype\": \"object\",\n \"semantic_type\": \"\",\n \"description\": \"\"\n }\n },\n {\n \"column\": \"loss\",\n \"properties\": {\n \"dtype\": \"object\",\n \"semantic_type\": \"\",\n \"description\": \"\"\n }\n },\n {\n \"column\": \"predicted_label\",\n \"properties\": {\n \"dtype\": \"object\",\n \"semantic_type\": \"\",\n \"description\": \"\"\n }\n }\n ]\n}"
}
},
"metadata": {},
"execution_count": 53
}
]
},
{
"cell_type": "code",
"source": [
"index2tag[-100] = \"IGN\"\n",
"df[\"input_tokens\"] = df[\"input_ids\"].apply(lambda x : xlmr_tokenizer.convert_ids_to_tokens(x))\n",
"df[\"predicted_label\"] = df[\"predicted_label\"].apply(lambda x : [index2tag[i] for i in x])\n",
"df[\"labels\"] = df[\"labels\"].apply(lambda x : [index2tag[i] for i in x])\n",
"df['loss'] = df.apply(lambda x : x['loss'][:len(x['input_ids'])], axis = 1)\n",
"df['predicted_label'] = df.apply(lambda x : x['predicted_label'][:len(x['input_ids'])], axis = 1)"
],
"metadata": {
"id": "VXBfwtxIUi09"
},
"execution_count": 54,
"outputs": []
},
{
"cell_type": "code",
"source": [
"df_tokens = df.apply(pd.Series.explode)\n",
"df_tokens = df_tokens.query(\"labels != 'IGN'\")\n",
"df_tokens['loss'] = df_tokens['loss'].astype(float).round(2)"
],
"metadata": {
"id": "vcqrfIwESc5j"
},
"execution_count": 55,
"outputs": []
},
{
"cell_type": "code",
"source": [
"from sklearn.metrics import ConfusionMatrixDisplay, confusion_matrix\n",
"import matplotlib.pyplot as plt\n",
"\n",
"def plot_confusion_matrix(y_preds, y_true, labels):\n",
" cm = confusion_matrix(y_true, y_preds, normalize = \"true\")\n",
" fig, ax = plt.subplots(figsize = (6, 6))\n",
" disp = ConfusionMatrixDisplay(confusion_matrix = cm, display_labels = labels)\n",
" disp.plot(cmap = plt.cm.Blues, values_format = \".2f\", ax = ax, colorbar = False)\n",
" plt.title(\"Normalized confusion matrix\")\n",
" plt.show()\n"
],
"metadata": {
"id": "sDDQJYsML9Mf"
},
"execution_count": 56,
"outputs": []
},
{
"cell_type": "code",
"source": [
"plot_confusion_matrix(df_tokens[\"predicted_label\"], df_tokens[\"labels\"], tags.names)"
],
"metadata": {
"colab": {
"base_uri": "https://localhost:8080/",
"height": 564
},
"id": "Z1qearweOBue",
"outputId": "f60f5cdf-7419-41ce-8332-fd696483645e"
},
"execution_count": 57,
"outputs": [
{
"output_type": "display_data",
"data": {
"text/plain": [
""
],
"image/png": "iVBORw0KGgoAAAANSUhEUgAAAi0AAAIjCAYAAADP4ysCAAAAOnRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjEwLjAsIGh0dHBzOi8vbWF0cGxvdGxpYi5vcmcvlHJYcgAAAAlwSFlzAAAPYQAAD2EBqD+naQAAnm5JREFUeJzs3XdYE1kXBvA3ASlKURAEESnSqw1BXQUr9r72VVTsfe29i7q6rrt2dO3dtYK6FhTdtWHBilhRVBSkowhC8v0RiQaCggJJ9nt/z5NHmZyZ3Hu4Mzm5MxMEYrFYDCIiIiIlJ1R0A4iIiIgKgkULERERqQQWLURERKQSWLQQERGRSmDRQkRERCqBRQsRERGpBBYtREREpBJYtBAREZFKYNFCREREKoFFC9H/IR8fH/j4+Eh/joqKgkAgwMaNG0u0HX5+frC0tCzR1yyMtLQ0+Pv7w8TEBAKBAKNGjSry17C0tISfn1+Rb1fVKfvYIMVg0UIkx8aNGyEQCKClpYUXL17ked7HxwcuLi4KaBmVpPnz52Pjxo0YPHgwtmzZgp9++knRTVI57969w8yZM3HmzBlFN4X+A9QV3QAiZZaRkYEFCxbgjz/+UHRTipWFhQXS09NRqlQpRTdFqYSEhMDLywszZswotteIjIyEUPjf/fz47t07zJo1CwBkZve+JjAwECKRqJhaRarqv7unEBWBqlWrIjAwEC9fviy21xCLxUhPTy+27RdEzqySmpqaQtuhbGJjY1G2bNlifQ1NTU0Wi595+/YtAKBUqVLQ1NRUcGtI2bBoIfqCyZMnIzs7GwsWLPhqbFZWFubMmYMqVapAU1MTlpaWmDx5MjIyMmTiLC0t0apVK/z999+oWbMmtLW1sWbNGpw5cwYCgQC7d+/GrFmzYGZmBl1dXXTq1AnJycnIyMjAqFGjYGxsDB0dHfTp0yfPtjds2ICGDRvC2NgYmpqacHJywqpVq77a9tzXtOS0Rd4j93UGR48eRb169VCmTBno6uqiZcuWuHPnTp7XOHDgAFxcXKClpQUXFxfs37//q+3K/Tre3t7Q1dWFnp4ePDw8sH37dpmYPXv2oEaNGtDW1kb58uXRs2fPPKf3/Pz8oKOjgxcvXqBdu3bQ0dGBkZERxo4di+zsbJn+P3nyBMHBwdK+R0VFSU8dRkVFyWw3Z53PT4M8ePAAHTt2hImJCbS0tFCpUiV07doVycnJ0hh517Q8fvwYP/74IwwMDFC6dGl4eXkhODhY7uvt3r0b8+bNQ6VKlaClpYVGjRrh4cOHX83nzJkzIRAIcP/+ffTs2RP6+vowMjLCtGnTIBaLER0djbZt20JPTw8mJiZYsmSJzPqZmZmYPn06atSoAX19fZQpUwb16tXD6dOnpTFRUVEwMjICAMyaNUuax5kzZ8r8Lh49eoQWLVpAV1cXPXr0kD73+VibMWMGhEIhTp06JdOOAQMGQENDAzdu3Phqn0n18fQQ0RdYWVmhV69eCAwMxMSJE1GxYsV8Y/39/bFp0yZ06tQJY8aMwaVLlxAQEICIiIg8b9CRkZHo1q0bBg4ciP79+8Pe3l76XEBAALS1tTFx4kQ8fPgQf/zxB0qVKgWhUIjExETMnDkTFy9exMaNG2FlZYXp06dL1121ahWcnZ3Rpk0bqKur4/DhwxgyZAhEIhGGDh1a4H47Ojpiy5YtMsuSkpLw888/w9jYWLpsy5Yt6N27N3x9fbFw4UK8e/cOq1atwg8//IDr169L33SOHz+Ojh07wsnJCQEBAYiPj0efPn1QqVKlArVn48aN6Nu3L5ydnTFp0iSULVsW169fx7Fjx9C9e3dpTJ8+feDh4YGAgAC8fv0ay5Ytw7///ovr16/LzJhkZ2fD19cXnp6eWLx4MU6ePIklS5agSpUqGDx4sLT/o0ePRqVKlTBmzBgAkL4BF0RmZiZ8fX2RkZGB4cOHw8TEBC9evEBQUBCSkpKgr68vd73Xr1+jTp06ePfuHUaMGAFDQ0Ns2rQJbdq0wd69e9G+fXuZ+AULFkAoFGLs2LFITk7GokWL0KNHD1y6dKlA7ezSpQscHR2xYMECBAcHY+7cuTAwMMCaNWvQsGFDLFy4ENu2bcPYsWPh4eGB+vXrAwBSUlKwbt06dOvWDf3790dqairWr18PX19fXL58GVWrVoWRkRFWrVqFwYMHo3379ujQoQMAwM3NTfr6WVlZ8PX1xQ8//IDFixejdOnScts5depUHD58GP369cOtW7egq6uLv//+G4GBgZgzZw7c3d0L1F9ScWIiymPDhg1iAOKwsDDxo0ePxOrq6uIRI0ZIn/f29hY7OztLfw4PDxcDEPv7+8tsZ+zYsWIA4pCQEOkyCwsLMQDxsWPHZGJPnz4tBiB2cXERZ2ZmSpd369ZNLBAIxM2bN5eJr127ttjCwkJm2bt37/L0xdfXV2xtbS2zzNvbW+zt7S39+cmTJ2IA4g0bNsjNh0gkErdq1Uqso6MjvnPnjlgsFotTU1PFZcuWFffv318m9tWrV2J9fX2Z5VWrVhWbmpqKk5KSpMuOHz8uBpCnD7klJSWJdXV1xZ6enuL09PQ87RKLxeLMzEyxsbGx2MXFRSYmKChIDEA8ffp06bLevXuLAYhnz54ts61q1aqJa9SoIbPMwsJC3LJlS5llOWPjyZMnMstzfn+nT58Wi8Vi8fXr18UAxHv27Pli/ywsLMS9e/eW/jxq1CgxAPG5c+eky1JTU8VWVlZiS0tLcXZ2tszrOTo6ijMyMqSxy5YtEwMQ37p164uvO2PGDDEA8YABA6TLsrKyxJUqVRILBALxggULpMsTExPF2traMu3MysqSed2cuAoVKoj79u0rXRYXFycGIJ4xY0aeNuT8LiZOnCj3udxj49atW2INDQ2xv7+/ODExUWxmZiauWbOm+MOHD1/sK/138PQQ0VdYW1vjp59+wtq1axETEyM35siRIwCAn3/+WWZ5zif03FP7VlZW8PX1lbutXr16yVzj4OnpCbFYjL59+8rEeXp6Ijo6GllZWdJl2tra0v8nJyfjzZs38Pb2xuPHj2VOSRTWnDlzEBQUhI0bN8LJyQkAcOLECSQlJaFbt2548+aN9KGmpgZPT0/paYKYmBiEh4ejd+/eMrMLTZo0kW7rS06cOIHU1FRMnDgRWlpaMs8JBAIAwJUrVxAbG4shQ4bIxLRs2RIODg558g8AgwYNkvm5Xr16ePz4cQEz8nU5ff3777/x7t27Aq935MgR1KpVCz/88IN0mY6ODgYMGICoqCjcvXtXJr5Pnz7Q0NCQ/lyvXj0AKHBf/P39pf9XU1NDzZo1IRaL0a9fP+nysmXLwt7eXmabampq0tcViURISEhAVlYWatasiWvXrhW4vwAwePDgAsW5uLhg1qxZWLduHXx9ffHmzRts2rQJ6uo8afD/gkULUQFMnToVWVlZ+V7b8vTpUwiFQtjY2MgsNzExQdmyZfH06VOZ5VZWVvm+VuXKlWV+znnzMzc3z7NcJBLJFCP//vsvGjdujDJlyqBs2bIwMjLC5MmTAeCbi5Zjx45h1qxZmDRpEjp27Chd/uDBAwBAw4YNYWRkJPM4fvw4YmNjAUDad1tb2zzb/vy0WH4ePXoEAF+8xTznNeRtz8HBIU/+tbS08pzqKVeuHBITE7/anoKysrLCzz//jHXr1qF8+fLw9fXFihUrvvp7ePr0qdx+ODo6Sp//XO7xUq5cOQAocF/kjTctLS2UL18+z/Lc29y0aRPc3NygpaUFQ0NDGBkZITg4uFBjTV1dvcCnCQFg3LhxcHd3x+XLlzFjxowCFb7038HylKgArK2t0bNnT6xduxYTJ07MNy7nk//XfD4jklt+d/Dkt1wsFgOQvLk3atQIDg4O+PXXX2Fubg4NDQ0cOXIES5cu/abbR588eYIePXqgSZMmmDt3rsxzOdvbsmULTExM8qyrzJ9+v+cuqfx+xzkX8X5uyZIl8PPzw8GDB3H8+HGMGDECAQEBuHjxYqHeqL/ka+PiW9YvyDa3bt0KPz8/tGvXDuPGjYOxsTHU1NQQEBAgLTQLQlNTs1C3fD9+/FhaMN+6davA69F/g/IeVYiUzNSpU7F161YsXLgwz3MWFhYQiUR48OCB9BMxILmoMikpCRYWFsXevsOHDyMjIwOHDh2S+fT8+d0chZGeno4OHTqgbNmy2LFjR543lipVqgAAjI2N0bhx43y3k9P3nDeaz0VGRn61HTmvc/v27TwzWblfIzIyEg0bNszzGkWZ/5yZjKSkJJnluWdAcri6usLV1RVTp07F+fPnUbduXaxevTpPEZjDwsJCbl7u3bsnfV4Z7N27F9bW1ti3b59MIZf7O20KWsgXhEgkgp+fH/T09DBq1CjMnz8fnTp1kl7gS/99PD1EVEBVqlRBz549sWbNGrx69UrmuRYtWgAAfvvtN5nlv/76KwDJtRXFLefT8eefhpOTk7Fhw4Zv2t6gQYNw//597N+/X/pG/TlfX1/o6elh/vz5+PDhQ57n4+LiAACmpqaoWrUqNm3aJHPa4MSJE3muz5CnadOm0NXVRUBAAN6/fy/zXE5fa9asCWNjY6xevVrmNvCjR48iIiKiSPOfU0SdPXtWuiw7Oxtr166ViUtJSZG53giQFDBCoTDPreqfa9GiBS5fvowLFy5Il719+xZr166FpaWl0pwOkTfeLl26JNNuANK7gXIXed/i119/xfnz57F27VrMmTMHderUweDBg/HmzZvv3japBs60EBXClClTsGXLFkRGRsLZ2Vm63N3dHb1798batWuRlJQEb29vXL58GZs2bUK7du3QoEGDYm9b06ZNoaGhgdatW2PgwIFIS0tDYGAgjI2N872AOD/BwcHYvHkzOnbsiJs3b+LmzZvS53R0dNCuXTvo6elh1apV+Omnn1C9enV07doVRkZGePbsGYKDg1G3bl0sX74cgOQ27pYtW+KHH35A3759kZCQgD/++APOzs5IS0v7Ylv09PSwdOlS+Pv7w8PDA927d0e5cuVw48YNvHv3Dps2bUKpUqWwcOFC9OnTB97e3ujWrZv0lmdLS0uMHj268AnNh7OzM7y8vDBp0iQkJCTAwMAAO3fuzFOghISEYNiwYfjxxx9hZ2eHrKwsbNmyBWpqajLXBuU2ceJE7NixA82bN8eIESNgYGCATZs24cmTJ/jrr7+U5ttzW7VqhX379qF9+/Zo2bIlnjx5gtWrV8PJyUnmd6qtrQ0nJyfs2rULdnZ2MDAwgIuLS6H/DEZERASmTZsGPz8/tG7dGoDkNveqVatiyJAh2L17d5H2j5SU4m5cIlJen9/ynFvObZqf3/IsFovFHz58EM+aNUtsZWUlLlWqlNjc3Fw8adIk8fv372Xi5N1GKxZ/uoU19y2y+bUl55bVuLg46bJDhw6J3dzcxFpaWmJLS0vxwoULxX/++WeeW3S/dstzzmvKe+S+DfX06dNiX19fsb6+vlhLS0tcpUoVsZ+fn/jKlSsycX/99ZfY0dFRrKmpKXZychLv27dP7m2t+Tl06JC4Tp06Ym1tbbGenp64Vq1a4h07dsjE7Nq1S1ytWjWxpqam2MDAQNyjRw/x8+fPZWJ69+4tLlOmTJ7t5+Tzc/n9rh49eiRu3LixWFNTU1yhQgXx5MmTxSdOnJC55fnx48fivn37iqtUqSLW0tISGxgYiBs0aCA+efJkntf4/FbinO136tRJXLZsWbGWlpa4Vq1a4qCgIJmY/MbL125fz93fz8ePWJx/fnLf5i8SicTz588XW1hYiDU1NcXVqlUTBwUFyf2dnj9/XlyjRg2xhoaGzO3P+b1WznM528nKyhJ7eHiIK1WqJHPbvFj86RbvXbt2fbG/9N8gEIsLeLUWERERkQIpxzwjERER0VewaCEiIiKVwKKFiIiIVAKLFiIiIlIJLFqIiIhIJbBoISIiIpXAL5crYiKRCC9fvoSurm6Rfn01ERHRf5FYLEZqaioqVqz41S9PZNFSxF6+fJnnr/ESERHRl0VHR3/1D4myaCliurq6AAAN7+kQqGspuDWKFbF5oKKboBRKa377XxT+L+HMI5F87zPz/oXw/yepqSlwsbOUvn9+CYuWIpZzYBaoa/3fFy26enqKboJSKMOiBQCLFqL8aPyfFy05CnKM4IW4REREpBJYtBAREZFKYNFCREREKoFFCxEREakEFi1ERESkEli0EBERkUpg0UJEREQqgUULERERqQQWLURERKQSWLQQERGRSmDRQkRERCqBRQsRERGpBBYtREREpBJYtBAREZFKYNFCREREKoFFCxEREakEFi1ERESkEli0EBERkUpg0UJEREQqgUULERERqQQWLURERKQSWLQQERGRSmDRQkRERCqBRQsRERGpBHVFN4AKxr+lO4Z3qAHjcmVw+0kcJqw5jWv3X+cbP6hNNfRt4YZKRnpISEnHwX8fYPamf5DxIRsAoKNdCpN71kGr2jYor18atx7HYuLaM7j+IP9tKoON+85hzY4QxCWkwrFKRcwe1RHVnCzyjQ86HY7F647g+asEWFYywuRBrdGwtpNMzIOoV5i/+jAuhT9CVrYItpYVsHZuX5hVKFfc3flm6/acxR9bTyE2PgXOtmZYOLYTajhb5ht/4OR1BKwJwrOYBFibG2HmsLZoUtdZ+vzh0+HYsO9f3Ih4hsSUdwjdOgGudpVKoCffJ3B3qDQPLrZmWDjux6/k4Rrmrw7Gs5h4SR6Gt0PTz/IgFosRsCYYmw+cR3JaOjzdrLFkYhdUqWxcAr35dsyDBPMgseGvc1i5PQRxCSlwsjHDvNFfPk4eDrmOhYGS46RVJSNMHdwajeo4y40dv2gXthw8j1kj2mNAF59i6kH+ONOiAtrXs8Nc//pYuOMifEZuw+0nb/DX7A4or68tN76Ttz1m+P2ARTsuwnPwJgz//Tja17PDtN51pTHLhjeBT1ULDFpyDHWHbUbI9ac4MLcjTA3LlFS3Cu3QqWuYs/wARvk1w5F1Y+FkY4afxqzGm8RUufFXbj3BsFmb0bWlF46uHwvfeq7wn7we9x7HSGOiXrxBh6G/w6ZyBez+fRiObxyPkb19oamhvPX8vhNXMfW3/Rjv3xynN4+Hi60ZOo1YibgE+Xm4dPMx+k/biB5tauPMlglo4e2GnuMCcffRS2nMu/RMeLlbY8awtiXVje+277gkDxP8m+PMlglwsTVDx+Er8s/Djcfwn7oRPdvWRujWiWjp7Y6eY9fi7sNPeVi2+STW7ArFr5O64sSGsSitrYGOw1fgfcaHkupWoTEPEsyDxMGT1zDzj/0Y09cXf/85Dk42FdHt51X5HifDbj3B4Jmb0b2VF45vGIdm9VzRZ9J63Hv8Mk/skdAbuHbnKUzK6xd3N/LFoiWX6Oho9O3bFxUrVoSGhgYsLCwwcuRIxMfHK6xNQ9pVx+a/b2P7ybuIjE7AzytO4l1GFno2cZEbX8uxIi5FvMTe0EhEx6bg9PVn+OtsJGrYmgAAtDTU0KauLWZuOIfzd17gSUwyFm6/iMcxSejb3L0ku1YogbvOoFvr2ujS0hN2ViYIGPsjtLQ0sCv4ktz49XtD4VPLAYO6N4StpQnG+beAi10lbNp3ThqzaG0wGno5YcqQNnCxqwRLs/Jo+oMLypfTLaluFdrK7afRq11t9GjtBQdrU/w6sQtKa2lg2+ELcuPX7DyDRl6OGPFTY9hbmWDKoFZwczDHut1npTFdWtTCeP/m8KllX1Ld+G4rt4egV7s66NGmtiQPk7qitJYGth76Qh5qf5aHwa3g7mCOwD2hACSfqlfvOI2xfX3RwtsNLrZmWDWrF169SUZw6I2S7FqhMA8SzIPEml1n0KN1HXRt6QV7KxMsGtcZ2poa2BF0UW78ut2haODpgCE9GsHO0gQTBrSEq10l/Ln3nExcTFwSpi79Cytm/AR1dbWS6IpcLFo+8/jxY9SsWRMPHjzAjh078PDhQ6xevRqnTp1C7dq1kZCQUOJtKqUuRFWbCjgT/ky6TCwGQsOfwcPBVO46lyNeomoVY1S3qwAAsKigjyY1LXHiyhMAgLqaEOpqQrz/kCWz3vuMLHg5VyymnnyfzA9ZuHX/OX6oYSddJhQKUa+mHa7eiZK7zrXbUfihpp3MMu9aDrh6WxIvEokQcuEurMyN0OPnVajaeipaD/gVx87eLK5ufLfMD1m4cS8a3h6figuhUAhvD3uE3YqSu07YrSh45ypGGno5IOzWk+JsarHK/JCF8HvRMkWWUCiEdy37fPt1+dYT+Hg4yCxr6OUozdvTF/F4HZ8Cn1qfYvR1tFHD2RJhN6OKvA9FgXmQYB4kMj9k4WZkNOp5yDlOfjzu5XblzhPUqyl7fPDxdJA5ropEIgyfvRWDuzeEvbX8952SwqLlM0OHDoWGhgaOHz8Ob29vVK5cGc2bN8fJkyfx4sULTJkypcTbZKinDXU1IeKS3sksj0t6B+NypeWuszc0EvO3XcDRhV0Qe2AEwtf3xb+3nuPXPWEAgLT0D7gc8RLjunrCxKAMhEIBOvs4wMPBFBXKKefpoYTkt8jOFsHIQHYGpHw5XcTFp8hdJy4hFeVzxxvoIi5BEv8mMQ1v0zOwctsp+Hg6Ytuvg9CsvhsGTN2AC9cfFk9HvlN8Uk4e9GSWGxno4nU+eYiNT4FxrjwYG+giNp9pc1UQn5QmdzwYGegh9gt5MDLMHa8rjc/JX+4YY0PdfLepaMyDBPMgkZAk/zhp9IX9PS4+VX78Z31cvvUU1NSE8P/Ru+gbXUgsWj5KSEjA33//jSFDhkBbW/ZaERMTE/To0QO7du2CWCyWeS4jIwMpKSkyD0Wr61oJP3euhbGrQuAzcht6zjuEpjWtMLarpzRm4JJjEECAiM0D8Hr/CAxoUw1/nY2EKFf//sty+tr0Bxf07+IDZ9tKGNqzMRrVccLWg/8quHVERIp341401u0JxbIpPSAQCBTdHN49lOPBgwcQi8VwdHSU+7yjoyMSExMRFxcHY+NPV44HBARg1qxZxdau+JR0ZGWLYFRWdlbFqGxpxCa+k7vOlJ51sDskAluO3wYA3H0ajzKapbB0WGMs2XUJYjEQ9SoZrSbtQWlNdeiW1sTrxLdYP74Fnr5KLra+fA8D/TJQUxPmuajuTWIqjAz15K5jZKCLN7njE1KlsxQG+mWgriaEraWJTIytRQWE3VTOUyeGZXPyIFscxyWkokI+eTA21MvzKSs2ITXP7IsqMSyrI3c8xCWkwPgLeYiLzx2fKo3PyV9cfKrMhYax8alKeycV8yDBPEgYlJV/nIz7wv5uZKgrP/5j/y/deIQ3iWmo2XGm9PnsbBFmLT+AwN2hCPtrRtF24is405JL7pmUr5k0aRKSk5Olj+jo6CJtz4csEcIfvoa3u7l0mUAA1Hc3R9i9GLnraGuq55kxyRaJP64rWym/y8jC68S30C+jiUbVLXDk4uMibX9R0SilDle7Svj36gPpMpFIhH+u3s/3lsbqLpYy8QBw7kokarhYSrfp7lgZj5/FysQ8jo6DmYly3u6sUUod7g7mOBt2X7pMJBIh9Mp9eLhayl3Hw9VSJh4AzlyKhIerVXE2tVhplFJHVQdzhIZFSpeJRCKcDbufb79quVrJxAPA6Uv3pHmzMDNEBUM9mZiUtHRcvRMFDzfLIu9DUWAeJJgHCY1S6nCzN8c/V2SPD/9cvS897uVW09kK/1yVPT6cDYuUHlc7NfNAyObxOLlxnPRhUl4fQ7o3xI5fBxVXV/LFouUjGxsbCAQCREREyH0+IiIC5cqVg5GRkcxyTU1N6OnpyTyK2soD19DL1xVdGzrBrpIBfh3SCGW0SmHbyTsAgFU/+2L6Z7czH7v8GH1auKFDfTtUrqAHn6qVMblnHRy7/Biij8VLw+oWaFTdQvr84YBOuP88UbpNZdS/iw92BF3AnqOX8SDqFSYv2YP09Ex0biE57TVq7lYsWH1YGt+vkzfOXIrAmp2n8fDpa/z651HcvBeN3h3qSWMGdmuIwyHXsf3QBTx5HoeNf53DyfN30Kv9DyXev4Ia0r0BNh88jx1BlxD55BXGLNyNd+kZ6N7KCwAweMZmzF5xSBo/sKsPTl24i+XbTuF+1CssWHsE4RHP4N+5vjQmMfktbt1/jsgnrwAAD56+xq37z/H6jeJPd+ZnSPeG2HzgPHYEXUTkk1f4ecEuvE3PQI/WkjwMmrEZs5YflMZL87A1Jw/BCI94hv4fz9MLBAIM6tYAi/88hiOhN3Hn4QsMnrkFJuX10dJbee+qYx4kmAeJgV18sO3wBew+chn3o15hwuI9ePc+E11bSo6Tw+dsxbxVn46T/p29cfpiBFbvCMGDp6+xeP1R3LgXjb6dJMdJA/0ycLCuKPNQV1eDkYEebCwqlHj/eHroI0NDQzRp0gQrV67E6NGjZa5refXqFbZt24ZevXop5Jze/nP3UV5fG5N71oZxudK49TgOnabvl16cW8lIV1qMAMDinZJTQFN61oWpoQ7ik9/h2OXHmLPlvDRGr7Qmpveui4rldZCYmoHD5x9g7uZ/kZUtKvH+FVSbRtWRkPQWS9YflX5p0pbFA6UXkb14nSjz+6npaoU/ZvTCL4HBWLQ2CJaVjLBufj84fHb1e/P6bpg/9kes2HoS05ftQ5XKRlgzpw9quVmXeP8KqkOTGohPTEPA2mDExqfCxc4Me5YNkU7nPn+dCKHwUx483ayxdo4f5q8OwtyVQbA2N8LWX/rDqcqnO8WOnruFYbO3SX/2n7IRADDevzkmDmhRMh0rpA5Na+BNUhrmrwn+OGVvhr2/D/2Uh1cJEH42HjzdrRE41w/zVgVhzsrDkjwsHgAnm095GNmrMd6lZ2D0/B1ITkuHl3sV7P19CLQ0S5V4/wqKeZBgHiTaNq6O+KQ0LFp3BHEJKXC2rYTtSwZJT4u/eJ0okwcPVyusnNkLC9ceQcCaIFhVMsKGgH5wsFbOO0kF4sKeD/kPe/DgAerUqQNHR0fMnTsXVlZWuHPnDsaNG4eMjAxcvHgRBgYGX9xGSkoK9PX1odloPgTqWiXUcuUUvXe4opugFMpoKu47DZSJMlzER6SM3mdmK7oJCpWSkgILUwMkJyd/9WwFTw99xtbWFleuXIG1tTU6d+6MKlWqYMCAAWjQoAEuXLjw1YKFiIiIig9PD+ViYWGBjRs3KroZRERElAtnWoiIiEglsGghIiIilcCihYiIiFQCixYiIiJSCSxaiIiISCWwaCEiIiKVwKKFiIiIVAKLFiIiIlIJLFqIiIhIJbBoISIiIpXAooWIiIhUAosWIiIiUgksWoiIiEglsGghIiIilcCihYiIiFQCixYiIiJSCSxaiIiISCWwaCEiIiKVwKKFiIiIVAKLFiIiIlIJLFqIiIhIJbBoISIiIpXAooWIiIhUAosWIiIiUgksWoiIiEglqCu6Af9V19b5Q1dPT9HNUCjHEX8puglK4cmqHxXdBKWgriZQdBOUglgsVnQTSMlkZIkU3QSFyixE/znTQkRERCqBRQsRERGpBBYtREREpBJYtBAREZFKYNFCREREKoFFCxEREakEFi1ERESkEli0EBERkUpg0UJEREQqgUULERERqQQWLURERKQSWLQQERGRSmDRQkRERCqBRQsRERGpBBYtREREpBJYtBAREZFKYNFCREREKoFFCxEREakEFi1ERESkEli0EBERkUpg0UJEREQqgUULERERqQQWLURERKQSWLQQERGRSmDRQkRERCqBRQsRERGpBBYtREREpBLUFd0AKpitB/7B+t1nEJeQCocqFTFteHu4O1SWG/sg6hWWbTyGO/ef48XrREwe0hZ+Het/1zaVRW8fGwxs6gAjfS1EPE/C9B3XEB6VkG98v0Z2+Mm7CswMSiMhLRNHrkVjwb6byMgSffM2lcH6vWexYmsIYhNS4GxjhoAxnVDd2SLf+IOnrmPB2mBExyTA2twI04a2QZM6zgCAD1nZCFgdhJMX7uLpi3jo6mjB28Me04a0gYmRfkl16ZsE7g7FH1tPITY+BS62Zlg47kfUcLbMN/7AyWuYvzoYz2LiYW1uhJnD26FpXWfp82KxGAFrgrH5wHkkp6XD080aSyZ2QZXKxiXQm2+3bs9ZaR6cbc2wcGynr+ThOgLWBOHZx/Ewc1hbNMmdh7VHsEWaByssnsA8qEoeNu//B2t2hiAuIRWOVSpi1sgOqOqY//Eh+HQ4lvx5FM9fJcDKzAgTB7VCAy8n6fOW3qPlrjdpUGsM7NawyNv/JZxpUQHBp68jYPUhDOvVFAdWj4ZDlYroN2Et4hNT5canv8+Euakhxvi3hJGBbpFsUxm0rmmOaT9WxW9Bd9Bi7nHcjU7ClpHeMNTVlBvfrlZlTOzght+C7qDBjKMYt/kyWtesjAnt3b55m8pg/4lrmL5sP8b6N8OpTePgbGuGzqNWIi5B/u/u8s3HGDh9E3q0ro2QTePRvL4beo9fh4hHLwFIxsvNyOf4uY8vTm0ah40L+uHh01j0HLe2JLtVaPuOX8XU3/Zjgn9znNkyAS62Zug4fEW+ebh04zH8p25Ez7a1Ebp1Ilp6u6Pn2LW4+/ClNGbZ5pNYsysUv07qihMbxqK0tgY6Dl+B9xkfSqpbhbbvhCQP4/2b4/Tm8XCxNUOnEfmPh0s3H6P/tI3o0aY2zmyZgBbebug5LhB3H33Kw++bT2LtrlAsmdgFJ/4cg9Lamug0YiXzoAJ5OBxyHXNXHMDI3r4IDhwDpyoV0WvsGrzJ59h+9fYTjJizBV1aeOJI4Fg0reeCAVP+ROTjGGnM5X2zZB6LJnSFQCBAc283udssTkpXtPj5+UEgEEgfhoaGaNasGW7evJnvOlFRUXnWadq0Ka5fvy6N8fHxkYnJeQwaNEga8/lyPT09eHh44ODBg8Xa34LYsPcsOrfwQsdmtWBjaYLZozpCS7MU9h67LDfezaEyJgxsjVYNq0GjlPzJtMJuUxn0b2KPHf88xu7zT/AgJgWTtl3B+8wsdKlrJTe+RpXyuPLwDQ5cfobn8e9w9u5rHLz8DO5WBt+8TWWwesdp9GxbB91becHeyhSLJ3SGtpYGtgddlBu/dlcoGno5YljPRrCzMsGkgS3hZl8J6/eeAwDo6Whj7x9D0a5xddhYVEBNFyssGNsJN+5F4/kr5Z1xWrk9BL3a1UGPNrXhYG2KXyd1RWktDWw9dEFu/JqdZ9CotiNG/NQY9lYmmDK4FdwdzBG4JxSA5FP16h2nMbavL1p4u8HF1gyrZvXCqzfJCA69UZJdK5SV20+jV7va6NHaS5KHiV1QWksD2w5/IQ9en+VhUCu4OZhj3e6zAD7mYecZjPmYB2dbM6ya+dPHPOR/HFY05kFi3e4z6NqqNjq38IStpQnmjfkR2loa2H3kktz4P/eehXctBwzs1hA2lhUwpl8LONtVwqb956QxxoZ6Mo8T/95G7Wo2qFyxfEl1S0rpihYAaNasGWJiYhATE4NTp05BXV0drVq1+up6J0+eRExMDP7++2+kpaWhefPmSEpKkj7fv39/6XZzHosWLZLZxoYNGxATE4MrV66gbt266NSpE27dulXUXSywzA9ZuHP/OepUt5UuEwqFqFPdDuF3nyrNNotbKTUhXCuXwz8Rr6XLxGLgXMRr1LCWv+NcffQGrhblUNVSUqRULl8GDVxNcfpWzDdvU9EyP2ThRmQ0vD3spcuEQiHqe9jjyq0ncte5cjsK9T3sZJY18HLMNx4AUtLeQyAQQF9Xu2gaXsQyP2Qh/F40fGrJ5sG7lj3C8unX5VtP4OPhILOsoZcjwm5FAQCevojH6/gU+NT6FKOvo40azpYIuxlV5H0oCpkfsnDjXt7x4O1hL+1XbmG3ouD9Wd4AoKGXgzRvT1/m5OFTjF5OHr4wZhSJeZDI/JCF2/efo26NT/u7UChE3Rq2uHZH/rH9+p0omXgAqO9hn298XEIqTl+4iy4tPIuu4YWglEWLpqYmTExMYGJigqpVq2LixImIjo5GXFzcF9czNDSEiYkJatasicWLF+P169e4dOlTdVm6dGnpdnMeenp6MtsoW7YsTExMYGdnhzlz5iArKwunT58uln4WRGLyW2SLRChfTvY0T/lyOvlOeypim8XNQEcD6mpCxKW8l1n+JvU9jPS15K5z4PIzLDl0G3+Nb4jHq37Ev/Nb4WJkLJYfjfjmbSpaQtJbZGeL8pz2My6ni9h4+b+72PgUGBvIjnOjL8S/z/iA2SsOokOT6tAto5xFS3xSmtw8GBnoITY+Re46sfEpMDLMHa8rjX/98d/cMcaGuvluU9HipeMh1+/XQFfan9wk4yFXHw10Eftx35fmIU9umYecn5U1D4nJkjzkPrYbldNFXIL8NsclpMqNf5NP/F/HLqNMaS341i/5U0OAClyIm5aWhq1bt8LGxgaGhoYFXk9bW3KwzczM/KbXzcrKwvr16wEAGhoa+cZlZGQgIyND+nNKinIO5v9HXnZGGNbcEVO2X0P4k3hYGulgZtdqGJnshGXBdxXdPKX0ISsb/lM2QCwGfpnQWdHNISIls/voZbRrXB1amqUU8vpKOdMSFBQEHR0d6OjoQFdXF4cOHcKuXbsgFBasuUlJSZgzZw50dHRQq1Yt6fKVK1dKt5vz2LZtm8y63bp1g46ODjQ1NTF69GhYWlqic+f8D94BAQHQ19eXPszNzb+t0/kop18GakJhnouo3iSm5XuRrSK2WdwS0jKRlS2CkZ7sDEh5XS3EJb+Xu864tq7Yd/Epdv7zGPdeJONY+Ass3H8LQ5s7QiD4tm0qmkHZMlBTE+aZEYtNTIWxofzfnbGhHmJzfWqKkxOfU7A8f5WAvX8MVdpZFgAwLKsjNw9xCSkwNtSTu46xoR7i4nPHp0rjK3z8N3dMbHxqvttUNEPpeMj1+01IlfYnN8l4yNXHhFTprIM0D3lyyzzk/KyseSinL8lD7mN7XGJqnlmoHEYGunLjy8uJv3zjER4/i0WXVl5F1+hCUsqipUGDBggPD0d4eDguX74MX19fNG/eHE+fPkXz5s2lBYezs7PMenXq1IGOjg7KlSuHGzduYNeuXahQoYL0+R49eki3m/No06aNzDaWLl2K8PBwHD16FE5OTli3bh0MDAyQn0mTJiE5OVn6iI6OLtJcaJRSh7NdJVy4/kC6TCQS4cL1B6jqlP8tbCW9zeL2IVuEW88SUdfh0+9TIAB+cKyAq4/fyF1HS0MNIrFYZplIJPlZAME3bVPRNEqpw93eHGfD7kuXiUQinAuLRE1X+RcP13SxxLnP4gEg9PI9mficguVxdBz2/jEUBvpliqcDRUSjlDqqOpgjNCxSukwkEuFs2H145JOHWq5WMvEAcPrSPXi4WgIALMwMUcFQTyYmJS0dV+9EwcPNssj7UBQ0SqnD3SHveAi9cl/ar9w8XC1l4gHgzKVIad4sKn4hD/nkVtGYBwmNUupwsauE81dl83D+2oN8vxKhmrOlTDwA/HPlvtz4XUcuwdW+EpxszIq24YWglKeHypQpAxsbG+nP69atg76+PgIDA7Fu3Tqkp6cDAEqVkp2e2rVrF5ycnGBoaIiyZcvm2a6+vr7MduUxMTGBjY0NbGxssGHDBrRo0QJ3796FsbH8+/I1NTWhqVm8t8f26VQfExbuhIudOdwcKmPTX2eR/j4THX0ls0jjFmxHhfL6GOvfEoDkYqyHTyUXl37IysbrN8m4+/AFymhrwsKsfIG2qYwCT0Ti1z6euPk0AeFP4tGvsT20NdSx+1/JRXFL+3jiVdI7LNwvuXD65M2X6N/YHneiE3H9cQIsjXUwtq0LTt54KS1mvrZNZTSoWwMMn7MVVR3NUd3JAmt2ncG795no1lJyYdzQWVtgYqSPaUMkBfmALt5oO/h3rNwWgiZ1nbH/xFWER0RjycSuACRjpO+k9bgZ+RzblgxEtkgsPZ9fTq90vnegKdqQ7g0xZNYWVHOsjOrOlli14zTepmegR2vJp8BBMzbD1EgfM4a1BQAM7OqDVgN/w/Ktp9D0B2fsO34V4RHP8NvkbgAkdw8O6tYAi/88BmtzI1iYGWL+6mCYlNdHS293hfXza4Z0b4Chs7aiqmNlVHe2wOqdZ/AuPQPdP34aHjxjM0yNy2L6UMl4GNjVB60HLsPybafQtK4z9h2/hvCIZ1g6WTIeBAIBBnX1wZI//0YVc2NYVDTE/NVBH/OgmOsYCoJ5kPDv7IMxAdvh6mCOqg4WWL83FO/SM/Fjc8nx4ed521DBSB8TBkhubunbqT66jFiOwF2n0cDLCYdDruNWZDQCxsqeYUh9+x5HztzAlCFt8rxmSVLOo1EuAoEAQqEQ6enpMDPLv8IzNzdHlSpViux1a9WqhRo1amDevHlYtmxZkW23sFo2qIaE5Lf4fePfiEtMgWMVM6xf0B/lP05jxsQmQSgQSONj41PQbuCv0p/X7z6D9bvPoJZ7FWz9dUiBtqmMDl+JhoGuJsa0cYGRnhbuPk/CT7+H4k2q5JoiM4PSEH82s/J78F2IxZLTRCZltRGfloGTN15i0YFbBd6mMmrfpDrik9KwMPDIxy9Vq4RdSwdLp6yfv0qE4LPxUMvNGqtn90bAmmDMW30Y1ubG2LTIH45VKgKQjJ9j524DABr8tFDmtQ6sGI66NWyhjDo0rYE3SWmYvyYYsfGpcLUzw97fh36WhwSZ/cLT3RqBc/0wb1UQ5qw8DGtzI2xdPABONhWlMSN7Nca79AyMnr8DyWnp8HKvgr2/D1HY+fuC6NCkBuIT0xCwVpIHFzsz7Fk25FMeXidCKPwsD27WWDvHD/NXB2HuyiBJHn7pD6cqn/IwoldjvH2f+VkerLFnGfOgCnlo3bAaEpLSsPTPY4hLSIGjjRk2/TJQeur/RWwiBJ/loYaLFZZN+wlL1h/BL4HBsKxkhLXz+sLe2lRmu4dPXYNYLEabRtVLtD+5CcTiXPPnCubn54fXr19jw4YNAIDExEQsX74cq1atQkhICHx8fPKsExUVBSsrK1y/fh1Vq1aVu10fHx/Y2dlh9uzZMss1NTVRrlw5AJLiaP/+/WjXrp30+aNHj6J9+/Z49OjRFwumHCkpKdDX18edJ7HQ1VPO854lpfrYA4puglJ4supHRTdBKairKeXZ6BKnZIdcUgIp6VmKboJCpaakwNa8PJKTk/Pc0ZubUh5Fjh07BlNTU5iamsLT0xNhYWHYs2eP3IKlMAIDA6XbzXl069bti+s0a9YMVlZWmDdv3ne9NhEREX0fpZtpUXWcafmEMy0SnGmR4EyLBA+5lBtnWlR8poWIiIgoNxYtREREpBJYtBAREZFKYNFCREREKoFFCxEREakEFi1ERESkEli0EBERkUpg0UJEREQqgUULERERqQQWLURERKQSWLQQERGRSmDRQkRERCqBRQsRERGpBBYtREREpBJYtBAREZFKYNFCREREKoFFCxEREakEFi1ERESkEli0EBERkUpg0UJEREQqgUULERERqQQWLURERKQSWLQQERGRSmDRQkRERCqBRQsRERGpBHVFN+C/qryeJvT0NBXdDIV6supHRTdBKRg1nKboJiiFxNB5im6CUhAIBIpuglLIyhYpuglKo7SGmqKboFBZheg/Z1qIiIhIJbBoISIiIpXAooWIiIhUAosWIiIiUgksWoiIiEglsGghIiIilcCihYiIiFQCixYiIiJSCSxaiIiISCWwaCEiIiKVwKKFiIiIVAKLFiIiIlIJLFqIiIhIJbBoISIiIpXAooWIiIhUAosWIiIiUgksWoiIiEglsGghIiIilcCihYiIiFQCixYiIiJSCSxaiIiISCWwaCEiIiKVwKKFiIiIVAKLFiIiIlIJLFqIiIhIJbBoISIiIpXAooWIiIhUgrqiG0AFE7g7FH9sPYXY+BS42Jph4bgfUcPZMt/4AyevYf7qYDyLiYe1uRFmDm+HpnWdpc+LxWIErAnG5gPnkZyWDk83ayyZ2AVVKhuXQG++3fq9Z7FiawhiE1LgbGOGgDGdUN3ZIt/4g6euY8HaYETHJMDa3AjThrZBkzqSPHzIykbA6iCcvHAXT1/EQ1dHC94e9pg2pA1MjPRLqkvfxL+dJ4Z3rQdjAx3cfvQKE5YF4dq953Jj1dWEGN3TG918q8G0vB4eRr/BzDV/49TlB3LjR3WvjxkDfbFqz7+YvPxIcXbju3G/kGAeJHh8kFi/9yxWbvuUh/k/fzkPh3Ly8CoB1pUkeWj8eR7WBOHU+bt4+lKSh/o1FZcHzrSogH3Hr2Lqb/sxwb85zmyZABdbM3QcvgJxCaly4y/deAz/qRvRs21thG6diJbe7ug5di3uPnwpjVm2+STW7ArFr5O64sSGsSitrYGOw1fgfcaHkupWoe0/cQ3Tl+3HWP9mOLVpHJxtzdB51Mp883D55mMMnL4JPVrXRsim8Whe3w29x69DxCNJHtLfZ+Jm5HP83McXpzaNw8YF/fDwaSx6jltbkt0qtPYNXDF3aAss3BQCn/4rcPvRK/y12A/ly5aRGz/Vvwn8WtfChGVB8Oq9DBsOXcaWuT3gamuaJ7aagxn82njg9sOY4u7Gd+N+IcE8SPD4IHHg5DXM+H0/xvZrhpMbJXnoMvoreZixCd1b18apnDxMkJ+HkxvHYUNAPzx6FoufxismDypRtPj5+aFdu3b5Pu/j4wOBQACBQAAtLS04OTlh5cqV0uc3btwoff7zh5aWlsxr5CwvVaoUrKysMH78eLx//744u1YgK7eHoFe7OujRpjYcrE3x66SuKK2lga2HLsiNX7PzDBrVdsSInxrD3soEUwa3gruDOQL3hAKQfIpaveM0xvb1RQtvN7jYmmHVrF549SYZwaE3SrJrhbJ6x2n0bFsH3Vt5wd7KFIsndIa2lga2B12UG792VygaejliWM9GsLMywaSBLeFmXwnr954DAOjpaGPvH0PRrnF12FhUQE0XKywY2wk37kXj+auEkuxaoQzpXBebg65g+9FriHwah5+XHMS79x/Qs0UNufGdm1bF0q1ncOLSfTyNScSfBy/jxMVIDOv8g0xcGW0NrJ3aGSN/OYCk1PSS6Mp34X4hwTxI8PggsXrHafRsUwfdPubhl/Gdoa2pgR355CFwdygaen7Mg6UJJsrLw+9D0fazPASMUVweVKJoKYj+/fsjJiYGd+/eRefOnTF06FDs2LFD+ryenh5iYmJkHk+fPpXZRrNmzRATE4PHjx9j6dKlWLNmDWbMmFHSXZGR+SEL4fei4VPLXrpMKBTCu5Y9wm49kbvO5VtP4OPhILOsoZcjwm5FAQCevojH6/gU+NT6FKOvo40azpYIuxlV5H0oCpkfsnAjMhreHrJ5qO9hjyv55OHK7SjU97CTWdbAyzHfeABISXsPgUAAfV3toml4ESulroaqdhVx5upD6TKxWIzQqw/h4VxZ7jqapdTxPjNLZtn7jCx4ucpOF/8yqjWOX4hE6NVHRd/wIsb9QoJ5kODxQSInD/Xl5eF2wfPg4+mYbzyg2Dz8Z4qW0qVLw8TEBNbW1pg5cyZsbW1x6NAh6fMCgQAmJiYyjwoVKshsQ1NTEyYmJjA3N0e7du3QuHFjnDhxoqS7IiM+KQ3Z2SIYGejKLDcy0ENsfIrcdWLjU2BkmDteVxr/+uO/uWOMDXXz3aaiJSS9lZsH43K6iI2XP+0ZG58CYwM9mWVGX4h/n/EBs1ccRIcm1aFbRjkPSob6paGuroa4xDSZ5XGJaTA20JG7TkjYAwzpXBfWZoYQCATwqVkFreo7ocJnv/8ODV3hblcRswOPF2v7iwr3CwnmQYLHB4n88iD5/eafB6PcefhC/PuMD5iz8iDaKygP/9kLcbW1tZGZmfnN69++fRvnz5+HhUX+Fy8BQEZGBjIyMqQ/p6Qo505NX/YhKxv+UzZALAZ+mdBZ0c0pUhN/D8Kyce1xecsoiMViPHmZgO1Hr6HHx9NJZkb6CBjeCh3G/ImMXDMyRPTfPj4UxoesbPSf+jEP4xWTh/9c0ZKdnY0dO3bg5s2bGDBggHR5cnIydHRkP4nWq1cPR48elf4cFBQEHR0dZGVlISMjA0KhEMuXL//i6wUEBGDWrFlF24nPGJbVgZqaMM9FVHEJKTA21JO7jrGhHuLic8enSuMrfPw3Lj4VJuU/Xf0dG58KV7tKRdn8ImNQtozcPMQmpsI41yfCHMaGeohNkC0i4+TE5xyQnr9KwL4Vw5X2UxQAxCe/Q1ZWNozKyY5lo3I6iE1Iy3ednlO3QVNDHQZ6pRHzJgUzB/oi6qXkfLS7fUUYG+jgTOBQ6Trq6mqo426J/u29UKHJDIhE4uLr1DfgfiHBPEjw+CCRXx4kv9/88xCXOw9y4nPyEP0qAfuWKy4PKnV6aNu2bdDR0ZE+zp07J31u5cqV0NHRgba2Nvr374/Ro0dj8ODB0ud1dXURHh4u81i3bp3M9hs0aIDw8HBcunQJvXv3Rp8+fdCxY8cvtmnSpElITk6WPqKjo4u0zxql1FHVwRyhYZHSZSKRCGfD7sPD1UruOrVcrWTiAeD0pXvwcLUEAFiYGaKCoZ5MTEpaOq7eiYKHm2WRtr+oaJRSh7u9Oc6G3ZcuE4lEOBcWiZr55KGmiyXOfRYPAKGX78nE5+yIj6PjsPePoTDQl38HjrL4kJWN8Psv4V2jinSZQCBA/epVEHbn2RfXzcjMQsybFKirCdG6vjOO/hsBADh79RHq+C1Dff/l0se1e8+x5+QN1PdfrnQFC8D9IgfzIMHjg0ROHs5dyZWHK5Go6fKFPFyRkweXvHl48jwOe39XbB5UaqalTZs28PT0lP5sZmYm/X+PHj0wZcoUaGtrw9TUFEKhbD0mFAphY2Pzxe2XKVNGGvPnn3/C3d0d69evR79+/fJdR1NTE5qamt/SnQIb0r0hhszagmqOlVHd2RKrdpzG2/QM9GjtBQAYNGMzTI30MWNYWwDAwK4+aDXwNyzfegpNf3DGvuNXER7xDL9N7gZA8iY3qFsDLP7zGKzNjWBhZoj5q4NhUl4fLb3di7Uv32NQtwYYPmcrqjqao7qTBdbsOoN37zPRraVkTAydtQUmRvqYNqQNAGBAF2+0Hfw7Vm4LQZO6zth/4irCI6KxZGJXAJIdse+k9bgZ+RzblgxEtkgsPZ9fTq80NEop5+6xcve/WDmpI67fe4Fr955jcKc6KKOtgW1HrwIAVk3uhJi4FOn1KTUcK8G0vB5uPYxBRSM9TPBrBKFQgGU7JEV/WnomIp7EyrzGu/RMJCS/y7NcmXC/kGAeJHh8kMjJg7uDOao7W2DNTkkeurb6lAdTI31M/ZiH/p290W7I71i5PQRN6jhj/8mruHFPNg/9JkvysHWx4vOgnFnPh66uLnR15U9x6evrf7UoKQyhUIjJkyfj559/Rvfu3aGtrbgpwQ5Na+BNUhrmrwn+OEVrhr2/D5VO5z5/lQChQCCN93S3RuBcP8xbFYQ5Kw/D2twIWxcPgJNNRWnMyF6N8S49A6Pn70ByWjq83Ktg7+9DoKVZqsT7V1Dtm1RHfFIaFgYe+fglWpWwa+ngz/KQCMFneajlZo3Vs3sjYE0w5q0+DGtzY2xa5A/HKpI8xMQm4di52wCABj8tlHmtAyuGo24N2xLqWeHsP30L5cuWweS+jWBsoItbD2PQadxGxCW+BQBUMtaXmR3R1FDHFP8msDQth7fpmThx6T4GzduDlDTF387/PbhfSDAPEjw+SLRrXB3xiWlYtO5THnYuHSy96PjF60QIhbnyMKs3AtYGY35OHhZ+loe4T3lo2Es2D/tXDEfd6iWbB4FYLFa+ud9c/Pz8kJSUhAMHDsh93sfHB1WrVsVvv/0m9/mNGzdi5MiRiIyMzPOcsbExhEKh3NfIysqCpaUlRo0ahbFjxxaorSkpKdDX18fr+GTo6ck/p/z/IitbpOgmKAWjhtMU3QSlkBg6T9FNICXC48Mnyv8uXLxSUlJQqUI5JCd//X1Tpa5p+R4pKSkwNTXN84iNzX/6W11dHcOGDcOiRYvw9u3bEmwtERER5aYSMy2qhDMtn/CTlARnWiQ400Kf4/Hhk//3d2HOtBAREdF/DosWIiIiUgksWoiIiEglsGghIiIilcCihYiIiFQCixYiIiJSCSxaiIiISCWwaCEiIiKVwKKFiIiIVAKLFiIiIlIJLFqIiIhIJbBoISIiIpXAooWIiIhUAosWIiIiUgksWoiIiEglsGghIiIilcCihYiIiFQCixYiIiJSCSxaiIiISCWwaCEiIiKVwKKFiIiIVAKLFiIiIlIJLFqIiIhIJbBoISIiIpXAooWIiIhUgrqiG/BflZUtQla2SNHNUCg1oUDRTVAKiaHzFN0EpVCp/05FN0EphP3STtFNUApGuhqKboLSyBKJFd0EhSpM/znTQkRERCqhQDMthw4dKvAG27Rp882NISIiIspPgYqWdu3aFWhjAoEA2dnZ39MeIiIiIrkKVLSIRP/f12YQERGR4n3XNS3v378vqnYQERERfVGhi5bs7GzMmTMHZmZm0NHRwePHjwEA06ZNw/r164u8gURERETANxQt8+bNw8aNG7Fo0SJoaHy6Zc3FxQXr1q0r0sYRERER5Sh00bJ582asXbsWPXr0gJqamnS5u7s77t27V6SNIyIiIspR6KLlxYsXsLGxybNcJBLhw4cPRdIoIiIiotwKXbQ4OTnh3LlzeZbv3bsX1apVK5JGEREREeVW6K/xnz59Onr37o0XL15AJBJh3759iIyMxObNmxEUFFQcbSQiIiIq/ExL27ZtcfjwYZw8eRJlypTB9OnTERERgcOHD6NJkybF0UYiIiKib/uDifXq1cOJEyeKui1ERERE+frmv/J85coVREREAJBc51KjRo0iaxQRERFRboUuWp4/f45u3brh33//RdmyZQEASUlJqFOnDnbu3IlKlSoVdRuJiIiICn9Ni7+/Pz58+ICIiAgkJCQgISEBEREREIlE8Pf3L442EhERERV+piU0NBTnz5+Hvb29dJm9vT3++OMP1KtXr0gbR0RERJSj0DMt5ubmcr9ELjs7GxUrViySRhERERHlVuii5ZdffsHw4cNx5coV6bIrV65g5MiRWLx4cZE2joiIiChHgU4PlStXDgKBQPrz27dv4enpCXV1yepZWVlQV1dH37590a5du2JpKBEREf1/K1DR8ttvvxVzM4iIiIi+rEBFS+/evYu7HURERERf9M1fLgcA79+/R2ZmpswyPT2972oQERERkTyFvhD37du3GDZsGIyNjVGmTBmUK1dO5kFERERUHApdtIwfPx4hISFYtWoVNDU1sW7dOsyaNQsVK1bE5s2bi6ONRERERIU/PXT48GFs3rwZPj4+6NOnD+rVqwcbGxtYWFhg27Zt6NGjR3G0k4iIiP7PFXqmJSEhAdbW1gAk168kJCQAAH744QecPXu2aFtHRERE9FGhZ1qsra3x5MkTVK5cGQ4ODti9ezdq1aqFw4cPS/+AIhW99XvPYsXWEMQmpMDZxgwBYzqhurNFvvEHT13HgrXBiI5JgLW5EaYNbYMmdZwBAB+yshGwOggnL9zF0xfx0NXRgreHPaYNaQMTI/2S6tI3WbfnLP7Yegqx8SlwtjXDwrGdUMPZMt/4AyevI2BNEJ59zMPMYW3RpK6z9PnDp8OxYd+/uBHxDIkp7xC6dQJc7ZT/j34G7g6V5sHF1gwLx/34lTxcw/zVwXgWEy/Jw/B2aPpZHsRiMQLWBGPzgfNITkuHp5s1lkzsgiqVjUugN9+ut48NBvk6wkhfCxHRSZi24yrCoxLyje/XyA69fGxgZlAaCWmZCL4ajQX7biAjS/TN21QG2w/+iz/3nMGbhFTYVzHFlKHt4eZQWW7sg6hXWL7pb9x58BwvXydi4uA26NWhvkzM2h2ncPKfW3gcHQctTXVUdbLEGP+WsDJX7vHA46TEhr/OYdX2EMQlpMDJxgxzR3dENaf883A45DoWBR7B81cJsKpkhCmDW6NRnU/Hh1Fzt2H30csy6/h4OmD7r4OLrQ/5KfRMS58+fXDjxg0AwMSJE7FixQpoaWlh9OjRGDduXJE3kID9J65h+rL9GOvfDKc2jYOzrRk6j1qJuIRUufGXbz7GwOmb0KN1bYRsGo/m9d3Qe/w6RDx6CQBIf5+Jm5HP8XMfX5zaNA4bF/TDw6ex6DlubUl2q9D2nbiKqb/tx3j/5ji9eTxcbM3QaUT+ebh08zH6T9uIHm1q48yWCWjh7Yae4wJx92MeAOBdeia83K0xY1jbkurGd9t3XJKHCf7NcWbLBLjYmqHj8BX55+HGY/hP3YiebWsjdOtEtPR2R8+xa3H34ac8LNt8Emt2heLXSV1xYsNYlNbWQMfhK/A+I++f7FAWrWuaY3rnalh6+Daaz/kbd58nYesoHxjqasqNb1fLApM6umPp4TvwmX4UYzddRmuPypjQwe2bt6kMjp4Jx8I1hzCkZxPsXTUKDtYVMWBSIOIT5Y+H9xmZqGRqgJ/7tUB5A125MVduPka3NnWx4/fhWLdgILKysuE/cS3epWcUZ1e+C4+TEgdPXsOsP/bj576++PvPcXCyqYjuP6/Cm3zGQ9itJxgyczO6tfLC8Q3j0KyeK/pOWo97j1/KxDXwckT4oTnSx8qZivkqlEIXLaNHj8aIESMAAI0bN8a9e/ewfft2XL9+HSNHjizUtvz8/CAQCKQPQ0NDNGvWDDdv3vzqunfu3EHnzp1hZGQETU1N2NnZYfr06Xj37p1MnKWlpXT7pUuXhqurK9atW5dne2KxGIGBgahduzb09PSgo6MDZ2dnjBw5Eg8fPixUv4ra6h2n0bNtHXRv5QV7K1MsntAZ2loa2B50UW782l2haOjliGE9G8HOygSTBraEm30lrN97DgCgp6ONvX8MRbvG1WFjUQE1XaywYGwn3LgXjeevlPcT5crtp9GrXW30aO0FB2tT/DqxC0praWDb4Qty49fsPINGXo4Y8VNj2FuZYMqgVnBzMMe63Z9OY3ZpUQvj/ZvDp5a93G0oo5XbQ9CrXR30aFNbkodJXVFaSwNbD30hD7U/y8PgVnB3MEfgnlAAkrG/esdpjO3rixbebnCxNcOqWb3w6k0ygkNvlGTXCmVAEwfsOPcIu88/wYOYFEzcGob3mVnoWtdabnzNKoa48vANDlx+iufxb3H27iscvPwUVS0Nv3mbymDjX6H4sbknOjSrBRsLE8wY2RFamqWw7+8wufGu9pUxbkBrtGhQDRql5E+2rw3oj/a+HrC1NIFDlYqYP64rYmKTcPfB8+LsynfhcVJi7a4z6N66Drq29IKdlQkWjusMbU0N7MgnD+t2h6KBpwOG9GgEW0sTjB/QEq52lbDhYx5yaJRSh7GhnvRRVq90SXQnj0IXLblZWFigQ4cOcHNz+3qwHM2aNUNMTAxiYmJw6tQpqKuro1WrVl9c5+LFi/D09ERmZiaCg4Nx//59zJs3Dxs3bkSTJk3yfHfM7NmzERMTg9u3b6Nnz57o378/jh49Kn1eLBaje/fuGDFiBFq0aIHjx4/j7t27WL9+PbS0tDB37txv6ltRyPyQhRuR0fD2+PSmKhQKUd/DHlduPZG7zpXbUajvYSezrIGXY77xAJCS9h4CgQD6utpF0/AilvkhCzfu5c2Dt4c9wm5FyV0n7FYUvHMVIw29HBD2hTwou8wPWQi/Fy1TZAmFQnjXss+3X5dvPYGPh4PMsoZejtK8PX0Rj9fxKfCp9SlGX0cbNZwtEXYzqsj7UBRKqQnhalEO5yJeS5eJxcC5iNeoXsVQ7jpXHsXD1aIcqloaAAAqly+Dhq6mCLkd883bVLTMD1m4e/8FvKp/2t+FQiFqV7dF+N2nRfY6qW/fAwD0dRXzRvU1PE5KZH7Iws3IaNTzkB0P9Wra4ertKLnrXL3zBPVqyh4nvT0dcPWObPyF6w/h2nIKfug6DxN/2Y2E5LdF3fwCKdA1Lb///nuBN5gzC1NQmpqaMDExAQCYmJhg4sSJqFevHuLi4mBkZJQnXiwWo1+/fnB0dMS+ffsgFErqLgsLC9jZ2aFatWpYunQpJkyYIF1HV1dX+hoTJkzAokWLcOLECTRv3hwAsGvXLuzcuRMHDx5EmzZtpOtVrlwZXl5eEIvFhepTUUpIeovsbBGMck3jGpfTxcOo13LXiY1PgbGB7Jf8GZXTRWx8ftPFHzB7xUF0aFIdumWUc2eMl+YhV78MdHH/6ZfykCtvBrqIzWe6WBXEJ6XJHQ9GBnp48IXxYGSYO14XsfEpAIDXH//NHWNs+ClG2RjoaEBdTYi4lPcyy9+kvIeNifwvuDxw+SkMdDSwb0IjCCBAKXUhNp95gOVH7n7zNhUtKfktskUilC+nI7PcsJwuHkfHFslriEQiLFh1ENWdLWFrZVok2yxqPE5K5JeH8ga6ePhM/niIi0/Nc5rw8+MDAPh4OaK5txsqVzRE1Is3WLAmCD3HrMbhNaOhpvbdcx+FUqCiZenSpQXamEAgKHTR8rm0tDRs3boVNjY2MDSU/8kmPDwcd+/exfbt26UFSw53d3c0btwYO3bskClacohEIuzfvx+JiYnQ0NCQLt+xYwfs7e1lCpbc/cpPRkYGMjI+nedNSVHOg3x+PmRlw3/KBojFwC8TOiu6OUTFpradMYa1cMKUbVdx/Uk8LI11MKtLdYxs+R7Lgu8ounlKa84f+/Eg6hW2Lh2q6KYozP/7cbJd4+rS/ztWqQinKhVRu/McnL/+IM8sTXErUNHy5EnxTacHBQVBR0fyKeHt27cwNTVFUFBQnoIkx/379wEAjo6Ocp93dHTEP//8I7NswoQJmDp1KjIyMpCVlQUDAwP4+/vLbNPeXjbxo0aNkl77UrZsWTx/Lv9cbkBAAGbNmlWAnn4bg7JloKYmzHMxWWxiKowN5V9EZ2yoh9gE2eIpTk58zo74/FUC9q0YrrSfHgDAUJqHXP1KSEUFQ/mfgiV5yJW3hNQ8sy+qxLCsjtzxEJeQAuMv5CEuPnd8qjQ+J39x8akwKf/projY+FSlvZMqIS0TWdkiGOlpySwvr6eF2JR0ueuMbeeKfRejsOOfxwCAey+SUVpDHQt/8sDvR+580zYVrax+GagJhXiTmCazPD4xFeXLff/s0Nw/9iH00l1sXjIEJkZlv3t7xYXHSYn88vAmITXP7EsOI0NdvMlzPEnN93gCABZm5WFQtgyinr8p8aKlZOd15GjQoAHCw8MRHh6Oy5cvw9fXF82bN8fTp0/RvHlz6OjoSC+K/VxhTtmMGzcO4eHhCAkJgaenJ5YuXQobG5svrjNlyhSEh4dj+vTpSEtLyzdu0qRJSE5Olj6io6ML3K6C0CilDnd7c5wNuy9dJhKJcC4sEjVdreSuU9PFEuc+iweA0Mv3ZOJzdsTH0XHY+8dQGOiXKdJ2FzWNUupwd8ibh9Ar9+Hhail3HQ9XS5l4ADhzKRIe+eRNFWiUUkdVB3OEhkVKl4lEIpwNu59vv2q5WsnEA8DpS/ekebMwM0QFQz2ZmJS0dFy9EwUPN8si70NR+JAtwq2nifjBsYJ0mUAA/OBYAdcexctdR1tDDaJch43sj8cRAQTftE1F0yilDic7M1y8/kC6TCQS4eL1h6j6hVtcv0YsFmPuH/tw8t/b+HPRIFQyVc5renLwOCmhUUodbvbm+OeKbB7+uXofNVws5a5Tw9kK567K5uFsWOQXv0LhZWwSEpPffbGwKS7f9QcTi0KZMmVkCoh169ZBX18fgYGBWLduHdLTJZ9wSpUqBQCws5NcYBQREYFq1arl2V5ERIQ0Jkf58uVhY2MDGxsb7NmzB66urqhZsyacnJwAALa2toiMlD2oGxkZwcjICMbGX/5eAk1NTWhqFu/tkIO6NcDwOVtR1dEc1Z0ssGbXGbx7n4luLT0BAENnbYGJkT6mDZGc3hrQxRttB/+OldtC0KSuM/afuIrwiGgsmdgVgGRH7DtpPW5GPse2JQORLRJLr2sop1c63zsKFG1I9wYYOmsrqjpWRnVnC6zeeQbv0jPQvZUXAGDwjM0wNS6L6UMleRjY1QetBy7D8m2n0LSuM/Ydv4bwiGdYOrmrdJuJyW/x/HUiXsUlAwAefLw+xthADxXKK+d1DEO6N8SQWVtQzbEyqjtbYtWO03ibnoEerSV5GDRjM0yN9KW3cQ/s6oNWA3/D8q2n0PQHZ+w7fhXhEc/w2+RuACSnPwd1a4DFfx6DtbkRLMwMMX91MEzK66Olt7vC+vk1a0/cw9K+XrgRlYDwJwnwb2wHbQ117PpXMpPyW19PvEpMx4L9krsRT954if5N7HH7WaLk9JCRDsa1dcWJmy8h+li8fG2bysivozcmLdoJF7tKcLWvjM37zyH9fSba+3oAACYu3AHj8vr4uV8LAJKLNR99HOcfPmTj9ZtkRDx8gdLamrAwKw8AmPPHPgSHXMfyWX1QprSmdIZTt4w2tDRLKaCXX8fjpMSALj4YNW8b3B0qo5pTZQTuDsW795no+jEPI+ZshUl5fUwe3BoA4N/ZGx2H/o7VO0LQqI4zDp68hpv3ovHLhC4AgLfvMrDkz2No6eMOY0NdRL14g7krD8GqUnn4eMo/41GclC7rAoEAQqEQ6enpMDMzy/N81apV4eDggKVLl6Jr164yp5Fu3LiBkydPIiAgIN/tm5ubo0uXLpg0aRIOHjwIAOjWrRu6d++OgwcPom1b5fu+jvZNqiM+KQ0LA498/DKxSti1dLC0yn3+KlHmuptabtZYPbs3AtYEY97qw7A2N8amRf5wrFIRABATm4Rj524DABr8tFDmtQ6sGI66NWxLqGeF06FJDcQnpiFgbTBi41PhYmeGPcuGfMrD60QIhZ/y4OlmjbVz/DB/dRDmrgyCtbkRtv7SH04f8wAAR8/dwrDZ26Q/+0/ZCAAY798cEwe0KJmOFVKHpjXwJikN89cEfzyFY4a9vw/9bDwkQPjZePB0t0bgXD/MWxWEOSsPS/KweACcbD7lYWSvxniXnoHR83cgOS0dXu5VsPf3IUr7BgUAh69Ew1BXC2PbusJITwt3o5Pw07IzeJMqucbMzKCMzMzKsuA7EEOM8e1cYVJWG/GpGThx8yUW7b9Z4G0qo+Y+VZGQlIY/Nv2NN4mpcKhSEWvm+6N8OcnpgJjYRJnxEBefgo6DP12nuGFPKDbsCYWHmzU2LRkCANj58WsEeo9dJfNa88Z2kRZDyobHSYm2jSV5+GXdEcQlpMDZthK2LRkkvYnhxWvZ8eDhaoUVM3th4dojWLAmCFaVjPBnQD84WEvyIFQTIOLRS+w5ehkpaemoUF4f3rXsMb5/C2hqlHwJIRAr8NYYPz8/vH79Ghs2bAAAJCYmYvny5Vi1ahVCQkLg4+Mjd73z58+jSZMmaNq0KSZNmgQTExNcunQJY8aMgbm5OUJCQqSzH5aWlhg1ahRGjRolXf/u3btwcXHB5cuXUbNmTYjFYnTu3BlBQUGYNGkSfH19UaFCBTx9+hQLFizA5cuXER9fsOnhlJQU6Ovr40VsIvT0lPOTeklRE+Z/AfP/ky9dyP3/pFL/nYpuglII+6WdopugFIx0Nb4e9H/iQ7bi7lBVBikpKbA0NUBycvJX3zcVfk3LsWPHYGpqClNTU3h6eiIsLAx79uzJt2ABgDp16uDixYtQU1ND8+bNYWNjg0mTJqF37944ceLEV0/XODk5oWnTppg+fToAyZvKrl278Ntvv+HIkSNo1KgR7O3t0bdvX5ibm+e5sJeIiIhK3jfNtJw7dw5r1qzBo0ePsHfvXpiZmWHLli2wsrLCDz/8UBztVBmcafmEMy0SnGmR4EyLBGdaJDjT8glnWopxpuWvv/6Cr68vtLW1cf36del3lCQnJ2P+/Pnf1mIiIiKiryh00TJ37lysXr0agYGB0jt6AKBu3bq4du1akTaOiIiIKEehi5bIyEjUr18/z3J9fX0kJSUVRZuIiIiI8ih00WJiYiL3rx7/888/sLZW3r+ESkRERKqt0EVL//79MXLkSFy6dAkCgQAvX77Etm3bMHbsWAwePLg42khERERU+C+XmzhxIkQiERo1aoR3796hfv360NTUxNixYzF8+PDiaCMRERFR4YsWgUCAKVOmYNy4cXj48CHS0tLg5OQk/aOHRERERMXhm7+DV0NDQ/q3e4iIiIiKW6GLlgYNGnzxy7JCQkK+q0FERERE8hS6aKlatarMzx8+fEB4eDhu376N3r17F1W7iIiIiGQUumhZunSp3OUzZ85EWlradzeIiIiISJ4i+4OJPXv2xJ9//llUmyMiIiKSUWRFy4ULF6ClpVVUmyMiIiKSUejTQx06dJD5WSwWIyYmBleuXMG0adOKrGFEREREnyt00aKvry/zs1AohL29PWbPno2mTZsWWcOIiIiIPleooiU7Oxt9+vSBq6srypUrV1xtIiIiIsqjUNe0qKmpoWnTpvxrzkRERFTiCn0hrouLCx4/flwcbSEiIiLKV6GLlrlz52Ls2LEICgpCTEwMUlJSZB5ERERExaHA17TMnj0bY8aMQYsWLQAAbdq0kfk6f7FYDIFAgOzs7KJvJREREf3fK3DRMmvWLAwaNAinT58uzvYQERERyVXgokUsFgMAvL29i60xRERERPkp1DUtX/rrzkRERETFqVDf02JnZ/fVwiUhIeG7GkREREQkT6GKllmzZuX5RlwiIiKikiAQ51ys8hVCoRCvXr2CsbFxcbdJpaWkpEBfXx+v45Ohp6en6OYoVAGH1n8eT6tKvMvIUnQTlIJZu18V3QSlEB88TtFNUBofskWKboJCpaSkoLKJAZKTv/6+WeBrWnjgJSIiIkUqcNHCT81ERESkSAW+pkUk+v+eviIiIiLFKvTX+BMREREpAosWIiIiUgksWoiIiEglsGghIiIilcCihYiIiFQCixYiIiJSCSxaiIiISCWwaCEiIiKVwKKFiIiIVAKLFiIiIlIJLFqIiIhIJbBoISIiIpXAooWIiIhUAosWIiIiUgksWoiIiEglsGghIiIilcCihYiIiFQCixYiIiJSCSxaiIiISCWwaCEiIiKVwKKFiIiIVAKLFiIiIlIJLFqIiIhIJbBoISIiIpWgrugGUMEE7g7FH1tPITY+BS62Zlg47kfUcLbMN/7AyWuYvzoYz2LiYW1uhJnD26FpXWfp82KxGAFrgrH5wHkkp6XD080aSyZ2QZXKxiXQm2+3bs9ZaR6cbc2wcGynr+ThOgLWBOFZTIIkD8PaoslneTh8Ohwb9v2LGxHPkJjyDqFbJ8DVrlIJ9OT7cDxIbPzrHFbtCEFcQiqcqlTEnNEdUc3JIt/4wyHh+GXdETx/lQCrSkaYPLg1GtV2kj4/at427DkaJrOOTy0HbPt1ULH1oSj4t6qG4Z1qwbhcGdx+HIsJq07i2v1XcmPV1YQY3cUL3Ro7w9RQFw+fJ2Dmn6E4dfXJN29TWazbcxbLt306PiwY8+Xjw8FT1zF/TRCiPx4fZgzNe3zYuO9f3LgnOT6c2aIax4c//zqHldtCEJeQAicbM8z7uSOqf2G/OBRyHYvWHkH0x/1i6pDWaFznUx5+WXcUB09ew4vYJGiUUoObvTkmDWyJ6l/IbXHhTIsK2Hf8Kqb+th8T/JvjzJYJcLE1Q8fhKxCXkCo3/tKNx/CfuhE929ZG6NaJaOntjp5j1+Luw5fSmGWbT2LNrlD8OqkrTmwYi9LaGug4fAXeZ3woqW4V2r4TkjyM92+O05vHw8XWDJ1GrMw/Dzcfo/+0jejRpjbObJmAFt5u6DkuEHcffcrDu/RMeLlbY8awtiXVje/G8SBx8NQ1zFp+AD/3aYZj68fCycYMPX5ejTeJ8vMQdusJhs7ajG6tvPD3n2PhW88V/Satx73HMTJxDTwdcP3gbOljxcxeJdGdb9a+vgPmDmiAhdv+hc/wTbj9JA5/ze2M8vql5cZP7V0Pfs3dMWHVKXgNXI8NR8KxZVo7uFYx/uZtKoP9J65i2rL9GNevOUI2jYeLjRl+HJn/8eHyx+NDz9a1cXrzBLSo74afxgciQsWPDwdOXsPM3/djTF9fHN8wDs42FdFt9Kp88xB26wkGz9iMbq29cGLjODSv74o+E9fL5KFKZSPMH9MJZ7ZMwMFVI2FuaoAuo1bhTWJaSXVLSimLFj8/P7Rr1+6LMenp6ZgxYwbs7OygqamJ8uXL48cff8SdO3dk4mbOnAmBQACBQAA1NTWYm5tjwIABSEhIyLPN69evo0uXLjA1NYWmpiYsLCzQqlUrHD58GGKxuCi7WCgrt4egV7s66NGmNhysTfHrpK4oraWBrYcuyI1fs/MMGtV2xIifGsPeygRTBreCu4M5AveEApB8ql694zTG9vVFC283uNiaYdWsXnj1JhnBoTdKsmuFsnL7afRqVxs9WntJ8jCxC0praWDb4S/kweuzPAxqBTcHc6zbfVYa06VFLYz3bw6fWvYl1Y3vxvEgEbjzDLq3ro0uLT1hZ2WCBeN+hLaWBnYGXZIbv35PKHw8HTC4e0PYWppgfP8WcLGrhA1/nZOJ09BQh7GhnvRRVk9536gBYEj7mth89Ca2n7iNyGfx+PmPv/Eu4wN6NnWVG9+5oTOW7rqIE2GP8fRVMv4MDseJsMcY1sHjm7epDFbuOI2f2n46PiyZ2AXaXzo+7JIcH4Z/3C8mD2oFN3tzrNsje3wY598c3h6qc3xYs/MMerSpg26tvGBvZYJF4ztDW1MDO4Muyo0P3B2KBp4OGNqjEewsTTBhQEu42svuFx2a1kR9D3tYmJWHg7UpZo1oj9S37xHx6EVJdUtKKYuWr8nIyEDjxo3x559/Yu7cubh//z6OHDmCrKwseHp64uJF2V+Os7MzYmJi8OzZM2zYsAHHjh3D4MGDZWIOHjwILy8vpKWlYdOmTYiIiMCxY8fQvn17TJ06FcnJySXZRanMD1kIvxct86YqFArhXcseYbeeyF3n8q0n8PFwkFnW0MsRYbeiAABPX8TjdXwKfGp9itHX0UYNZ0uE3Ywq8j4UhcwPWbhxL1rm4CEUCuHtYS/tV25ht6LgnasYaejlkG/eVAHHg0TmhyzcvP8c9WraSZcJhUL8UNMOV+9EyV3n6u0omXgA8PF0wNXbsvEXrj+EW6upqNdtHiYu3o2E5LdF3fwiU0pdiKq2JjgTHiVdJhYDoeFP4eFYUe46mqXU8D4zS2bZ+8wseDlX+uZtKpr0+JB7v/ja8cHjv3d8uBkZjfq59ot6Hna4kmuc57h6+wnq58qDj6dDvvGZH7Kw5eB56Olow8nGrKiaXmAqeU3Lb7/9hgsXLuD69etwd3cHAFhYWOCvv/6Cp6cn+vXrh9u3b0MgEAAA1NXVYWJiAgAwMzPDjz/+iA0bNki39/btW/Tr1w8tW7bEvn37ZF7L0dER/fr1U9hMS3xSGrKzRTAy0JVZbmSghwdRr+WuExufAiPD3PG6iI1PAQC8/vhv7hhjw08xyiY+6e3HPOjJLDcy0MX9p/nnwThX3owNdBGbzzSpKuB4kEhIloyH8nnyoItH+YyHuIRUGJWTjS9fThdxCZ/62MDTES283WFuaoCnL95gwdpg/DR2DQ6tHgU1NeX7jGeoVxrqakLEJb6TWR6X+Ba2lQzkrhNy9QmGdPDA+dvP8SQmEd5VLdCqjh3U1ATfvE1Fyzk+GOc6Phgb6OLBF44PefcjXcTGq+7xIUF6nMzbr4dPY+WuExufd78wKpd33z/+720Mmr4J6e8/oIKhHnb9NhiGZXWKtgMFoHx7YQFs374dTZo0kRYsOYRCIUaPHo27d+/ixg3509pRUVH4+++/oaGhIV12/PhxxMfHY/z48fm+Zk4BlFtGRgZSUlJkHkSkmto2ro6mP7jAsUpFNKvvhk0L+yM84hnOX3+o6KYVmYlrTuHxi0RcXtsPsYfHYtGQJth+4hZEIsWdAiflV7e6LU5tGo+gNaPQwMsBA6ZtzPc6meKkkkXL/fv34ejoKPe5nOX379+XLrt16xZ0dHSgra0NKysr3LlzBxMmTJDZHgDY23+aIgsLC4OOjo70ERQUJPf1AgICoK+vL32Ym5t/d/8+Z1hWB2pqwjyDIy4hBcaGenLXMTbUQ1x87vhUaXyFj//mjomNT813m4pmWLbMxzzIFoVxCanS/uRmbKiXZ1YlNiE1z+yLKuF4kDDQl4yHN3nykAqjfNpsZKCLuFwX6b5JTM0ze/c5C7PyMChbBlHP476/0cUgPuUdsrJFMCone92NUbkyiE2Uf1orPjkdPefsh1n7pXDrvRq1+q/D2/cfEPUq+Zu3qWg5x4fYXMcHyf7+hf1CzvgxNlTd44OB9Dgpp1/5HPeMDfPuF3GJeff9MtqasKpkhBoullg6uTvU1YTYkc91MsVJqYuWbdu2yRQO5859ujCoMKdr7O3tER4ejrCwMEyYMAG+vr4YPnz4F9dxc3NDeHg4wsPD8fbtW2RlZcmNmzRpEpKTk6WP6OjoArerIDRKqaOqgzlCwyKly0QiEc6G3YeHq5XcdWq5WsnEA8DpS/fg4WoJALAwM0QFQz2ZmJS0dFy9EwUPN8sibX9R0SilDncHc5wN+1SMikQihF65L+1Xbh6uljLxAHDmUmS+eVMFHA8SGqXU4WZXCf9cfSBdJhKJ8M/V+/ne4lrDxRL/XHkgs+xsWCRquMiPB4CXsUlITH6HCuX1i6LZRe5DlgjhD17Bu+qn21kFAqB+VQuERbz8wppAxodsxMSnQV1NiNZ17XD0woPv3qai5Hd8kOwXlnLX8XC1xNkruY4Pl1X/+OBmb45zV2Xz8M+V+6iZzziv4WKFc7nycPZyZL7xn7YrRkam/PfF4qTURUubNm2khUN4eDhq1qwJALCzs0NERITcdXKW29l9uhBJQ0MDNjY2cHFxwYIFC6CmpoZZs2ZJn7e1tQUAREZ+OmhramrCxsYGNjY2X2yjpqYm9PT0ZB5FbUj3hth84Dx2BF1E5JNX+HnBLrxNz0CP1l4AgEEzNmPW8oPS+IFdfXDqwl0s33oK96NeYcHaYIRHPEP/H70BSE51DerWAIv/PIYjoTdx5+ELDJ65BSbl9dHS211uG5TBkO4NsPngeewIuoTIJ68wZuFuvEvPQPdWkjwMnrEZs1ccksZL87AtJw9HEB7xDP6d60tjEpPf4tb954h8Ivn+iQdPX+PW/ed4/UZ5T/NxPEj07+qD7YcvYPfRy3gQ9QoTF+9BenomurT0BACMmLMVAasPS+P7/eiNM5cisHrHaTx8+hpL1h/FzXvR6NOxHgDg7bsMzFlxEFdvRyE6Jh7nrtxH34nrYGlWHt61HOS2QRms3H8FvZq5o2tjZ9iZG+DXYU1RRrMUtp24BQBYNaYFpvt9GvM17E3Rqo4tLEz0Udu5EvbO/RFCgQDL9l4u8DaV0ZBuDbDl4HnsCJYcH8Yu3I137z87PszMdXzoItkvVnw8PiwM/Hh8+DH/48PDnOODkl7rBUj2922HLmDXkcu4H/UKE37Zg3fvM9G1lWS/GDZ7K+at+rRf9O/sjdMXI7BqewgeRL3GL+uO4sbn+0V6BuavPvxxv0jAjXvRGDVvO169SUbrhlVLvH9KfSGurq4udHXzTml17doVU6ZMwY0bN2SuaxGJRFi6dCmcnJzyXO/yualTp6Jhw4YYPHgwKlasiKZNm8LAwAALFy7E/v37i6Uv36ND0xp4k5SG+WuCERufClc7M+z9fah0+u75qwQIP7vmxtPdGoFz/TBvVRDmrDwMa3MjbF08AE42n678H9mrMd6lZ2D0/B1ITkuHl3sV7P19CLQ0S5V4/wqqQ5MaiE9MQ8BaSR5c7MywZ9mQT3l4nQih8LM8uFlj7Rw/zF8dhLkrgyR5+KU/nKp8ysPRc7cwbPY26c/+UzYCAMb7N8fEAS1KpmOFxPEg0bZRdSQkvcXidUcRl5ACZxszbF0yUHoR4stc48HD1QrLZ/TCosBgLFwbBKtKRlgf0A8O1qYAAKGaABGPXmLP0TCkpKWjQnk9eHs4YFz/FtDUUN5D5f6z91BeXxuTe/4AY4MyuPUoFp2m7UFckuRC2krGehB9NjOtqaGOKb3rwdKkLN6mZ+JE2GMM+iUYKW8zCrxNZdS+iWS/WPDZ8WH3b5+ODy9yjYdaH48P81YHYe4qyfFhy6L+cMx1fBg+57Pjw9SNACTHhwn9lfP40K5xdcQnpWFR4BHJfmFbCTt+HSQ9DZo7Dx6uVlg5qxcWrj2CgDWS/WLDgn7SPKgJhXj4NBa7j/yJhOQ0lNMvg6oOlXFg5QjpvlOSBGJFfgFJPvz8/JCUlIQDBw7Iff79+/fw8fHBy5cvsWTJEnh6euL169eYP38+Tpw4gZMnT8LLS1Jdz5w5EwcOHEB4eLjMNjw9PeHh4YHly5cDAPbv348uXbqgSZMmGDFiBGxtbZGWloZjx45hwoQJOHToEFq3bv3VtqekpEBfXx+v45OLZdZFlSjh0FKI/C7i/n/zLqPkp5KVkVm7XxXdBKUQHzxO0U1QGh+yRYpugkKlpKSgsokBkpO//r6p1KeH8qOlpYWQkBD06tULkydPho2NDZo1awY1NTVcvHhRWrB8yejRo7Fu3TrpNSjt27fH+fPnUbp0afTq1Qv29vZo2LAhQkJCsHPnTrRq1aq4u0VERERfoJQzLaqMMy2fcGhJcKZFgjMtEpxpkeBMyyecafmPz7QQERHR/x8WLURERKQSWLQQERGRSmDRQkRERCqBRQsRERGpBBYtREREpBJYtBAREZFKYNFCREREKoFFCxEREakEFi1ERESkEli0EBERkUpg0UJEREQqgUULERERqQQWLURERKQSWLQQERGRSmDRQkRERCqBRQsRERGpBBYtREREpBJYtBAREZFKYNFCREREKoFFCxEREakEFi1ERESkEli0EBERkUpg0UJEREQqgUULERERqQQWLURERKQS1BXdAPrvEggEim4CKZHSmjzcAEBc0FhFN0EpGNYZregmKI3480sV3QSFKqVW8PkTzrQQERGRSmDRQkRERCqBRQsRERGpBBYtREREpBJYtBAREZFKYNFCREREKoFFCxEREakEFi1ERESkEli0EBERkUpg0UJEREQqgUULERERqQQWLURERKQSWLQQERGRSmDRQkRERCqBRQsRERGpBBYtREREpBJYtBAREZFKYNFCREREKoFFCxEREakEFi1ERESkEli0EBERkUpg0UJEREQqgUULERERqQQWLURERKQSWLQQERGRSmDRQkRERCpBXdENoIIJ3B2KP7aeQmx8ClxszbBw3I+o4WyZb/yBk9cwf3UwnsXEw9rcCDOHt0PTus7S58ViMQLWBGPzgfNITkuHp5s1lkzsgiqVjUugN9+OeZBgHiSYB4n1e89ixdYQxCakwNnGDAFjOqG6s0W+8QdPXceCtcGIjkmAtbkRpg1tgyZ1JHn4kJWNgNVBOHnhLp6+iIeujha8PewxbUgbmBjpl1SXvol/xx8wvGdDGBvo4vbDl5iw5C9cu/tMbqy6mhCjezdBtxYeMDXSx8NnsZi54jBOXbwnjbmxfzoqmxrkWXfd3nMYt/ivYuvH91q35yyWb5PsF862ZlgwptMX94uDp65j/pog6XiYMbQtmny2Xxw+HY6N+/7FjXvPkJjyDme2TICrXaUS6ElenGlRAfuOX8XU3/Zjgn9znNkyAS62Zug4fAXiElLlxl+68Rj+UzeiZ9vaCN06ES293dFz7FrcffhSGrNs80ms2RWKXyd1xYkNY1FaWwMdh6/A+4wPJdWtQmMeJJgHCeZBYv+Ja5i+bD/G+jfDqU3j4Gxrhs6jVuabh8s3H2Pg9E3o0bo2QjaNR/P6bug9fh0iHknykP4+Ezcjn+PnPr44tWkcNi7oh4dPY9Fz3NqS7FahtW9cDXNHtsPCdcfg03sxbj94gb9+G4Ty5XTkxk8d1BJ+7WpjwpK/4NVtATbsP48tC/rC1c5MGtOwzxLYt5gmfbQbvhIAcCDkRon06VvsP3EV05btx7h+zRGyaTxcbMzw48gvj4f+0zaiZ+vaOL15AlrUd8NP4wOl4wEA3qVnwsvdGjOGtS2pbuRLqYoWPz8/CAQC6cPQ0BDNmjXDzZs3810nKioKAoEA4eHh+cacP38eLVq0QLly5aClpQVXV1f8+uuvyM7OzhN7+vRptGjRAoaGhihdujScnJwwZswYvHjxoii6+E1Wbg9Br3Z10KNNbThYm+LXSV1RWksDWw9dkBu/ZucZNKrtiBE/NYa9lQmmDG4FdwdzBO4JBSD5NLl6x2mM7euLFt5ucLE1w6pZvfDqTTKCQ5V3Z2QeJJgHCeZBYvWO0+jZtg66t/KCvZUpFk/oDG0tDWwPuig3fu2uUDT0csSwno1gZ2WCSQNbws2+EtbvPQcA0NPRxt4/hqJd4+qwsaiAmi5WWDC2E27ci8bzVwkl2bVCGdLNB5sPXsD24MuIjHqNnxfuwbv3mejZylNufOdmNbF000mcuBCBpy/j8ee+f3HiQgSGdW8gjYlPeovYhFTpw7euMx5Hx+Hfaw9LqluFtnLHafzUtjZ6tPaCg7UplkzsAm0tDWw7nM9+sesMGnk5YvjH/WLyoFZwszfHuj1npTFdWtTCOP/m8PawL6lu5EupihYAaNasGWJiYhATE4NTp05BXV0drVq1+ubt7d+/H97e3qhUqRJOnz6Ne/fuYeTIkZg7dy66du0KsVgsjV2zZg0aN24MExMT/PXXX7h79y5Wr16N5ORkLFmypCi6V2iZH7IQfi8aPrU+DRahUAjvWvYIu/VE7jqXbz2Bj4eDzLKGXo4IuxUFAHj6Ih6v41PgU+tTjL6ONmo4WyLsZlSR96EoMA8SzIME8yCR+SELNyKjZd5MhEIh6nvY40o+ebhyOwr1PexkljXwcsw3HgBS0t5DIBBAX1e7aBpexEqpq6GqfSWcCbsvXSYWixEadh8erpZy19HUUMf7TNkZtPcZH+Dlbp3va3RuVgPbgi4VWbuLWuaHLNy4Fw3v3PuFh710nOcWdisqTzHS0Msh3/1I0ZTumhZNTU2YmJgAAExMTDBx4kTUq1cPcXFxMDIyKtS23r59i/79+6NNmzZYu/bT1Ka/vz8qVKiANm3aYPfu3ejSpQueP3+OESNGYMSIEVi6dKk01tLSEvXr10dSUlKR9K+w4pPSkJ0tgpGBrsxyIwM9PIh6LXed2PgUGBnmjtdFbHwKAOD1x39zxxgbfopRNsyDBPMgwTxIJCS9lZsH43K6ePiFPBgb6MksMyqni9h4+acP3md8wOwVB9GhSXXollHOosWwbBmoq6vlOQUSl5gKW8sKctcJuXgPQ7r54Hz4Izx5Hg9vD1u08nGDmlD+Z/mW3q7Q19HG9uDLRd7+ohL/cTzk/v0aG+jiwdMv7Bd59qP8x4OiKd1My+fS0tKwdetW2NjYwNDQsNDrHz9+HPHx8Rg7dmye51q3bg07Ozvs2LEDALBnzx5kZmZi/PjxcrdVtmxZucszMjKQkpIi8yAi+i/4kJUN/ykbIBYDv0zorOjmFKmJS/fhcfQbXN45GbHnFmPRmE7YHnQJIpFIbnzP1l44eTECr97wGK9ISle0BAUFQUdHBzo6OtDV1cWhQ4ewa9cuCPOpfr/k/n3JVKGjo6Pc5x0cHKQxDx48gJ6eHkxNTQv1GgEBAdDX15c+zM3NC93OLzEsqwM1NWHeTxAJKTA21JO7jrGhHuLic8enSuMrfPw3d0xsfGq+21Q05kGCeZBgHiQMypaRm4fYxFQY55oxymFsqIfYBNk33jg58TkFy/NXCdj7x1ClnWUBJDMMWVnZeWcMyuU/Sxaf9BY9J6yHWYPxcGs/G7W6zMfb9ExEvYzPE2tuUg4+HnbYfFD+dULKwvDjeMj9+41NSM0z+5LD2FBPzn6U//hRNKUrWho0aIDw8HCEh4fj8uXL8PX1RfPmzfH06VM0b95cWtA4Ozt/fWMffX7dypdiBAJBods7adIkJCcnSx/R0dGF3saXaJRSR1UHc4SGRUqXiUQinA27Dw9XK7nr1HK1kokHgNOX7knP7VqYGaKCoZ5MTEpaOq7eiYKHm2WRtr+oMA8SzIME8yChUUod7vbmOPvZtRwikQjnwiJRM5881HSxxLnP4gEg9PI9mficguVxdBz2/jEUBvpliqcDReRDVjbCI5/D28NWukwgEKC+h12+13LkyMjMQkxcMtTVhGjt44ajZ2/nieneyhNxiak4fv5uUTe9SGmUUoe7Q97xcPYL1/Z4uFri7BXZ8XDmcmS++5GiKd01LWXKlIGNjY3053Xr1kFfXx+BgYFYt24d0tPTAQClSpX66rbs7CQXm0VERKBOnTp5no+IiICTk5M0Njk5GTExMYWabdHU1ISmpmaB47/FkO4NMWTWFlRzrIzqzpZYteM03qZnoEdrLwDAoBmbYWqkL70dbWBXH7Qa+BuWbz2Fpj84Y9/xqwiPeIbfJncDINmZB3VrgMV/HoO1uREszAwxf3UwTMrro6W3e7H25XswDxLMgwTzIDGoWwMMn7MVVR3NUd3JAmt2ncG795no1lJy18zQWVtgYqSPaUPaAAAGdPFG28G/Y+W2EDSp64z9J64iPCIaSyZ2BSApAPpOWo+bkc+xbclAZIvE0ut9yumVhkYppXvbAACs3HEGK6d1x/WIaFy7+wyDu3ijjJYGtgVLLpxdNb0HYuKSMXtVEACghrMFTI30cev+C1Q00scE/2YQCgVYtjVEZrsCgQA9WtbCziNhyM6Wf+pImQzp1gBDZ29FVcfKkvGw8wzevc9A91aS/WLwzM0wNSqL6UMl42FgFx+0HrQMK7ad+jgeriE84hmWTuoq3WZi8ls8f52IV3HJAICHH6+PMTbUk85QlhTlHH2fEQgEEAqFSE9Ph5mZ2ddX+EzTpk1hYGCAJUuW5ClaDh06hAcPHmDOnDkAgE6dOmHixIlYtGiRzIW4OZKSkvK9rqW4dWhaA2+S0jB/TTBi41PhameGvb8PlU5ZP3+VAOFns0Se7tYInOuHeauCMGflYVibG2Hr4gFwsqkojRnZqzHepWdg9PwdSE5Lh5d7Fez9fQi0NL9eDCoK8yDBPEgwDxLtm1RHfFIaFgYe+fgle5Wwa+ngz/KQKDOLXMvNGqtn90bAmmDMW30Y1ubG2LTIH45VJHmIiU3CsXOS2YYGPy2Uea0DK4ajbg1bKKP9J6+jfNkymNy/OYwN9XDrwQt0Gr0GcQlpAIBKJuUg+mzWXVNDHVMGtoBlRUO8Tc/AifMRGDRrK1LS0mW26+NhB3NTA2w9rLx3DX2ufRPJfrFgrWS/cLEzw+7fhkjHw4vXiRAKZcfD2jl+mLc6CHNXBcHa3AhbFvWXjgcAOHruFobP2Sb92X/qRgDAeP/mmNC/Rcl07COBuCDnTkqIn58fXr9+jQ0bNgAAEhMTsXz5cqxatQohISHw8fHJs05UVBSsrKywc+dO2NvL3rbl7OyMgwcPomvXrujbty+GDRsGPT09nDp1CuPGjUOjRo2we/du6Q69cuVKDBs2DH369EGvXr1gaWmJ58+fY/PmzdDR0SnQbc8pKSnQ19fH6/hk6Okp53lwIlKcLBX4tF4SjOr+rOgmKI3483k/KP8/SUlJgalRWSQnf/19U+lmWo4dOyY9PaOrqwsHBwfs2bNHbsHyua5du+ZZFh0djU6dOuH06dOYN28e6tWrh/fv38PW1hZTpkzBqFGjZD6BDBkyBHZ2dli8eDHat2+P9PR0WFpaolWrVvj5Z+5gREREiqRUMy3/BZxpIaIv4UyLBGdaPuFMS8FnWpTu7iEiIiIieVi0EBERkUpg0UJEREQqgUULERERqQQWLURERKQSWLQQERGRSmDRQkRERCqBRQsRERGpBBYtREREpBJYtBAREZFKYNFCREREKoFFCxEREakEFi1ERESkEli0EBERkUpg0UJEREQqgUULERERqQQWLURERKQSWLQQERGRSmDRQkRERCqBRQsRERGpBBYtREREpBJYtBAREZFKYNFCREREKoFFCxEREakEFi1ERESkEli0EBERkUpQV3QD/qvEYjHEYrGim6FQAoFA0U1QCv/v4yAHx4OEmpB5AIDEi78puglKo5zHMEU3QaHE2ZkFjuVMCxEREakEFi1ERESkEli0EBERkUpg0UJEREQqgUULERERqQQWLURERKQSWLQQERGRSmDRQkRERCqBRQsRERGpBBYtREREpBJYtBAREZFKYNFCREREKoFFCxEREakEFi1ERESkEli0EBERkUpg0UJEREQqgUULERERqQQWLURERKQSWLQQERGRSmDRQkRERCqBRQsRERGpBBYtREREpBJYtBAREZFKYNFCREREKoFFCxEREakEFi1ERESkEli0qIh1e87Cve0MmP4wGo37LMbVO1FfjD9w8jo8f5wD0x9Go263+Tjx7x2Z5w+fDkeH4StQpfEEGNQajlv3nxdj64tO4O5QuLWZDpO6o9DY75cC5OEaanWaA5O6o1Cn6zwcz5UHsViM+auD4NBsMkx/GI12Q/7Ao2exxdiDosHxIMHxIMHxIMHxIOH/Y33cODgLMf8sxYkNY1HdySLfWHU1Icb5N8O1/TMQ889SnNs2EY1qO8rECIUCTB7UEuEHZuLluV9xbf8MjO3XrLi7IReLFhWw78RVTP1tP8b7N8fpzePhYmuGTiNWIi4hVW78pZuP0X/aRvRoUxtntkxAC2839BwXiLuPXkpj3qVnwsvdGjOGtS2pbny3fccleZjg3xxntkyAi60ZOg5fkX8ebjyG/9SN6Nm2NkK3TkRLb3f0HLsWdx9+ysOyzSexZlcofp3UFSc2jEVpbQ10HL4C7zM+lFS3Co3jQYLjQYLjQYLjQaJ9k+qYO6o9Fq47Cp+fFuL2gxf464+hKF9OR2781MGt4df+B0z4ZQ+8uszFhn3/YMui/nC1qySNGdWrCfp2rIfxv+yBZ+e5mPnHQYz4qTEGdPEuqW5JKX3R4ufnh3bt2uX7vI+PD0aNGpXv8wkJCRg1ahQsLCygoaGBihUrom/fvnj27Fme2FevXmH48OGwtraGpqYmzM3N0bp1a5w6daoIevLtVm4/jV7taqNHay84WJvi14ldUFpLA9sOX5Abv2bnGTTycsSInxrD3soEUwa1gpuDOdbtPiuN6dKiFsb7N4dPLfuS6sZ3W7k9BL3a1UGPNrUleZjUFaW1NLD10BfyUPuzPAxuBXcHcwTuCQUg+RS1esdpjO3rixbebnCxNcOqWb3w6k0ygkNvlGTXCoXjQYLjQYLjQYLjQWJI94bYfOA8th++iMgnr/BzwE68e5+Jnm1qy43v3KIWlm48jhPn7+Lpi3j8+dc/OHH+Lob1bCiNqeVmjSOhN3H83zuIjknAoZBwnL50DzWc85/BKS5KX7R8j4SEBHh5eeHkyZNYvXo1Hj58iJ07d+Lhw4fw8PDA48ePpbFRUVGoUaMGQkJC8Msvv+DWrVs4duwYGjRogKFDhyqsD5kfsnDjXjS8PT4dPIRCIbw97BF2K0ruOmG3ouCd62DT0MsBYbeeFGdTi1XmhyyE34uWOYgKhUJ417LPt1+Xbz2Bj4eDzLKGXo7SvD19EY/X8SnwqfUpRl9HGzWcLRF2M6rI+1AUOB4kOB4kOB4kOB4kSqmroaqDOc5cjpQuE4vFCL0cCQ9XK7nraJZSzzNz9D4jE17uVaQ/X775GN4e9qhS2RgA4GJrBi93a5w8f7cYevFl6iX+iiVoypQpePnyJR4+fAgTExMAQOXKlfH333/D1tYWQ4cOxdGjRwEAQ4YMgUAgwOXLl1GmTBnpNpydndG3b1+FtB8A4pPeIjtbBCMDPZnlRga6uP/0tdx1YuNTYGygK7PM2EAXsflMk6qC+KS0j3mQ7ZeRgR4eROWfByPD3PG6iI1PAQC8/vhv7hhjw08xyobjQYLjQYLjQYLjQcKwrA7U1dXynBKLS0iBrWUFueuEXIzAkB4Ncf76Qzx5/gbeHvZo1aAq1IQCaczSTSegq6OFy3umIlskhppQgLmrgrDn2JVi7Y88/9miRSQSYefOnejRo4e0YMmhra2NIUOGYOrUqUhISAAAHDt2DPPmzZMpWHKULVs239fJyMhARkaG9OeUFOUczERERLlNXLIXy6Z0w+U90yAWi/HkxRtsP3wRPVp7SWPaN66OH5t5oP/UTbj3OAaudmaY/3MnxMQlY2fwpRJt73+2aImLi0NSUhIcHR3lPu/o6AixWIyHDx8CkEyhOTg4yI39koCAAMyaNeu72volhmXLQE1NiLgE2WIoLiEVFQz15K5jbKiX51NTbEJqnk9XqsSwrM7HPOT9BGH8hTzExeeOT5XG5+QvLj4VJuX1pTGx8akyF6EpE44HCY4HCY4HCY4HifikNGRlZcudccpvdig+KQ09xwVCU0MdBvplEBOXjJnD2iLqZbw0ZvbIdvht0wnsO3EVAHD30UtUMjXAaL8mJV60qMw1Ldu2bYOOjo70ce7cuQKtJxaLiyQmP5MmTUJycrL0ER0d/c3bkkejlDrcHcxxNuy+dJlIJELolfvwcLWUu46Hq6VMPACcuZT/OU1VoFFKHVUdzBEa9ulcrUgkwtmw+/n2q5arlUw8AJy+dE+aNwszQ1Qw1JOJSUlLx9U7UfBwsyzyPhQFjgcJjgcJjgcJjgeJD1nZCM91jZNAIEB9D7uvXrOUkZmFmLhkqKsJ0bphVRwNvSl9TltTAyKRSCZeJBJDKCj5EkJlZlratGkDT09P6c9mZmZfjDcyMkLZsmUREREh9/mIiAgIBALY2NgAkPxi7927V+h2aWpqQlNTs9DrFcaQ7g0wdNZWVHWsjOrOFli98wzepWegeyvJ9N3gGZthalwW04e2AQAM7OqD1gOXYfm2U2ha1xn7jl9DeMQzLJ3cVbrNxOS3eP46Ea/ikgEADz6e/zY20EOF8vI/mSjakO4NMWTWFlRzrIzqzpZYteM03qZnSKcxB83YDFMjfeltmgO7+qDVwN+wfOspNP3BGfuOX0V4xDP8NrkbAMnvfFC3Blj85zFYmxvBwswQ81cHw6S8Plp6uyusn1/D8SDB8SDB8SDB8SCxcnsIVs74CdcjnuHanSgM7tYAZbQ1se3wRQDAqpk/ISYuGbNXHAIA1HC2gKlxWdy6/xwVjcpiwoAWEAoFWLb5pHSbx/65hZ/7+OL5q0REPI6Bm30lDOneANsOXSzx/qlM0aKrqwtd3YJPXwqFQnTu3Bnbtm3D7NmzZa5rSU9Px8qVK+Hr6wsDAwMAgK+vL1asWIERI0bkua4lKSnpi9e1FLcOTWogPjENAWuDERufChc7M+xZNkQ6jfn8dSKEn1005elmjbVz/DB/dRDmrgyCtbkRtv7SH05VKkpjjp67hWGzt0l/9p+yEQAw3r85Jg5oUTIdK6QOTWvgTVIa5q8J/jhFa4a9vw/9lIdXCRAKPsuDuzUC5/ph3qogzFl5WJKHxQPgZPMpDyN7Nca79AyMnr8DyWnp8HKvgr2/D4GWZqkS719BcTxIcDxIcDxIcDxI7D9xDeXL6mDywJYwNtTFrfsv0GnEp++rqWRiANFnZxc0NUthyqBWsDQrj7fpGTjx7x0Mmr4ZKWnp0pgJv+zB5EGtsHhCF5Qvp4NXb5Kxcd+/WLTuaIn3TyD+nnMjJcDPzw9JSUk4cOCA3Od9fHxgZmaGcePGySw3NTWFuro6PD09oa2tjUWLFsHFxQVPnjzB1KlTERkZiQsXLsDa2hoA8PjxY9StWxcGBgaYPXs23NzckJWVhRMnTmDVqlX5ztjklpKSAn19fbx6kwQ9PeX8RFJSBJ8dIP6fKfkuVmI4HiQ4HiQ4Hj4p5zFM0U1QKHF2JjJuBSI5Ofmr75sqc03Ll2zfvh3VqlWTeQQGBsLQ0BAXL15EgwYNMHDgQFSpUgWdO3dGlSpVEBYWJi1YAMDa2hrXrl1DgwYNMGbMGLi4uKBJkyY4deoUVq1apcDeEREREaACMy2qhjMtn/CTlAR3MQmOBwmOBwmOh0840/J/NtNCRET/a+/eg6K67jiAfxdkl8cCAiIIEnwgLwfR+EDSmRIz4oIJGpWghrRQldRHFDEqSX2/bRLDaKuBEQTbqBBjfStEjVGr1ZjWVSMrgoqQujQ2KHF9gLCnfzB767q8RXDN9zOzM+49j3t+x8PdH3fv5RK9+Ji0EBERkVlg0kJERERmgUkLERERmQUmLURERGQWmLQQERGRWWDSQkRERGaBSQsRERGZBSYtREREZBaYtBAREZFZYNJCREREZoFJCxEREZkFJi1ERERkFpi0EBERkVlg0kJERERmgUkLERERmQUmLURERGQWmLQQERGRWWDSQkRERGaBSQsRERGZBSYtREREZBaYtBAREZFZYNJCREREZoFJCxEREZkFJi1ERERkFjq09wBeNEIIAMDduz+380jan0wma+8hPBcMa+KXjuuhFtdDLa6H/xM1Ve09hHZliL8pPxtMWlrZ3bt3AQC9ur/UziMhIiIyH3fv3oWjo2ODdWSCaX+r0uv1uHnzJuzt7dvtN4mff/4ZXl5eKC0thYODQ7uM4XnAeajFeajFeajFeajFeaj1PMyDEAJ3796Fh4cHLCwavmqFZ1pamYWFBbp27drewwAAODg4/KJ/GA04D7U4D7U4D7U4D7U4D7Xaex4aO8NiwAtxiYiIyCwwaSEiIiKzwKTlBaRQKLBo0SIoFIr2Hkq74jzU4jzU4jzU4jzU4jzUMrd54IW4REREZBZ4poWIiIjMApMWIiIiMgtMWoiIiMgsMGkhIiIis8Ck5QVTWlqKCRMmwMPDA3K5HN7e3khMTMRPP/3U3kNrsvj4eMhkMunl4uKCiIgIXLhwod42xcXFJm2GDRuGc+fOSXVeffVVozqG1+TJk6U6j293cHDAwIEDsXv37mcab1PEx8fjzTffrLf88disra0RGBiIDRs2SOVZWVl1xm5tbW20D8N2KysrdO/eHXPnzsXDhw+fZWj1ask6MLh06RJiYmLg6uoKhUIBX19fLFy4EPfv3zeq161bN6l/W1tbBAUFIT093aQ/IQQ2btyI0NBQODg4QKlUonfv3khMTERRUVGrxdyYxtYBADx48ACLFi2Cr68vFAoFOnXqhLfeeguXLl0yqrd48WIpdktLS3h5eeHdd99FeXm5SZ/nzp3D2LFj0aVLFygUCnh7e+ONN97A3r172/xZSk9zfFCr1fXWOXXqFIYPHw4nJydYW1sjKCgIn376KWpqakzqHj16FMOHD4eLiwtsbW0RGBiI999/H//+979bI8RmacqxYebMmfWWl5eXY+bMmfD29oZcLoeHhwcmTJiAkpISk7plZWWYPn06evToAYVCAS8vL0RFReHIkSOtEEnTMGl5gVy7dg0DBgxAYWEhtm3bhqKiIqSmpuLIkSMIDQ2t82D0vIqIiIBWq4VWq8WRI0fQoUMHvPHGG422O3z4MLRaLfLy8qDT6RAZGYk7d+5I5QkJCVK/htdHH31k1EdmZia0Wi2+++47/OpXv0J0dDQuXrzY2iG2OkNs+fn5iImJwbRp07Bt2zap3MHBwST2GzduGPVhmPdr164hJSUFaWlpWLRoUVuHYjKe5qyD06dPIyQkBFVVVdi/fz+uXLmCFStWICsrC+Hh4aiqMn443dKlS6HVavH999/jnXfeQUJCAg4ePCiVCyHw9ttvY8aMGRg+fDi++uor5OfnIyMjA9bW1li+fPkzib0lKisrMXToUGzatAnLly/HlStXcODAAVRXVyMkJASnT582qt+7d29otVqUlJQgMzMTubm5mDJlilGd3bt3Y/DgwdDpdNi8eTM0Gg1yc3MxatQozJ8/HxUVFW0ZIoCWHx/qs3PnToSFhaFr1644evQoLl++jMTERCxfvhzjxo0zSszS0tIwdOhQuLu7Y8eOHcjPz0dqaioqKiqwZs2a1givzZSXl2Pw4ME4fPgwUlNTUVRUhOzsbBQVFWHgwIG4du2aVLe4uBj9+/fH119/jY8//hgXL15Ebm4uhgwZgmnTprXdoAW9MCIiIkTXrl3F/fv3jbZrtVpha2srJk+e3E4ja564uDgxcuRIo20nTpwQAMSPP/5YZ5vr168LAOLcuXPStpMnTwoAIjc3VwghRFhYmEhMTGxw3wDEzp07pfc///yzACDWrl3bklBaTV1z8ri6YuvVq5cYN26cEEKIzMxM4ejo2Ox9jB49WvTr168FI356LVkHer1eBAYGigEDBoiamhqjMrVaLWQymVi9erW0zdvbW6SkpBjVc3Z2FklJSdL7bdu2CQBi9+7d9e6zrTS2DlavXi1kMplQq9VG22tqasSAAQNEYGCgNN5FixaJ4OBgo3qzZs0STk5O0nudTidcXFzEqFGj6t1nW8YvROsdHwwMMY4ePdqkbM+ePQKAyM7OFkIIUVpaKuRyuZg5c2ad+7l9+3azYmkNLTk2GEyePFnY2dkJrVZrtP3+/fvC09NTRERESNsiIyOFp6en0Ol0Jv20Zdw80/KCKC8vR15eHqZOnQobGxujMnd3d8TGxiInJ6fNT+W2Bp1Oh88//xw+Pj5wcXFpcjvDPDz5m3VTVVdXIyMjAwAgl8tb1Ed7srGxaXHsAPD999/j1KlTz03sTVkHarUa+fn5mDVrlsmD14KDgzF06FCjs0+P0+v12LFjB27fvm0U87Zt2+Dn54cRI0bU2a69Hoxal61btyI8PBzBwcFG2y0sLJCUlIT8/HycP3++zrbFxcXIy8sziv2rr77CTz/9hLlz59a7z/aOv6XHBwNDjLNnzzYpi4qKgq+vr7Rmtm/fjqqqqnrno2PHjs3ef3vR6/XIzs5GbGws3N3djcpsbGwwdepU5OXloby8HOXl5cjNzcW0adNgZ2dn0ldbxs2k5QVRWFgIIQQCAgLqLA8ICMDt27dx69atNh5Zy+zbtw9KpRJKpRL29vbYs2cPcnJyGn0CqMGdO3ewbNkyKJVKDBo0SNq+YcMGqV/Da8uWLUZtx48fD6VSCYVCgaSkJHTr1g0xMTGtGt+zVFNTg88//xwXLlzAa6+9Jm2vqKgwiT0yMtKorWHeDd/p//jjj5gzZ05bh2AynqaugytXrgBAgz8HhjoGycnJ0v93dHQ0nJycMGnSJKM+/fz8jNrMnDlTGtfz8oBUoHasDcVuqGNw8eJFKJVK2NjYoHv37rh06RKSk5ON+gNgFP/Zs2eN1tC+ffueRSgNetrjw+MaWzP+/v5SncLCQjg4OKBLly4tH/xz4tatW7hz506D60UIgaKiIhQVFUEIAX9//zYepSkmLS8YczyTUpchQ4ZArVZDrVbj22+/hUqlQmRkJG7cuIHIyEjpgNW7d2+jdq+88gqUSiWcnJxw/vx55OTkwM3NTSqPjY2V+jW8nvwNOiUlBWq1GgcPHkRgYCDS09Ph7OzcJnE3ZsuWLUYfGCdOnJDKDAmZjY0NEhISkJSUZHR9gr29vUnsT150apj3M2fOIC4uDr/73e8wZsyYNovvSS1dB835OZgzZw7UajW+/vprhISEICUlBT4+Pg22mTdvHtRqNRYuXAidTtei2J5GQ+ugObH7+flBrVbj7NmzSE5OhkqlwvTp0xts06dPH+n/5N69e6iurm5xHC3V0nXRkKbMmxCi3c8s1aehNdGQpsb9vOjQ3gOg1uHj4wOZTAaNRoNRo0aZlGs0Gjg5OcHV1bUdRtd8dnZ2Rh8c6enpcHR0xMaNG5Geno4HDx4AAKysrIza5eTkIDAwEC4uLnWesnR0dGz0A8nd3R0+Pj7w8fFBZmYmhg8fjvz8fHTu3PnpA3tKI0aMQEhIiPTe09NT+ndsbCzmzZsHGxsbdOnSxeS3TgsLi0Zjf3zeN23ahODgYGRkZGDixImtGEXTNXcd+Pr6Aqhd7/369TPpT6PRSHUMOnXqJP1/b9++HUFBQRgwYAACAwMBAL169UJBQYFRG1dXV7i6urbbmqhvHfj6+kKj0dTZxrD98fjlcrk0v6tXr8brr7+OJUuWYNmyZQBqYweAgoICDB48GEDts2oaW0fPWkuPD3V5fM288sorJuUajUZaC76+vqioqIBWq33uzrY0dGyoi6urKzp27NjgepHJZNI8y2QyXL58ufUG3EI80/KCcHFxQXh4ODZs2CD9wBqUlZVhy5YtGDt27HP7W0JjZDIZLCws8ODBA3h6ekofMt7e3kb1vLy80LNnz1b7jnXQoEHo378/VqxY0Sr9PS17e3spdh8fH6PrlwwJmaenZ4tOkz/JwsICf/jDHzB//nyTNdVeGlsHffv2hb+/P1JSUqDX643anj9/HocPH8b48ePr7d/Lywtjx47Fhx9+KG0bP348CgoKnotb3w3qWwfjxo3D4cOHTa5b0ev1SElJQWBgoMn1Lo+bP38+PvnkE9y8eRMAMGzYMDg7O+OPf/zjswumFTT1+FAXQ4x13fmzZ88eFBYWSmsmOjoacrnc5I5Dg8fvVGxrDR0b6mJhYYGYmBhs3boVZWVlRmUPHjzAhg0boFKp4OzsDGdnZ6hUKqxfvx737t0z6ast42bS8gL585//jMrKSqhUKhw/fhylpaXIzc1FeHg4PD09n5sP3qaorKxEWVkZysrKoNFoMH36dOh0OkRFRT1Vv/fv35f6Nbxu377dYJuZM2ciLS2tXf4GQ2sSQpjEXlZWZvLh/ri33noLlpaWWL9+fRuO9P+auw5kMhkyMjKQn5+PMWPG4Ntvv0VJSQm2b9+OqKgohIaGNvg3KwAgMTERe/fuxXfffQegNhGIjo7GuHHjsHTpUpw5cwbFxcU4duwYcnJyYGlp2dpht1hSUhIGDRqEqKgobN++HSUlJTh79izGjBkDjUaDjIyMBn9xCQ0NRZ8+fbBy5UoAgFKpRHp6Ovbv34/XX38deXl5uHbtGi5cuCB9cLdH/C09PhQUFJh8RSqXy5GWlobdu3fj3XffxYULF1BcXIyMjAzEx8cjOjpauqbNy8sLKSkpWLt2LSZOnIhjx47hxo0bOHnyJH7/+99LZ6ieN7du3TKJ+z//+Q9WrlwJd3d3hIeH4+DBgygtLcXx48ehUqnw6NEjo5/79evXo6amBoMGDcKOHTtQWFgIjUaDdevWITQ0tO2CabP7lKhNFBcXi7i4OOHm5iasrKyEl5eXmD59uvjvf//b3kNrsri4OAFAetnb24uBAweKL7/8st42Dd3SaBAWFmbUr+GlUqmkOnjilmcham/p9Pf3F1OmTHna0FrsaW5rFKL2lue6Ygcg3e5Y3z5WrVolXF1d67zV8VlqyTowuHDhghgzZoxwdnYWVlZWomfPnmL+/Pni3r17RvXquuVZCCFUKpWIjIyU3tfU1IjU1FQREhIi7OzshFwuFz169BAJCQkiPz//qWNtqsbWgRBC3Lt3T8ybN0/4+PgIKysr4ezsLMaMGSMuXrxoVK+uW56FqL3FW6FQiJKSEmnb2bNnRXR0tOjcubPo0KGDcHFxESqVSmRnZ7fLLc8tPT7U9SotLRVCCHH8+HGhUqmEg4ODkMvlonfv3uKTTz4R1dXVJv0dOnRIqFQq4eTkJKytrYW/v7+YPXu2uHnz5jOLuz5NOTbUFfeyZcuEEELcunVLTJ8+XXh5eQkrKyvh5uYm4uPjxY0bN0z6unnzppg2bZrw9vYWcrlceHp6ihEjRoijR48+o+hMyYR4jq6wISIiIqoHvx4iIiIis8CkhYiIiMwCkxYiIiIyC0xaiIiIyCwwaSEiIiKzwKSFiIiIzAKTFiIiIjILTFqIiIjILDBpIaLnSnx8PN58803p/auvvtron95/Fr755hvIZLIGn6sik8mwa9euJve5ePFi9O3b96nGVVxcDJlMBrVa/VT9EJkjJi1E1Kj4+HjIZDLIZDLpycBLly5FdXX1M9/33/72tyY/06UpiQYRma8O7T0AIjIPERERyMzMRGVlJQ4cOIBp06bBysrK6InIBlVVVZDL5a2yX2dn51bph4jMH8+0EFGTKBQKuLu7w9vbG1OmTMHQoUOxZ88eAP//SmfFihXw8PCAn58fAKC0tBQxMTHo2LEjnJ2dMXLkSBQXF0t91tTUYNasWejYsSNcXFwwd+5cPPk4tCe/HqqsrERycjK8vLygUCjg4+ODjIwMFBcXY8iQIQAAJycnyGQyxMfHAwD0ej1WrVqF7t27w8bGBsHBwfjyyy+N9nPgwAH4+vrCxsYGQ4YMMRpnUyUnJ8PX1xe2trbo0aMHFixYgEePHpnUS0tLg5eXF2xtbRETE4OKigqj8vT0dAQEBMDa2hr+/v7YsGFDs8dC9CJi0kJELWJjY4Oqqirp/ZEjR1BQUIBDhw5h3759ePToEVQqFezt7XHixAmcPHkSSqUSERERUrs1a9YgKysLmzZtwt///neUl5dj586dDe73t7/9LbZt24Z169ZBo9EgLS0NSqUSXl5e2LFjBwCgoKAAWq0Wa9euBQCsWrUKf/nLX5CamopLly4hKSkJ77zzDo4dOwagNrkaPXo0oqKioFarMWnSJHzwwQfNnhN7e3tkZWUhPz8fa9euxcaNG5GSkmJUp6ioCF988QX27t2L3NxcnDt3DlOnTpXKt2zZgoULF2LFihXQaDRYuXIlFixYgM2bNzd7PEQvnDZ7njQRma24uDgxcuRIIYQQer1eHDp0SCgUCjF79myp3M3NTVRWVkpt/vrXvwo/Pz+h1+ulbZWVlcLGxkbk5eUJIYTo0qWL+Oijj6TyR48eia5du0r7EkKIsLAwkZiYKIQQoqCgQAAQhw4dqnOcR48eFQDE7du3pW0PHz4Utra24tSpU0Z1J06cKMaPHy+EEOLDDz8UgYGBRuXJyckmfT0JgNi5c2e95R9//LHo37+/9H7RokXC0tJS/PDDD9K2gwcPCgsLC6HVaoUQQvTs2VNs3brVqJ9ly5aJ0NBQIYQQ169fFwDEuXPn6t0v0YuK17QQUZPs27cPSqUSjx49gl6vx9tvv43FixdL5UFBQUbXsZw/fx5FRUWwt7c36ufhw4e4evUqKioqoNVqERISIpV16NABAwYMMPmKyECtVsPS0hJhYWFNHndRURHu37+P8PBwo+1VVVXo168fAECj0RiNAwBCQ0ObvA+DnJwcrFu3DlevXoVOp0N1dTUcHByM6rz00kvw9PQ02o9er0dBQQHs7e1x9epVTJw4EQkJCVKd6upqODo6Nns8RC8aJi1E1CRDhgzBZ599BrlcDg8PD3ToYHz4sLOzM3qv0+nQv39/bNmyxaQvV1fXFo3Bxsam2W10Oh0AYP/+/UbJAlB7nU5r+cc//oHY2FgsWbIEKpUKjo6OyM7Oxpo1a5o91o0bN5okUZaWlq02ViJzxaSFiJrEzs4OPj4+Ta7/8ssvIycnB507dzY522DQpUsXnDlzBr/+9a8B1J5R+Oc//4mXX365zvpBQUHQ6/U4duwYhg4dalJuONNTU1MjbQsMDIRCoUBJSUm9Z2gCAgKki4oNTp8+3XiQjzl16hS8vb0xb948aduNGzdM6pWUlODmzZvw8PCQ9mNhYQE/Pz+4ubnBw8MD165dQ2xsbLP2T/RLwAtxieiZiI2NRadOnTBy5EicOHEC169fxzfffIMZM2bghx9+AAAkJiZi9erV2LVrFy5fvoypU6c2+DdWunXrhri4OEyYMAG7du2S+vziiy8AAN7e3pDJZNi3bx9u3boFnU4He3t7zJ49G0lJSdi8eTOuXr2Kf/3rX/jTn/4kXdw6efJkFBYWYs6cOSgoKMDWrVuRlZXVrHh79eqFkpISZGdn4+rVq1i3bl2dFxVbW1sjLi4O58+fx4kTJzBjxgzExMTA3d0dALBkyRKsWrUK69atw5UrV3Dx4kVkZmbi008/bdZ4iF5ETFqI6JmwtbXF8ePH8dJLL2H06NEICAjAxIkT8fDhQ+nMy/vvv4/f/OY3iIuLQ2hoKOzt7TFq1KgG+/3ss88QHR2NqVOnwt/fHwkJCbh37x4AwNPTE0uWLMEHH3wANzc3vPfeewCAZcuWYcGCBVi1ahUCAgIQERGB/fv3o3v37gBqrzPZsWMHdu3aheDgYKSmpmLlypXNinfEiBFISkrCe++9h759++LUqVNYsGCBST0fHx+MHj0aw4cPx7Bhw9CnTx+jW5onTZqE9PR0ZGZmIigoCGFhYcjKypLGSvRLJhP1XfFGRERE9BzhmRYiIiIyC0xaiIiIyCwwaSEiIiKzwKSFiIiIzAKTFiIiIjILTFqIiIjILDBpISIiIrPApIWIiIjMApMWIiIiMgtMWoiIiMgsMGkhIiIis/A/Mf/uluvDcUAAAAAASUVORK5CYII=\n"
},
"metadata": {}
}
]
},
{
"cell_type": "code",
"source": [
"def get_f1_score(trainer, dataset):\n",
" return trainer.predict(dataset).metrics[\"test_f1\"]\n",
"\n",
"def evaluate_lang_performance(lang, trainer):\n",
" panx_ds = encode_panx_dataset(panx_ch[lang], xlmr_tokenizer)\n",
" return get_f1_score(trainer, panx_ds[\"test\"])"
],
"metadata": {
"id": "-KmGgxwYOBxW"
},
"execution_count": 68,
"outputs": []
},
{
"cell_type": "code",
"source": [
"f1_scores = defaultdict(dict)\n",
"f1_scores[\"ta\"][\"ta\"] = get_f1_score(trainer, panx_ta_encoded[\"test\"])"
],
"metadata": {
"colab": {
"base_uri": "https://localhost:8080/",
"height": 17
},
"id": "xD2fBfklJoeF",
"outputId": "7fdaa374-8b57-41bc-f77a-1ea585f561a2"
},
"execution_count": 64,
"outputs": [
{
"output_type": "display_data",
"data": {
"text/plain": [
""
],
"text/html": []
},
"metadata": {}
}
]
},
{
"cell_type": "code",
"source": [
"f1_scores[\"ta\"][\"ta\"]"
],
"metadata": {
"colab": {
"base_uri": "https://localhost:8080/"
},
"id": "xL_brsMaKHnZ",
"outputId": "379c6050-4e4b-4534-fd5d-fbba840080df"
},
"execution_count": 65,
"outputs": [
{
"output_type": "execute_result",
"data": {
"text/plain": [
"0.8200890019071838"
]
},
"metadata": {},
"execution_count": 65
}
]
},
{
"cell_type": "code",
"source": [
"text = \"அருண் இந்தியன் ஓயில்கார்ப்பரேஷனில் வேலை செய்கிறார்\"\n",
"tag_text(text, tags, xlmr_model, xlmr_tokenizer)"
],
"metadata": {
"colab": {
"base_uri": "https://localhost:8080/",
"height": 112
},
"id": "o2GsE4qCKV0U",
"outputId": "05c0a06f-2838-4feb-9d6c-0e5019263325"
},
"execution_count": 63,
"outputs": [
{
"output_type": "execute_result",
"data": {
"text/plain": [
" 0 1 2 3 4 5 6 7 8 9 10 11 \\\n",
"Tokens ▁அரு ண் ▁இந்திய ன் ▁ஓ யில் கார் ப்ப ரே ஷ னில் \n",
"Tags O B-PER B-PER I-PER I-PER O O O O O O O \n",
"\n",
" 12 13 14 15 \n",
"Tokens ▁வேலை ▁செய்கிற ார் \n",
"Tags O O O O "
],
"text/html": [
"\n",
" \n",
"
\n",
"\n",
"
\n",
" \n",
" \n",
" | \n",
" 0 | \n",
" 1 | \n",
" 2 | \n",
" 3 | \n",
" 4 | \n",
" 5 | \n",
" 6 | \n",
" 7 | \n",
" 8 | \n",
" 9 | \n",
" 10 | \n",
" 11 | \n",
" 12 | \n",
" 13 | \n",
" 14 | \n",
" 15 | \n",
"
\n",
" \n",
" \n",
" \n",
" Tokens | \n",
" <s> | \n",
" ▁அரு | \n",
" ண் | \n",
" ▁இந்திய | \n",
" ன் | \n",
" ▁ஓ | \n",
" யில் | \n",
" கார் | \n",
" ப்ப | \n",
" ரே | \n",
" ஷ | \n",
" னில் | \n",
" ▁வேலை | \n",
" ▁செய்கிற | \n",
" ார் | \n",
" </s> | \n",
"
\n",
" \n",
" Tags | \n",
" O | \n",
" B-PER | \n",
" B-PER | \n",
" I-PER | \n",
" I-PER | \n",
" O | \n",
" O | \n",
" O | \n",
" O | \n",
" O | \n",
" O | \n",
" O | \n",
" O | \n",
" O | \n",
" O | \n",
" O | \n",
"
\n",
" \n",
"
\n",
"
\n",
"
\n",
"
\n"
],
"application/vnd.google.colaboratory.intrinsic+json": {
"type": "dataframe",
"summary": "{\n \"name\": \"tag_text(text, tags, xlmr_model, xlmr_tokenizer)\",\n \"rows\": 2,\n \"fields\": [\n {\n \"column\": 0,\n \"properties\": {\n \"dtype\": \"string\",\n \"num_unique_values\": 2,\n \"samples\": [\n \"O\",\n \"\"\n ],\n \"semantic_type\": \"\",\n \"description\": \"\"\n }\n },\n {\n \"column\": 1,\n \"properties\": {\n \"dtype\": \"string\",\n \"num_unique_values\": 2,\n \"samples\": [\n \"B-PER\",\n \"\\u2581\\u0b85\\u0bb0\\u0bc1\"\n ],\n \"semantic_type\": \"\",\n \"description\": \"\"\n }\n },\n {\n \"column\": 2,\n \"properties\": {\n \"dtype\": \"string\",\n \"num_unique_values\": 2,\n \"samples\": [\n \"B-PER\",\n \"\\u0ba3\\u0bcd\"\n ],\n \"semantic_type\": \"\",\n \"description\": \"\"\n }\n },\n {\n \"column\": 3,\n \"properties\": {\n \"dtype\": \"string\",\n \"num_unique_values\": 2,\n \"samples\": [\n \"I-PER\",\n \"\\u2581\\u0b87\\u0ba8\\u0bcd\\u0ba4\\u0bbf\\u0baf\"\n ],\n \"semantic_type\": \"\",\n \"description\": \"\"\n }\n },\n {\n \"column\": 4,\n \"properties\": {\n \"dtype\": \"string\",\n \"num_unique_values\": 2,\n \"samples\": [\n \"I-PER\",\n \"\\u0ba9\\u0bcd\"\n ],\n \"semantic_type\": \"\",\n \"description\": \"\"\n }\n },\n {\n \"column\": 5,\n \"properties\": {\n \"dtype\": \"string\",\n \"num_unique_values\": 2,\n \"samples\": [\n \"O\",\n \"\\u2581\\u0b93\"\n ],\n \"semantic_type\": \"\",\n \"description\": \"\"\n }\n },\n {\n \"column\": 6,\n \"properties\": {\n \"dtype\": \"string\",\n \"num_unique_values\": 2,\n \"samples\": [\n \"O\",\n \"\\u0baf\\u0bbf\\u0bb2\\u0bcd\"\n ],\n \"semantic_type\": \"\",\n \"description\": \"\"\n }\n },\n {\n \"column\": 7,\n \"properties\": {\n \"dtype\": \"string\",\n \"num_unique_values\": 2,\n \"samples\": [\n \"O\",\n \"\\u0b95\\u0bbe\\u0bb0\\u0bcd\"\n ],\n \"semantic_type\": \"\",\n \"description\": \"\"\n }\n },\n {\n \"column\": 8,\n \"properties\": {\n \"dtype\": \"string\",\n \"num_unique_values\": 2,\n \"samples\": [\n \"O\",\n \"\\u0baa\\u0bcd\\u0baa\"\n ],\n \"semantic_type\": \"\",\n \"description\": \"\"\n }\n },\n {\n \"column\": 9,\n \"properties\": {\n \"dtype\": \"string\",\n \"num_unique_values\": 2,\n \"samples\": [\n \"O\",\n \"\\u0bb0\\u0bc7\"\n ],\n \"semantic_type\": \"\",\n \"description\": \"\"\n }\n },\n {\n \"column\": 10,\n \"properties\": {\n \"dtype\": \"string\",\n \"num_unique_values\": 2,\n \"samples\": [\n \"O\",\n \"\\u0bb7\"\n ],\n \"semantic_type\": \"\",\n \"description\": \"\"\n }\n },\n {\n \"column\": 11,\n \"properties\": {\n \"dtype\": \"string\",\n \"num_unique_values\": 2,\n \"samples\": [\n \"O\",\n \"\\u0ba9\\u0bbf\\u0bb2\\u0bcd\"\n ],\n \"semantic_type\": \"\",\n \"description\": \"\"\n }\n },\n {\n \"column\": 12,\n \"properties\": {\n \"dtype\": \"string\",\n \"num_unique_values\": 2,\n \"samples\": [\n \"O\",\n \"\\u2581\\u0bb5\\u0bc7\\u0bb2\\u0bc8\"\n ],\n \"semantic_type\": \"\",\n \"description\": \"\"\n }\n },\n {\n \"column\": 13,\n \"properties\": {\n \"dtype\": \"string\",\n \"num_unique_values\": 2,\n \"samples\": [\n \"O\",\n \"\\u2581\\u0b9a\\u0bc6\\u0baf\\u0bcd\\u0b95\\u0bbf\\u0bb1\"\n ],\n \"semantic_type\": \"\",\n \"description\": \"\"\n }\n },\n {\n \"column\": 14,\n \"properties\": {\n \"dtype\": \"string\",\n \"num_unique_values\": 2,\n \"samples\": [\n \"O\",\n \"\\u0bbe\\u0bb0\\u0bcd\"\n ],\n \"semantic_type\": \"\",\n \"description\": \"\"\n }\n },\n {\n \"column\": 15,\n \"properties\": {\n \"dtype\": \"string\",\n \"num_unique_values\": 2,\n \"samples\": [\n \"O\",\n \"\"\n ],\n \"semantic_type\": \"\",\n \"description\": \"\"\n }\n }\n ]\n}"
}
},
"metadata": {},
"execution_count": 63
}
]
},
{
"cell_type": "code",
"source": [
"f1_scores[\"ta\"][\"hi\"] = evaluate_lang_performance(\"hi\", trainer)"
],
"metadata": {
"colab": {
"base_uri": "https://localhost:8080/",
"height": 113,
"referenced_widgets": [
"eae83b4c01f64cc19faffdacd90cf062",
"f8ef606f565443aab405787aed62ed55",
"25878dd9e1a847359d279514457e5989",
"e52db3bc0d7e493ebbcd62f9adf9b63f",
"223fa6a944d84cf8a49d8f21d775ec31",
"e216778f0dad4e75a3a9a18c735332b5",
"3ae57a47a36742f5bd7a7d9432422e6e",
"8841ae2959294878aefd70644e7329d7",
"7c0c9e0e32e4469cb207e6f5321b117b",
"4f58503565604105a002de1516db2b59",
"7c37ae40aae74fa6959708f65e733c2b",
"ee5a86e3b0f542b382f8504659e8fcc5",
"96de92c49de6469f95bc82b19ba65fda",
"fd0085ef978342afaa1cf1392e4edf3e",
"c4df9ef8b5544004877c5e0188c3f3e3",
"1cfba474f2b84bdeaba07298a14ed4fe",
"d6141b2293e847d8a7323d2cf6df4d24",
"a947c2323f2947cda36847017118751e",
"056b484bdfa8491d9e6d956e96416b48",
"ace9105c3d314282b62b7fe02219ff4d",
"b67614d391dd4b6b8e1e84dc98b81133",
"c8fc2862ecf7494c944a6a4173d719aa",
"1fc6b43316c14cf8acbad7c26e295d85",
"e55b885e7c3e4ad68f5994099f515621",
"96916398d31f409cafccc65351d0187b",
"c97a0d7366ae4212b4d7e80e394a2b2f",
"d5d680cd45104fdeac42a90579707a44",
"5d3ca1197fd643ca87e10de5781f67f5",
"11f2dad68e36421998d4f9c262e9b769",
"fb34911b483f4dbbaab6a1617a378021",
"4ed77b194601459683bf0d5f2549d370",
"10eb100ace0e43e5b4d89e6fa2da0291",
"5d9f5fef797249d98fbe8875918d3973"
]
},
"id": "XqJE_GmlKeSc",
"outputId": "6e50de88-6110-4c89-ca95-02505da54d80"
},
"execution_count": 69,
"outputs": [
{
"output_type": "display_data",
"data": {
"text/plain": [
"Map: 0%| | 0/1145 [00:00, ? examples/s]"
],
"application/vnd.jupyter.widget-view+json": {
"version_major": 2,
"version_minor": 0,
"model_id": "eae83b4c01f64cc19faffdacd90cf062"
}
},
"metadata": {}
},
{
"output_type": "display_data",
"data": {
"text/plain": [
"Map: 0%| | 0/229 [00:00, ? examples/s]"
],
"application/vnd.jupyter.widget-view+json": {
"version_major": 2,
"version_minor": 0,
"model_id": "ee5a86e3b0f542b382f8504659e8fcc5"
}
},
"metadata": {}
},
{
"output_type": "display_data",
"data": {
"text/plain": [
"Map: 0%| | 0/229 [00:00, ? examples/s]"
],
"application/vnd.jupyter.widget-view+json": {
"version_major": 2,
"version_minor": 0,
"model_id": "1fc6b43316c14cf8acbad7c26e295d85"
}
},
"metadata": {}
},
{
"output_type": "display_data",
"data": {
"text/plain": [
""
],
"text/html": []
},
"metadata": {}
}
]
},
{
"cell_type": "code",
"source": [
"f1_scores[\"ta\"][\"hi\"]"
],
"metadata": {
"colab": {
"base_uri": "https://localhost:8080/"
},
"id": "DpqqI15DLcPT",
"outputId": "cbd34fe7-b14c-480f-8380-4dd24539ecfb"
},
"execution_count": 70,
"outputs": [
{
"output_type": "execute_result",
"data": {
"text/plain": [
"0.6839378238341969"
]
},
"metadata": {},
"execution_count": 70
}
]
},
{
"cell_type": "code",
"source": [
"panx_hi_encoded = encode_panx_dataset(panx_ch[\"hi\"], xlmr_tokenizer)"
],
"metadata": {
"colab": {
"base_uri": "https://localhost:8080/",
"height": 49,
"referenced_widgets": [
"26252462bb4e4354bd7938cc3389ff73",
"012873c1518049eb92e2f1d0cf76418a",
"1f55586db3344ef9be0812ddf4b03cfb",
"cb49cba798534f64967925b3a453fa76",
"494715bb635a43429e3db3452b7dc0c1",
"d5185210ac8b4e89a564e213b6422a08",
"14baa3c480fa4160bb80f78733a013cd",
"5d226e6e3f5547499bb9cbed495772bb",
"4451529efe2847e6a9564c19cc04537a",
"415073c13c94456fb8e68df1b703fa00",
"897e9f0f08d547adac7f17171a637045"
]
},
"id": "ebdKUyFiL4CE",
"outputId": "20e3c863-8fc1-453b-d75d-27ad808bda28"
},
"execution_count": 71,
"outputs": [
{
"output_type": "display_data",
"data": {
"text/plain": [
"Map: 0%| | 0/1145 [00:00, ? examples/s]"
],
"application/vnd.jupyter.widget-view+json": {
"version_major": 2,
"version_minor": 0,
"model_id": "26252462bb4e4354bd7938cc3389ff73"
}
},
"metadata": {}
}
]
},
{
"cell_type": "code",
"source": [
"from datasets import concatenate_datasets\n",
"\n",
"def concatenate_splits(corpora):\n",
" multi_corpus = DatasetDict()\n",
" for split in corpora[0].keys():\n",
" multi_corpus[split] = concatenate_datasets([corpus[split] for corpus in corpora]).shuffle(seed = 0)\n",
" return multi_corpus\n",
"\n",
"panx_ta_hi_encoded = concatenate_splits([panx_ta_encoded, panx_hi_encoded])"
],
"metadata": {
"id": "-Bj6DCFdLsAA"
},
"execution_count": 73,
"outputs": []
},
{
"cell_type": "code",
"source": [
"training_args.logging_steps = len(panx_ta_hi_encoded[\"train\"]) // batch_size\n",
"training_args.push_to_hub = True\n",
"training_args.output_dir = \"xlm-roberta-base-fintuned-panx-tamil-hindi\""
],
"metadata": {
"id": "cPFWrj1KMMow"
},
"execution_count": 74,
"outputs": []
},
{
"cell_type": "code",
"source": [
"from huggingface_hub import login\n",
"login(\"XXXXXXXXX\") # hugging face api key"
],
"metadata": {
"id": "gLVKi1HbN5-_"
},
"execution_count": 80,
"outputs": []
},
{
"cell_type": "code",
"source": [
"trainer = Trainer(model=xlmr_model, args = training_args, data_collator=data_collator,\n",
" compute_metrics = compute_metrics, tokenizer = xlmr_tokenizer, train_dataset = panx_ta_hi_encoded[\"train\"],\n",
" eval_dataset = panx_ta_hi_encoded[\"validation\"])"
],
"metadata": {
"colab": {
"base_uri": "https://localhost:8080/"
},
"id": "XMvMKwnTMkYA",
"outputId": "98d9d5dc-f4b7-47be-c3af-2570a959f398"
},
"execution_count": 81,
"outputs": [
{
"output_type": "stream",
"name": "stderr",
"text": [
":1: FutureWarning: `tokenizer` is deprecated and will be removed in version 5.0.0 for `Trainer.__init__`. Use `processing_class` instead.\n",
" trainer = Trainer(model=xlmr_model, args = training_args, data_collator=data_collator,\n"
]
}
]
},
{
"cell_type": "code",
"source": [
"trainer.train()"
],
"metadata": {
"colab": {
"base_uri": "https://localhost:8080/",
"height": 205
},
"id": "2l169qtMOTTD",
"outputId": "d07b04de-92f4-4f57-d908-e4c63567341e"
},
"execution_count": 82,
"outputs": [
{
"output_type": "display_data",
"data": {
"text/plain": [
""
],
"text/html": [
"\n",
" \n",
" \n",
"
\n",
" [1323/1323 07:17, Epoch 3/3]\n",
"
\n",
" \n",
" \n",
" \n",
" Epoch | \n",
" Training Loss | \n",
" Validation Loss | \n",
" F1 | \n",
"
\n",
" \n",
" \n",
" \n",
" 1 | \n",
" 0.188600 | \n",
" 0.241305 | \n",
" 0.809634 | \n",
"
\n",
" \n",
" 2 | \n",
" 0.125200 | \n",
" 0.241477 | \n",
" 0.820084 | \n",
"
\n",
" \n",
" 3 | \n",
" 0.075200 | \n",
" 0.247983 | \n",
" 0.834734 | \n",
"
\n",
" \n",
"
"
]
},
"metadata": {}
},
{
"output_type": "execute_result",
"data": {
"text/plain": [
"TrainOutput(global_step=1323, training_loss=0.12965581494574283, metrics={'train_runtime': 438.1925, 'train_samples_per_second': 72.434, 'train_steps_per_second': 3.019, 'total_flos': 693647678231376.0, 'train_loss': 0.12965581494574283, 'epoch': 3.0})"
]
},
"metadata": {},
"execution_count": 82
}
]
},
{
"cell_type": "code",
"source": [
"trainer.push_to_hub(commit_message = \"Training complete for Tamil and Hindi language\")"
],
"metadata": {
"colab": {
"base_uri": "https://localhost:8080/",
"height": 106
},
"id": "Qg5JUFx5P2J0",
"outputId": "6247592f-07db-471e-d7de-c33795a9e030"
},
"execution_count": 83,
"outputs": [
{
"output_type": "execute_result",
"data": {
"text/plain": [
"CommitInfo(commit_url='https://huggingface.co/Lokeshwaran/xlm-roberta-base-fintuned-panx-ta-hi/commit/e16bf7ef2d68f0bf1f454479ab64277d3df6d2b3', commit_message='Training complete for Tamil and Hindi language', commit_description='', oid='e16bf7ef2d68f0bf1f454479ab64277d3df6d2b3', pr_url=None, repo_url=RepoUrl('https://huggingface.co/Lokeshwaran/xlm-roberta-base-fintuned-panx-ta-hi', endpoint='https://huggingface.co', repo_type='model', repo_id='Lokeshwaran/xlm-roberta-base-fintuned-panx-ta-hi'), pr_revision=None, pr_num=None)"
],
"application/vnd.google.colaboratory.intrinsic+json": {
"type": "string"
}
},
"metadata": {},
"execution_count": 83
}
]
},
{
"cell_type": "code",
"source": [
"for lang in langs:\n",
" f1 = evaluate_lang_performance(lang, trainer)\n",
" f1_scores[\"ta\"][lang] = f1\n",
" print(f\"F1 score for {lang} is {f1}\")"
],
"metadata": {
"colab": {
"base_uri": "https://localhost:8080/",
"height": 280,
"referenced_widgets": [
"18d5cf4a44fa463f9b3b8b268d775ec0",
"1db6cde6b6e94f1d88650a5e3657971c",
"e8ac653db44244419d52ad56b142d76f",
"7caf70b845c44f59a36cbf816ba98f14",
"8463136c5f4a445c8b7234ae09d4e91a",
"647d1f5d4fbc46c0afe8d2d742b38f1c",
"b26fc46c54bf4afa907c10e6a75f906b",
"7e511847e8d5479eac356f08d3d5540d",
"51a89c53db5c4576b56505380fb6cb09",
"8d842da76c8d418a860de9580950e0bb",
"064066c78394446c964fbc73ca490d47",
"09925733cd1c4bcca40dc9eede582bf8",
"2fc8c31136ca456680edd57574384223",
"22e72d59dd7f4bcd9b6d7bc7577bb8b8",
"519f4373185d4b7d9e540157c4c0cd5d",
"d5c1301d0fb9417397cc4dde6122d52b",
"513512e39a1a4065883fc69c03217e4f",
"fed08d123dff4276a30c2827a620e7ce",
"0c56e45610d143bb87e990b5bb569a7a",
"94a33dc93835443b8cd56c5b1e193bbe",
"cbeb508080eb418597f227ebf761e9fb",
"ffb7a5b1037a498b9c470f266953b142",
"5dd715f545e443d6834c5cf261585cfb",
"d6ce2e4ba823453d8049825f752be84e",
"76d512c0b572490c91b5f963a12ab670",
"e4efd0f3ed33481c8d64bb6464b2673f",
"bacbddea488b4175a98c7d0febebed82",
"f38ee2575e674b69830b4528f17a445f",
"e0af2ce7f98b4b33b329a6feafc5d353",
"c00e66077f514a6cbd8566ff16514f86",
"8d90ed4c24d84df48224adcd4db839d8",
"cce5842b46d048a9b92db1dd83adf0b9",
"e4918bef399945f49690a36ae25f29ca",
"e963819d51af45afa9697fdcc0a66cd1",
"c13ddab7ec6248938f4d8d5784a91ac8",
"232a2fa9b93e4909a50c3dadd41d2e7e",
"d708d38f23594e3e8bf85a3b17cb032e",
"6ccb041c5ab1488283afe2e9649ba885",
"cf72852bdd9c40c89397ba75cfe8a194",
"dfeff877a75f4043822a6b852449f81a",
"48d273b6056649a0b15c875d62b92eca",
"82088d18ebf54f5e888578aad9252787",
"9cd3d9d010cd475785a769d6d730b6a7",
"f68be2853c284b08b69e6dcd91e47493",
"a203024de6c349afad05a01537c2d6d2",
"48400249a89d41cfa8644a6598fda50f",
"4e7c90d45af74ef48d94900a7e25b553",
"cba88cfc59324b4cad528a3ad894c7e2",
"9354b6f1c7f14efeb43a65dbd02fef6b",
"9bd08cd11ed54de1a97e27d3e7d883d6",
"b3089a9b62854710812e4dfc5b432651",
"733a85ec02cc46c9bda9d0612d0d4e20",
"7686d9311241490a997f031ea7a35fd7",
"e8386ca30f354f66917149009850c911",
"131980f25fc34082acd1658d1914b855",
"12251cbcaea943dfb7765f430d1b0aff",
"f0f95a3ee83e4222b77e336cb38154d7",
"c0ea22f3cc8e4cfe8d1d46a4990be089",
"d8cf5afd9e6e47bb843ab33b47dc64c4",
"79b84906645d4715a8e53105398dd946",
"550aaeadf6aa441789c05613b2743d48",
"a9e54cbe68804c62b10b4b3fe6a099eb",
"5c524ce28cf44bad92e2519efdded949",
"83dace03aa3d44a088138b2fff64d70a",
"c684a7c9bcae4f6e9af8d6759137dd2a",
"754fa5f7016245708027760c727709af"
]
},
"id": "HE8-prkuQ-nC",
"outputId": "d242b808-928a-47ba-db42-e0c46a086317"
},
"execution_count": 87,
"outputs": [
{
"output_type": "display_data",
"data": {
"text/plain": [
""
],
"text/html": []
},
"metadata": {}
},
{
"output_type": "stream",
"name": "stdout",
"text": [
"F1 score for ta is 0.8349267049075845\n"
]
},
{
"output_type": "display_data",
"data": {
"text/plain": [
""
],
"text/html": []
},
"metadata": {}
},
{
"output_type": "stream",
"name": "stdout",
"text": [
"F1 score for hi is 0.8515205724508049\n"
]
},
{
"output_type": "display_data",
"data": {
"text/plain": [
"Map: 0%| | 0/1680 [00:00, ? examples/s]"
],
"application/vnd.jupyter.widget-view+json": {
"version_major": 2,
"version_minor": 0,
"model_id": "18d5cf4a44fa463f9b3b8b268d775ec0"
}
},
"metadata": {}
},
{
"output_type": "display_data",
"data": {
"text/plain": [
"Map: 0%| | 0/84 [00:00, ? examples/s]"
],
"application/vnd.jupyter.widget-view+json": {
"version_major": 2,
"version_minor": 0,
"model_id": "09925733cd1c4bcca40dc9eede582bf8"
}
},
"metadata": {}
},
{
"output_type": "display_data",
"data": {
"text/plain": [
"Map: 0%| | 0/84 [00:00, ? examples/s]"
],
"application/vnd.jupyter.widget-view+json": {
"version_major": 2,
"version_minor": 0,
"model_id": "5dd715f545e443d6834c5cf261585cfb"
}
},
"metadata": {}
},
{
"output_type": "display_data",
"data": {
"text/plain": [
""
],
"text/html": []
},
"metadata": {}
},
{
"output_type": "stream",
"name": "stdout",
"text": [
"F1 score for ur is 0.39593908629441626\n"
]
},
{
"output_type": "display_data",
"data": {
"text/plain": [
"Map: 0%| | 0/590 [00:00, ? examples/s]"
],
"application/vnd.jupyter.widget-view+json": {
"version_major": 2,
"version_minor": 0,
"model_id": "e963819d51af45afa9697fdcc0a66cd1"
}
},
"metadata": {}
},
{
"output_type": "display_data",
"data": {
"text/plain": [
"Map: 0%| | 0/59 [00:00, ? examples/s]"
],
"application/vnd.jupyter.widget-view+json": {
"version_major": 2,
"version_minor": 0,
"model_id": "a203024de6c349afad05a01537c2d6d2"
}
},
"metadata": {}
},
{
"output_type": "display_data",
"data": {
"text/plain": [
"Map: 0%| | 0/59 [00:00, ? examples/s]"
],
"application/vnd.jupyter.widget-view+json": {
"version_major": 2,
"version_minor": 0,
"model_id": "12251cbcaea943dfb7765f430d1b0aff"
}
},
"metadata": {}
},
{
"output_type": "display_data",
"data": {
"text/plain": [
""
],
"text/html": []
},
"metadata": {}
},
{
"output_type": "stream",
"name": "stdout",
"text": [
"F1 score for ml is 0.7976190476190477\n"
]
}
]
},
{
"cell_type": "code",
"source": [],
"metadata": {
"id": "5Ck9HT9BQ_Xy"
},
"execution_count": null,
"outputs": []
}
],
"metadata": {
"kernelspec": {
"display_name": "Python 3",
"name": "python3"
},
"language_info": {
"codemirror_mode": {
"name": "ipython",
"version": 3
},
"file_extension": ".py",
"mimetype": "text/x-python",
"name": "python",
"nbconvert_exporter": "python",
"pygments_lexer": "ipython3",
"version": "3.8.13"
},
"colab": {
"provenance": [],
"gpuType": "T4"
},
"accelerator": "GPU",
"widgets": {
"application/vnd.jupyter.widget-state+json": {
"dc71e5f09fa64de9bef26ac2f32ee448": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HBoxModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HBoxModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HBoxView",
"box_style": "",
"children": [
"IPY_MODEL_192c35eba2624c75ab2b83b54472c9a6",
"IPY_MODEL_1a89dfc6298b40429a50e8e5308e29b3",
"IPY_MODEL_c4896b22dc9340d9a421413e60e34dd1"
],
"layout": "IPY_MODEL_f61427bdbd5b464980164a517f32f1de"
}
},
"192c35eba2624c75ab2b83b54472c9a6": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_75188f8b75284383a5874bd47069a744",
"placeholder": "",
"style": "IPY_MODEL_22b4e0ef1fac4236b6313deea21b9bfa",
"value": "README.md: 100%"
}
},
"1a89dfc6298b40429a50e8e5308e29b3": {
"model_module": "@jupyter-widgets/controls",
"model_name": "FloatProgressModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "FloatProgressModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "ProgressView",
"bar_style": "success",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_b22ad2289bda4732bfca3938a580f9a6",
"max": 131405,
"min": 0,
"orientation": "horizontal",
"style": "IPY_MODEL_4b5bd654db5e4cf89a4bf77f548a3d7c",
"value": 131405
}
},
"c4896b22dc9340d9a421413e60e34dd1": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_c02a48fc5d0c42489cefad2986a99274",
"placeholder": "",
"style": "IPY_MODEL_925ab71d68f14deb8de95e54fabd5069",
"value": " 131k/131k [00:00<00:00, 2.38MB/s]"
}
},
"f61427bdbd5b464980164a517f32f1de": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"75188f8b75284383a5874bd47069a744": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"22b4e0ef1fac4236b6313deea21b9bfa": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"b22ad2289bda4732bfca3938a580f9a6": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"4b5bd654db5e4cf89a4bf77f548a3d7c": {
"model_module": "@jupyter-widgets/controls",
"model_name": "ProgressStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "ProgressStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"bar_color": null,
"description_width": ""
}
},
"c02a48fc5d0c42489cefad2986a99274": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"925ab71d68f14deb8de95e54fabd5069": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"71189662643e4849a0414ff82196a1e8": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HBoxModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HBoxModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HBoxView",
"box_style": "",
"children": [
"IPY_MODEL_058df5398e9444539bac4af82088bb46",
"IPY_MODEL_7a545aa17e2f496aad61e054485c7e75",
"IPY_MODEL_94142f88162b44a98aeb6b7df23d5415"
],
"layout": "IPY_MODEL_a0fe8afcad4c4c15b50cbabf08a02d68"
}
},
"058df5398e9444539bac4af82088bb46": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_1b13519e51bf4d10ad2308193ab2c9c2",
"placeholder": "",
"style": "IPY_MODEL_894185c637fc486e91fed8b1d4c4815d",
"value": "train-00000-of-00001.parquet: 100%"
}
},
"7a545aa17e2f496aad61e054485c7e75": {
"model_module": "@jupyter-widgets/controls",
"model_name": "FloatProgressModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "FloatProgressModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "ProgressView",
"bar_style": "success",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_c858f761c57b4e85bea84c46e9f46ca6",
"max": 553373,
"min": 0,
"orientation": "horizontal",
"style": "IPY_MODEL_a60b9e7e8f874538b100818c01a84181",
"value": 553373
}
},
"94142f88162b44a98aeb6b7df23d5415": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_c998384969944768904f5e361367596c",
"placeholder": "",
"style": "IPY_MODEL_5b490727c7b04896a91c4cc5648bc84c",
"value": " 553k/553k [00:00<00:00, 8.15MB/s]"
}
},
"a0fe8afcad4c4c15b50cbabf08a02d68": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"1b13519e51bf4d10ad2308193ab2c9c2": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"894185c637fc486e91fed8b1d4c4815d": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"c858f761c57b4e85bea84c46e9f46ca6": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"a60b9e7e8f874538b100818c01a84181": {
"model_module": "@jupyter-widgets/controls",
"model_name": "ProgressStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "ProgressStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"bar_color": null,
"description_width": ""
}
},
"c998384969944768904f5e361367596c": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"5b490727c7b04896a91c4cc5648bc84c": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"7c50dc25cab342dda211f657eec5dd64": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HBoxModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HBoxModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HBoxView",
"box_style": "",
"children": [
"IPY_MODEL_c4032dae89264bcc8c712f22c68fcaa7",
"IPY_MODEL_e9977cf11f1f401294a2bba0344fff5b",
"IPY_MODEL_90612d87dbf24d2194c6139249812027"
],
"layout": "IPY_MODEL_bfccd49d808b41508d4fdbfb00166bf7"
}
},
"c4032dae89264bcc8c712f22c68fcaa7": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_894cee54dd504b8098ad6fcae4270638",
"placeholder": "",
"style": "IPY_MODEL_7a5235a841324173aa9e38351e4e249e",
"value": "validation-00000-of-00001.parquet: 100%"
}
},
"e9977cf11f1f401294a2bba0344fff5b": {
"model_module": "@jupyter-widgets/controls",
"model_name": "FloatProgressModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "FloatProgressModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "ProgressView",
"bar_style": "success",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_fbe0f083d6f94b229dc63085ea369c6e",
"max": 28535,
"min": 0,
"orientation": "horizontal",
"style": "IPY_MODEL_6c1b30f515fc4a2289cfb1ba6973bbf8",
"value": 28535
}
},
"90612d87dbf24d2194c6139249812027": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_3aca09a98c584710b6d391a8c202314d",
"placeholder": "",
"style": "IPY_MODEL_8594fdcb513b49fd80c522ae00d3b34c",
"value": " 28.5k/28.5k [00:00<00:00, 1.55MB/s]"
}
},
"bfccd49d808b41508d4fdbfb00166bf7": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"894cee54dd504b8098ad6fcae4270638": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"7a5235a841324173aa9e38351e4e249e": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"fbe0f083d6f94b229dc63085ea369c6e": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"6c1b30f515fc4a2289cfb1ba6973bbf8": {
"model_module": "@jupyter-widgets/controls",
"model_name": "ProgressStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "ProgressStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"bar_color": null,
"description_width": ""
}
},
"3aca09a98c584710b6d391a8c202314d": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"8594fdcb513b49fd80c522ae00d3b34c": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"19ed614349284138a80ffcacf6ddf55a": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HBoxModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HBoxModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HBoxView",
"box_style": "",
"children": [
"IPY_MODEL_62b18fd207494780990100fd6289554d",
"IPY_MODEL_1d635757b31f419d91df8fba58a3334d",
"IPY_MODEL_2ad0610a520b40a7b454a17a725a02a0"
],
"layout": "IPY_MODEL_7cfd8ac9260f4c2ba9bce89a6e2c1eb1"
}
},
"62b18fd207494780990100fd6289554d": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_94f5eab0278d4e95a829ad1a21a4b029",
"placeholder": "",
"style": "IPY_MODEL_e103b1b67976499ca7fb95a59190d4de",
"value": "test-00000-of-00001.parquet: 100%"
}
},
"1d635757b31f419d91df8fba58a3334d": {
"model_module": "@jupyter-widgets/controls",
"model_name": "FloatProgressModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "FloatProgressModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "ProgressView",
"bar_style": "success",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_85f739ab90734658b78d47a2994f5b42",
"max": 28961,
"min": 0,
"orientation": "horizontal",
"style": "IPY_MODEL_8ca38bffba6748be9dec50ae6408eed0",
"value": 28961
}
},
"2ad0610a520b40a7b454a17a725a02a0": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_2f601e5d6ed245b4af1a1951fcdb7a7a",
"placeholder": "",
"style": "IPY_MODEL_1c98817919e34d4486a41517047e459a",
"value": " 29.0k/29.0k [00:00<00:00, 1.87MB/s]"
}
},
"7cfd8ac9260f4c2ba9bce89a6e2c1eb1": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"94f5eab0278d4e95a829ad1a21a4b029": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"e103b1b67976499ca7fb95a59190d4de": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"85f739ab90734658b78d47a2994f5b42": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"8ca38bffba6748be9dec50ae6408eed0": {
"model_module": "@jupyter-widgets/controls",
"model_name": "ProgressStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "ProgressStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"bar_color": null,
"description_width": ""
}
},
"2f601e5d6ed245b4af1a1951fcdb7a7a": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"1c98817919e34d4486a41517047e459a": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"45ff7276f06740eda275f42d025c7a6a": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HBoxModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HBoxModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HBoxView",
"box_style": "",
"children": [
"IPY_MODEL_80b470b1045d492096ca7716373d570c",
"IPY_MODEL_00601c381cf84c4ab66ea318bfaf50e8",
"IPY_MODEL_d6e0c92d2a194c6daba37be64675cb1f"
],
"layout": "IPY_MODEL_8417f7076923487d818704e856b09860"
}
},
"80b470b1045d492096ca7716373d570c": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_3efbc663cd344eba9c7ebeb00c856292",
"placeholder": "",
"style": "IPY_MODEL_cf4c9d85fe9b40058d12b18855e21b97",
"value": "Generating train split: 100%"
}
},
"00601c381cf84c4ab66ea318bfaf50e8": {
"model_module": "@jupyter-widgets/controls",
"model_name": "FloatProgressModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "FloatProgressModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "ProgressView",
"bar_style": "success",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_5b91a5ed9f804e6c93432780c503a4cb",
"max": 20000,
"min": 0,
"orientation": "horizontal",
"style": "IPY_MODEL_c144a65dbcae4f27b51a642a68538033",
"value": 20000
}
},
"d6e0c92d2a194c6daba37be64675cb1f": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_82659c40f5ef4898891d9e608d939868",
"placeholder": "",
"style": "IPY_MODEL_51817c67a4fa4e76bc45552eb5d7f4fb",
"value": " 20000/20000 [00:00<00:00, 293897.82 examples/s]"
}
},
"8417f7076923487d818704e856b09860": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"3efbc663cd344eba9c7ebeb00c856292": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"cf4c9d85fe9b40058d12b18855e21b97": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"5b91a5ed9f804e6c93432780c503a4cb": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"c144a65dbcae4f27b51a642a68538033": {
"model_module": "@jupyter-widgets/controls",
"model_name": "ProgressStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "ProgressStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"bar_color": null,
"description_width": ""
}
},
"82659c40f5ef4898891d9e608d939868": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"51817c67a4fa4e76bc45552eb5d7f4fb": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"82d8a623a18d45338a9cda7558ffd4ab": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HBoxModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HBoxModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HBoxView",
"box_style": "",
"children": [
"IPY_MODEL_6de67c53595d4905a91bff1bc562835e",
"IPY_MODEL_ade4d5796fb048e1ad52b7af8602dcfb",
"IPY_MODEL_96c38be23488497bb623fe03440b6538"
],
"layout": "IPY_MODEL_fa8d054f3348441993bc5c8b3fd38f01"
}
},
"6de67c53595d4905a91bff1bc562835e": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_c2818f509f6d42b09813000d8df871f4",
"placeholder": "",
"style": "IPY_MODEL_669de7f3aa7348eda323b31f0ede1f50",
"value": "Generating validation split: 100%"
}
},
"ade4d5796fb048e1ad52b7af8602dcfb": {
"model_module": "@jupyter-widgets/controls",
"model_name": "FloatProgressModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "FloatProgressModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "ProgressView",
"bar_style": "success",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_31e32e51d7d6490aae7d4630877cf9bd",
"max": 1000,
"min": 0,
"orientation": "horizontal",
"style": "IPY_MODEL_46637866c0f845fc874b107b11d35d8c",
"value": 1000
}
},
"96c38be23488497bb623fe03440b6538": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_0e28b4dd097d4c1bb036e5d3b2596b5e",
"placeholder": "",
"style": "IPY_MODEL_093e361ddfcd4d07949ee66afc86b8c9",
"value": " 1000/1000 [00:00<00:00, 50432.92 examples/s]"
}
},
"fa8d054f3348441993bc5c8b3fd38f01": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"c2818f509f6d42b09813000d8df871f4": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"669de7f3aa7348eda323b31f0ede1f50": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"31e32e51d7d6490aae7d4630877cf9bd": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"46637866c0f845fc874b107b11d35d8c": {
"model_module": "@jupyter-widgets/controls",
"model_name": "ProgressStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "ProgressStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"bar_color": null,
"description_width": ""
}
},
"0e28b4dd097d4c1bb036e5d3b2596b5e": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"093e361ddfcd4d07949ee66afc86b8c9": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"15fa0431c26e45aca5e789b581234b7d": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HBoxModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HBoxModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HBoxView",
"box_style": "",
"children": [
"IPY_MODEL_78ae779d54a14390b6af27f2a92eb951",
"IPY_MODEL_16db70b993e44c9eb94720e765bf185f",
"IPY_MODEL_fb77fd7dfc2b47128ebd6e35d8f8a77e"
],
"layout": "IPY_MODEL_5b5e7dad15934042833be551e0760c23"
}
},
"78ae779d54a14390b6af27f2a92eb951": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_5166f1d91eb94b418b9d5713c0226c5d",
"placeholder": "",
"style": "IPY_MODEL_2ff7e65fb5b8413e853424dd2bae895c",
"value": "Generating test split: 100%"
}
},
"16db70b993e44c9eb94720e765bf185f": {
"model_module": "@jupyter-widgets/controls",
"model_name": "FloatProgressModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "FloatProgressModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "ProgressView",
"bar_style": "success",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_5ce9ca52f8ed4af0b547faabaa67bb8f",
"max": 1000,
"min": 0,
"orientation": "horizontal",
"style": "IPY_MODEL_88823e3ebcae482288a01d3ea11ed0bc",
"value": 1000
}
},
"fb77fd7dfc2b47128ebd6e35d8f8a77e": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_37e78c4d11f648b4adc97a5e34526a87",
"placeholder": "",
"style": "IPY_MODEL_e5f44d2d86d44cdba44c013739e561b0",
"value": " 1000/1000 [00:00<00:00, 41081.56 examples/s]"
}
},
"5b5e7dad15934042833be551e0760c23": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"5166f1d91eb94b418b9d5713c0226c5d": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"2ff7e65fb5b8413e853424dd2bae895c": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"5ce9ca52f8ed4af0b547faabaa67bb8f": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"88823e3ebcae482288a01d3ea11ed0bc": {
"model_module": "@jupyter-widgets/controls",
"model_name": "ProgressStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "ProgressStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"bar_color": null,
"description_width": ""
}
},
"37e78c4d11f648b4adc97a5e34526a87": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"e5f44d2d86d44cdba44c013739e561b0": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"b58b31b475954ebe82ff5e0980737e45": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HBoxModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HBoxModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HBoxView",
"box_style": "",
"children": [
"IPY_MODEL_0e46af9cc4744b3fb0efa7f9fdedcd6f",
"IPY_MODEL_27ee0f85b96b48b692c7c192c433f63b",
"IPY_MODEL_ccfbf8456bce4febbf448a3138fc63d9"
],
"layout": "IPY_MODEL_16b84661158146aeb340727c1c85e365"
}
},
"0e46af9cc4744b3fb0efa7f9fdedcd6f": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_930a34693efa476cbc6d2a0514a5077e",
"placeholder": "",
"style": "IPY_MODEL_962be000e49e4e4bb4171c24a07bbf64",
"value": "train-00000-of-00001.parquet: 100%"
}
},
"27ee0f85b96b48b692c7c192c433f63b": {
"model_module": "@jupyter-widgets/controls",
"model_name": "FloatProgressModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "FloatProgressModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "ProgressView",
"bar_style": "success",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_bef2700d18a04c1fbd2860a6e5bc818e",
"max": 708592,
"min": 0,
"orientation": "horizontal",
"style": "IPY_MODEL_2cb035b434dc40efaa60f1ab7e69d4f3",
"value": 708592
}
},
"ccfbf8456bce4febbf448a3138fc63d9": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_f8d091ab1ca240a4b3a08870401db8e2",
"placeholder": "",
"style": "IPY_MODEL_8013dd2c8ad441af84b7371b843cdbdd",
"value": " 709k/709k [00:00<00:00, 38.2MB/s]"
}
},
"16b84661158146aeb340727c1c85e365": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"930a34693efa476cbc6d2a0514a5077e": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"962be000e49e4e4bb4171c24a07bbf64": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"bef2700d18a04c1fbd2860a6e5bc818e": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"2cb035b434dc40efaa60f1ab7e69d4f3": {
"model_module": "@jupyter-widgets/controls",
"model_name": "ProgressStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "ProgressStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"bar_color": null,
"description_width": ""
}
},
"f8d091ab1ca240a4b3a08870401db8e2": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"8013dd2c8ad441af84b7371b843cdbdd": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"30d3b907148e4b61a69933cd43448d86": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HBoxModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HBoxModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HBoxView",
"box_style": "",
"children": [
"IPY_MODEL_e8f9bf2bddbe42f28bf3626b5508d8b6",
"IPY_MODEL_b34a8abfee7049e196104ed16787aea9",
"IPY_MODEL_7230bf23f3b74d9b828d2b8a85f7b9f7"
],
"layout": "IPY_MODEL_d1af3e82643e4938abf191c83c67b76f"
}
},
"e8f9bf2bddbe42f28bf3626b5508d8b6": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_901e2d71144642db8484a60068d99daa",
"placeholder": "",
"style": "IPY_MODEL_87e80d603ce343aab5ed819e1dcfc74b",
"value": "validation-00000-of-00001.parquet: 100%"
}
},
"b34a8abfee7049e196104ed16787aea9": {
"model_module": "@jupyter-widgets/controls",
"model_name": "FloatProgressModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "FloatProgressModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "ProgressView",
"bar_style": "success",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_597e572a22174fb982ea270802a062db",
"max": 74419,
"min": 0,
"orientation": "horizontal",
"style": "IPY_MODEL_5716c3e2107b4ebb8054307eeb91e394",
"value": 74419
}
},
"7230bf23f3b74d9b828d2b8a85f7b9f7": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_862998db75944ef38abb4b1de2f2e88c",
"placeholder": "",
"style": "IPY_MODEL_9343e8750a70420792bd5688702df37b",
"value": " 74.4k/74.4k [00:00<00:00, 4.54MB/s]"
}
},
"d1af3e82643e4938abf191c83c67b76f": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"901e2d71144642db8484a60068d99daa": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"87e80d603ce343aab5ed819e1dcfc74b": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"597e572a22174fb982ea270802a062db": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"5716c3e2107b4ebb8054307eeb91e394": {
"model_module": "@jupyter-widgets/controls",
"model_name": "ProgressStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "ProgressStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"bar_color": null,
"description_width": ""
}
},
"862998db75944ef38abb4b1de2f2e88c": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"9343e8750a70420792bd5688702df37b": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"9bd2a41dde3145b7ba38cb15b1ef0fe9": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HBoxModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HBoxModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HBoxView",
"box_style": "",
"children": [
"IPY_MODEL_2f6d663bb02846ca9800a42da2d9ff1b",
"IPY_MODEL_5aab115389924dd5862ef1305fe05270",
"IPY_MODEL_19c1744f0fb5435780a7f5373a03ed87"
],
"layout": "IPY_MODEL_101f720d55004602a0b860cb50f21e09"
}
},
"2f6d663bb02846ca9800a42da2d9ff1b": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_3a1808d7b11d4b949c720674bf2aaa8c",
"placeholder": "",
"style": "IPY_MODEL_51ecbf5f5c4b46eea3536c5ffca1e212",
"value": "test-00000-of-00001.parquet: 100%"
}
},
"5aab115389924dd5862ef1305fe05270": {
"model_module": "@jupyter-widgets/controls",
"model_name": "FloatProgressModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "FloatProgressModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "ProgressView",
"bar_style": "success",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_9abc07f5f83f4371b243a8a6e537e9ea",
"max": 69944,
"min": 0,
"orientation": "horizontal",
"style": "IPY_MODEL_9cbaa18ab67a4ad5a6702adec063842c",
"value": 69944
}
},
"19c1744f0fb5435780a7f5373a03ed87": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_4c88d6e2711e46e292e0cfd728ddd35c",
"placeholder": "",
"style": "IPY_MODEL_14ee018c95df4bcba3d8f1c2bb3da7c5",
"value": " 69.9k/69.9k [00:00<00:00, 5.33MB/s]"
}
},
"101f720d55004602a0b860cb50f21e09": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"3a1808d7b11d4b949c720674bf2aaa8c": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"51ecbf5f5c4b46eea3536c5ffca1e212": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"9abc07f5f83f4371b243a8a6e537e9ea": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"9cbaa18ab67a4ad5a6702adec063842c": {
"model_module": "@jupyter-widgets/controls",
"model_name": "ProgressStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "ProgressStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"bar_color": null,
"description_width": ""
}
},
"4c88d6e2711e46e292e0cfd728ddd35c": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"14ee018c95df4bcba3d8f1c2bb3da7c5": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"39323bfef97d415a9bc781251bfaa304": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HBoxModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HBoxModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HBoxView",
"box_style": "",
"children": [
"IPY_MODEL_88114b42467148b3bcd835013f3e90e0",
"IPY_MODEL_1d6b4f8a90ec496992aec2cef0bcc7b3",
"IPY_MODEL_7a3eae579cb6449fae6fdf72eab9be2c"
],
"layout": "IPY_MODEL_143a35c1ce35413894f541d8eb911975"
}
},
"88114b42467148b3bcd835013f3e90e0": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_5fce02f024df47a49682b12791d03739",
"placeholder": "",
"style": "IPY_MODEL_6b46fa1801b3495ca7cdc9c09d388754",
"value": "Generating train split: 100%"
}
},
"1d6b4f8a90ec496992aec2cef0bcc7b3": {
"model_module": "@jupyter-widgets/controls",
"model_name": "FloatProgressModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "FloatProgressModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "ProgressView",
"bar_style": "success",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_c151177f146849a09a97691437dff4b5",
"max": 10000,
"min": 0,
"orientation": "horizontal",
"style": "IPY_MODEL_8bd85f9ea00a4ffc97c8f180e50cf594",
"value": 10000
}
},
"7a3eae579cb6449fae6fdf72eab9be2c": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_d9d4eaadb0b5479cbf57314869582f82",
"placeholder": "",
"style": "IPY_MODEL_8993bdc64943486c848cd36c08ba33c4",
"value": " 10000/10000 [00:00<00:00, 192924.94 examples/s]"
}
},
"143a35c1ce35413894f541d8eb911975": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"5fce02f024df47a49682b12791d03739": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"6b46fa1801b3495ca7cdc9c09d388754": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"c151177f146849a09a97691437dff4b5": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"8bd85f9ea00a4ffc97c8f180e50cf594": {
"model_module": "@jupyter-widgets/controls",
"model_name": "ProgressStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "ProgressStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"bar_color": null,
"description_width": ""
}
},
"d9d4eaadb0b5479cbf57314869582f82": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"8993bdc64943486c848cd36c08ba33c4": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"50e434b627724a13ad817aff3f6b7f77": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HBoxModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HBoxModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HBoxView",
"box_style": "",
"children": [
"IPY_MODEL_fb6724262ca34d769c4b3686089d907d",
"IPY_MODEL_aabda627bcaf4be98a04f4617a497b0e",
"IPY_MODEL_f55d50de098441a1972941a51d7a237d"
],
"layout": "IPY_MODEL_c232401b7938421b8d9e5574d83c71a2"
}
},
"fb6724262ca34d769c4b3686089d907d": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_ba3a13d595294e179effaf4da4726907",
"placeholder": "",
"style": "IPY_MODEL_b4f4b75c4e5d497c9610062922deffba",
"value": "Generating validation split: 100%"
}
},
"aabda627bcaf4be98a04f4617a497b0e": {
"model_module": "@jupyter-widgets/controls",
"model_name": "FloatProgressModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "FloatProgressModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "ProgressView",
"bar_style": "success",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_02959aaf14fd46e38a7abdb3d34390f1",
"max": 1000,
"min": 0,
"orientation": "horizontal",
"style": "IPY_MODEL_e34fa56fd50c4f46a4e0915c30d102ca",
"value": 1000
}
},
"f55d50de098441a1972941a51d7a237d": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_22d8a129066f477a864bb720e2342818",
"placeholder": "",
"style": "IPY_MODEL_d91a803c0f804e87badaf4f7415fc2b7",
"value": " 1000/1000 [00:00<00:00, 43269.24 examples/s]"
}
},
"c232401b7938421b8d9e5574d83c71a2": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"ba3a13d595294e179effaf4da4726907": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"b4f4b75c4e5d497c9610062922deffba": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"02959aaf14fd46e38a7abdb3d34390f1": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"e34fa56fd50c4f46a4e0915c30d102ca": {
"model_module": "@jupyter-widgets/controls",
"model_name": "ProgressStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "ProgressStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"bar_color": null,
"description_width": ""
}
},
"22d8a129066f477a864bb720e2342818": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"d91a803c0f804e87badaf4f7415fc2b7": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"96109b60a7304e7cb3609c48fa9043b1": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HBoxModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HBoxModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HBoxView",
"box_style": "",
"children": [
"IPY_MODEL_1632a958615d4ca8bbc282da09420d94",
"IPY_MODEL_dcb1b260f2f54bfc887a72a67efc499d",
"IPY_MODEL_a3a0bb6919de42829c287d359f8176d8"
],
"layout": "IPY_MODEL_1f6c45df4a9840c2955cb32daab5fedb"
}
},
"1632a958615d4ca8bbc282da09420d94": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_06fc429a4a7f4611b220acb3e20f89f1",
"placeholder": "",
"style": "IPY_MODEL_edb1132b2fe845648d9937b073c9f6d2",
"value": "Generating test split: 100%"
}
},
"dcb1b260f2f54bfc887a72a67efc499d": {
"model_module": "@jupyter-widgets/controls",
"model_name": "FloatProgressModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "FloatProgressModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "ProgressView",
"bar_style": "success",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_1a39ad3fd5b64bdba35b6393ca0c8531",
"max": 1000,
"min": 0,
"orientation": "horizontal",
"style": "IPY_MODEL_263cec0c956c4c2c992b1a61fcd99109",
"value": 1000
}
},
"a3a0bb6919de42829c287d359f8176d8": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_c34cd639638642ad82c28bebbc230120",
"placeholder": "",
"style": "IPY_MODEL_c9416b3d8b8d416895dcc428b61c09d8",
"value": " 1000/1000 [00:00<00:00, 45628.45 examples/s]"
}
},
"1f6c45df4a9840c2955cb32daab5fedb": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"06fc429a4a7f4611b220acb3e20f89f1": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"edb1132b2fe845648d9937b073c9f6d2": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"1a39ad3fd5b64bdba35b6393ca0c8531": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"263cec0c956c4c2c992b1a61fcd99109": {
"model_module": "@jupyter-widgets/controls",
"model_name": "ProgressStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "ProgressStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"bar_color": null,
"description_width": ""
}
},
"c34cd639638642ad82c28bebbc230120": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"c9416b3d8b8d416895dcc428b61c09d8": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"acbd8a7108fa49d58cd670ee0f7a42c0": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HBoxModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HBoxModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HBoxView",
"box_style": "",
"children": [
"IPY_MODEL_408f54f662ad441ab136da10c86999cb",
"IPY_MODEL_6435d6c88b134a06b39a510591c83f1b",
"IPY_MODEL_cea7627ac6594041b42845781f0dba77"
],
"layout": "IPY_MODEL_c36800f72d63429f9625f18ef3811a8b"
}
},
"408f54f662ad441ab136da10c86999cb": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_b754fa0c2fd54815a13de42d624ca3d7",
"placeholder": "",
"style": "IPY_MODEL_0902bd541ce145dd9c78b6bbbaed226c",
"value": "Map: 100%"
}
},
"6435d6c88b134a06b39a510591c83f1b": {
"model_module": "@jupyter-widgets/controls",
"model_name": "FloatProgressModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "FloatProgressModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "ProgressView",
"bar_style": "success",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_68745802fa784d3fa29f83c9cb73520e",
"max": 9435,
"min": 0,
"orientation": "horizontal",
"style": "IPY_MODEL_06754604db274f61aa77bd97c7d50333",
"value": 9435
}
},
"cea7627ac6594041b42845781f0dba77": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_536af68674cb4638b69a6dfbafaf8145",
"placeholder": "",
"style": "IPY_MODEL_886827d387d34ba5a5bf0dabf6831f66",
"value": " 9435/9435 [00:02<00:00, 4741.56 examples/s]"
}
},
"c36800f72d63429f9625f18ef3811a8b": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"b754fa0c2fd54815a13de42d624ca3d7": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"0902bd541ce145dd9c78b6bbbaed226c": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"68745802fa784d3fa29f83c9cb73520e": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"06754604db274f61aa77bd97c7d50333": {
"model_module": "@jupyter-widgets/controls",
"model_name": "ProgressStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "ProgressStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"bar_color": null,
"description_width": ""
}
},
"536af68674cb4638b69a6dfbafaf8145": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"886827d387d34ba5a5bf0dabf6831f66": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"8e494791fc314832939c3d971a4fffd7": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HBoxModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HBoxModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HBoxView",
"box_style": "",
"children": [
"IPY_MODEL_4968c016b4c6473499c117c6e24e039b",
"IPY_MODEL_343fd14ed40a4b9bb07ed7a81fadcd19",
"IPY_MODEL_b8bfe0e94dd640339bc66925ca8c6f54"
],
"layout": "IPY_MODEL_c69dfdcb03fe4310a0f5b9446c36a5cd"
}
},
"4968c016b4c6473499c117c6e24e039b": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_9a4a734217804cf4b47513b18aa86e62",
"placeholder": "",
"style": "IPY_MODEL_8c87e14101e5484f9d6d00b3aa243584",
"value": "Map: 100%"
}
},
"343fd14ed40a4b9bb07ed7a81fadcd19": {
"model_module": "@jupyter-widgets/controls",
"model_name": "FloatProgressModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "FloatProgressModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "ProgressView",
"bar_style": "success",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_56d259b78c00444d8c66cbdf823f754a",
"max": 629,
"min": 0,
"orientation": "horizontal",
"style": "IPY_MODEL_994d2ea6fc694c2a85a5138a3e9f94c4",
"value": 629
}
},
"b8bfe0e94dd640339bc66925ca8c6f54": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_6793296b2e6444b4974ef8665f68b0c0",
"placeholder": "",
"style": "IPY_MODEL_c28c93a424964492b0ae5b1ef5e92bd5",
"value": " 629/629 [00:00<00:00, 3936.87 examples/s]"
}
},
"c69dfdcb03fe4310a0f5b9446c36a5cd": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"9a4a734217804cf4b47513b18aa86e62": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"8c87e14101e5484f9d6d00b3aa243584": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"56d259b78c00444d8c66cbdf823f754a": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"994d2ea6fc694c2a85a5138a3e9f94c4": {
"model_module": "@jupyter-widgets/controls",
"model_name": "ProgressStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "ProgressStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"bar_color": null,
"description_width": ""
}
},
"6793296b2e6444b4974ef8665f68b0c0": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"c28c93a424964492b0ae5b1ef5e92bd5": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"9c972b5d25324e9286b6bac400619051": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HBoxModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HBoxModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HBoxView",
"box_style": "",
"children": [
"IPY_MODEL_56d6cd537c794827b13d6eaf1082b533",
"IPY_MODEL_5163d3c5c5ba45d7b1f883ed564f1125",
"IPY_MODEL_da0366b7d8c4429990785513931cfd31"
],
"layout": "IPY_MODEL_2bcb1e2e29244d93a660eabae64a17ee"
}
},
"56d6cd537c794827b13d6eaf1082b533": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_067b2f1a209e4fe8b4c5537235da25c0",
"placeholder": "",
"style": "IPY_MODEL_db491ebad805466e97169399ff201ff2",
"value": "Map: 100%"
}
},
"5163d3c5c5ba45d7b1f883ed564f1125": {
"model_module": "@jupyter-widgets/controls",
"model_name": "FloatProgressModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "FloatProgressModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "ProgressView",
"bar_style": "success",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_fe388e5c555d41a8929ae28535f1dd43",
"max": 629,
"min": 0,
"orientation": "horizontal",
"style": "IPY_MODEL_d0fcbc23975a4cbf831397b83f593b81",
"value": 629
}
},
"da0366b7d8c4429990785513931cfd31": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_164a83b7511d470482a7d628b3628fcf",
"placeholder": "",
"style": "IPY_MODEL_03212b5d711a44d1961a01cd537c208e",
"value": " 629/629 [00:00<00:00, 2260.79 examples/s]"
}
},
"2bcb1e2e29244d93a660eabae64a17ee": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"067b2f1a209e4fe8b4c5537235da25c0": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"db491ebad805466e97169399ff201ff2": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"fe388e5c555d41a8929ae28535f1dd43": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"d0fcbc23975a4cbf831397b83f593b81": {
"model_module": "@jupyter-widgets/controls",
"model_name": "ProgressStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "ProgressStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"bar_color": null,
"description_width": ""
}
},
"164a83b7511d470482a7d628b3628fcf": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"03212b5d711a44d1961a01cd537c208e": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"f48694a508f34c97bdc502eb06379baf": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HBoxModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HBoxModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HBoxView",
"box_style": "",
"children": [
"IPY_MODEL_3a4e40e494354056b069531107c24578",
"IPY_MODEL_6bf652940ca14fc4af3bef250849d4f0",
"IPY_MODEL_e21d53732a40476b871c70900ccc54bc"
],
"layout": "IPY_MODEL_fd9a5208bf604bef9b670545d5f7bf7e"
}
},
"3a4e40e494354056b069531107c24578": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_b5be00325a664988bf13d0660df37c57",
"placeholder": "",
"style": "IPY_MODEL_3b2d79a55aef41faafa7a8239f32baa3",
"value": ""
}
},
"6bf652940ca14fc4af3bef250849d4f0": {
"model_module": "@jupyter-widgets/controls",
"model_name": "FloatProgressModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "FloatProgressModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "ProgressView",
"bar_style": "success",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_f63c9f5ca84b43cc81bdbed8884a4e5d",
"max": 1,
"min": 0,
"orientation": "horizontal",
"style": "IPY_MODEL_d3a2d4fd0aad4078adb8a74748e873f6",
"value": 0
}
},
"e21d53732a40476b871c70900ccc54bc": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_00af6c523479452d9a83d2a058e65ec9",
"placeholder": "",
"style": "IPY_MODEL_ece8b09a9db349d7a2e9d30215110963",
"value": " 0/0 [00:00<?, ?it/s]"
}
},
"fd9a5208bf604bef9b670545d5f7bf7e": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"b5be00325a664988bf13d0660df37c57": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"3b2d79a55aef41faafa7a8239f32baa3": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"f63c9f5ca84b43cc81bdbed8884a4e5d": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": "20px"
}
},
"d3a2d4fd0aad4078adb8a74748e873f6": {
"model_module": "@jupyter-widgets/controls",
"model_name": "ProgressStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "ProgressStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"bar_color": null,
"description_width": ""
}
},
"00af6c523479452d9a83d2a058e65ec9": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"ece8b09a9db349d7a2e9d30215110963": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"cbe93307dfda4ed2920e36ab02a65c63": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HBoxModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HBoxModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HBoxView",
"box_style": "",
"children": [
"IPY_MODEL_7d7931e7b0e648f8bb052f0fb0af2389",
"IPY_MODEL_07c7e9a99bf4409e979c33648d897529",
"IPY_MODEL_714abc2d1c564ff7b3f6d5a450756919"
],
"layout": "IPY_MODEL_36a7707dda1a43a1a550d5eaa8c73197"
}
},
"7d7931e7b0e648f8bb052f0fb0af2389": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_8982a2edf4a64cab99518c8502b98ace",
"placeholder": "",
"style": "IPY_MODEL_58c7b311b9ef4887a5af3d4b119ada54",
"value": "config.json: 100%"
}
},
"07c7e9a99bf4409e979c33648d897529": {
"model_module": "@jupyter-widgets/controls",
"model_name": "FloatProgressModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "FloatProgressModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "ProgressView",
"bar_style": "success",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_5838288941c4427ebd95d8c8043a4de1",
"max": 615,
"min": 0,
"orientation": "horizontal",
"style": "IPY_MODEL_3c22960d5df94ad59575a676ee0da0a3",
"value": 615
}
},
"714abc2d1c564ff7b3f6d5a450756919": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_861ca7a628b54457b1c62416f09a2b28",
"placeholder": "",
"style": "IPY_MODEL_a2ef143ca4dd45558a2e7af2dfe133cf",
"value": " 615/615 [00:00<00:00, 42.7kB/s]"
}
},
"36a7707dda1a43a1a550d5eaa8c73197": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"8982a2edf4a64cab99518c8502b98ace": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"58c7b311b9ef4887a5af3d4b119ada54": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"5838288941c4427ebd95d8c8043a4de1": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"3c22960d5df94ad59575a676ee0da0a3": {
"model_module": "@jupyter-widgets/controls",
"model_name": "ProgressStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "ProgressStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"bar_color": null,
"description_width": ""
}
},
"861ca7a628b54457b1c62416f09a2b28": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"a2ef143ca4dd45558a2e7af2dfe133cf": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"a39c5442669747d68166033972e97c2b": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HBoxModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HBoxModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HBoxView",
"box_style": "",
"children": [
"IPY_MODEL_7ae6ffa3a09e455b8f102cf0f6d7d99e",
"IPY_MODEL_687564c9c42c4516bce4fd09c9cf3eb1",
"IPY_MODEL_0b2c2763a1b24e709a8d8e8374b4a556"
],
"layout": "IPY_MODEL_fa758410771b4d699aea835f142bd968"
}
},
"7ae6ffa3a09e455b8f102cf0f6d7d99e": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_eda662da15e44203866a9e5e42ac6c52",
"placeholder": "",
"style": "IPY_MODEL_c994927835bc43b286a735a74bd73032",
"value": "model.safetensors: 100%"
}
},
"687564c9c42c4516bce4fd09c9cf3eb1": {
"model_module": "@jupyter-widgets/controls",
"model_name": "FloatProgressModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "FloatProgressModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "ProgressView",
"bar_style": "success",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_620b20dff76941889eefae479484780a",
"max": 1115567652,
"min": 0,
"orientation": "horizontal",
"style": "IPY_MODEL_4f92625eb7364583858577ee37b6a73c",
"value": 1115567652
}
},
"0b2c2763a1b24e709a8d8e8374b4a556": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_11b89f4483f649708e9cd1286e5cacc0",
"placeholder": "",
"style": "IPY_MODEL_13451101c2554090a357c9410228fb2e",
"value": " 1.12G/1.12G [00:09<00:00, 245MB/s]"
}
},
"fa758410771b4d699aea835f142bd968": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"eda662da15e44203866a9e5e42ac6c52": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"c994927835bc43b286a735a74bd73032": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"620b20dff76941889eefae479484780a": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"4f92625eb7364583858577ee37b6a73c": {
"model_module": "@jupyter-widgets/controls",
"model_name": "ProgressStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "ProgressStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"bar_color": null,
"description_width": ""
}
},
"11b89f4483f649708e9cd1286e5cacc0": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"13451101c2554090a357c9410228fb2e": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"b1e6776709a84867bad9c7bb83f8ff61": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HBoxModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HBoxModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HBoxView",
"box_style": "",
"children": [
"IPY_MODEL_a8a27875d53a43bb9a6c66fcae1509f0",
"IPY_MODEL_9cc37c43d8ff405ab81ac974914c7bc6",
"IPY_MODEL_57fa7fd8025443548bc20a170e5b2247"
],
"layout": "IPY_MODEL_812af71c9e9e429699ec6f0346bf2513"
}
},
"a8a27875d53a43bb9a6c66fcae1509f0": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_790e978d474a4f2985f92e7b593bf53f",
"placeholder": "",
"style": "IPY_MODEL_c54a4e84f247477eadf9875972cc1690",
"value": "tokenizer_config.json: 100%"
}
},
"9cc37c43d8ff405ab81ac974914c7bc6": {
"model_module": "@jupyter-widgets/controls",
"model_name": "FloatProgressModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "FloatProgressModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "ProgressView",
"bar_style": "success",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_fd9968c5ed53496ab66cbc30e1a8320a",
"max": 25,
"min": 0,
"orientation": "horizontal",
"style": "IPY_MODEL_94c642ad5b124ad6968e69cae40f3122",
"value": 25
}
},
"57fa7fd8025443548bc20a170e5b2247": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_4bc577dceb0349b193eeabd7a984de3c",
"placeholder": "",
"style": "IPY_MODEL_7ea291880aa24dfd96b844349c8ec552",
"value": " 25.0/25.0 [00:00<00:00, 1.42kB/s]"
}
},
"812af71c9e9e429699ec6f0346bf2513": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"790e978d474a4f2985f92e7b593bf53f": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"c54a4e84f247477eadf9875972cc1690": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"fd9968c5ed53496ab66cbc30e1a8320a": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"94c642ad5b124ad6968e69cae40f3122": {
"model_module": "@jupyter-widgets/controls",
"model_name": "ProgressStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "ProgressStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"bar_color": null,
"description_width": ""
}
},
"4bc577dceb0349b193eeabd7a984de3c": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"7ea291880aa24dfd96b844349c8ec552": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"8bd921a793524bb08097fc73b73b62d7": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HBoxModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HBoxModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HBoxView",
"box_style": "",
"children": [
"IPY_MODEL_d30ece1279104a40b6cc1c69bba491e4",
"IPY_MODEL_eb27a23cce344aa682c82419b855a396",
"IPY_MODEL_96beef8dad0442af96eab32696f44c09"
],
"layout": "IPY_MODEL_79eb8d851de14259bb61c4f3f737d8ac"
}
},
"d30ece1279104a40b6cc1c69bba491e4": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_6b446a1cedc74a579279049993f91ca1",
"placeholder": "",
"style": "IPY_MODEL_71be956dbce647d0aca0a5b7452110a0",
"value": "sentencepiece.bpe.model: 100%"
}
},
"eb27a23cce344aa682c82419b855a396": {
"model_module": "@jupyter-widgets/controls",
"model_name": "FloatProgressModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "FloatProgressModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "ProgressView",
"bar_style": "success",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_e9928071c7674918a7034ba931910771",
"max": 5069051,
"min": 0,
"orientation": "horizontal",
"style": "IPY_MODEL_86a0ed8ed8f245db93eb7c6d9841cf93",
"value": 5069051
}
},
"96beef8dad0442af96eab32696f44c09": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_7ad854233b844a768daaf761ca0e1007",
"placeholder": "",
"style": "IPY_MODEL_263f1163ed4945f7b050a34dd27faeae",
"value": " 5.07M/5.07M [00:00<00:00, 20.1MB/s]"
}
},
"79eb8d851de14259bb61c4f3f737d8ac": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"6b446a1cedc74a579279049993f91ca1": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"71be956dbce647d0aca0a5b7452110a0": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"e9928071c7674918a7034ba931910771": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"86a0ed8ed8f245db93eb7c6d9841cf93": {
"model_module": "@jupyter-widgets/controls",
"model_name": "ProgressStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "ProgressStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"bar_color": null,
"description_width": ""
}
},
"7ad854233b844a768daaf761ca0e1007": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"263f1163ed4945f7b050a34dd27faeae": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"d085b4291a614ad78c898691cdf2e01d": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HBoxModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HBoxModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HBoxView",
"box_style": "",
"children": [
"IPY_MODEL_ecc977ca4e1847beb9bfb593336a0213",
"IPY_MODEL_fb31860aec184c6b935180df2c4d4015",
"IPY_MODEL_b47fd6381ecb4731ae165ff27530a802"
],
"layout": "IPY_MODEL_b9d82573e8ac4eceae798c2b72393312"
}
},
"ecc977ca4e1847beb9bfb593336a0213": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_d44eb3655bd045468cbbc378720a1279",
"placeholder": "",
"style": "IPY_MODEL_deaf00543e5040c484033226123c826f",
"value": "tokenizer.json: 100%"
}
},
"fb31860aec184c6b935180df2c4d4015": {
"model_module": "@jupyter-widgets/controls",
"model_name": "FloatProgressModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "FloatProgressModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "ProgressView",
"bar_style": "success",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_4ddac990bedf45b1aa9196bcfacc0f2d",
"max": 9096718,
"min": 0,
"orientation": "horizontal",
"style": "IPY_MODEL_29506cdc02684cefa5bfdba14cc40948",
"value": 9096718
}
},
"b47fd6381ecb4731ae165ff27530a802": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_579185c5c40543a685e3bcf1ead95bfb",
"placeholder": "",
"style": "IPY_MODEL_7633c470b87c44f6ac7084c5706c0ef1",
"value": " 9.10M/9.10M [00:00<00:00, 20.8MB/s]"
}
},
"b9d82573e8ac4eceae798c2b72393312": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"d44eb3655bd045468cbbc378720a1279": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"deaf00543e5040c484033226123c826f": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"4ddac990bedf45b1aa9196bcfacc0f2d": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"29506cdc02684cefa5bfdba14cc40948": {
"model_module": "@jupyter-widgets/controls",
"model_name": "ProgressStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "ProgressStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"bar_color": null,
"description_width": ""
}
},
"579185c5c40543a685e3bcf1ead95bfb": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"7633c470b87c44f6ac7084c5706c0ef1": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"a04c01b17fc440c98515304a546299fd": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HBoxModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HBoxModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HBoxView",
"box_style": "",
"children": [
"IPY_MODEL_5d646870e4cf4eac8d7bab607d4594c1",
"IPY_MODEL_bf42f08dc47b4c6ca4a360f1cecef2dc",
"IPY_MODEL_cf3b9db60e1d4d5093d6333bc726382c"
],
"layout": "IPY_MODEL_a7efef5a88b9448d9996e25468eb3698"
}
},
"5d646870e4cf4eac8d7bab607d4594c1": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_6502889a5e744c2e8c471cc0ab38a5ea",
"placeholder": "",
"style": "IPY_MODEL_d3652e9f1edf4146aaa156d929a29da5",
"value": "Map: 100%"
}
},
"bf42f08dc47b4c6ca4a360f1cecef2dc": {
"model_module": "@jupyter-widgets/controls",
"model_name": "FloatProgressModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "FloatProgressModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "ProgressView",
"bar_style": "success",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_eb71b61b10c74f7385f5cd4da1522c66",
"max": 9435,
"min": 0,
"orientation": "horizontal",
"style": "IPY_MODEL_c4603dbe52344a1a8b492c8fbb224cae",
"value": 9435
}
},
"cf3b9db60e1d4d5093d6333bc726382c": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_c9d0eb9c905e413fbd079e64b7b05ca3",
"placeholder": "",
"style": "IPY_MODEL_101b4644f4da469f96874b14d4c630cb",
"value": " 9435/9435 [00:04<00:00, 1658.24 examples/s]"
}
},
"a7efef5a88b9448d9996e25468eb3698": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"6502889a5e744c2e8c471cc0ab38a5ea": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"d3652e9f1edf4146aaa156d929a29da5": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"eb71b61b10c74f7385f5cd4da1522c66": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"c4603dbe52344a1a8b492c8fbb224cae": {
"model_module": "@jupyter-widgets/controls",
"model_name": "ProgressStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "ProgressStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"bar_color": null,
"description_width": ""
}
},
"c9d0eb9c905e413fbd079e64b7b05ca3": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"101b4644f4da469f96874b14d4c630cb": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"877f87f91a174b54a3a19609818b8225": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HBoxModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HBoxModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HBoxView",
"box_style": "",
"children": [
"IPY_MODEL_1e2748e2a2f84514960c5f1db24a31c3",
"IPY_MODEL_3ff54a314ce34ff19ceeae05298bf26d",
"IPY_MODEL_57a404fa818d470aa4ba895247265631"
],
"layout": "IPY_MODEL_0bdb976cc27347698dd27bbfb1b80483"
}
},
"1e2748e2a2f84514960c5f1db24a31c3": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_144c06c9a789409689da51730fbe0e31",
"placeholder": "",
"style": "IPY_MODEL_b4b8848aacd840f7b3c0a6419d6d4b73",
"value": "Map: 100%"
}
},
"3ff54a314ce34ff19ceeae05298bf26d": {
"model_module": "@jupyter-widgets/controls",
"model_name": "FloatProgressModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "FloatProgressModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "ProgressView",
"bar_style": "success",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_18a114afcd674a99b1a170bf2899fcd2",
"max": 629,
"min": 0,
"orientation": "horizontal",
"style": "IPY_MODEL_367a624b7a8e438bbddba95a1a73f926",
"value": 629
}
},
"57a404fa818d470aa4ba895247265631": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_c4c778eb93c64a95b3f6b247b54ad0c8",
"placeholder": "",
"style": "IPY_MODEL_4339b73276334a24b9950c8785c7ced3",
"value": " 629/629 [00:01<00:00, 343.02 examples/s]"
}
},
"0bdb976cc27347698dd27bbfb1b80483": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"144c06c9a789409689da51730fbe0e31": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"b4b8848aacd840f7b3c0a6419d6d4b73": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"18a114afcd674a99b1a170bf2899fcd2": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"367a624b7a8e438bbddba95a1a73f926": {
"model_module": "@jupyter-widgets/controls",
"model_name": "ProgressStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "ProgressStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"bar_color": null,
"description_width": ""
}
},
"c4c778eb93c64a95b3f6b247b54ad0c8": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"4339b73276334a24b9950c8785c7ced3": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"eae83b4c01f64cc19faffdacd90cf062": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HBoxModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HBoxModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HBoxView",
"box_style": "",
"children": [
"IPY_MODEL_f8ef606f565443aab405787aed62ed55",
"IPY_MODEL_25878dd9e1a847359d279514457e5989",
"IPY_MODEL_e52db3bc0d7e493ebbcd62f9adf9b63f"
],
"layout": "IPY_MODEL_223fa6a944d84cf8a49d8f21d775ec31"
}
},
"f8ef606f565443aab405787aed62ed55": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_e216778f0dad4e75a3a9a18c735332b5",
"placeholder": "",
"style": "IPY_MODEL_3ae57a47a36742f5bd7a7d9432422e6e",
"value": "Map: 100%"
}
},
"25878dd9e1a847359d279514457e5989": {
"model_module": "@jupyter-widgets/controls",
"model_name": "FloatProgressModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "FloatProgressModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "ProgressView",
"bar_style": "success",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_8841ae2959294878aefd70644e7329d7",
"max": 1145,
"min": 0,
"orientation": "horizontal",
"style": "IPY_MODEL_7c0c9e0e32e4469cb207e6f5321b117b",
"value": 1145
}
},
"e52db3bc0d7e493ebbcd62f9adf9b63f": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_4f58503565604105a002de1516db2b59",
"placeholder": "",
"style": "IPY_MODEL_7c37ae40aae74fa6959708f65e733c2b",
"value": " 1145/1145 [00:00<00:00, 2854.33 examples/s]"
}
},
"223fa6a944d84cf8a49d8f21d775ec31": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"e216778f0dad4e75a3a9a18c735332b5": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"3ae57a47a36742f5bd7a7d9432422e6e": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"8841ae2959294878aefd70644e7329d7": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"7c0c9e0e32e4469cb207e6f5321b117b": {
"model_module": "@jupyter-widgets/controls",
"model_name": "ProgressStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "ProgressStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"bar_color": null,
"description_width": ""
}
},
"4f58503565604105a002de1516db2b59": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"7c37ae40aae74fa6959708f65e733c2b": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"ee5a86e3b0f542b382f8504659e8fcc5": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HBoxModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HBoxModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HBoxView",
"box_style": "",
"children": [
"IPY_MODEL_96de92c49de6469f95bc82b19ba65fda",
"IPY_MODEL_fd0085ef978342afaa1cf1392e4edf3e",
"IPY_MODEL_c4df9ef8b5544004877c5e0188c3f3e3"
],
"layout": "IPY_MODEL_1cfba474f2b84bdeaba07298a14ed4fe"
}
},
"96de92c49de6469f95bc82b19ba65fda": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_d6141b2293e847d8a7323d2cf6df4d24",
"placeholder": "",
"style": "IPY_MODEL_a947c2323f2947cda36847017118751e",
"value": "Map: 100%"
}
},
"fd0085ef978342afaa1cf1392e4edf3e": {
"model_module": "@jupyter-widgets/controls",
"model_name": "FloatProgressModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "FloatProgressModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "ProgressView",
"bar_style": "success",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_056b484bdfa8491d9e6d956e96416b48",
"max": 229,
"min": 0,
"orientation": "horizontal",
"style": "IPY_MODEL_ace9105c3d314282b62b7fe02219ff4d",
"value": 229
}
},
"c4df9ef8b5544004877c5e0188c3f3e3": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_b67614d391dd4b6b8e1e84dc98b81133",
"placeholder": "",
"style": "IPY_MODEL_c8fc2862ecf7494c944a6a4173d719aa",
"value": " 229/229 [00:00<00:00, 2518.64 examples/s]"
}
},
"1cfba474f2b84bdeaba07298a14ed4fe": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"d6141b2293e847d8a7323d2cf6df4d24": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"a947c2323f2947cda36847017118751e": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"056b484bdfa8491d9e6d956e96416b48": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"ace9105c3d314282b62b7fe02219ff4d": {
"model_module": "@jupyter-widgets/controls",
"model_name": "ProgressStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "ProgressStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"bar_color": null,
"description_width": ""
}
},
"b67614d391dd4b6b8e1e84dc98b81133": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"c8fc2862ecf7494c944a6a4173d719aa": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"1fc6b43316c14cf8acbad7c26e295d85": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HBoxModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HBoxModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HBoxView",
"box_style": "",
"children": [
"IPY_MODEL_e55b885e7c3e4ad68f5994099f515621",
"IPY_MODEL_96916398d31f409cafccc65351d0187b",
"IPY_MODEL_c97a0d7366ae4212b4d7e80e394a2b2f"
],
"layout": "IPY_MODEL_d5d680cd45104fdeac42a90579707a44"
}
},
"e55b885e7c3e4ad68f5994099f515621": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_5d3ca1197fd643ca87e10de5781f67f5",
"placeholder": "",
"style": "IPY_MODEL_11f2dad68e36421998d4f9c262e9b769",
"value": "Map: 100%"
}
},
"96916398d31f409cafccc65351d0187b": {
"model_module": "@jupyter-widgets/controls",
"model_name": "FloatProgressModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "FloatProgressModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "ProgressView",
"bar_style": "success",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_fb34911b483f4dbbaab6a1617a378021",
"max": 229,
"min": 0,
"orientation": "horizontal",
"style": "IPY_MODEL_4ed77b194601459683bf0d5f2549d370",
"value": 229
}
},
"c97a0d7366ae4212b4d7e80e394a2b2f": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_10eb100ace0e43e5b4d89e6fa2da0291",
"placeholder": "",
"style": "IPY_MODEL_5d9f5fef797249d98fbe8875918d3973",
"value": " 229/229 [00:00<00:00, 1782.75 examples/s]"
}
},
"d5d680cd45104fdeac42a90579707a44": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"5d3ca1197fd643ca87e10de5781f67f5": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"11f2dad68e36421998d4f9c262e9b769": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"fb34911b483f4dbbaab6a1617a378021": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"4ed77b194601459683bf0d5f2549d370": {
"model_module": "@jupyter-widgets/controls",
"model_name": "ProgressStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "ProgressStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"bar_color": null,
"description_width": ""
}
},
"10eb100ace0e43e5b4d89e6fa2da0291": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"5d9f5fef797249d98fbe8875918d3973": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"26252462bb4e4354bd7938cc3389ff73": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HBoxModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HBoxModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HBoxView",
"box_style": "",
"children": [
"IPY_MODEL_012873c1518049eb92e2f1d0cf76418a",
"IPY_MODEL_1f55586db3344ef9be0812ddf4b03cfb",
"IPY_MODEL_cb49cba798534f64967925b3a453fa76"
],
"layout": "IPY_MODEL_494715bb635a43429e3db3452b7dc0c1"
}
},
"012873c1518049eb92e2f1d0cf76418a": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_d5185210ac8b4e89a564e213b6422a08",
"placeholder": "",
"style": "IPY_MODEL_14baa3c480fa4160bb80f78733a013cd",
"value": "Map: 100%"
}
},
"1f55586db3344ef9be0812ddf4b03cfb": {
"model_module": "@jupyter-widgets/controls",
"model_name": "FloatProgressModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "FloatProgressModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "ProgressView",
"bar_style": "success",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_5d226e6e3f5547499bb9cbed495772bb",
"max": 1145,
"min": 0,
"orientation": "horizontal",
"style": "IPY_MODEL_4451529efe2847e6a9564c19cc04537a",
"value": 1145
}
},
"cb49cba798534f64967925b3a453fa76": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_415073c13c94456fb8e68df1b703fa00",
"placeholder": "",
"style": "IPY_MODEL_897e9f0f08d547adac7f17171a637045",
"value": " 1145/1145 [00:00<00:00, 3468.55 examples/s]"
}
},
"494715bb635a43429e3db3452b7dc0c1": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"d5185210ac8b4e89a564e213b6422a08": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"14baa3c480fa4160bb80f78733a013cd": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"5d226e6e3f5547499bb9cbed495772bb": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"4451529efe2847e6a9564c19cc04537a": {
"model_module": "@jupyter-widgets/controls",
"model_name": "ProgressStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "ProgressStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"bar_color": null,
"description_width": ""
}
},
"415073c13c94456fb8e68df1b703fa00": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"897e9f0f08d547adac7f17171a637045": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"18d5cf4a44fa463f9b3b8b268d775ec0": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HBoxModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HBoxModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HBoxView",
"box_style": "",
"children": [
"IPY_MODEL_1db6cde6b6e94f1d88650a5e3657971c",
"IPY_MODEL_e8ac653db44244419d52ad56b142d76f",
"IPY_MODEL_7caf70b845c44f59a36cbf816ba98f14"
],
"layout": "IPY_MODEL_8463136c5f4a445c8b7234ae09d4e91a"
}
},
"1db6cde6b6e94f1d88650a5e3657971c": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_647d1f5d4fbc46c0afe8d2d742b38f1c",
"placeholder": "",
"style": "IPY_MODEL_b26fc46c54bf4afa907c10e6a75f906b",
"value": "Map: 100%"
}
},
"e8ac653db44244419d52ad56b142d76f": {
"model_module": "@jupyter-widgets/controls",
"model_name": "FloatProgressModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "FloatProgressModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "ProgressView",
"bar_style": "success",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_7e511847e8d5479eac356f08d3d5540d",
"max": 1680,
"min": 0,
"orientation": "horizontal",
"style": "IPY_MODEL_51a89c53db5c4576b56505380fb6cb09",
"value": 1680
}
},
"7caf70b845c44f59a36cbf816ba98f14": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_8d842da76c8d418a860de9580950e0bb",
"placeholder": "",
"style": "IPY_MODEL_064066c78394446c964fbc73ca490d47",
"value": " 1680/1680 [00:00<00:00, 8011.06 examples/s]"
}
},
"8463136c5f4a445c8b7234ae09d4e91a": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"647d1f5d4fbc46c0afe8d2d742b38f1c": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"b26fc46c54bf4afa907c10e6a75f906b": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"7e511847e8d5479eac356f08d3d5540d": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"51a89c53db5c4576b56505380fb6cb09": {
"model_module": "@jupyter-widgets/controls",
"model_name": "ProgressStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "ProgressStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"bar_color": null,
"description_width": ""
}
},
"8d842da76c8d418a860de9580950e0bb": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"064066c78394446c964fbc73ca490d47": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"09925733cd1c4bcca40dc9eede582bf8": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HBoxModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HBoxModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HBoxView",
"box_style": "",
"children": [
"IPY_MODEL_2fc8c31136ca456680edd57574384223",
"IPY_MODEL_22e72d59dd7f4bcd9b6d7bc7577bb8b8",
"IPY_MODEL_519f4373185d4b7d9e540157c4c0cd5d"
],
"layout": "IPY_MODEL_d5c1301d0fb9417397cc4dde6122d52b"
}
},
"2fc8c31136ca456680edd57574384223": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_513512e39a1a4065883fc69c03217e4f",
"placeholder": "",
"style": "IPY_MODEL_fed08d123dff4276a30c2827a620e7ce",
"value": "Map: 100%"
}
},
"22e72d59dd7f4bcd9b6d7bc7577bb8b8": {
"model_module": "@jupyter-widgets/controls",
"model_name": "FloatProgressModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "FloatProgressModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "ProgressView",
"bar_style": "success",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_0c56e45610d143bb87e990b5bb569a7a",
"max": 84,
"min": 0,
"orientation": "horizontal",
"style": "IPY_MODEL_94a33dc93835443b8cd56c5b1e193bbe",
"value": 84
}
},
"519f4373185d4b7d9e540157c4c0cd5d": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_cbeb508080eb418597f227ebf761e9fb",
"placeholder": "",
"style": "IPY_MODEL_ffb7a5b1037a498b9c470f266953b142",
"value": " 84/84 [00:00<00:00, 1809.53 examples/s]"
}
},
"d5c1301d0fb9417397cc4dde6122d52b": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"513512e39a1a4065883fc69c03217e4f": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"fed08d123dff4276a30c2827a620e7ce": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"0c56e45610d143bb87e990b5bb569a7a": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"94a33dc93835443b8cd56c5b1e193bbe": {
"model_module": "@jupyter-widgets/controls",
"model_name": "ProgressStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "ProgressStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"bar_color": null,
"description_width": ""
}
},
"cbeb508080eb418597f227ebf761e9fb": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"ffb7a5b1037a498b9c470f266953b142": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"5dd715f545e443d6834c5cf261585cfb": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HBoxModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HBoxModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HBoxView",
"box_style": "",
"children": [
"IPY_MODEL_d6ce2e4ba823453d8049825f752be84e",
"IPY_MODEL_76d512c0b572490c91b5f963a12ab670",
"IPY_MODEL_e4efd0f3ed33481c8d64bb6464b2673f"
],
"layout": "IPY_MODEL_bacbddea488b4175a98c7d0febebed82"
}
},
"d6ce2e4ba823453d8049825f752be84e": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_f38ee2575e674b69830b4528f17a445f",
"placeholder": "",
"style": "IPY_MODEL_e0af2ce7f98b4b33b329a6feafc5d353",
"value": "Map: 100%"
}
},
"76d512c0b572490c91b5f963a12ab670": {
"model_module": "@jupyter-widgets/controls",
"model_name": "FloatProgressModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "FloatProgressModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "ProgressView",
"bar_style": "success",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_c00e66077f514a6cbd8566ff16514f86",
"max": 84,
"min": 0,
"orientation": "horizontal",
"style": "IPY_MODEL_8d90ed4c24d84df48224adcd4db839d8",
"value": 84
}
},
"e4efd0f3ed33481c8d64bb6464b2673f": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_cce5842b46d048a9b92db1dd83adf0b9",
"placeholder": "",
"style": "IPY_MODEL_e4918bef399945f49690a36ae25f29ca",
"value": " 84/84 [00:00<00:00, 1798.54 examples/s]"
}
},
"bacbddea488b4175a98c7d0febebed82": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"f38ee2575e674b69830b4528f17a445f": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"e0af2ce7f98b4b33b329a6feafc5d353": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"c00e66077f514a6cbd8566ff16514f86": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"8d90ed4c24d84df48224adcd4db839d8": {
"model_module": "@jupyter-widgets/controls",
"model_name": "ProgressStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "ProgressStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"bar_color": null,
"description_width": ""
}
},
"cce5842b46d048a9b92db1dd83adf0b9": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"e4918bef399945f49690a36ae25f29ca": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"e963819d51af45afa9697fdcc0a66cd1": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HBoxModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HBoxModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HBoxView",
"box_style": "",
"children": [
"IPY_MODEL_c13ddab7ec6248938f4d8d5784a91ac8",
"IPY_MODEL_232a2fa9b93e4909a50c3dadd41d2e7e",
"IPY_MODEL_d708d38f23594e3e8bf85a3b17cb032e"
],
"layout": "IPY_MODEL_6ccb041c5ab1488283afe2e9649ba885"
}
},
"c13ddab7ec6248938f4d8d5784a91ac8": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_cf72852bdd9c40c89397ba75cfe8a194",
"placeholder": "",
"style": "IPY_MODEL_dfeff877a75f4043822a6b852449f81a",
"value": "Map: 100%"
}
},
"232a2fa9b93e4909a50c3dadd41d2e7e": {
"model_module": "@jupyter-widgets/controls",
"model_name": "FloatProgressModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "FloatProgressModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "ProgressView",
"bar_style": "success",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_48d273b6056649a0b15c875d62b92eca",
"max": 590,
"min": 0,
"orientation": "horizontal",
"style": "IPY_MODEL_82088d18ebf54f5e888578aad9252787",
"value": 590
}
},
"d708d38f23594e3e8bf85a3b17cb032e": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_9cd3d9d010cd475785a769d6d730b6a7",
"placeholder": "",
"style": "IPY_MODEL_f68be2853c284b08b69e6dcd91e47493",
"value": " 590/590 [00:00<00:00, 4012.39 examples/s]"
}
},
"6ccb041c5ab1488283afe2e9649ba885": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"cf72852bdd9c40c89397ba75cfe8a194": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"dfeff877a75f4043822a6b852449f81a": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"48d273b6056649a0b15c875d62b92eca": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"82088d18ebf54f5e888578aad9252787": {
"model_module": "@jupyter-widgets/controls",
"model_name": "ProgressStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "ProgressStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"bar_color": null,
"description_width": ""
}
},
"9cd3d9d010cd475785a769d6d730b6a7": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"f68be2853c284b08b69e6dcd91e47493": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"a203024de6c349afad05a01537c2d6d2": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HBoxModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HBoxModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HBoxView",
"box_style": "",
"children": [
"IPY_MODEL_48400249a89d41cfa8644a6598fda50f",
"IPY_MODEL_4e7c90d45af74ef48d94900a7e25b553",
"IPY_MODEL_cba88cfc59324b4cad528a3ad894c7e2"
],
"layout": "IPY_MODEL_9354b6f1c7f14efeb43a65dbd02fef6b"
}
},
"48400249a89d41cfa8644a6598fda50f": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_9bd08cd11ed54de1a97e27d3e7d883d6",
"placeholder": "",
"style": "IPY_MODEL_b3089a9b62854710812e4dfc5b432651",
"value": "Map: 100%"
}
},
"4e7c90d45af74ef48d94900a7e25b553": {
"model_module": "@jupyter-widgets/controls",
"model_name": "FloatProgressModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "FloatProgressModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "ProgressView",
"bar_style": "success",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_733a85ec02cc46c9bda9d0612d0d4e20",
"max": 59,
"min": 0,
"orientation": "horizontal",
"style": "IPY_MODEL_7686d9311241490a997f031ea7a35fd7",
"value": 59
}
},
"cba88cfc59324b4cad528a3ad894c7e2": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_e8386ca30f354f66917149009850c911",
"placeholder": "",
"style": "IPY_MODEL_131980f25fc34082acd1658d1914b855",
"value": " 59/59 [00:00<00:00, 1177.70 examples/s]"
}
},
"9354b6f1c7f14efeb43a65dbd02fef6b": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"9bd08cd11ed54de1a97e27d3e7d883d6": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"b3089a9b62854710812e4dfc5b432651": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"733a85ec02cc46c9bda9d0612d0d4e20": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"7686d9311241490a997f031ea7a35fd7": {
"model_module": "@jupyter-widgets/controls",
"model_name": "ProgressStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "ProgressStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"bar_color": null,
"description_width": ""
}
},
"e8386ca30f354f66917149009850c911": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"131980f25fc34082acd1658d1914b855": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"12251cbcaea943dfb7765f430d1b0aff": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HBoxModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HBoxModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HBoxView",
"box_style": "",
"children": [
"IPY_MODEL_f0f95a3ee83e4222b77e336cb38154d7",
"IPY_MODEL_c0ea22f3cc8e4cfe8d1d46a4990be089",
"IPY_MODEL_d8cf5afd9e6e47bb843ab33b47dc64c4"
],
"layout": "IPY_MODEL_79b84906645d4715a8e53105398dd946"
}
},
"f0f95a3ee83e4222b77e336cb38154d7": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_550aaeadf6aa441789c05613b2743d48",
"placeholder": "",
"style": "IPY_MODEL_a9e54cbe68804c62b10b4b3fe6a099eb",
"value": "Map: 100%"
}
},
"c0ea22f3cc8e4cfe8d1d46a4990be089": {
"model_module": "@jupyter-widgets/controls",
"model_name": "FloatProgressModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "FloatProgressModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "ProgressView",
"bar_style": "success",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_5c524ce28cf44bad92e2519efdded949",
"max": 59,
"min": 0,
"orientation": "horizontal",
"style": "IPY_MODEL_83dace03aa3d44a088138b2fff64d70a",
"value": 59
}
},
"d8cf5afd9e6e47bb843ab33b47dc64c4": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_c684a7c9bcae4f6e9af8d6759137dd2a",
"placeholder": "",
"style": "IPY_MODEL_754fa5f7016245708027760c727709af",
"value": " 59/59 [00:00<00:00, 1102.71 examples/s]"
}
},
"79b84906645d4715a8e53105398dd946": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"550aaeadf6aa441789c05613b2743d48": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"a9e54cbe68804c62b10b4b3fe6a099eb": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"5c524ce28cf44bad92e2519efdded949": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"83dace03aa3d44a088138b2fff64d70a": {
"model_module": "@jupyter-widgets/controls",
"model_name": "ProgressStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "ProgressStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"bar_color": null,
"description_width": ""
}
},
"c684a7c9bcae4f6e9af8d6759137dd2a": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"754fa5f7016245708027760c727709af": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
}
}
}
},
"nbformat": 4,
"nbformat_minor": 0
}