HarshalGunjalOp commited on
Commit
2014afd
·
1 Parent(s): 7ed2e90

scratch model submitted

Browse files
submission_scratch_notebook.ipynb ADDED
@@ -0,0 +1,174 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "cells": [
3
+ {
4
+ "cell_type": "markdown",
5
+ "id": "025d2c7e",
6
+ "metadata": {},
7
+ "source": [
8
+ "# Bi-LSTM Submission\n",
9
+ "Generate predictions using the trained Bi-LSTM model."
10
+ ]
11
+ },
12
+ {
13
+ "cell_type": "code",
14
+ "execution_count": null,
15
+ "id": "c33463c3",
16
+ "metadata": {},
17
+ "outputs": [],
18
+ "source": [
19
+ "!pip install -q transformers torch pandas numpy huggingface_hub"
20
+ ]
21
+ },
22
+ {
23
+ "cell_type": "code",
24
+ "execution_count": null,
25
+ "id": "e8c71e09",
26
+ "metadata": {},
27
+ "outputs": [],
28
+ "source": [
29
+ "import os\n",
30
+ "import numpy as np\n",
31
+ "import pandas as pd\n",
32
+ "import torch\n",
33
+ "import torch.nn as nn\n",
34
+ "from torch.utils.data import Dataset, DataLoader\n",
35
+ "from transformers import AutoTokenizer\n",
36
+ "from huggingface_hub import hf_hub_download\n",
37
+ "\n",
38
+ "# Config\n",
39
+ "LABELS = [\"anger\", \"fear\", \"joy\", \"sadness\", \"surprise\"]\n",
40
+ "MAX_LEN = 100\n",
41
+ "BATCH_SIZE = 32\n",
42
+ "EMBED_DIM = 100\n",
43
+ "HIDDEN_DIM = 128\n",
44
+ "DROPOUT = 0.3\n",
45
+ "DEVICE = torch.device(\"cuda\" if torch.cuda.is_available() else \"cpu\")\n",
46
+ "\n",
47
+ "# Paths\n",
48
+ "TEST_CSV = \"/kaggle/input/2025-sep-dl-gen-ai-project/test.csv\"\n",
49
+ "SUBMISSION_CSV = \"submission.csv\"\n",
50
+ "MODEL_FILE = \"model.pth\"\n",
51
+ "\n",
52
+ "# HF Repo (Replace with your repo ID from training notebook)\n",
53
+ "HF_REPO_ID = \"hrshlgunjal/emotion-classifier-bilstm\""
54
+ ]
55
+ },
56
+ {
57
+ "cell_type": "code",
58
+ "execution_count": null,
59
+ "id": "c30485d4",
60
+ "metadata": {},
61
+ "outputs": [],
62
+ "source": [
63
+ "# Download Model if needed\n",
64
+ "if not os.path.exists(MODEL_FILE):\n",
65
+ " try:\n",
66
+ " print(f\"Downloading model from {HF_REPO_ID}...\")\n",
67
+ " model_path = hf_hub_download(repo_id=HF_REPO_ID, filename=\"pytorch_model.bin\")\n",
68
+ " import shutil\n",
69
+ " shutil.copy(model_path, MODEL_FILE)\n",
70
+ " print(\"Model downloaded.\")\n",
71
+ " except Exception as e:\n",
72
+ " print(f\"Could not download model: {e}\")\n",
73
+ " print(\"Please ensure HF_REPO_ID is correct or upload 'model.pth' manually.\")\n",
74
+ "else:\n",
75
+ " print(\"Model file found locally.\")"
76
+ ]
77
+ },
78
+ {
79
+ "cell_type": "code",
80
+ "execution_count": null,
81
+ "id": "e0ba4952",
82
+ "metadata": {},
83
+ "outputs": [],
84
+ "source": [
85
+ "class BiLSTM(nn.Module):\n",
86
+ " def __init__(self, vocab_size):\n",
87
+ " super().__init__()\n",
88
+ " self.embedding = nn.Embedding(vocab_size, EMBED_DIM)\n",
89
+ " self.lstm = nn.LSTM(EMBED_DIM, HIDDEN_DIM, batch_first=True, bidirectional=True, dropout=DROPOUT, num_layers=2)\n",
90
+ " self.fc = nn.Linear(HIDDEN_DIM * 2, len(LABELS))\n",
91
+ " \n",
92
+ " def forward(self, x):\n",
93
+ " x = self.embedding(x)\n",
94
+ " _, (hidden, _) = self.lstm(x)\n",
95
+ " x = torch.cat((hidden[-2], hidden[-1]), dim=1)\n",
96
+ " return self.fc(x)"
97
+ ]
98
+ },
99
+ {
100
+ "cell_type": "code",
101
+ "execution_count": null,
102
+ "id": "a5594b26",
103
+ "metadata": {},
104
+ "outputs": [],
105
+ "source": [
106
+ "def predict():\n",
107
+ " if not os.path.exists(TEST_CSV):\n",
108
+ " print(\"Test data not found.\")\n",
109
+ " return\n",
110
+ "\n",
111
+ " # Load Data\n",
112
+ " df = pd.read_csv(TEST_CSV)\n",
113
+ " if \"text\" not in df.columns: df = df.rename(columns={\"comment_text\": \"text\"})\n",
114
+ " \n",
115
+ " # Tokenizer\n",
116
+ " tokenizer = AutoTokenizer.from_pretrained(\"bert-base-uncased\")\n",
117
+ " \n",
118
+ " # Dataset\n",
119
+ " class TestDS(Dataset):\n",
120
+ " def __init__(self, df, tokenizer):\n",
121
+ " self.texts = df['text'].tolist()\n",
122
+ " self.tokenizer = tokenizer\n",
123
+ " def __len__(self): return len(self.texts)\n",
124
+ " def __getitem__(self, idx):\n",
125
+ " enc = self.tokenizer(self.texts[idx], truncation=True, padding='max_length', max_length=MAX_LEN, return_tensors='pt')\n",
126
+ " return enc['input_ids'].squeeze(0)\n",
127
+ "\n",
128
+ " loader = DataLoader(TestDS(df, tokenizer), batch_size=BATCH_SIZE)\n",
129
+ "\n",
130
+ " # Load Model\n",
131
+ " model = BiLSTM(tokenizer.vocab_size).to(DEVICE)\n",
132
+ " \n",
133
+ " if os.path.exists(MODEL_FILE):\n",
134
+ " model.load_state_dict(torch.load(MODEL_FILE, map_location=DEVICE))\n",
135
+ " print(f\"Loaded weights from {MODEL_FILE}\")\n",
136
+ " else:\n",
137
+ " print(\"No model weights found! Predictions will be random.\")\n",
138
+ " \n",
139
+ " model.eval()\n",
140
+ " \n",
141
+ " # Inference\n",
142
+ " all_preds = []\n",
143
+ " print(\"Predicting...\")\n",
144
+ " with torch.no_grad():\n",
145
+ " for batch in loader:\n",
146
+ " logits = model(batch.to(DEVICE))\n",
147
+ " probs = torch.sigmoid(logits)\n",
148
+ " all_preds.append(probs.cpu().numpy())\n",
149
+ " \n",
150
+ " all_preds = np.vstack(all_preds)\n",
151
+ " \n",
152
+ " # Convert to binary (0/1) as per submission requirement\n",
153
+ " binary_preds = (all_preds >= 0.5).astype(int)\n",
154
+ " \n",
155
+ " # Create Submission\n",
156
+ " submission = pd.DataFrame(binary_preds, columns=LABELS)\n",
157
+ " submission['id'] = df['id']\n",
158
+ " submission = submission[['id'] + LABELS]\n",
159
+ " submission.to_csv(SUBMISSION_CSV, index=False)\n",
160
+ " print(f\"Saved submission to {SUBMISSION_CSV}\")\n",
161
+ " print(submission.head())\n",
162
+ "\n",
163
+ "predict()"
164
+ ]
165
+ }
166
+ ],
167
+ "metadata": {
168
+ "language_info": {
169
+ "name": "python"
170
+ }
171
+ },
172
+ "nbformat": 4,
173
+ "nbformat_minor": 5
174
+ }
training_scratch_notebook.ipynb ADDED
@@ -0,0 +1,2678 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "cells": [
3
+ {
4
+ "cell_type": "markdown",
5
+ "id": "8746fae6",
6
+ "metadata": {
7
+ "papermill": {
8
+ "duration": 0.004991,
9
+ "end_time": "2025-12-02T21:50:17.265155",
10
+ "exception": false,
11
+ "start_time": "2025-12-02T21:50:17.260164",
12
+ "status": "completed"
13
+ },
14
+ "tags": []
15
+ },
16
+ "source": [
17
+ "# Bi-LSTM Emotion Classification"
18
+ ]
19
+ },
20
+ {
21
+ "cell_type": "code",
22
+ "execution_count": null,
23
+ "id": "15aa58bc",
24
+ "metadata": {
25
+ "execution": {
26
+ "iopub.execute_input": "2025-12-02T21:50:17.274278Z",
27
+ "iopub.status.busy": "2025-12-02T21:50:17.274012Z",
28
+ "iopub.status.idle": "2025-12-02T21:51:28.685152Z",
29
+ "shell.execute_reply": "2025-12-02T21:51:28.684384Z"
30
+ },
31
+ "papermill": {
32
+ "duration": 71.417599,
33
+ "end_time": "2025-12-02T21:51:28.686724",
34
+ "exception": false,
35
+ "start_time": "2025-12-02T21:50:17.269125",
36
+ "status": "completed"
37
+ },
38
+ "tags": []
39
+ },
40
+ "outputs": [],
41
+ "source": [
42
+ "!pip install -q wandb huggingface_hub transformers torch scikit-learn pandas numpy"
43
+ ]
44
+ },
45
+ {
46
+ "cell_type": "code",
47
+ "execution_count": null,
48
+ "id": "228b7b20",
49
+ "metadata": {
50
+ "execution": {
51
+ "iopub.execute_input": "2025-12-02T21:51:28.768325Z",
52
+ "iopub.status.busy": "2025-12-02T21:51:28.768036Z",
53
+ "iopub.status.idle": "2025-12-02T21:51:31.795433Z",
54
+ "shell.execute_reply": "2025-12-02T21:51:31.794721Z"
55
+ },
56
+ "papermill": {
57
+ "duration": 3.048968,
58
+ "end_time": "2025-12-02T21:51:31.796586",
59
+ "exception": false,
60
+ "start_time": "2025-12-02T21:51:28.747618",
61
+ "status": "completed"
62
+ },
63
+ "tags": []
64
+ },
65
+ "outputs": [],
66
+ "source": [
67
+ "import os\n",
68
+ "import numpy as np\n",
69
+ "import pandas as pd\n",
70
+ "import torch\n",
71
+ "import torch.nn as nn\n",
72
+ "from torch.optim import AdamW\n",
73
+ "from torch.utils.data import Dataset, DataLoader\n",
74
+ "from transformers import AutoTokenizer\n",
75
+ "from sklearn.model_selection import train_test_split\n",
76
+ "from sklearn.metrics import f1_score\n",
77
+ "import wandb\n",
78
+ "from huggingface_hub import login\n",
79
+ "from kaggle_secrets import UserSecretsClient\n",
80
+ "\n",
81
+ "# Secrets\n",
82
+ "user_secrets = UserSecretsClient()\n",
83
+ "wandb.login(key=user_secrets.get_secret(\"wandb_api_key\"))\n",
84
+ "login(token=user_secrets.get_secret(\"hf_api_key\"))\n",
85
+ "\n",
86
+ "# Config\n",
87
+ "PROJECT = \"emotion-classification-dl\"\n",
88
+ "RUN_NAME = \"simple-bilstm-scratch\"\n",
89
+ "MODEL_NAME = \"emotion-classifier-bilstm\"\n",
90
+ "LABELS = [\"anger\", \"fear\", \"joy\", \"sadness\", \"surprise\"]\n",
91
+ "MAX_LEN = 100\n",
92
+ "BATCH_SIZE = 32\n",
93
+ "EPOCHS = 10\n",
94
+ "LR = 1e-3\n",
95
+ "EMBED_DIM = 100\n",
96
+ "HIDDEN_DIM = 128\n",
97
+ "DROPOUT = 0.3\n",
98
+ "DEVICE = torch.device(\"cuda\" if torch.cuda.is_available() else \"cpu\")\n",
99
+ "\n",
100
+ "# Seed\n",
101
+ "torch.manual_seed(42)\n",
102
+ "np.random.seed(42)"
103
+ ]
104
+ },
105
+ {
106
+ "cell_type": "code",
107
+ "execution_count": null,
108
+ "id": "9052c10c",
109
+ "metadata": {
110
+ "execution": {
111
+ "iopub.execute_input": "2025-12-02T21:51:46.423323Z",
112
+ "iopub.status.busy": "2025-12-02T21:51:46.423092Z",
113
+ "iopub.status.idle": "2025-12-02T21:51:46.428663Z",
114
+ "shell.execute_reply": "2025-12-02T21:51:46.428144Z"
115
+ },
116
+ "papermill": {
117
+ "duration": 0.026678,
118
+ "end_time": "2025-12-02T21:51:46.429799",
119
+ "exception": false,
120
+ "start_time": "2025-12-02T21:51:46.403121",
121
+ "status": "completed"
122
+ },
123
+ "tags": []
124
+ },
125
+ "outputs": [],
126
+ "source": [
127
+ "class EmotionDS(Dataset):\n",
128
+ " def __init__(self, df, tokenizer):\n",
129
+ " self.texts = df['text'].tolist()\n",
130
+ " self.labels = df[LABELS].values.astype(np.float32)\n",
131
+ " self.tokenizer = tokenizer\n",
132
+ "\n",
133
+ " def __len__(self): return len(self.texts)\n",
134
+ "\n",
135
+ " def __getitem__(self, idx):\n",
136
+ " enc = self.tokenizer(self.texts[idx], truncation=True, padding='max_length', max_length=MAX_LEN, return_tensors='pt')\n",
137
+ " return {\n",
138
+ " 'input_ids': enc['input_ids'].squeeze(0),\n",
139
+ " 'labels': torch.tensor(self.labels[idx])\n",
140
+ " }\n",
141
+ "\n",
142
+ "class BiLSTM(nn.Module):\n",
143
+ " def __init__(self, vocab_size):\n",
144
+ " super().__init__()\n",
145
+ " self.embedding = nn.Embedding(vocab_size, EMBED_DIM)\n",
146
+ " self.lstm = nn.LSTM(EMBED_DIM, HIDDEN_DIM, batch_first=True, bidirectional=True, dropout=DROPOUT, num_layers=2)\n",
147
+ " self.fc = nn.Linear(HIDDEN_DIM * 2, len(LABELS))\n",
148
+ " \n",
149
+ " def forward(self, x):\n",
150
+ " x = self.embedding(x)\n",
151
+ " _, (hidden, _) = self.lstm(x)\n",
152
+ " # Concat forward and backward hidden states from last layer\n",
153
+ " x = torch.cat((hidden[-2], hidden[-1]), dim=1)\n",
154
+ " return self.fc(x)"
155
+ ]
156
+ },
157
+ {
158
+ "cell_type": "code",
159
+ "execution_count": null,
160
+ "id": "32a69a3d",
161
+ "metadata": {
162
+ "execution": {
163
+ "iopub.execute_input": "2025-12-02T21:51:46.596265Z",
164
+ "iopub.status.busy": "2025-12-02T21:51:46.596031Z",
165
+ "iopub.status.idle": "2025-12-02T23:08:14.788585Z",
166
+ "shell.execute_reply": "2025-12-02T23:08:14.787581Z"
167
+ },
168
+ "papermill": {
169
+ "duration": 4588.214315,
170
+ "end_time": "2025-12-02T23:08:14.790036",
171
+ "exception": false,
172
+ "start_time": "2025-12-02T21:51:46.575721",
173
+ "status": "completed"
174
+ },
175
+ "tags": []
176
+ },
177
+ "outputs": [],
178
+ "source": [
179
+ "def train():\n",
180
+ " # Data\n",
181
+ " df = pd.read_csv(\"/kaggle/input/2025-sep-dl-gen-ai-project/train.csv\")\n",
182
+ " if \"text\" not in df.columns: df = df.rename(columns={\"comment_text\": \"text\"}) # Handle column name\n",
183
+ " \n",
184
+ " train_df, val_df = train_test_split(df, test_size=0.2, random_state=42)\n",
185
+ " tokenizer = AutoTokenizer.from_pretrained(\"bert-base-uncased\")\n",
186
+ " \n",
187
+ " train_loader = DataLoader(EmotionDS(train_df, tokenizer), batch_size=BATCH_SIZE, shuffle=True)\n",
188
+ " val_loader = DataLoader(EmotionDS(val_df, tokenizer), batch_size=BATCH_SIZE)\n",
189
+ " \n",
190
+ " # Model\n",
191
+ " model = BiLSTM(tokenizer.vocab_size).to(DEVICE)\n",
192
+ " optimizer = AdamW(model.parameters(), lr=LR)\n",
193
+ " criterion = nn.BCEWithLogitsLoss()\n",
194
+ " \n",
195
+ " # WandB\n",
196
+ " wandb.init(project=PROJECT, name=RUN_NAME)\n",
197
+ " \n",
198
+ " best_f1 = 0\n",
199
+ " for epoch in range(EPOCHS):\n",
200
+ " model.train()\n",
201
+ " train_loss = 0\n",
202
+ " for batch in train_loader:\n",
203
+ " optimizer.zero_grad()\n",
204
+ " loss = criterion(model(batch['input_ids'].to(DEVICE)), batch['labels'].to(DEVICE))\n",
205
+ " loss.backward()\n",
206
+ " optimizer.step()\n",
207
+ " train_loss += loss.item()\n",
208
+ " \n",
209
+ " # Validation\n",
210
+ " model.eval()\n",
211
+ " preds, targets = [], []\n",
212
+ " with torch.no_grad():\n",
213
+ " for batch in val_loader:\n",
214
+ " logits = model(batch['input_ids'].to(DEVICE))\n",
215
+ " preds.append(torch.sigmoid(logits).cpu().numpy())\n",
216
+ " targets.append(batch['labels'].cpu().numpy())\n",
217
+ " \n",
218
+ " preds = np.vstack(preds)\n",
219
+ " targets = np.vstack(targets)\n",
220
+ " f1 = f1_score(targets, (preds >= 0.5).astype(int), average='macro')\n",
221
+ " \n",
222
+ " print(f\"Epoch {epoch+1}: Loss {train_loss/len(train_loader):.4f}, Val F1 {f1:.4f}\")\n",
223
+ " wandb.log({\"loss\": train_loss/len(train_loader), \"val_f1\": f1})\n",
224
+ " \n",
225
+ " if f1 > best_f1:\n",
226
+ " best_f1 = f1\n",
227
+ " torch.save(model.state_dict(), \"model.pth\")\n",
228
+ " \n",
229
+ " wandb.finish()\n",
230
+ " return best_f1\n",
231
+ "\n",
232
+ "if os.path.exists(\"/kaggle/input/2025-sep-dl-gen-ai-project/train.csv\"):\n",
233
+ " train()"
234
+ ]
235
+ },
236
+ {
237
+ "cell_type": "code",
238
+ "execution_count": null,
239
+ "id": "d5212836",
240
+ "metadata": {
241
+ "execution": {
242
+ "iopub.execute_input": "2025-12-02T23:08:15.471904Z",
243
+ "iopub.status.busy": "2025-12-02T23:08:15.471612Z",
244
+ "iopub.status.idle": "2025-12-02T23:08:15.485244Z",
245
+ "shell.execute_reply": "2025-12-02T23:08:15.484621Z"
246
+ },
247
+ "papermill": {
248
+ "duration": 0.038319,
249
+ "end_time": "2025-12-02T23:08:15.486251",
250
+ "exception": false,
251
+ "start_time": "2025-12-02T23:08:15.447932",
252
+ "status": "completed"
253
+ },
254
+ "tags": []
255
+ },
256
+ "outputs": [],
257
+ "source": [
258
+ "# Upload\n",
259
+ "if os.path.exists(\"model.pth\"):\n",
260
+ " api = HfApi()\n",
261
+ " repo_id = f\"{api.whoami()['name']}/{MODEL_NAME}\"\n",
262
+ " create_repo(repo_id, exist_ok=True)\n",
263
+ " api.upload_file(path_or_fileobj=\"model.pth\", path_in_repo=\"pytorch_model.bin\", repo_id=repo_id)\n",
264
+ " print(f\"Uploaded to https://huggingface.co/{repo_id}\")"
265
+ ]
266
+ }
267
+ ],
268
+ "metadata": {
269
+ "kaggle": {
270
+ "accelerator": "nvidiaTeslaT4",
271
+ "dataSources": [
272
+ {
273
+ "databundleVersionId": 13800781,
274
+ "sourceId": 115439,
275
+ "sourceType": "competition"
276
+ }
277
+ ],
278
+ "dockerImageVersionId": 31193,
279
+ "isGpuEnabled": true,
280
+ "isInternetEnabled": true,
281
+ "language": "python",
282
+ "sourceType": "notebook"
283
+ },
284
+ "kernelspec": {
285
+ "display_name": "Python 3",
286
+ "language": "python",
287
+ "name": "python3"
288
+ },
289
+ "language_info": {
290
+ "codemirror_mode": {
291
+ "name": "ipython",
292
+ "version": 3
293
+ },
294
+ "file_extension": ".py",
295
+ "mimetype": "text/x-python",
296
+ "name": "python",
297
+ "nbconvert_exporter": "python",
298
+ "pygments_lexer": "ipython3",
299
+ "version": "3.11.13"
300
+ },
301
+ "papermill": {
302
+ "default_parameters": {},
303
+ "duration": 4685.493997,
304
+ "end_time": "2025-12-02T23:08:19.013597",
305
+ "environment_variables": {},
306
+ "exception": null,
307
+ "input_path": "__notebook__.ipynb",
308
+ "output_path": "__notebook__.ipynb",
309
+ "parameters": {},
310
+ "start_time": "2025-12-02T21:50:13.519600",
311
+ "version": "2.6.0"
312
+ },
313
+ "widgets": {
314
+ "application/vnd.jupyter.widget-state+json": {
315
+ "state": {
316
+ "0106dbdd2ba04fcb9265829364e9fa86": {
317
+ "model_module": "@jupyter-widgets/controls",
318
+ "model_module_version": "2.0.0",
319
+ "model_name": "HTMLModel",
320
+ "state": {
321
+ "_dom_classes": [],
322
+ "_model_module": "@jupyter-widgets/controls",
323
+ "_model_module_version": "2.0.0",
324
+ "_model_name": "HTMLModel",
325
+ "_view_count": null,
326
+ "_view_module": "@jupyter-widgets/controls",
327
+ "_view_module_version": "2.0.0",
328
+ "_view_name": "HTMLView",
329
+ "description": "",
330
+ "description_allow_html": false,
331
+ "layout": "IPY_MODEL_ff14fb3db5d24ad99736c82ac409c4a2",
332
+ "placeholder": "​",
333
+ "style": "IPY_MODEL_029db6685a984cacacc3c434eeecd35e",
334
+ "tabbable": null,
335
+ "tooltip": null,
336
+ "value": "pytorch_model.bin: 100%"
337
+ }
338
+ },
339
+ "029db6685a984cacacc3c434eeecd35e": {
340
+ "model_module": "@jupyter-widgets/controls",
341
+ "model_module_version": "2.0.0",
342
+ "model_name": "HTMLStyleModel",
343
+ "state": {
344
+ "_model_module": "@jupyter-widgets/controls",
345
+ "_model_module_version": "2.0.0",
346
+ "_model_name": "HTMLStyleModel",
347
+ "_view_count": null,
348
+ "_view_module": "@jupyter-widgets/base",
349
+ "_view_module_version": "2.0.0",
350
+ "_view_name": "StyleView",
351
+ "background": null,
352
+ "description_width": "",
353
+ "font_size": null,
354
+ "text_color": null
355
+ }
356
+ },
357
+ "049b4a2008fe400e9b681afc91ef83fa": {
358
+ "model_module": "@jupyter-widgets/base",
359
+ "model_module_version": "2.0.0",
360
+ "model_name": "LayoutModel",
361
+ "state": {
362
+ "_model_module": "@jupyter-widgets/base",
363
+ "_model_module_version": "2.0.0",
364
+ "_model_name": "LayoutModel",
365
+ "_view_count": null,
366
+ "_view_module": "@jupyter-widgets/base",
367
+ "_view_module_version": "2.0.0",
368
+ "_view_name": "LayoutView",
369
+ "align_content": null,
370
+ "align_items": "center",
371
+ "align_self": null,
372
+ "border_bottom": null,
373
+ "border_left": null,
374
+ "border_right": null,
375
+ "border_top": null,
376
+ "bottom": null,
377
+ "display": "flex",
378
+ "flex": null,
379
+ "flex_flow": "column",
380
+ "grid_area": null,
381
+ "grid_auto_columns": null,
382
+ "grid_auto_flow": null,
383
+ "grid_auto_rows": null,
384
+ "grid_column": null,
385
+ "grid_gap": null,
386
+ "grid_row": null,
387
+ "grid_template_areas": null,
388
+ "grid_template_columns": null,
389
+ "grid_template_rows": null,
390
+ "height": null,
391
+ "justify_content": null,
392
+ "justify_items": null,
393
+ "left": null,
394
+ "margin": null,
395
+ "max_height": null,
396
+ "max_width": null,
397
+ "min_height": null,
398
+ "min_width": null,
399
+ "object_fit": null,
400
+ "object_position": null,
401
+ "order": null,
402
+ "overflow": null,
403
+ "padding": null,
404
+ "right": null,
405
+ "top": null,
406
+ "visibility": null,
407
+ "width": "50%"
408
+ }
409
+ },
410
+ "069583cf6e8b432881abc7e0d02e1b7e": {
411
+ "model_module": "@jupyter-widgets/base",
412
+ "model_module_version": "2.0.0",
413
+ "model_name": "LayoutModel",
414
+ "state": {
415
+ "_model_module": "@jupyter-widgets/base",
416
+ "_model_module_version": "2.0.0",
417
+ "_model_name": "LayoutModel",
418
+ "_view_count": null,
419
+ "_view_module": "@jupyter-widgets/base",
420
+ "_view_module_version": "2.0.0",
421
+ "_view_name": "LayoutView",
422
+ "align_content": null,
423
+ "align_items": null,
424
+ "align_self": null,
425
+ "border_bottom": null,
426
+ "border_left": null,
427
+ "border_right": null,
428
+ "border_top": null,
429
+ "bottom": null,
430
+ "display": null,
431
+ "flex": null,
432
+ "flex_flow": null,
433
+ "grid_area": null,
434
+ "grid_auto_columns": null,
435
+ "grid_auto_flow": null,
436
+ "grid_auto_rows": null,
437
+ "grid_column": null,
438
+ "grid_gap": null,
439
+ "grid_row": null,
440
+ "grid_template_areas": null,
441
+ "grid_template_columns": null,
442
+ "grid_template_rows": null,
443
+ "height": null,
444
+ "justify_content": null,
445
+ "justify_items": null,
446
+ "left": null,
447
+ "margin": null,
448
+ "max_height": null,
449
+ "max_width": null,
450
+ "min_height": null,
451
+ "min_width": null,
452
+ "object_fit": null,
453
+ "object_position": null,
454
+ "order": null,
455
+ "overflow": null,
456
+ "padding": null,
457
+ "right": null,
458
+ "top": null,
459
+ "visibility": null,
460
+ "width": null
461
+ }
462
+ },
463
+ "07e5fae79cfb4a7fb37dcb0840238572": {
464
+ "model_module": "@jupyter-widgets/controls",
465
+ "model_module_version": "2.0.0",
466
+ "model_name": "HTMLStyleModel",
467
+ "state": {
468
+ "_model_module": "@jupyter-widgets/controls",
469
+ "_model_module_version": "2.0.0",
470
+ "_model_name": "HTMLStyleModel",
471
+ "_view_count": null,
472
+ "_view_module": "@jupyter-widgets/base",
473
+ "_view_module_version": "2.0.0",
474
+ "_view_name": "StyleView",
475
+ "background": null,
476
+ "description_width": "",
477
+ "font_size": null,
478
+ "text_color": null
479
+ }
480
+ },
481
+ "091944a3e55241ee94fa68fde6c329a1": {
482
+ "model_module": "@jupyter-widgets/base",
483
+ "model_module_version": "2.0.0",
484
+ "model_name": "LayoutModel",
485
+ "state": {
486
+ "_model_module": "@jupyter-widgets/base",
487
+ "_model_module_version": "2.0.0",
488
+ "_model_name": "LayoutModel",
489
+ "_view_count": null,
490
+ "_view_module": "@jupyter-widgets/base",
491
+ "_view_module_version": "2.0.0",
492
+ "_view_name": "LayoutView",
493
+ "align_content": null,
494
+ "align_items": null,
495
+ "align_self": null,
496
+ "border_bottom": null,
497
+ "border_left": null,
498
+ "border_right": null,
499
+ "border_top": null,
500
+ "bottom": null,
501
+ "display": null,
502
+ "flex": null,
503
+ "flex_flow": null,
504
+ "grid_area": null,
505
+ "grid_auto_columns": null,
506
+ "grid_auto_flow": null,
507
+ "grid_auto_rows": null,
508
+ "grid_column": null,
509
+ "grid_gap": null,
510
+ "grid_row": null,
511
+ "grid_template_areas": null,
512
+ "grid_template_columns": null,
513
+ "grid_template_rows": null,
514
+ "height": null,
515
+ "justify_content": null,
516
+ "justify_items": null,
517
+ "left": null,
518
+ "margin": null,
519
+ "max_height": null,
520
+ "max_width": null,
521
+ "min_height": null,
522
+ "min_width": null,
523
+ "object_fit": null,
524
+ "object_position": null,
525
+ "order": null,
526
+ "overflow": null,
527
+ "padding": null,
528
+ "right": null,
529
+ "top": null,
530
+ "visibility": null,
531
+ "width": null
532
+ }
533
+ },
534
+ "0ac432a9fd2e4ccb90283152bd59d8a1": {
535
+ "model_module": "@jupyter-widgets/controls",
536
+ "model_module_version": "2.0.0",
537
+ "model_name": "HBoxModel",
538
+ "state": {
539
+ "_dom_classes": [],
540
+ "_model_module": "@jupyter-widgets/controls",
541
+ "_model_module_version": "2.0.0",
542
+ "_model_name": "HBoxModel",
543
+ "_view_count": null,
544
+ "_view_module": "@jupyter-widgets/controls",
545
+ "_view_module_version": "2.0.0",
546
+ "_view_name": "HBoxView",
547
+ "box_style": "",
548
+ "children": [
549
+ "IPY_MODEL_a9f314d420a24dbcbe264865a9efc3a0",
550
+ "IPY_MODEL_fc06462f0f7e401e89e738ce16f15080",
551
+ "IPY_MODEL_27089787f99c4085bbb758cc502e440c"
552
+ ],
553
+ "layout": "IPY_MODEL_366eaef8c5d34a5d9ee56a0a21a86556",
554
+ "tabbable": null,
555
+ "tooltip": null
556
+ }
557
+ },
558
+ "0c2f1d1b3a734769ba43838c156dea96": {
559
+ "model_module": "@jupyter-widgets/controls",
560
+ "model_module_version": "2.0.0",
561
+ "model_name": "HTMLStyleModel",
562
+ "state": {
563
+ "_model_module": "@jupyter-widgets/controls",
564
+ "_model_module_version": "2.0.0",
565
+ "_model_name": "HTMLStyleModel",
566
+ "_view_count": null,
567
+ "_view_module": "@jupyter-widgets/base",
568
+ "_view_module_version": "2.0.0",
569
+ "_view_name": "StyleView",
570
+ "background": null,
571
+ "description_width": "",
572
+ "font_size": null,
573
+ "text_color": null
574
+ }
575
+ },
576
+ "0d001427218e4d8ea4ac90c47cbb6ad4": {
577
+ "model_module": "@jupyter-widgets/controls",
578
+ "model_module_version": "2.0.0",
579
+ "model_name": "HTMLModel",
580
+ "state": {
581
+ "_dom_classes": [],
582
+ "_model_module": "@jupyter-widgets/controls",
583
+ "_model_module_version": "2.0.0",
584
+ "_model_name": "HTMLModel",
585
+ "_view_count": null,
586
+ "_view_module": "@jupyter-widgets/controls",
587
+ "_view_module_version": "2.0.0",
588
+ "_view_name": "HTMLView",
589
+ "description": "",
590
+ "description_allow_html": false,
591
+ "layout": "IPY_MODEL_946fe7888ef8424a864c49e8d3fa1827",
592
+ "placeholder": "​",
593
+ "style": "IPY_MODEL_ae1b4e060d39475db575f2aee021d97c",
594
+ "tabbable": null,
595
+ "tooltip": null,
596
+ "value": "\n<b>Pro Tip:</b> If you don't already have one, you can create a dedicated\n'notebooks' token with 'write' access, that you can then easily reuse for all\nnotebooks. </center>"
597
+ }
598
+ },
599
+ "10f5aa2d2b3b4a478271e81ca29c45b3": {
600
+ "model_module": "@jupyter-widgets/base",
601
+ "model_module_version": "2.0.0",
602
+ "model_name": "LayoutModel",
603
+ "state": {
604
+ "_model_module": "@jupyter-widgets/base",
605
+ "_model_module_version": "2.0.0",
606
+ "_model_name": "LayoutModel",
607
+ "_view_count": null,
608
+ "_view_module": "@jupyter-widgets/base",
609
+ "_view_module_version": "2.0.0",
610
+ "_view_name": "LayoutView",
611
+ "align_content": null,
612
+ "align_items": null,
613
+ "align_self": null,
614
+ "border_bottom": null,
615
+ "border_left": null,
616
+ "border_right": null,
617
+ "border_top": null,
618
+ "bottom": null,
619
+ "display": null,
620
+ "flex": null,
621
+ "flex_flow": null,
622
+ "grid_area": null,
623
+ "grid_auto_columns": null,
624
+ "grid_auto_flow": null,
625
+ "grid_auto_rows": null,
626
+ "grid_column": null,
627
+ "grid_gap": null,
628
+ "grid_row": null,
629
+ "grid_template_areas": null,
630
+ "grid_template_columns": null,
631
+ "grid_template_rows": null,
632
+ "height": null,
633
+ "justify_content": null,
634
+ "justify_items": null,
635
+ "left": null,
636
+ "margin": null,
637
+ "max_height": null,
638
+ "max_width": null,
639
+ "min_height": null,
640
+ "min_width": null,
641
+ "object_fit": null,
642
+ "object_position": null,
643
+ "order": null,
644
+ "overflow": null,
645
+ "padding": null,
646
+ "right": null,
647
+ "top": null,
648
+ "visibility": null,
649
+ "width": null
650
+ }
651
+ },
652
+ "129bb7b77bf84e6d9cb384e84a875f0a": {
653
+ "model_module": "@jupyter-widgets/controls",
654
+ "model_module_version": "2.0.0",
655
+ "model_name": "HTMLModel",
656
+ "state": {
657
+ "_dom_classes": [],
658
+ "_model_module": "@jupyter-widgets/controls",
659
+ "_model_module_version": "2.0.0",
660
+ "_model_name": "HTMLModel",
661
+ "_view_count": null,
662
+ "_view_module": "@jupyter-widgets/controls",
663
+ "_view_module_version": "2.0.0",
664
+ "_view_name": "HTMLView",
665
+ "description": "",
666
+ "description_allow_html": false,
667
+ "layout": "IPY_MODEL_2002ec62d11f4cd48d605779848dbb98",
668
+ "placeholder": "​",
669
+ "style": "IPY_MODEL_f92e3a4990824985b32bc22144bda268",
670
+ "tabbable": null,
671
+ "tooltip": null,
672
+ "value": "config.json: 100%"
673
+ }
674
+ },
675
+ "136b397a7b024e5f9b89ccde756c7c09": {
676
+ "model_module": "@jupyter-widgets/base",
677
+ "model_module_version": "2.0.0",
678
+ "model_name": "LayoutModel",
679
+ "state": {
680
+ "_model_module": "@jupyter-widgets/base",
681
+ "_model_module_version": "2.0.0",
682
+ "_model_name": "LayoutModel",
683
+ "_view_count": null,
684
+ "_view_module": "@jupyter-widgets/base",
685
+ "_view_module_version": "2.0.0",
686
+ "_view_name": "LayoutView",
687
+ "align_content": null,
688
+ "align_items": null,
689
+ "align_self": null,
690
+ "border_bottom": null,
691
+ "border_left": null,
692
+ "border_right": null,
693
+ "border_top": null,
694
+ "bottom": null,
695
+ "display": null,
696
+ "flex": null,
697
+ "flex_flow": null,
698
+ "grid_area": null,
699
+ "grid_auto_columns": null,
700
+ "grid_auto_flow": null,
701
+ "grid_auto_rows": null,
702
+ "grid_column": null,
703
+ "grid_gap": null,
704
+ "grid_row": null,
705
+ "grid_template_areas": null,
706
+ "grid_template_columns": null,
707
+ "grid_template_rows": null,
708
+ "height": null,
709
+ "justify_content": null,
710
+ "justify_items": null,
711
+ "left": null,
712
+ "margin": null,
713
+ "max_height": null,
714
+ "max_width": null,
715
+ "min_height": null,
716
+ "min_width": null,
717
+ "object_fit": null,
718
+ "object_position": null,
719
+ "order": null,
720
+ "overflow": null,
721
+ "padding": null,
722
+ "right": null,
723
+ "top": null,
724
+ "visibility": null,
725
+ "width": null
726
+ }
727
+ },
728
+ "167318755c7746dbb59ef9241b8c12ad": {
729
+ "model_module": "@jupyter-widgets/controls",
730
+ "model_module_version": "2.0.0",
731
+ "model_name": "HTMLStyleModel",
732
+ "state": {
733
+ "_model_module": "@jupyter-widgets/controls",
734
+ "_model_module_version": "2.0.0",
735
+ "_model_name": "HTMLStyleModel",
736
+ "_view_count": null,
737
+ "_view_module": "@jupyter-widgets/base",
738
+ "_view_module_version": "2.0.0",
739
+ "_view_name": "StyleView",
740
+ "background": null,
741
+ "description_width": "",
742
+ "font_size": null,
743
+ "text_color": null
744
+ }
745
+ },
746
+ "16db4c1eaf8146eea28be07e122410dc": {
747
+ "model_module": "@jupyter-widgets/base",
748
+ "model_module_version": "2.0.0",
749
+ "model_name": "LayoutModel",
750
+ "state": {
751
+ "_model_module": "@jupyter-widgets/base",
752
+ "_model_module_version": "2.0.0",
753
+ "_model_name": "LayoutModel",
754
+ "_view_count": null,
755
+ "_view_module": "@jupyter-widgets/base",
756
+ "_view_module_version": "2.0.0",
757
+ "_view_name": "LayoutView",
758
+ "align_content": null,
759
+ "align_items": null,
760
+ "align_self": null,
761
+ "border_bottom": null,
762
+ "border_left": null,
763
+ "border_right": null,
764
+ "border_top": null,
765
+ "bottom": null,
766
+ "display": null,
767
+ "flex": null,
768
+ "flex_flow": null,
769
+ "grid_area": null,
770
+ "grid_auto_columns": null,
771
+ "grid_auto_flow": null,
772
+ "grid_auto_rows": null,
773
+ "grid_column": null,
774
+ "grid_gap": null,
775
+ "grid_row": null,
776
+ "grid_template_areas": null,
777
+ "grid_template_columns": null,
778
+ "grid_template_rows": null,
779
+ "height": null,
780
+ "justify_content": null,
781
+ "justify_items": null,
782
+ "left": null,
783
+ "margin": null,
784
+ "max_height": null,
785
+ "max_width": null,
786
+ "min_height": null,
787
+ "min_width": null,
788
+ "object_fit": null,
789
+ "object_position": null,
790
+ "order": null,
791
+ "overflow": null,
792
+ "padding": null,
793
+ "right": null,
794
+ "top": null,
795
+ "visibility": null,
796
+ "width": null
797
+ }
798
+ },
799
+ "177e148a2c1a42e2affb19b3c97f3824": {
800
+ "model_module": "@jupyter-widgets/controls",
801
+ "model_module_version": "2.0.0",
802
+ "model_name": "HTMLStyleModel",
803
+ "state": {
804
+ "_model_module": "@jupyter-widgets/controls",
805
+ "_model_module_version": "2.0.0",
806
+ "_model_name": "HTMLStyleModel",
807
+ "_view_count": null,
808
+ "_view_module": "@jupyter-widgets/base",
809
+ "_view_module_version": "2.0.0",
810
+ "_view_name": "StyleView",
811
+ "background": null,
812
+ "description_width": "",
813
+ "font_size": null,
814
+ "text_color": null
815
+ }
816
+ },
817
+ "19aff18ca92e4592b3dd2136d71e26cf": {
818
+ "model_module": "@jupyter-widgets/controls",
819
+ "model_module_version": "2.0.0",
820
+ "model_name": "HTMLModel",
821
+ "state": {
822
+ "_dom_classes": [],
823
+ "_model_module": "@jupyter-widgets/controls",
824
+ "_model_module_version": "2.0.0",
825
+ "_model_name": "HTMLModel",
826
+ "_view_count": null,
827
+ "_view_module": "@jupyter-widgets/controls",
828
+ "_view_module_version": "2.0.0",
829
+ "_view_name": "HTMLView",
830
+ "description": "",
831
+ "description_allow_html": false,
832
+ "layout": "IPY_MODEL_9c6bbc78f63f4d48a10336aa681dd3a7",
833
+ "placeholder": "​",
834
+ "style": "IPY_MODEL_5563066744da435c930bcc5f6e67f714",
835
+ "tabbable": null,
836
+ "tooltip": null,
837
+ "value": " 2.46M/2.46M [00:00&lt;00:00, 7.29MB/s]"
838
+ }
839
+ },
840
+ "1dc60e1ec68848b38a4b9357395e86c7": {
841
+ "model_module": "@jupyter-widgets/controls",
842
+ "model_module_version": "2.0.0",
843
+ "model_name": "ButtonStyleModel",
844
+ "state": {
845
+ "_model_module": "@jupyter-widgets/controls",
846
+ "_model_module_version": "2.0.0",
847
+ "_model_name": "ButtonStyleModel",
848
+ "_view_count": null,
849
+ "_view_module": "@jupyter-widgets/base",
850
+ "_view_module_version": "2.0.0",
851
+ "_view_name": "StyleView",
852
+ "button_color": null,
853
+ "font_family": null,
854
+ "font_size": null,
855
+ "font_style": null,
856
+ "font_variant": null,
857
+ "font_weight": null,
858
+ "text_color": null,
859
+ "text_decoration": null
860
+ }
861
+ },
862
+ "2002ec62d11f4cd48d605779848dbb98": {
863
+ "model_module": "@jupyter-widgets/base",
864
+ "model_module_version": "2.0.0",
865
+ "model_name": "LayoutModel",
866
+ "state": {
867
+ "_model_module": "@jupyter-widgets/base",
868
+ "_model_module_version": "2.0.0",
869
+ "_model_name": "LayoutModel",
870
+ "_view_count": null,
871
+ "_view_module": "@jupyter-widgets/base",
872
+ "_view_module_version": "2.0.0",
873
+ "_view_name": "LayoutView",
874
+ "align_content": null,
875
+ "align_items": null,
876
+ "align_self": null,
877
+ "border_bottom": null,
878
+ "border_left": null,
879
+ "border_right": null,
880
+ "border_top": null,
881
+ "bottom": null,
882
+ "display": null,
883
+ "flex": null,
884
+ "flex_flow": null,
885
+ "grid_area": null,
886
+ "grid_auto_columns": null,
887
+ "grid_auto_flow": null,
888
+ "grid_auto_rows": null,
889
+ "grid_column": null,
890
+ "grid_gap": null,
891
+ "grid_row": null,
892
+ "grid_template_areas": null,
893
+ "grid_template_columns": null,
894
+ "grid_template_rows": null,
895
+ "height": null,
896
+ "justify_content": null,
897
+ "justify_items": null,
898
+ "left": null,
899
+ "margin": null,
900
+ "max_height": null,
901
+ "max_width": null,
902
+ "min_height": null,
903
+ "min_width": null,
904
+ "object_fit": null,
905
+ "object_position": null,
906
+ "order": null,
907
+ "overflow": null,
908
+ "padding": null,
909
+ "right": null,
910
+ "top": null,
911
+ "visibility": null,
912
+ "width": null
913
+ }
914
+ },
915
+ "2191d49677ae46c7b12116813d547ff7": {
916
+ "model_module": "@jupyter-widgets/base",
917
+ "model_module_version": "2.0.0",
918
+ "model_name": "LayoutModel",
919
+ "state": {
920
+ "_model_module": "@jupyter-widgets/base",
921
+ "_model_module_version": "2.0.0",
922
+ "_model_name": "LayoutModel",
923
+ "_view_count": null,
924
+ "_view_module": "@jupyter-widgets/base",
925
+ "_view_module_version": "2.0.0",
926
+ "_view_name": "LayoutView",
927
+ "align_content": null,
928
+ "align_items": null,
929
+ "align_self": null,
930
+ "border_bottom": null,
931
+ "border_left": null,
932
+ "border_right": null,
933
+ "border_top": null,
934
+ "bottom": null,
935
+ "display": null,
936
+ "flex": null,
937
+ "flex_flow": null,
938
+ "grid_area": null,
939
+ "grid_auto_columns": null,
940
+ "grid_auto_flow": null,
941
+ "grid_auto_rows": null,
942
+ "grid_column": null,
943
+ "grid_gap": null,
944
+ "grid_row": null,
945
+ "grid_template_areas": null,
946
+ "grid_template_columns": null,
947
+ "grid_template_rows": null,
948
+ "height": null,
949
+ "justify_content": null,
950
+ "justify_items": null,
951
+ "left": null,
952
+ "margin": null,
953
+ "max_height": null,
954
+ "max_width": null,
955
+ "min_height": null,
956
+ "min_width": null,
957
+ "object_fit": null,
958
+ "object_position": null,
959
+ "order": null,
960
+ "overflow": null,
961
+ "padding": null,
962
+ "right": null,
963
+ "top": null,
964
+ "visibility": null,
965
+ "width": null
966
+ }
967
+ },
968
+ "24ab545e5c6b478695d295507ed27457": {
969
+ "model_module": "@jupyter-widgets/base",
970
+ "model_module_version": "2.0.0",
971
+ "model_name": "LayoutModel",
972
+ "state": {
973
+ "_model_module": "@jupyter-widgets/base",
974
+ "_model_module_version": "2.0.0",
975
+ "_model_name": "LayoutModel",
976
+ "_view_count": null,
977
+ "_view_module": "@jupyter-widgets/base",
978
+ "_view_module_version": "2.0.0",
979
+ "_view_name": "LayoutView",
980
+ "align_content": null,
981
+ "align_items": null,
982
+ "align_self": null,
983
+ "border_bottom": null,
984
+ "border_left": null,
985
+ "border_right": null,
986
+ "border_top": null,
987
+ "bottom": null,
988
+ "display": null,
989
+ "flex": null,
990
+ "flex_flow": null,
991
+ "grid_area": null,
992
+ "grid_auto_columns": null,
993
+ "grid_auto_flow": null,
994
+ "grid_auto_rows": null,
995
+ "grid_column": null,
996
+ "grid_gap": null,
997
+ "grid_row": null,
998
+ "grid_template_areas": null,
999
+ "grid_template_columns": null,
1000
+ "grid_template_rows": null,
1001
+ "height": null,
1002
+ "justify_content": null,
1003
+ "justify_items": null,
1004
+ "left": null,
1005
+ "margin": null,
1006
+ "max_height": null,
1007
+ "max_width": null,
1008
+ "min_height": null,
1009
+ "min_width": null,
1010
+ "object_fit": null,
1011
+ "object_position": null,
1012
+ "order": null,
1013
+ "overflow": null,
1014
+ "padding": null,
1015
+ "right": null,
1016
+ "top": null,
1017
+ "visibility": null,
1018
+ "width": null
1019
+ }
1020
+ },
1021
+ "27089787f99c4085bbb758cc502e440c": {
1022
+ "model_module": "@jupyter-widgets/controls",
1023
+ "model_module_version": "2.0.0",
1024
+ "model_name": "HTMLModel",
1025
+ "state": {
1026
+ "_dom_classes": [],
1027
+ "_model_module": "@jupyter-widgets/controls",
1028
+ "_model_module_version": "2.0.0",
1029
+ "_model_name": "HTMLModel",
1030
+ "_view_count": null,
1031
+ "_view_module": "@jupyter-widgets/controls",
1032
+ "_view_module_version": "2.0.0",
1033
+ "_view_name": "HTMLView",
1034
+ "description": "",
1035
+ "description_allow_html": false,
1036
+ "layout": "IPY_MODEL_7fbedc97a134458984b41809b7a39fa3",
1037
+ "placeholder": "​",
1038
+ "style": "IPY_MODEL_860e6cfa0e844cca826506a4045bf512",
1039
+ "tabbable": null,
1040
+ "tooltip": null,
1041
+ "value": " 52.0/52.0 [00:00&lt;00:00, 6.65kB/s]"
1042
+ }
1043
+ },
1044
+ "2983dac9fcc9472f8c33ad42d670b6a4": {
1045
+ "model_module": "@jupyter-widgets/controls",
1046
+ "model_module_version": "2.0.0",
1047
+ "model_name": "PasswordModel",
1048
+ "state": {
1049
+ "_dom_classes": [],
1050
+ "_model_module": "@jupyter-widgets/controls",
1051
+ "_model_module_version": "2.0.0",
1052
+ "_model_name": "PasswordModel",
1053
+ "_view_count": null,
1054
+ "_view_module": "@jupyter-widgets/controls",
1055
+ "_view_module_version": "2.0.0",
1056
+ "_view_name": "PasswordView",
1057
+ "continuous_update": true,
1058
+ "description": "Token:",
1059
+ "description_allow_html": false,
1060
+ "disabled": false,
1061
+ "layout": "IPY_MODEL_24ab545e5c6b478695d295507ed27457",
1062
+ "placeholder": "​",
1063
+ "style": "IPY_MODEL_4e7fcf5752944319991cb57e33e90cd9",
1064
+ "tabbable": null,
1065
+ "tooltip": null,
1066
+ "value": ""
1067
+ }
1068
+ },
1069
+ "2cb3e871734a4251a7a1114608de6846": {
1070
+ "model_module": "@jupyter-widgets/controls",
1071
+ "model_module_version": "2.0.0",
1072
+ "model_name": "HTMLStyleModel",
1073
+ "state": {
1074
+ "_model_module": "@jupyter-widgets/controls",
1075
+ "_model_module_version": "2.0.0",
1076
+ "_model_name": "HTMLStyleModel",
1077
+ "_view_count": null,
1078
+ "_view_module": "@jupyter-widgets/base",
1079
+ "_view_module_version": "2.0.0",
1080
+ "_view_name": "StyleView",
1081
+ "background": null,
1082
+ "description_width": "",
1083
+ "font_size": null,
1084
+ "text_color": null
1085
+ }
1086
+ },
1087
+ "366eaef8c5d34a5d9ee56a0a21a86556": {
1088
+ "model_module": "@jupyter-widgets/base",
1089
+ "model_module_version": "2.0.0",
1090
+ "model_name": "LayoutModel",
1091
+ "state": {
1092
+ "_model_module": "@jupyter-widgets/base",
1093
+ "_model_module_version": "2.0.0",
1094
+ "_model_name": "LayoutModel",
1095
+ "_view_count": null,
1096
+ "_view_module": "@jupyter-widgets/base",
1097
+ "_view_module_version": "2.0.0",
1098
+ "_view_name": "LayoutView",
1099
+ "align_content": null,
1100
+ "align_items": null,
1101
+ "align_self": null,
1102
+ "border_bottom": null,
1103
+ "border_left": null,
1104
+ "border_right": null,
1105
+ "border_top": null,
1106
+ "bottom": null,
1107
+ "display": null,
1108
+ "flex": null,
1109
+ "flex_flow": null,
1110
+ "grid_area": null,
1111
+ "grid_auto_columns": null,
1112
+ "grid_auto_flow": null,
1113
+ "grid_auto_rows": null,
1114
+ "grid_column": null,
1115
+ "grid_gap": null,
1116
+ "grid_row": null,
1117
+ "grid_template_areas": null,
1118
+ "grid_template_columns": null,
1119
+ "grid_template_rows": null,
1120
+ "height": null,
1121
+ "justify_content": null,
1122
+ "justify_items": null,
1123
+ "left": null,
1124
+ "margin": null,
1125
+ "max_height": null,
1126
+ "max_width": null,
1127
+ "min_height": null,
1128
+ "min_width": null,
1129
+ "object_fit": null,
1130
+ "object_position": null,
1131
+ "order": null,
1132
+ "overflow": null,
1133
+ "padding": null,
1134
+ "right": null,
1135
+ "top": null,
1136
+ "visibility": null,
1137
+ "width": null
1138
+ }
1139
+ },
1140
+ "3bc88060e02a409fae3c7e8fe9e23112": {
1141
+ "model_module": "@jupyter-widgets/controls",
1142
+ "model_module_version": "2.0.0",
1143
+ "model_name": "FloatProgressModel",
1144
+ "state": {
1145
+ "_dom_classes": [],
1146
+ "_model_module": "@jupyter-widgets/controls",
1147
+ "_model_module_version": "2.0.0",
1148
+ "_model_name": "FloatProgressModel",
1149
+ "_view_count": null,
1150
+ "_view_module": "@jupyter-widgets/controls",
1151
+ "_view_module_version": "2.0.0",
1152
+ "_view_name": "ProgressView",
1153
+ "bar_style": "success",
1154
+ "description": "",
1155
+ "description_allow_html": false,
1156
+ "layout": "IPY_MODEL_89341038afd24b7788a39a54f82f6f06",
1157
+ "max": 873673253,
1158
+ "min": 0,
1159
+ "orientation": "horizontal",
1160
+ "style": "IPY_MODEL_ee8809fdbdd14d9a939fd09a2d800569",
1161
+ "tabbable": null,
1162
+ "tooltip": null,
1163
+ "value": 873673253
1164
+ }
1165
+ },
1166
+ "42621cc97ce64850b68519df2c852723": {
1167
+ "model_module": "@jupyter-widgets/controls",
1168
+ "model_module_version": "2.0.0",
1169
+ "model_name": "HTMLModel",
1170
+ "state": {
1171
+ "_dom_classes": [],
1172
+ "_model_module": "@jupyter-widgets/controls",
1173
+ "_model_module_version": "2.0.0",
1174
+ "_model_name": "HTMLModel",
1175
+ "_view_count": null,
1176
+ "_view_module": "@jupyter-widgets/controls",
1177
+ "_view_module_version": "2.0.0",
1178
+ "_view_name": "HTMLView",
1179
+ "description": "",
1180
+ "description_allow_html": false,
1181
+ "layout": "IPY_MODEL_bfcb6c8a947a42c29ff6dae194769252",
1182
+ "placeholder": "​",
1183
+ "style": "IPY_MODEL_0c2f1d1b3a734769ba43838c156dea96",
1184
+ "tabbable": null,
1185
+ "tooltip": null,
1186
+ "value": "<center> <img\nsrc=https://huggingface.co/front/assets/huggingface_logo-noborder.svg\nalt='Hugging Face'> <br> Copy a token from <a\nhref=\"https://huggingface.co/settings/tokens\" target=\"_blank\">your Hugging Face\ntokens page</a> and paste it below. <br> Immediately click login after copying\nyour token or it might be stored in plain text in this notebook file. </center>"
1187
+ }
1188
+ },
1189
+ "498f1c2aefe34319a400deba03c55983": {
1190
+ "model_module": "@jupyter-widgets/controls",
1191
+ "model_module_version": "2.0.0",
1192
+ "model_name": "VBoxModel",
1193
+ "state": {
1194
+ "_dom_classes": [],
1195
+ "_model_module": "@jupyter-widgets/controls",
1196
+ "_model_module_version": "2.0.0",
1197
+ "_model_name": "VBoxModel",
1198
+ "_view_count": null,
1199
+ "_view_module": "@jupyter-widgets/controls",
1200
+ "_view_module_version": "2.0.0",
1201
+ "_view_name": "VBoxView",
1202
+ "box_style": "",
1203
+ "children": [
1204
+ "IPY_MODEL_42621cc97ce64850b68519df2c852723",
1205
+ "IPY_MODEL_2983dac9fcc9472f8c33ad42d670b6a4",
1206
+ "IPY_MODEL_8927fce0406b4b39a0070f3bb7ea4db1",
1207
+ "IPY_MODEL_cdead86c122e45c4812dd763da70ccea",
1208
+ "IPY_MODEL_0d001427218e4d8ea4ac90c47cbb6ad4"
1209
+ ],
1210
+ "layout": "IPY_MODEL_049b4a2008fe400e9b681afc91ef83fa",
1211
+ "tabbable": null,
1212
+ "tooltip": null
1213
+ }
1214
+ },
1215
+ "4a3343d81bc84548993681870a0971ca": {
1216
+ "model_module": "@jupyter-widgets/controls",
1217
+ "model_module_version": "2.0.0",
1218
+ "model_name": "HTMLStyleModel",
1219
+ "state": {
1220
+ "_model_module": "@jupyter-widgets/controls",
1221
+ "_model_module_version": "2.0.0",
1222
+ "_model_name": "HTMLStyleModel",
1223
+ "_view_count": null,
1224
+ "_view_module": "@jupyter-widgets/base",
1225
+ "_view_module_version": "2.0.0",
1226
+ "_view_name": "StyleView",
1227
+ "background": null,
1228
+ "description_width": "",
1229
+ "font_size": null,
1230
+ "text_color": null
1231
+ }
1232
+ },
1233
+ "4b044ac84dde41eaa7b6e949e1c8fa19": {
1234
+ "model_module": "@jupyter-widgets/controls",
1235
+ "model_module_version": "2.0.0",
1236
+ "model_name": "HBoxModel",
1237
+ "state": {
1238
+ "_dom_classes": [],
1239
+ "_model_module": "@jupyter-widgets/controls",
1240
+ "_model_module_version": "2.0.0",
1241
+ "_model_name": "HBoxModel",
1242
+ "_view_count": null,
1243
+ "_view_module": "@jupyter-widgets/controls",
1244
+ "_view_module_version": "2.0.0",
1245
+ "_view_name": "HBoxView",
1246
+ "box_style": "",
1247
+ "children": [
1248
+ "IPY_MODEL_129bb7b77bf84e6d9cb384e84a875f0a",
1249
+ "IPY_MODEL_84dd175981234795a5e25d440a8d95c2",
1250
+ "IPY_MODEL_7af879051ada402c9be65ba8e45bd6a3"
1251
+ ],
1252
+ "layout": "IPY_MODEL_7d0c2966edcb4d76839a75fe18cb99be",
1253
+ "tabbable": null,
1254
+ "tooltip": null
1255
+ }
1256
+ },
1257
+ "4e7fcf5752944319991cb57e33e90cd9": {
1258
+ "model_module": "@jupyter-widgets/controls",
1259
+ "model_module_version": "2.0.0",
1260
+ "model_name": "TextStyleModel",
1261
+ "state": {
1262
+ "_model_module": "@jupyter-widgets/controls",
1263
+ "_model_module_version": "2.0.0",
1264
+ "_model_name": "TextStyleModel",
1265
+ "_view_count": null,
1266
+ "_view_module": "@jupyter-widgets/base",
1267
+ "_view_module_version": "2.0.0",
1268
+ "_view_name": "StyleView",
1269
+ "background": null,
1270
+ "description_width": "",
1271
+ "font_size": null,
1272
+ "text_color": null
1273
+ }
1274
+ },
1275
+ "5563066744da435c930bcc5f6e67f714": {
1276
+ "model_module": "@jupyter-widgets/controls",
1277
+ "model_module_version": "2.0.0",
1278
+ "model_name": "HTMLStyleModel",
1279
+ "state": {
1280
+ "_model_module": "@jupyter-widgets/controls",
1281
+ "_model_module_version": "2.0.0",
1282
+ "_model_name": "HTMLStyleModel",
1283
+ "_view_count": null,
1284
+ "_view_module": "@jupyter-widgets/base",
1285
+ "_view_module_version": "2.0.0",
1286
+ "_view_name": "StyleView",
1287
+ "background": null,
1288
+ "description_width": "",
1289
+ "font_size": null,
1290
+ "text_color": null
1291
+ }
1292
+ },
1293
+ "5660d83284dc4dfebef0d2de08772aa6": {
1294
+ "model_module": "@jupyter-widgets/controls",
1295
+ "model_module_version": "2.0.0",
1296
+ "model_name": "HTMLStyleModel",
1297
+ "state": {
1298
+ "_model_module": "@jupyter-widgets/controls",
1299
+ "_model_module_version": "2.0.0",
1300
+ "_model_name": "HTMLStyleModel",
1301
+ "_view_count": null,
1302
+ "_view_module": "@jupyter-widgets/base",
1303
+ "_view_module_version": "2.0.0",
1304
+ "_view_name": "StyleView",
1305
+ "background": null,
1306
+ "description_width": "",
1307
+ "font_size": null,
1308
+ "text_color": null
1309
+ }
1310
+ },
1311
+ "5c2c60b6aa3c4bb198e2db7e39358b9d": {
1312
+ "model_module": "@jupyter-widgets/controls",
1313
+ "model_module_version": "2.0.0",
1314
+ "model_name": "ProgressStyleModel",
1315
+ "state": {
1316
+ "_model_module": "@jupyter-widgets/controls",
1317
+ "_model_module_version": "2.0.0",
1318
+ "_model_name": "ProgressStyleModel",
1319
+ "_view_count": null,
1320
+ "_view_module": "@jupyter-widgets/base",
1321
+ "_view_module_version": "2.0.0",
1322
+ "_view_name": "StyleView",
1323
+ "bar_color": null,
1324
+ "description_width": ""
1325
+ }
1326
+ },
1327
+ "634146638c614801900d5dbc00ef3e5f": {
1328
+ "model_module": "@jupyter-widgets/base",
1329
+ "model_module_version": "2.0.0",
1330
+ "model_name": "LayoutModel",
1331
+ "state": {
1332
+ "_model_module": "@jupyter-widgets/base",
1333
+ "_model_module_version": "2.0.0",
1334
+ "_model_name": "LayoutModel",
1335
+ "_view_count": null,
1336
+ "_view_module": "@jupyter-widgets/base",
1337
+ "_view_module_version": "2.0.0",
1338
+ "_view_name": "LayoutView",
1339
+ "align_content": null,
1340
+ "align_items": null,
1341
+ "align_self": null,
1342
+ "border_bottom": null,
1343
+ "border_left": null,
1344
+ "border_right": null,
1345
+ "border_top": null,
1346
+ "bottom": null,
1347
+ "display": null,
1348
+ "flex": null,
1349
+ "flex_flow": null,
1350
+ "grid_area": null,
1351
+ "grid_auto_columns": null,
1352
+ "grid_auto_flow": null,
1353
+ "grid_auto_rows": null,
1354
+ "grid_column": null,
1355
+ "grid_gap": null,
1356
+ "grid_row": null,
1357
+ "grid_template_areas": null,
1358
+ "grid_template_columns": null,
1359
+ "grid_template_rows": null,
1360
+ "height": null,
1361
+ "justify_content": null,
1362
+ "justify_items": null,
1363
+ "left": null,
1364
+ "margin": null,
1365
+ "max_height": null,
1366
+ "max_width": null,
1367
+ "min_height": null,
1368
+ "min_width": null,
1369
+ "object_fit": null,
1370
+ "object_position": null,
1371
+ "order": null,
1372
+ "overflow": null,
1373
+ "padding": null,
1374
+ "right": null,
1375
+ "top": null,
1376
+ "visibility": null,
1377
+ "width": null
1378
+ }
1379
+ },
1380
+ "6868bf3c5eb249d9b71856199f31845a": {
1381
+ "model_module": "@jupyter-widgets/controls",
1382
+ "model_module_version": "2.0.0",
1383
+ "model_name": "HBoxModel",
1384
+ "state": {
1385
+ "_dom_classes": [],
1386
+ "_model_module": "@jupyter-widgets/controls",
1387
+ "_model_module_version": "2.0.0",
1388
+ "_model_name": "HBoxModel",
1389
+ "_view_count": null,
1390
+ "_view_module": "@jupyter-widgets/controls",
1391
+ "_view_module_version": "2.0.0",
1392
+ "_view_name": "HBoxView",
1393
+ "box_style": "",
1394
+ "children": [
1395
+ "IPY_MODEL_0106dbdd2ba04fcb9265829364e9fa86",
1396
+ "IPY_MODEL_3bc88060e02a409fae3c7e8fe9e23112",
1397
+ "IPY_MODEL_85bb0c41a6ee4692873ecb10ab248e33"
1398
+ ],
1399
+ "layout": "IPY_MODEL_10f5aa2d2b3b4a478271e81ca29c45b3",
1400
+ "tabbable": null,
1401
+ "tooltip": null
1402
+ }
1403
+ },
1404
+ "72904cabf75e4744b288895a005d2510": {
1405
+ "model_module": "@jupyter-widgets/base",
1406
+ "model_module_version": "2.0.0",
1407
+ "model_name": "LayoutModel",
1408
+ "state": {
1409
+ "_model_module": "@jupyter-widgets/base",
1410
+ "_model_module_version": "2.0.0",
1411
+ "_model_name": "LayoutModel",
1412
+ "_view_count": null,
1413
+ "_view_module": "@jupyter-widgets/base",
1414
+ "_view_module_version": "2.0.0",
1415
+ "_view_name": "LayoutView",
1416
+ "align_content": null,
1417
+ "align_items": null,
1418
+ "align_self": null,
1419
+ "border_bottom": null,
1420
+ "border_left": null,
1421
+ "border_right": null,
1422
+ "border_top": null,
1423
+ "bottom": null,
1424
+ "display": null,
1425
+ "flex": null,
1426
+ "flex_flow": null,
1427
+ "grid_area": null,
1428
+ "grid_auto_columns": null,
1429
+ "grid_auto_flow": null,
1430
+ "grid_auto_rows": null,
1431
+ "grid_column": null,
1432
+ "grid_gap": null,
1433
+ "grid_row": null,
1434
+ "grid_template_areas": null,
1435
+ "grid_template_columns": null,
1436
+ "grid_template_rows": null,
1437
+ "height": null,
1438
+ "justify_content": null,
1439
+ "justify_items": null,
1440
+ "left": null,
1441
+ "margin": null,
1442
+ "max_height": null,
1443
+ "max_width": null,
1444
+ "min_height": null,
1445
+ "min_width": null,
1446
+ "object_fit": null,
1447
+ "object_position": null,
1448
+ "order": null,
1449
+ "overflow": null,
1450
+ "padding": null,
1451
+ "right": null,
1452
+ "top": null,
1453
+ "visibility": null,
1454
+ "width": null
1455
+ }
1456
+ },
1457
+ "7af879051ada402c9be65ba8e45bd6a3": {
1458
+ "model_module": "@jupyter-widgets/controls",
1459
+ "model_module_version": "2.0.0",
1460
+ "model_name": "HTMLModel",
1461
+ "state": {
1462
+ "_dom_classes": [],
1463
+ "_model_module": "@jupyter-widgets/controls",
1464
+ "_model_module_version": "2.0.0",
1465
+ "_model_name": "HTMLModel",
1466
+ "_view_count": null,
1467
+ "_view_module": "@jupyter-widgets/controls",
1468
+ "_view_module_version": "2.0.0",
1469
+ "_view_name": "HTMLView",
1470
+ "description": "",
1471
+ "description_allow_html": false,
1472
+ "layout": "IPY_MODEL_634146638c614801900d5dbc00ef3e5f",
1473
+ "placeholder": "​",
1474
+ "style": "IPY_MODEL_4a3343d81bc84548993681870a0971ca",
1475
+ "tabbable": null,
1476
+ "tooltip": null,
1477
+ "value": " 580/580 [00:00&lt;00:00, 80.4kB/s]"
1478
+ }
1479
+ },
1480
+ "7c5522be02384671a1cf63b0620e5180": {
1481
+ "model_module": "@jupyter-widgets/controls",
1482
+ "model_module_version": "2.0.0",
1483
+ "model_name": "HBoxModel",
1484
+ "state": {
1485
+ "_dom_classes": [],
1486
+ "_model_module": "@jupyter-widgets/controls",
1487
+ "_model_module_version": "2.0.0",
1488
+ "_model_name": "HBoxModel",
1489
+ "_view_count": null,
1490
+ "_view_module": "@jupyter-widgets/controls",
1491
+ "_view_module_version": "2.0.0",
1492
+ "_view_name": "HBoxView",
1493
+ "box_style": "",
1494
+ "children": [
1495
+ "IPY_MODEL_f8a3a31113814e0ba88555540f48731b",
1496
+ "IPY_MODEL_7fa54b37038a4bd4a181ca3f28a2e804",
1497
+ "IPY_MODEL_19aff18ca92e4592b3dd2136d71e26cf"
1498
+ ],
1499
+ "layout": "IPY_MODEL_a54c50b2bda144da913df0c77a383770",
1500
+ "tabbable": null,
1501
+ "tooltip": null
1502
+ }
1503
+ },
1504
+ "7d0c2966edcb4d76839a75fe18cb99be": {
1505
+ "model_module": "@jupyter-widgets/base",
1506
+ "model_module_version": "2.0.0",
1507
+ "model_name": "LayoutModel",
1508
+ "state": {
1509
+ "_model_module": "@jupyter-widgets/base",
1510
+ "_model_module_version": "2.0.0",
1511
+ "_model_name": "LayoutModel",
1512
+ "_view_count": null,
1513
+ "_view_module": "@jupyter-widgets/base",
1514
+ "_view_module_version": "2.0.0",
1515
+ "_view_name": "LayoutView",
1516
+ "align_content": null,
1517
+ "align_items": null,
1518
+ "align_self": null,
1519
+ "border_bottom": null,
1520
+ "border_left": null,
1521
+ "border_right": null,
1522
+ "border_top": null,
1523
+ "bottom": null,
1524
+ "display": null,
1525
+ "flex": null,
1526
+ "flex_flow": null,
1527
+ "grid_area": null,
1528
+ "grid_auto_columns": null,
1529
+ "grid_auto_flow": null,
1530
+ "grid_auto_rows": null,
1531
+ "grid_column": null,
1532
+ "grid_gap": null,
1533
+ "grid_row": null,
1534
+ "grid_template_areas": null,
1535
+ "grid_template_columns": null,
1536
+ "grid_template_rows": null,
1537
+ "height": null,
1538
+ "justify_content": null,
1539
+ "justify_items": null,
1540
+ "left": null,
1541
+ "margin": null,
1542
+ "max_height": null,
1543
+ "max_width": null,
1544
+ "min_height": null,
1545
+ "min_width": null,
1546
+ "object_fit": null,
1547
+ "object_position": null,
1548
+ "order": null,
1549
+ "overflow": null,
1550
+ "padding": null,
1551
+ "right": null,
1552
+ "top": null,
1553
+ "visibility": null,
1554
+ "width": null
1555
+ }
1556
+ },
1557
+ "7f48fce163c14d678a55c94524c97877": {
1558
+ "model_module": "@jupyter-widgets/controls",
1559
+ "model_module_version": "2.0.0",
1560
+ "model_name": "ProgressStyleModel",
1561
+ "state": {
1562
+ "_model_module": "@jupyter-widgets/controls",
1563
+ "_model_module_version": "2.0.0",
1564
+ "_model_name": "ProgressStyleModel",
1565
+ "_view_count": null,
1566
+ "_view_module": "@jupyter-widgets/base",
1567
+ "_view_module_version": "2.0.0",
1568
+ "_view_name": "StyleView",
1569
+ "bar_color": null,
1570
+ "description_width": ""
1571
+ }
1572
+ },
1573
+ "7fa54b37038a4bd4a181ca3f28a2e804": {
1574
+ "model_module": "@jupyter-widgets/controls",
1575
+ "model_module_version": "2.0.0",
1576
+ "model_name": "FloatProgressModel",
1577
+ "state": {
1578
+ "_dom_classes": [],
1579
+ "_model_module": "@jupyter-widgets/controls",
1580
+ "_model_module_version": "2.0.0",
1581
+ "_model_name": "FloatProgressModel",
1582
+ "_view_count": null,
1583
+ "_view_module": "@jupyter-widgets/controls",
1584
+ "_view_module_version": "2.0.0",
1585
+ "_view_name": "ProgressView",
1586
+ "bar_style": "success",
1587
+ "description": "",
1588
+ "description_allow_html": false,
1589
+ "layout": "IPY_MODEL_091944a3e55241ee94fa68fde6c329a1",
1590
+ "max": 2464616,
1591
+ "min": 0,
1592
+ "orientation": "horizontal",
1593
+ "style": "IPY_MODEL_8e07079f3bed42099ec56396cda5affd",
1594
+ "tabbable": null,
1595
+ "tooltip": null,
1596
+ "value": 2464616
1597
+ }
1598
+ },
1599
+ "7fbedc97a134458984b41809b7a39fa3": {
1600
+ "model_module": "@jupyter-widgets/base",
1601
+ "model_module_version": "2.0.0",
1602
+ "model_name": "LayoutModel",
1603
+ "state": {
1604
+ "_model_module": "@jupyter-widgets/base",
1605
+ "_model_module_version": "2.0.0",
1606
+ "_model_name": "LayoutModel",
1607
+ "_view_count": null,
1608
+ "_view_module": "@jupyter-widgets/base",
1609
+ "_view_module_version": "2.0.0",
1610
+ "_view_name": "LayoutView",
1611
+ "align_content": null,
1612
+ "align_items": null,
1613
+ "align_self": null,
1614
+ "border_bottom": null,
1615
+ "border_left": null,
1616
+ "border_right": null,
1617
+ "border_top": null,
1618
+ "bottom": null,
1619
+ "display": null,
1620
+ "flex": null,
1621
+ "flex_flow": null,
1622
+ "grid_area": null,
1623
+ "grid_auto_columns": null,
1624
+ "grid_auto_flow": null,
1625
+ "grid_auto_rows": null,
1626
+ "grid_column": null,
1627
+ "grid_gap": null,
1628
+ "grid_row": null,
1629
+ "grid_template_areas": null,
1630
+ "grid_template_columns": null,
1631
+ "grid_template_rows": null,
1632
+ "height": null,
1633
+ "justify_content": null,
1634
+ "justify_items": null,
1635
+ "left": null,
1636
+ "margin": null,
1637
+ "max_height": null,
1638
+ "max_width": null,
1639
+ "min_height": null,
1640
+ "min_width": null,
1641
+ "object_fit": null,
1642
+ "object_position": null,
1643
+ "order": null,
1644
+ "overflow": null,
1645
+ "padding": null,
1646
+ "right": null,
1647
+ "top": null,
1648
+ "visibility": null,
1649
+ "width": null
1650
+ }
1651
+ },
1652
+ "83672b01cc2c4e6aabbba8e09a3a4146": {
1653
+ "model_module": "@jupyter-widgets/controls",
1654
+ "model_module_version": "2.0.0",
1655
+ "model_name": "ProgressStyleModel",
1656
+ "state": {
1657
+ "_model_module": "@jupyter-widgets/controls",
1658
+ "_model_module_version": "2.0.0",
1659
+ "_model_name": "ProgressStyleModel",
1660
+ "_view_count": null,
1661
+ "_view_module": "@jupyter-widgets/base",
1662
+ "_view_module_version": "2.0.0",
1663
+ "_view_name": "StyleView",
1664
+ "bar_color": null,
1665
+ "description_width": ""
1666
+ }
1667
+ },
1668
+ "84dd175981234795a5e25d440a8d95c2": {
1669
+ "model_module": "@jupyter-widgets/controls",
1670
+ "model_module_version": "2.0.0",
1671
+ "model_name": "FloatProgressModel",
1672
+ "state": {
1673
+ "_dom_classes": [],
1674
+ "_model_module": "@jupyter-widgets/controls",
1675
+ "_model_module_version": "2.0.0",
1676
+ "_model_name": "FloatProgressModel",
1677
+ "_view_count": null,
1678
+ "_view_module": "@jupyter-widgets/controls",
1679
+ "_view_module_version": "2.0.0",
1680
+ "_view_name": "ProgressView",
1681
+ "bar_style": "success",
1682
+ "description": "",
1683
+ "description_allow_html": false,
1684
+ "layout": "IPY_MODEL_72904cabf75e4744b288895a005d2510",
1685
+ "max": 580,
1686
+ "min": 0,
1687
+ "orientation": "horizontal",
1688
+ "style": "IPY_MODEL_83672b01cc2c4e6aabbba8e09a3a4146",
1689
+ "tabbable": null,
1690
+ "tooltip": null,
1691
+ "value": 580
1692
+ }
1693
+ },
1694
+ "85bb0c41a6ee4692873ecb10ab248e33": {
1695
+ "model_module": "@jupyter-widgets/controls",
1696
+ "model_module_version": "2.0.0",
1697
+ "model_name": "HTMLModel",
1698
+ "state": {
1699
+ "_dom_classes": [],
1700
+ "_model_module": "@jupyter-widgets/controls",
1701
+ "_model_module_version": "2.0.0",
1702
+ "_model_name": "HTMLModel",
1703
+ "_view_count": null,
1704
+ "_view_module": "@jupyter-widgets/controls",
1705
+ "_view_module_version": "2.0.0",
1706
+ "_view_name": "HTMLView",
1707
+ "description": "",
1708
+ "description_allow_html": false,
1709
+ "layout": "IPY_MODEL_136b397a7b024e5f9b89ccde756c7c09",
1710
+ "placeholder": "​",
1711
+ "style": "IPY_MODEL_2cb3e871734a4251a7a1114608de6846",
1712
+ "tabbable": null,
1713
+ "tooltip": null,
1714
+ "value": " 874M/874M [00:02&lt;00:00, 458MB/s]"
1715
+ }
1716
+ },
1717
+ "860e6cfa0e844cca826506a4045bf512": {
1718
+ "model_module": "@jupyter-widgets/controls",
1719
+ "model_module_version": "2.0.0",
1720
+ "model_name": "HTMLStyleModel",
1721
+ "state": {
1722
+ "_model_module": "@jupyter-widgets/controls",
1723
+ "_model_module_version": "2.0.0",
1724
+ "_model_name": "HTMLStyleModel",
1725
+ "_view_count": null,
1726
+ "_view_module": "@jupyter-widgets/base",
1727
+ "_view_module_version": "2.0.0",
1728
+ "_view_name": "StyleView",
1729
+ "background": null,
1730
+ "description_width": "",
1731
+ "font_size": null,
1732
+ "text_color": null
1733
+ }
1734
+ },
1735
+ "8927fce0406b4b39a0070f3bb7ea4db1": {
1736
+ "model_module": "@jupyter-widgets/controls",
1737
+ "model_module_version": "2.0.0",
1738
+ "model_name": "CheckboxModel",
1739
+ "state": {
1740
+ "_dom_classes": [],
1741
+ "_model_module": "@jupyter-widgets/controls",
1742
+ "_model_module_version": "2.0.0",
1743
+ "_model_name": "CheckboxModel",
1744
+ "_view_count": null,
1745
+ "_view_module": "@jupyter-widgets/controls",
1746
+ "_view_module_version": "2.0.0",
1747
+ "_view_name": "CheckboxView",
1748
+ "description": "Add token as git credential?",
1749
+ "description_allow_html": false,
1750
+ "disabled": false,
1751
+ "indent": true,
1752
+ "layout": "IPY_MODEL_fb9784918d75440eadaf34da533bfa7f",
1753
+ "style": "IPY_MODEL_9dacead9e7684c90a07282b8b99c2ade",
1754
+ "tabbable": null,
1755
+ "tooltip": null,
1756
+ "value": true
1757
+ }
1758
+ },
1759
+ "89341038afd24b7788a39a54f82f6f06": {
1760
+ "model_module": "@jupyter-widgets/base",
1761
+ "model_module_version": "2.0.0",
1762
+ "model_name": "LayoutModel",
1763
+ "state": {
1764
+ "_model_module": "@jupyter-widgets/base",
1765
+ "_model_module_version": "2.0.0",
1766
+ "_model_name": "LayoutModel",
1767
+ "_view_count": null,
1768
+ "_view_module": "@jupyter-widgets/base",
1769
+ "_view_module_version": "2.0.0",
1770
+ "_view_name": "LayoutView",
1771
+ "align_content": null,
1772
+ "align_items": null,
1773
+ "align_self": null,
1774
+ "border_bottom": null,
1775
+ "border_left": null,
1776
+ "border_right": null,
1777
+ "border_top": null,
1778
+ "bottom": null,
1779
+ "display": null,
1780
+ "flex": null,
1781
+ "flex_flow": null,
1782
+ "grid_area": null,
1783
+ "grid_auto_columns": null,
1784
+ "grid_auto_flow": null,
1785
+ "grid_auto_rows": null,
1786
+ "grid_column": null,
1787
+ "grid_gap": null,
1788
+ "grid_row": null,
1789
+ "grid_template_areas": null,
1790
+ "grid_template_columns": null,
1791
+ "grid_template_rows": null,
1792
+ "height": null,
1793
+ "justify_content": null,
1794
+ "justify_items": null,
1795
+ "left": null,
1796
+ "margin": null,
1797
+ "max_height": null,
1798
+ "max_width": null,
1799
+ "min_height": null,
1800
+ "min_width": null,
1801
+ "object_fit": null,
1802
+ "object_position": null,
1803
+ "order": null,
1804
+ "overflow": null,
1805
+ "padding": null,
1806
+ "right": null,
1807
+ "top": null,
1808
+ "visibility": null,
1809
+ "width": null
1810
+ }
1811
+ },
1812
+ "8e07079f3bed42099ec56396cda5affd": {
1813
+ "model_module": "@jupyter-widgets/controls",
1814
+ "model_module_version": "2.0.0",
1815
+ "model_name": "ProgressStyleModel",
1816
+ "state": {
1817
+ "_model_module": "@jupyter-widgets/controls",
1818
+ "_model_module_version": "2.0.0",
1819
+ "_model_name": "ProgressStyleModel",
1820
+ "_view_count": null,
1821
+ "_view_module": "@jupyter-widgets/base",
1822
+ "_view_module_version": "2.0.0",
1823
+ "_view_name": "StyleView",
1824
+ "bar_color": null,
1825
+ "description_width": ""
1826
+ }
1827
+ },
1828
+ "946fe7888ef8424a864c49e8d3fa1827": {
1829
+ "model_module": "@jupyter-widgets/base",
1830
+ "model_module_version": "2.0.0",
1831
+ "model_name": "LayoutModel",
1832
+ "state": {
1833
+ "_model_module": "@jupyter-widgets/base",
1834
+ "_model_module_version": "2.0.0",
1835
+ "_model_name": "LayoutModel",
1836
+ "_view_count": null,
1837
+ "_view_module": "@jupyter-widgets/base",
1838
+ "_view_module_version": "2.0.0",
1839
+ "_view_name": "LayoutView",
1840
+ "align_content": null,
1841
+ "align_items": null,
1842
+ "align_self": null,
1843
+ "border_bottom": null,
1844
+ "border_left": null,
1845
+ "border_right": null,
1846
+ "border_top": null,
1847
+ "bottom": null,
1848
+ "display": null,
1849
+ "flex": null,
1850
+ "flex_flow": null,
1851
+ "grid_area": null,
1852
+ "grid_auto_columns": null,
1853
+ "grid_auto_flow": null,
1854
+ "grid_auto_rows": null,
1855
+ "grid_column": null,
1856
+ "grid_gap": null,
1857
+ "grid_row": null,
1858
+ "grid_template_areas": null,
1859
+ "grid_template_columns": null,
1860
+ "grid_template_rows": null,
1861
+ "height": null,
1862
+ "justify_content": null,
1863
+ "justify_items": null,
1864
+ "left": null,
1865
+ "margin": null,
1866
+ "max_height": null,
1867
+ "max_width": null,
1868
+ "min_height": null,
1869
+ "min_width": null,
1870
+ "object_fit": null,
1871
+ "object_position": null,
1872
+ "order": null,
1873
+ "overflow": null,
1874
+ "padding": null,
1875
+ "right": null,
1876
+ "top": null,
1877
+ "visibility": null,
1878
+ "width": null
1879
+ }
1880
+ },
1881
+ "9bc3d49af7e04db4add3ad9bcd2d53ad": {
1882
+ "model_module": "@jupyter-widgets/base",
1883
+ "model_module_version": "2.0.0",
1884
+ "model_name": "LayoutModel",
1885
+ "state": {
1886
+ "_model_module": "@jupyter-widgets/base",
1887
+ "_model_module_version": "2.0.0",
1888
+ "_model_name": "LayoutModel",
1889
+ "_view_count": null,
1890
+ "_view_module": "@jupyter-widgets/base",
1891
+ "_view_module_version": "2.0.0",
1892
+ "_view_name": "LayoutView",
1893
+ "align_content": null,
1894
+ "align_items": null,
1895
+ "align_self": null,
1896
+ "border_bottom": null,
1897
+ "border_left": null,
1898
+ "border_right": null,
1899
+ "border_top": null,
1900
+ "bottom": null,
1901
+ "display": null,
1902
+ "flex": null,
1903
+ "flex_flow": null,
1904
+ "grid_area": null,
1905
+ "grid_auto_columns": null,
1906
+ "grid_auto_flow": null,
1907
+ "grid_auto_rows": null,
1908
+ "grid_column": null,
1909
+ "grid_gap": null,
1910
+ "grid_row": null,
1911
+ "grid_template_areas": null,
1912
+ "grid_template_columns": null,
1913
+ "grid_template_rows": null,
1914
+ "height": null,
1915
+ "justify_content": null,
1916
+ "justify_items": null,
1917
+ "left": null,
1918
+ "margin": null,
1919
+ "max_height": null,
1920
+ "max_width": null,
1921
+ "min_height": null,
1922
+ "min_width": null,
1923
+ "object_fit": null,
1924
+ "object_position": null,
1925
+ "order": null,
1926
+ "overflow": null,
1927
+ "padding": null,
1928
+ "right": null,
1929
+ "top": null,
1930
+ "visibility": null,
1931
+ "width": null
1932
+ }
1933
+ },
1934
+ "9c6bbc78f63f4d48a10336aa681dd3a7": {
1935
+ "model_module": "@jupyter-widgets/base",
1936
+ "model_module_version": "2.0.0",
1937
+ "model_name": "LayoutModel",
1938
+ "state": {
1939
+ "_model_module": "@jupyter-widgets/base",
1940
+ "_model_module_version": "2.0.0",
1941
+ "_model_name": "LayoutModel",
1942
+ "_view_count": null,
1943
+ "_view_module": "@jupyter-widgets/base",
1944
+ "_view_module_version": "2.0.0",
1945
+ "_view_name": "LayoutView",
1946
+ "align_content": null,
1947
+ "align_items": null,
1948
+ "align_self": null,
1949
+ "border_bottom": null,
1950
+ "border_left": null,
1951
+ "border_right": null,
1952
+ "border_top": null,
1953
+ "bottom": null,
1954
+ "display": null,
1955
+ "flex": null,
1956
+ "flex_flow": null,
1957
+ "grid_area": null,
1958
+ "grid_auto_columns": null,
1959
+ "grid_auto_flow": null,
1960
+ "grid_auto_rows": null,
1961
+ "grid_column": null,
1962
+ "grid_gap": null,
1963
+ "grid_row": null,
1964
+ "grid_template_areas": null,
1965
+ "grid_template_columns": null,
1966
+ "grid_template_rows": null,
1967
+ "height": null,
1968
+ "justify_content": null,
1969
+ "justify_items": null,
1970
+ "left": null,
1971
+ "margin": null,
1972
+ "max_height": null,
1973
+ "max_width": null,
1974
+ "min_height": null,
1975
+ "min_width": null,
1976
+ "object_fit": null,
1977
+ "object_position": null,
1978
+ "order": null,
1979
+ "overflow": null,
1980
+ "padding": null,
1981
+ "right": null,
1982
+ "top": null,
1983
+ "visibility": null,
1984
+ "width": null
1985
+ }
1986
+ },
1987
+ "9d84c2eca0394d99b9940c9d3c170279": {
1988
+ "model_module": "@jupyter-widgets/base",
1989
+ "model_module_version": "2.0.0",
1990
+ "model_name": "LayoutModel",
1991
+ "state": {
1992
+ "_model_module": "@jupyter-widgets/base",
1993
+ "_model_module_version": "2.0.0",
1994
+ "_model_name": "LayoutModel",
1995
+ "_view_count": null,
1996
+ "_view_module": "@jupyter-widgets/base",
1997
+ "_view_module_version": "2.0.0",
1998
+ "_view_name": "LayoutView",
1999
+ "align_content": null,
2000
+ "align_items": null,
2001
+ "align_self": null,
2002
+ "border_bottom": null,
2003
+ "border_left": null,
2004
+ "border_right": null,
2005
+ "border_top": null,
2006
+ "bottom": null,
2007
+ "display": null,
2008
+ "flex": null,
2009
+ "flex_flow": null,
2010
+ "grid_area": null,
2011
+ "grid_auto_columns": null,
2012
+ "grid_auto_flow": null,
2013
+ "grid_auto_rows": null,
2014
+ "grid_column": null,
2015
+ "grid_gap": null,
2016
+ "grid_row": null,
2017
+ "grid_template_areas": null,
2018
+ "grid_template_columns": null,
2019
+ "grid_template_rows": null,
2020
+ "height": null,
2021
+ "justify_content": null,
2022
+ "justify_items": null,
2023
+ "left": null,
2024
+ "margin": null,
2025
+ "max_height": null,
2026
+ "max_width": null,
2027
+ "min_height": null,
2028
+ "min_width": null,
2029
+ "object_fit": null,
2030
+ "object_position": null,
2031
+ "order": null,
2032
+ "overflow": null,
2033
+ "padding": null,
2034
+ "right": null,
2035
+ "top": null,
2036
+ "visibility": null,
2037
+ "width": null
2038
+ }
2039
+ },
2040
+ "9dacead9e7684c90a07282b8b99c2ade": {
2041
+ "model_module": "@jupyter-widgets/controls",
2042
+ "model_module_version": "2.0.0",
2043
+ "model_name": "CheckboxStyleModel",
2044
+ "state": {
2045
+ "_model_module": "@jupyter-widgets/controls",
2046
+ "_model_module_version": "2.0.0",
2047
+ "_model_name": "CheckboxStyleModel",
2048
+ "_view_count": null,
2049
+ "_view_module": "@jupyter-widgets/base",
2050
+ "_view_module_version": "2.0.0",
2051
+ "_view_name": "StyleView",
2052
+ "background": null,
2053
+ "description_width": ""
2054
+ }
2055
+ },
2056
+ "a54c50b2bda144da913df0c77a383770": {
2057
+ "model_module": "@jupyter-widgets/base",
2058
+ "model_module_version": "2.0.0",
2059
+ "model_name": "LayoutModel",
2060
+ "state": {
2061
+ "_model_module": "@jupyter-widgets/base",
2062
+ "_model_module_version": "2.0.0",
2063
+ "_model_name": "LayoutModel",
2064
+ "_view_count": null,
2065
+ "_view_module": "@jupyter-widgets/base",
2066
+ "_view_module_version": "2.0.0",
2067
+ "_view_name": "LayoutView",
2068
+ "align_content": null,
2069
+ "align_items": null,
2070
+ "align_self": null,
2071
+ "border_bottom": null,
2072
+ "border_left": null,
2073
+ "border_right": null,
2074
+ "border_top": null,
2075
+ "bottom": null,
2076
+ "display": null,
2077
+ "flex": null,
2078
+ "flex_flow": null,
2079
+ "grid_area": null,
2080
+ "grid_auto_columns": null,
2081
+ "grid_auto_flow": null,
2082
+ "grid_auto_rows": null,
2083
+ "grid_column": null,
2084
+ "grid_gap": null,
2085
+ "grid_row": null,
2086
+ "grid_template_areas": null,
2087
+ "grid_template_columns": null,
2088
+ "grid_template_rows": null,
2089
+ "height": null,
2090
+ "justify_content": null,
2091
+ "justify_items": null,
2092
+ "left": null,
2093
+ "margin": null,
2094
+ "max_height": null,
2095
+ "max_width": null,
2096
+ "min_height": null,
2097
+ "min_width": null,
2098
+ "object_fit": null,
2099
+ "object_position": null,
2100
+ "order": null,
2101
+ "overflow": null,
2102
+ "padding": null,
2103
+ "right": null,
2104
+ "top": null,
2105
+ "visibility": null,
2106
+ "width": null
2107
+ }
2108
+ },
2109
+ "a7440cfcb56b4a4789fb5fcd743d9e59": {
2110
+ "model_module": "@jupyter-widgets/controls",
2111
+ "model_module_version": "2.0.0",
2112
+ "model_name": "HTMLModel",
2113
+ "state": {
2114
+ "_dom_classes": [],
2115
+ "_model_module": "@jupyter-widgets/controls",
2116
+ "_model_module_version": "2.0.0",
2117
+ "_model_name": "HTMLModel",
2118
+ "_view_count": null,
2119
+ "_view_module": "@jupyter-widgets/controls",
2120
+ "_view_module_version": "2.0.0",
2121
+ "_view_name": "HTMLView",
2122
+ "description": "",
2123
+ "description_allow_html": false,
2124
+ "layout": "IPY_MODEL_9bc3d49af7e04db4add3ad9bcd2d53ad",
2125
+ "placeholder": "​",
2126
+ "style": "IPY_MODEL_167318755c7746dbb59ef9241b8c12ad",
2127
+ "tabbable": null,
2128
+ "tooltip": null,
2129
+ "value": " 874M/874M [00:02&lt;00:00, 375MB/s]"
2130
+ }
2131
+ },
2132
+ "a9f314d420a24dbcbe264865a9efc3a0": {
2133
+ "model_module": "@jupyter-widgets/controls",
2134
+ "model_module_version": "2.0.0",
2135
+ "model_name": "HTMLModel",
2136
+ "state": {
2137
+ "_dom_classes": [],
2138
+ "_model_module": "@jupyter-widgets/controls",
2139
+ "_model_module_version": "2.0.0",
2140
+ "_model_name": "HTMLModel",
2141
+ "_view_count": null,
2142
+ "_view_module": "@jupyter-widgets/controls",
2143
+ "_view_module_version": "2.0.0",
2144
+ "_view_name": "HTMLView",
2145
+ "description": "",
2146
+ "description_allow_html": false,
2147
+ "layout": "IPY_MODEL_2191d49677ae46c7b12116813d547ff7",
2148
+ "placeholder": "​",
2149
+ "style": "IPY_MODEL_5660d83284dc4dfebef0d2de08772aa6",
2150
+ "tabbable": null,
2151
+ "tooltip": null,
2152
+ "value": "tokenizer_config.json: 100%"
2153
+ }
2154
+ },
2155
+ "adbb767ff2d0438aa54f6c58ff1532fb": {
2156
+ "model_module": "@jupyter-widgets/controls",
2157
+ "model_module_version": "2.0.0",
2158
+ "model_name": "FloatProgressModel",
2159
+ "state": {
2160
+ "_dom_classes": [],
2161
+ "_model_module": "@jupyter-widgets/controls",
2162
+ "_model_module_version": "2.0.0",
2163
+ "_model_name": "FloatProgressModel",
2164
+ "_view_count": null,
2165
+ "_view_module": "@jupyter-widgets/controls",
2166
+ "_view_module_version": "2.0.0",
2167
+ "_view_name": "ProgressView",
2168
+ "bar_style": "success",
2169
+ "description": "",
2170
+ "description_allow_html": false,
2171
+ "layout": "IPY_MODEL_9d84c2eca0394d99b9940c9d3c170279",
2172
+ "max": 873587410,
2173
+ "min": 0,
2174
+ "orientation": "horizontal",
2175
+ "style": "IPY_MODEL_5c2c60b6aa3c4bb198e2db7e39358b9d",
2176
+ "tabbable": null,
2177
+ "tooltip": null,
2178
+ "value": 873587410
2179
+ }
2180
+ },
2181
+ "ae1b4e060d39475db575f2aee021d97c": {
2182
+ "model_module": "@jupyter-widgets/controls",
2183
+ "model_module_version": "2.0.0",
2184
+ "model_name": "HTMLStyleModel",
2185
+ "state": {
2186
+ "_model_module": "@jupyter-widgets/controls",
2187
+ "_model_module_version": "2.0.0",
2188
+ "_model_name": "HTMLStyleModel",
2189
+ "_view_count": null,
2190
+ "_view_module": "@jupyter-widgets/base",
2191
+ "_view_module_version": "2.0.0",
2192
+ "_view_name": "StyleView",
2193
+ "background": null,
2194
+ "description_width": "",
2195
+ "font_size": null,
2196
+ "text_color": null
2197
+ }
2198
+ },
2199
+ "bfcb6c8a947a42c29ff6dae194769252": {
2200
+ "model_module": "@jupyter-widgets/base",
2201
+ "model_module_version": "2.0.0",
2202
+ "model_name": "LayoutModel",
2203
+ "state": {
2204
+ "_model_module": "@jupyter-widgets/base",
2205
+ "_model_module_version": "2.0.0",
2206
+ "_model_name": "LayoutModel",
2207
+ "_view_count": null,
2208
+ "_view_module": "@jupyter-widgets/base",
2209
+ "_view_module_version": "2.0.0",
2210
+ "_view_name": "LayoutView",
2211
+ "align_content": null,
2212
+ "align_items": null,
2213
+ "align_self": null,
2214
+ "border_bottom": null,
2215
+ "border_left": null,
2216
+ "border_right": null,
2217
+ "border_top": null,
2218
+ "bottom": null,
2219
+ "display": null,
2220
+ "flex": null,
2221
+ "flex_flow": null,
2222
+ "grid_area": null,
2223
+ "grid_auto_columns": null,
2224
+ "grid_auto_flow": null,
2225
+ "grid_auto_rows": null,
2226
+ "grid_column": null,
2227
+ "grid_gap": null,
2228
+ "grid_row": null,
2229
+ "grid_template_areas": null,
2230
+ "grid_template_columns": null,
2231
+ "grid_template_rows": null,
2232
+ "height": null,
2233
+ "justify_content": null,
2234
+ "justify_items": null,
2235
+ "left": null,
2236
+ "margin": null,
2237
+ "max_height": null,
2238
+ "max_width": null,
2239
+ "min_height": null,
2240
+ "min_width": null,
2241
+ "object_fit": null,
2242
+ "object_position": null,
2243
+ "order": null,
2244
+ "overflow": null,
2245
+ "padding": null,
2246
+ "right": null,
2247
+ "top": null,
2248
+ "visibility": null,
2249
+ "width": null
2250
+ }
2251
+ },
2252
+ "cdead86c122e45c4812dd763da70ccea": {
2253
+ "model_module": "@jupyter-widgets/controls",
2254
+ "model_module_version": "2.0.0",
2255
+ "model_name": "ButtonModel",
2256
+ "state": {
2257
+ "_dom_classes": [],
2258
+ "_model_module": "@jupyter-widgets/controls",
2259
+ "_model_module_version": "2.0.0",
2260
+ "_model_name": "ButtonModel",
2261
+ "_view_count": null,
2262
+ "_view_module": "@jupyter-widgets/controls",
2263
+ "_view_module_version": "2.0.0",
2264
+ "_view_name": "ButtonView",
2265
+ "button_style": "",
2266
+ "description": "Login",
2267
+ "disabled": false,
2268
+ "icon": "",
2269
+ "layout": "IPY_MODEL_dc35028c16744a4691cf3db59b19e989",
2270
+ "style": "IPY_MODEL_1dc60e1ec68848b38a4b9357395e86c7",
2271
+ "tabbable": null,
2272
+ "tooltip": null
2273
+ }
2274
+ },
2275
+ "dbc24b2faba24bbe985cd8e7211ab2a1": {
2276
+ "model_module": "@jupyter-widgets/base",
2277
+ "model_module_version": "2.0.0",
2278
+ "model_name": "LayoutModel",
2279
+ "state": {
2280
+ "_model_module": "@jupyter-widgets/base",
2281
+ "_model_module_version": "2.0.0",
2282
+ "_model_name": "LayoutModel",
2283
+ "_view_count": null,
2284
+ "_view_module": "@jupyter-widgets/base",
2285
+ "_view_module_version": "2.0.0",
2286
+ "_view_name": "LayoutView",
2287
+ "align_content": null,
2288
+ "align_items": null,
2289
+ "align_self": null,
2290
+ "border_bottom": null,
2291
+ "border_left": null,
2292
+ "border_right": null,
2293
+ "border_top": null,
2294
+ "bottom": null,
2295
+ "display": null,
2296
+ "flex": null,
2297
+ "flex_flow": null,
2298
+ "grid_area": null,
2299
+ "grid_auto_columns": null,
2300
+ "grid_auto_flow": null,
2301
+ "grid_auto_rows": null,
2302
+ "grid_column": null,
2303
+ "grid_gap": null,
2304
+ "grid_row": null,
2305
+ "grid_template_areas": null,
2306
+ "grid_template_columns": null,
2307
+ "grid_template_rows": null,
2308
+ "height": null,
2309
+ "justify_content": null,
2310
+ "justify_items": null,
2311
+ "left": null,
2312
+ "margin": null,
2313
+ "max_height": null,
2314
+ "max_width": null,
2315
+ "min_height": null,
2316
+ "min_width": null,
2317
+ "object_fit": null,
2318
+ "object_position": null,
2319
+ "order": null,
2320
+ "overflow": null,
2321
+ "padding": null,
2322
+ "right": null,
2323
+ "top": null,
2324
+ "visibility": null,
2325
+ "width": null
2326
+ }
2327
+ },
2328
+ "dc35028c16744a4691cf3db59b19e989": {
2329
+ "model_module": "@jupyter-widgets/base",
2330
+ "model_module_version": "2.0.0",
2331
+ "model_name": "LayoutModel",
2332
+ "state": {
2333
+ "_model_module": "@jupyter-widgets/base",
2334
+ "_model_module_version": "2.0.0",
2335
+ "_model_name": "LayoutModel",
2336
+ "_view_count": null,
2337
+ "_view_module": "@jupyter-widgets/base",
2338
+ "_view_module_version": "2.0.0",
2339
+ "_view_name": "LayoutView",
2340
+ "align_content": null,
2341
+ "align_items": null,
2342
+ "align_self": null,
2343
+ "border_bottom": null,
2344
+ "border_left": null,
2345
+ "border_right": null,
2346
+ "border_top": null,
2347
+ "bottom": null,
2348
+ "display": null,
2349
+ "flex": null,
2350
+ "flex_flow": null,
2351
+ "grid_area": null,
2352
+ "grid_auto_columns": null,
2353
+ "grid_auto_flow": null,
2354
+ "grid_auto_rows": null,
2355
+ "grid_column": null,
2356
+ "grid_gap": null,
2357
+ "grid_row": null,
2358
+ "grid_template_areas": null,
2359
+ "grid_template_columns": null,
2360
+ "grid_template_rows": null,
2361
+ "height": null,
2362
+ "justify_content": null,
2363
+ "justify_items": null,
2364
+ "left": null,
2365
+ "margin": null,
2366
+ "max_height": null,
2367
+ "max_width": null,
2368
+ "min_height": null,
2369
+ "min_width": null,
2370
+ "object_fit": null,
2371
+ "object_position": null,
2372
+ "order": null,
2373
+ "overflow": null,
2374
+ "padding": null,
2375
+ "right": null,
2376
+ "top": null,
2377
+ "visibility": null,
2378
+ "width": null
2379
+ }
2380
+ },
2381
+ "e040116d906141aebf9705418b99e8bf": {
2382
+ "model_module": "@jupyter-widgets/controls",
2383
+ "model_module_version": "2.0.0",
2384
+ "model_name": "HTMLModel",
2385
+ "state": {
2386
+ "_dom_classes": [],
2387
+ "_model_module": "@jupyter-widgets/controls",
2388
+ "_model_module_version": "2.0.0",
2389
+ "_model_name": "HTMLModel",
2390
+ "_view_count": null,
2391
+ "_view_module": "@jupyter-widgets/controls",
2392
+ "_view_module_version": "2.0.0",
2393
+ "_view_name": "HTMLView",
2394
+ "description": "",
2395
+ "description_allow_html": false,
2396
+ "layout": "IPY_MODEL_069583cf6e8b432881abc7e0d02e1b7e",
2397
+ "placeholder": "​",
2398
+ "style": "IPY_MODEL_07e5fae79cfb4a7fb37dcb0840238572",
2399
+ "tabbable": null,
2400
+ "tooltip": null,
2401
+ "value": "model.safetensors: 100%"
2402
+ }
2403
+ },
2404
+ "e252e8018ad6461694da545648cc218b": {
2405
+ "model_module": "@jupyter-widgets/base",
2406
+ "model_module_version": "2.0.0",
2407
+ "model_name": "LayoutModel",
2408
+ "state": {
2409
+ "_model_module": "@jupyter-widgets/base",
2410
+ "_model_module_version": "2.0.0",
2411
+ "_model_name": "LayoutModel",
2412
+ "_view_count": null,
2413
+ "_view_module": "@jupyter-widgets/base",
2414
+ "_view_module_version": "2.0.0",
2415
+ "_view_name": "LayoutView",
2416
+ "align_content": null,
2417
+ "align_items": null,
2418
+ "align_self": null,
2419
+ "border_bottom": null,
2420
+ "border_left": null,
2421
+ "border_right": null,
2422
+ "border_top": null,
2423
+ "bottom": null,
2424
+ "display": null,
2425
+ "flex": null,
2426
+ "flex_flow": null,
2427
+ "grid_area": null,
2428
+ "grid_auto_columns": null,
2429
+ "grid_auto_flow": null,
2430
+ "grid_auto_rows": null,
2431
+ "grid_column": null,
2432
+ "grid_gap": null,
2433
+ "grid_row": null,
2434
+ "grid_template_areas": null,
2435
+ "grid_template_columns": null,
2436
+ "grid_template_rows": null,
2437
+ "height": null,
2438
+ "justify_content": null,
2439
+ "justify_items": null,
2440
+ "left": null,
2441
+ "margin": null,
2442
+ "max_height": null,
2443
+ "max_width": null,
2444
+ "min_height": null,
2445
+ "min_width": null,
2446
+ "object_fit": null,
2447
+ "object_position": null,
2448
+ "order": null,
2449
+ "overflow": null,
2450
+ "padding": null,
2451
+ "right": null,
2452
+ "top": null,
2453
+ "visibility": null,
2454
+ "width": null
2455
+ }
2456
+ },
2457
+ "ee81d4969c1d4d98bade7c1fe162b7ca": {
2458
+ "model_module": "@jupyter-widgets/controls",
2459
+ "model_module_version": "2.0.0",
2460
+ "model_name": "HBoxModel",
2461
+ "state": {
2462
+ "_dom_classes": [],
2463
+ "_model_module": "@jupyter-widgets/controls",
2464
+ "_model_module_version": "2.0.0",
2465
+ "_model_name": "HBoxModel",
2466
+ "_view_count": null,
2467
+ "_view_module": "@jupyter-widgets/controls",
2468
+ "_view_module_version": "2.0.0",
2469
+ "_view_name": "HBoxView",
2470
+ "box_style": "",
2471
+ "children": [
2472
+ "IPY_MODEL_e040116d906141aebf9705418b99e8bf",
2473
+ "IPY_MODEL_adbb767ff2d0438aa54f6c58ff1532fb",
2474
+ "IPY_MODEL_a7440cfcb56b4a4789fb5fcd743d9e59"
2475
+ ],
2476
+ "layout": "IPY_MODEL_dbc24b2faba24bbe985cd8e7211ab2a1",
2477
+ "tabbable": null,
2478
+ "tooltip": null
2479
+ }
2480
+ },
2481
+ "ee8809fdbdd14d9a939fd09a2d800569": {
2482
+ "model_module": "@jupyter-widgets/controls",
2483
+ "model_module_version": "2.0.0",
2484
+ "model_name": "ProgressStyleModel",
2485
+ "state": {
2486
+ "_model_module": "@jupyter-widgets/controls",
2487
+ "_model_module_version": "2.0.0",
2488
+ "_model_name": "ProgressStyleModel",
2489
+ "_view_count": null,
2490
+ "_view_module": "@jupyter-widgets/base",
2491
+ "_view_module_version": "2.0.0",
2492
+ "_view_name": "StyleView",
2493
+ "bar_color": null,
2494
+ "description_width": ""
2495
+ }
2496
+ },
2497
+ "f8a3a31113814e0ba88555540f48731b": {
2498
+ "model_module": "@jupyter-widgets/controls",
2499
+ "model_module_version": "2.0.0",
2500
+ "model_name": "HTMLModel",
2501
+ "state": {
2502
+ "_dom_classes": [],
2503
+ "_model_module": "@jupyter-widgets/controls",
2504
+ "_model_module_version": "2.0.0",
2505
+ "_model_name": "HTMLModel",
2506
+ "_view_count": null,
2507
+ "_view_module": "@jupyter-widgets/controls",
2508
+ "_view_module_version": "2.0.0",
2509
+ "_view_name": "HTMLView",
2510
+ "description": "",
2511
+ "description_allow_html": false,
2512
+ "layout": "IPY_MODEL_16db4c1eaf8146eea28be07e122410dc",
2513
+ "placeholder": "​",
2514
+ "style": "IPY_MODEL_177e148a2c1a42e2affb19b3c97f3824",
2515
+ "tabbable": null,
2516
+ "tooltip": null,
2517
+ "value": "spm.model: 100%"
2518
+ }
2519
+ },
2520
+ "f92e3a4990824985b32bc22144bda268": {
2521
+ "model_module": "@jupyter-widgets/controls",
2522
+ "model_module_version": "2.0.0",
2523
+ "model_name": "HTMLStyleModel",
2524
+ "state": {
2525
+ "_model_module": "@jupyter-widgets/controls",
2526
+ "_model_module_version": "2.0.0",
2527
+ "_model_name": "HTMLStyleModel",
2528
+ "_view_count": null,
2529
+ "_view_module": "@jupyter-widgets/base",
2530
+ "_view_module_version": "2.0.0",
2531
+ "_view_name": "StyleView",
2532
+ "background": null,
2533
+ "description_width": "",
2534
+ "font_size": null,
2535
+ "text_color": null
2536
+ }
2537
+ },
2538
+ "fb9784918d75440eadaf34da533bfa7f": {
2539
+ "model_module": "@jupyter-widgets/base",
2540
+ "model_module_version": "2.0.0",
2541
+ "model_name": "LayoutModel",
2542
+ "state": {
2543
+ "_model_module": "@jupyter-widgets/base",
2544
+ "_model_module_version": "2.0.0",
2545
+ "_model_name": "LayoutModel",
2546
+ "_view_count": null,
2547
+ "_view_module": "@jupyter-widgets/base",
2548
+ "_view_module_version": "2.0.0",
2549
+ "_view_name": "LayoutView",
2550
+ "align_content": null,
2551
+ "align_items": null,
2552
+ "align_self": null,
2553
+ "border_bottom": null,
2554
+ "border_left": null,
2555
+ "border_right": null,
2556
+ "border_top": null,
2557
+ "bottom": null,
2558
+ "display": null,
2559
+ "flex": null,
2560
+ "flex_flow": null,
2561
+ "grid_area": null,
2562
+ "grid_auto_columns": null,
2563
+ "grid_auto_flow": null,
2564
+ "grid_auto_rows": null,
2565
+ "grid_column": null,
2566
+ "grid_gap": null,
2567
+ "grid_row": null,
2568
+ "grid_template_areas": null,
2569
+ "grid_template_columns": null,
2570
+ "grid_template_rows": null,
2571
+ "height": null,
2572
+ "justify_content": null,
2573
+ "justify_items": null,
2574
+ "left": null,
2575
+ "margin": null,
2576
+ "max_height": null,
2577
+ "max_width": null,
2578
+ "min_height": null,
2579
+ "min_width": null,
2580
+ "object_fit": null,
2581
+ "object_position": null,
2582
+ "order": null,
2583
+ "overflow": null,
2584
+ "padding": null,
2585
+ "right": null,
2586
+ "top": null,
2587
+ "visibility": null,
2588
+ "width": null
2589
+ }
2590
+ },
2591
+ "fc06462f0f7e401e89e738ce16f15080": {
2592
+ "model_module": "@jupyter-widgets/controls",
2593
+ "model_module_version": "2.0.0",
2594
+ "model_name": "FloatProgressModel",
2595
+ "state": {
2596
+ "_dom_classes": [],
2597
+ "_model_module": "@jupyter-widgets/controls",
2598
+ "_model_module_version": "2.0.0",
2599
+ "_model_name": "FloatProgressModel",
2600
+ "_view_count": null,
2601
+ "_view_module": "@jupyter-widgets/controls",
2602
+ "_view_module_version": "2.0.0",
2603
+ "_view_name": "ProgressView",
2604
+ "bar_style": "success",
2605
+ "description": "",
2606
+ "description_allow_html": false,
2607
+ "layout": "IPY_MODEL_e252e8018ad6461694da545648cc218b",
2608
+ "max": 52,
2609
+ "min": 0,
2610
+ "orientation": "horizontal",
2611
+ "style": "IPY_MODEL_7f48fce163c14d678a55c94524c97877",
2612
+ "tabbable": null,
2613
+ "tooltip": null,
2614
+ "value": 52
2615
+ }
2616
+ },
2617
+ "ff14fb3db5d24ad99736c82ac409c4a2": {
2618
+ "model_module": "@jupyter-widgets/base",
2619
+ "model_module_version": "2.0.0",
2620
+ "model_name": "LayoutModel",
2621
+ "state": {
2622
+ "_model_module": "@jupyter-widgets/base",
2623
+ "_model_module_version": "2.0.0",
2624
+ "_model_name": "LayoutModel",
2625
+ "_view_count": null,
2626
+ "_view_module": "@jupyter-widgets/base",
2627
+ "_view_module_version": "2.0.0",
2628
+ "_view_name": "LayoutView",
2629
+ "align_content": null,
2630
+ "align_items": null,
2631
+ "align_self": null,
2632
+ "border_bottom": null,
2633
+ "border_left": null,
2634
+ "border_right": null,
2635
+ "border_top": null,
2636
+ "bottom": null,
2637
+ "display": null,
2638
+ "flex": null,
2639
+ "flex_flow": null,
2640
+ "grid_area": null,
2641
+ "grid_auto_columns": null,
2642
+ "grid_auto_flow": null,
2643
+ "grid_auto_rows": null,
2644
+ "grid_column": null,
2645
+ "grid_gap": null,
2646
+ "grid_row": null,
2647
+ "grid_template_areas": null,
2648
+ "grid_template_columns": null,
2649
+ "grid_template_rows": null,
2650
+ "height": null,
2651
+ "justify_content": null,
2652
+ "justify_items": null,
2653
+ "left": null,
2654
+ "margin": null,
2655
+ "max_height": null,
2656
+ "max_width": null,
2657
+ "min_height": null,
2658
+ "min_width": null,
2659
+ "object_fit": null,
2660
+ "object_position": null,
2661
+ "order": null,
2662
+ "overflow": null,
2663
+ "padding": null,
2664
+ "right": null,
2665
+ "top": null,
2666
+ "visibility": null,
2667
+ "width": null
2668
+ }
2669
+ }
2670
+ },
2671
+ "version_major": 2,
2672
+ "version_minor": 0
2673
+ }
2674
+ }
2675
+ },
2676
+ "nbformat": 4,
2677
+ "nbformat_minor": 5
2678
+ }