You cannot select more than 25 topics Topics must start with a letter or number, can include dashes ('-') and can be up to 35 characters long.
llm-course/Introduction_to_Weight_Quan...

2822 lines
587 KiB
Plaintext

{
"cells": [
{
"cell_type": "markdown",
"metadata": {
"id": "view-in-github",
"colab_type": "text"
},
"source": [
"<a href=\"https://colab.research.google.com/github/mlabonne/llm-course/blob/main/Introduction_to_Weight_Quantization.ipynb\" target=\"_parent\"><img src=\"https://colab.research.google.com/assets/colab-badge.svg\" alt=\"Open In Colab\"/></a>"
]
},
{
"cell_type": "markdown",
"source": [
"# Introduction to Weight Quantization\n",
"> Reducing the size of Large Language Models with 8-bit quantization\n",
"\n",
"❤️ Created by [@maximelabonne](https://twitter.com/maximelabonne).\n",
"\n",
"Companion notebook to execute the code from the following article: https://mlabonne.github.io/blog/intro_weight_quantization/"
],
"metadata": {
"id": "yG1VY-TJoxix"
}
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {
"id": "WMVwLxdUzlq2"
},
"outputs": [],
"source": [
"import torch\n",
"\n",
"def absmax_quantize(X):\n",
" # Calculate scale\n",
" scale = 127 / torch.max(torch.abs(X))\n",
"\n",
" # Quantize\n",
" X_quant = (scale * X).round()\n",
"\n",
" # Dequantize\n",
" X_dequant = X_quant / scale\n",
"\n",
" return X_quant.to(torch.int8), X_dequant"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {
"id": "CE7XqWOR6oCa"
},
"outputs": [],
"source": [
"def zeropoint_quantize(X):\n",
" # Calculate value range (denominator)\n",
" x_range = torch.max(X) - torch.min(X)\n",
" x_range = 1 if x_range == 0 else x_range\n",
"\n",
" # Calculate scale\n",
" scale = 255 / x_range\n",
"\n",
" # Shift by zero-point\n",
" zeropoint = (-scale * torch.min(X) - 128).round()\n",
"\n",
" # Scale and round the inputs\n",
" X_quant = torch.clip((X * scale + zeropoint).round(), -128, 127)\n",
"\n",
" # Dequantize\n",
" X_dequant = (X_quant - zeropoint) / scale\n",
"\n",
" return X_quant.to(torch.int8), X_dequant"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {
"id": "lIYdn1woOS1n"
},
"outputs": [],
"source": [
"!pip install -q bitsandbytes>=0.39.0\n",
"!pip install -q git+https://github.com/huggingface/accelerate.git\n",
"!pip install -q git+https://github.com/huggingface/transformers.git"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {
"colab": {
"base_uri": "https://localhost:8080/",
"height": 792,
"referenced_widgets": [
"e7e1636dbc8944c49b375286b8d89fe4",
"ca714b7b6dd94fedb669ce39c6796bc4",
"71616c99117145adaca155701522460b",
"d7364ae105524cfba0eed4095273ed57",
"eeb266ac1aba409184d9ac1fbd433e9c",
"fd1a537d4c1c49b6972f7bad58a24417",
"bb06d9a3f9f64821b7839ce777580c4b",
"c53b9dc02f144a91aeca032b8b67259b",
"e5a0a603b6ee48c8ab7e5f5bcb62c3ff",
"15a5a3eb178348ef83cb7d02198636b3",
"47b5db2b2caa48cca14ea162ed5e7bd3",
"7784bd5d3f1b4ac890a711c01bd653cb",
"7626f77200244f489150c2c4c6794e53",
"1482e979e3ae4731b9b673b5a7db44ab",
"d95190bba0364de99f04bb9adad173b5",
"2f4124fead964700a4158cf1373bf74e",
"6288899dd1c64a779d79e17095b8ea9d",
"c013211a09134f42934ac041f86b5cfe",
"85e096686a604059a0a61afacedac67b",
"0a23f8cda4484b6ca80c14b6691cc56d",
"dcb679577da0472c841ab985ef92618f",
"c7438dd71b964dea809e9f4a95046439",
"0e047a8a2a0e4337b17f3e8612044967",
"69e9a5bb2972442b9895e70210274c8d",
"768c433b555b43669de698cf9c738d79",
"43a348d835cd4eb4936d8d89c6999de7",
"715ab0815132494892001b7a15ebd9ed",
"9290f81e9e5d4a39b28a3836d6472886",
"fba8130749824daaa73c5890c773e900",
"de639b2a33e34fc593136c7bb07da47b",
"d804702825694057a213fbae380b94d6",
"b1d0c88f5b87449380a29956147b867a",
"38888cadff0a472e96c4925e2881a755",
"681a9a78878945b7b6afb2d87b769146",
"55add7bdffbe4ddea4fb7407aa61fbc8",
"a3a20248b4e843249ec3a10d7c8e84ad",
"e1ef7e3213a446a4815a84b8aab67576",
"6a9c13356d424bd6bad9565a14f28f16",
"c4f633e0dcb74c8992c482efc80ebe31",
"d8f5dafc06ca4bf0b28a7101ebe7a07e",
"d12f1b2228d444948862d94d769d0b0d",
"216cb64c2b4a41eb8114176608f6a0ca",
"0747780fac22461a8d8ef53dbb18ca39",
"4fdb1280c19a4df6ba35a95abf9862f0",
"cea83a47549a4ddb91eae020d1cd943c",
"f1f75a95e2094ebb9d5a891447008a7b",
"12a91a0d7ff94165a75640b285c08a52",
"dd3fa44234334118918ef5c632ee65d1",
"2463480560e14307864ba9743dc5d41d",
"06d0c57030474d008ff4bbafa1e35695",
"450cb6fd2bec48dfb73869cffd3d5c9f",
"a893cd0d7cd74a53b0a6504af7580f65",
"290836d667df420597ccbe2b934ca5ed",
"1d57938333654dd49156e6d488688d13",
"1ca5165f5f4443d5a20cf361b01922d1",
"90cf2d52029d4392aaea970508506261",
"c0c5a26685dc414f9a1295f077c81488",
"82d9759ea89a44feb72b57ca67bc7f2a",
"f8b92ab82eb64c57bafb1f37ef34af1b",
"8d78e5c72f894275b504948461193b66",
"77b9f13345b24caaa7afc3bd43e33eba",
"57b079495f844af684c24bb1cd711bf0",
"0227537a636e41cb93abc9e416015cce",
"b45e6e8aa21f47c1821f2b24a2f46944",
"8257dc1927514846b51511bc387a54db",
"7e7d6bc9b8544e078003d2fe6c74dcef"
]
},
"id": "NTDg7uUOGBmS",
"outputId": "cc48b090-31d1-41ae-ca5c-dbffcb67bcb6"
},
"outputs": [
{
"output_type": "display_data",
"data": {
"text/plain": [
"Downloading (…)lve/main/config.json: 0%| | 0.00/665 [00:00<?, ?B/s]"
],
"application/vnd.jupyter.widget-view+json": {
"version_major": 2,
"version_minor": 0,
"model_id": "e7e1636dbc8944c49b375286b8d89fe4"
}
},
"metadata": {}
},
{
"output_type": "stream",
"name": "stdout",
"text": [
"\n",
"===================================BUG REPORT===================================\n",
"Welcome to bitsandbytes. For bug reports, please run\n",
"\n",
"python -m bitsandbytes\n",
"\n",
" and submit this information together with your error trace to: https://github.com/TimDettmers/bitsandbytes/issues\n",
"================================================================================\n",
"bin /usr/local/lib/python3.10/dist-packages/bitsandbytes/libbitsandbytes_cuda118.so\n",
"CUDA_SETUP: WARNING! libcudart.so not found in any environmental path. Searching in backup paths...\n",
"CUDA SETUP: CUDA runtime path found: /usr/local/cuda/lib64/libcudart.so.11.0\n",
"CUDA SETUP: Highest compute capability among GPUs detected: 7.5\n",
"CUDA SETUP: Detected CUDA version 118\n",
"CUDA SETUP: Loading binary /usr/local/lib/python3.10/dist-packages/bitsandbytes/libbitsandbytes_cuda118.so...\n"
]
},
{
"output_type": "stream",
"name": "stderr",
"text": [
"/usr/local/lib/python3.10/dist-packages/bitsandbytes/cuda_setup/main.py:149: UserWarning: /usr/lib64-nvidia did not contain ['libcudart.so', 'libcudart.so.11.0', 'libcudart.so.12.0'] as expected! Searching further paths...\n",
" warn(msg)\n",
"/usr/local/lib/python3.10/dist-packages/bitsandbytes/cuda_setup/main.py:149: UserWarning: WARNING: The following directories listed in your path were found to be non-existent: {PosixPath('/sys/fs/cgroup/memory.events /var/colab/cgroup/jupyter-children/memory.events')}\n",
" warn(msg)\n",
"/usr/local/lib/python3.10/dist-packages/bitsandbytes/cuda_setup/main.py:149: UserWarning: WARNING: The following directories listed in your path were found to be non-existent: {PosixPath('http'), PosixPath('//172.28.0.1'), PosixPath('8013')}\n",
" warn(msg)\n",
"/usr/local/lib/python3.10/dist-packages/bitsandbytes/cuda_setup/main.py:149: UserWarning: WARNING: The following directories listed in your path were found to be non-existent: {PosixPath('--logtostderr --listen_host=172.28.0.12 --target_host=172.28.0.12 --tunnel_background_save_url=https'), PosixPath('//colab.research.google.com/tun/m/cc48301118ce562b961b3c22d803539adc1e0c19/gpu-t4-s-20b5bv2xvtu9a --tunnel_background_save_delay=10s --tunnel_periodic_background_save_frequency=30m0s --enable_output_coalescing=true --output_coalescing_required=true')}\n",
" warn(msg)\n",
"/usr/local/lib/python3.10/dist-packages/bitsandbytes/cuda_setup/main.py:149: UserWarning: WARNING: The following directories listed in your path were found to be non-existent: {PosixPath('/env/python')}\n",
" warn(msg)\n",
"/usr/local/lib/python3.10/dist-packages/bitsandbytes/cuda_setup/main.py:149: UserWarning: WARNING: The following directories listed in your path were found to be non-existent: {PosixPath('module'), PosixPath('//ipykernel.pylab.backend_inline')}\n",
" warn(msg)\n",
"/usr/local/lib/python3.10/dist-packages/bitsandbytes/cuda_setup/main.py:149: UserWarning: Found duplicate ['libcudart.so', 'libcudart.so.11.0', 'libcudart.so.12.0'] files: {PosixPath('/usr/local/cuda/lib64/libcudart.so.11.0'), PosixPath('/usr/local/cuda/lib64/libcudart.so')}.. We'll flip a coin and try one of these, in order to fail forward.\n",
"Either way, this might cause trouble in the future:\n",
"If you get `CUDA error: invalid device function` errors, the above might be the cause and the solution is to make sure only one ['libcudart.so', 'libcudart.so.11.0', 'libcudart.so.12.0'] in the paths that we search based on your env.\n",
" warn(msg)\n"
]
},
{
"output_type": "display_data",
"data": {
"text/plain": [
"Downloading model.safetensors: 0%| | 0.00/548M [00:00<?, ?B/s]"
],
"application/vnd.jupyter.widget-view+json": {
"version_major": 2,
"version_minor": 0,
"model_id": "7784bd5d3f1b4ac890a711c01bd653cb"
}
},
"metadata": {}
},
{
"output_type": "display_data",
"data": {
"text/plain": [
"Downloading (…)neration_config.json: 0%| | 0.00/124 [00:00<?, ?B/s]"
],
"application/vnd.jupyter.widget-view+json": {
"version_major": 2,
"version_minor": 0,
"model_id": "0e047a8a2a0e4337b17f3e8612044967"
}
},
"metadata": {}
},
{
"output_type": "display_data",
"data": {
"text/plain": [
"Downloading (…)olve/main/vocab.json: 0%| | 0.00/1.04M [00:00<?, ?B/s]"
],
"application/vnd.jupyter.widget-view+json": {
"version_major": 2,
"version_minor": 0,
"model_id": "681a9a78878945b7b6afb2d87b769146"
}
},
"metadata": {}
},
{
"output_type": "display_data",
"data": {
"text/plain": [
"Downloading (…)olve/main/merges.txt: 0%| | 0.00/456k [00:00<?, ?B/s]"
],
"application/vnd.jupyter.widget-view+json": {
"version_major": 2,
"version_minor": 0,
"model_id": "cea83a47549a4ddb91eae020d1cd943c"
}
},
"metadata": {}
},
{
"output_type": "display_data",
"data": {
"text/plain": [
"Downloading (…)/main/tokenizer.json: 0%| | 0.00/1.36M [00:00<?, ?B/s]"
],
"application/vnd.jupyter.widget-view+json": {
"version_major": 2,
"version_minor": 0,
"model_id": "90cf2d52029d4392aaea970508506261"
}
},
"metadata": {}
},
{
"output_type": "stream",
"name": "stdout",
"text": [
"Model size: 510,342,192 bytes\n"
]
}
],
"source": [
"from transformers import AutoModelForCausalLM, AutoTokenizer\n",
"import torch\n",
"torch.manual_seed(0)\n",
"\n",
"# Set device to CPU for now\n",
"device = 'cpu'\n",
"\n",
"# Load model and tokenizer\n",
"model_id = 'gpt2'\n",
"model = AutoModelForCausalLM.from_pretrained(model_id).to(device)\n",
"tokenizer = AutoTokenizer.from_pretrained(model_id)\n",
"\n",
"# Print model size\n",
"print(f\"Model size: {model.get_memory_footprint():,} bytes\")"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {
"colab": {
"base_uri": "https://localhost:8080/"
},
"id": "YPI1EaimHyHm",
"outputId": "977e9b34-9426-46a1-d6c2-da80884b7483"
},
"outputs": [
{
"output_type": "stream",
"name": "stdout",
"text": [
"Original weights:\n",
"tensor([[-0.4738, -0.2614, -0.0978, ..., 0.0513, -0.0584, 0.0250],\n",
" [ 0.0874, 0.1473, 0.2387, ..., -0.0525, -0.0113, -0.0156],\n",
" [ 0.0039, 0.0695, 0.3668, ..., 0.1143, 0.0363, -0.0318],\n",
" ...,\n",
" [-0.2592, -0.0164, 0.1991, ..., 0.0095, -0.0516, 0.0319],\n",
" [ 0.1517, 0.2170, 0.1043, ..., 0.0293, -0.0429, -0.0475],\n",
" [-0.4100, -0.1924, -0.2400, ..., -0.0046, 0.0070, 0.0198]])\n",
"\n",
"Absmax quantized weights:\n",
"tensor([[-21, -12, -4, ..., 2, -3, 1],\n",
" [ 4, 7, 11, ..., -2, -1, -1],\n",
" [ 0, 3, 16, ..., 5, 2, -1],\n",
" ...,\n",
" [-12, -1, 9, ..., 0, -2, 1],\n",
" [ 7, 10, 5, ..., 1, -2, -2],\n",
" [-18, -9, -11, ..., 0, 0, 1]], dtype=torch.int8)\n",
"\n",
"Zero-point quantized weights:\n",
"tensor([[-20, -11, -3, ..., 3, -2, 2],\n",
" [ 5, 8, 12, ..., -1, 0, 0],\n",
" [ 1, 4, 18, ..., 6, 3, 0],\n",
" ...,\n",
" [-11, 0, 10, ..., 1, -1, 2],\n",
" [ 8, 11, 6, ..., 2, -1, -1],\n",
" [-18, -8, -10, ..., 1, 1, 2]], dtype=torch.int8)\n"
]
}
],
"source": [
"# Extract weights of the first layer\n",
"weights = model.transformer.h[0].attn.c_attn.weight.data\n",
"print(\"Original weights:\")\n",
"print(weights)\n",
"\n",
"# Quantize layer using absmax quantization\n",
"weights_abs_quant, _ = absmax_quantize(weights)\n",
"print(\"\\nAbsmax quantized weights:\")\n",
"print(weights_abs_quant)\n",
"\n",
"# Quantize layer using absmax quantization\n",
"weights_zp_quant, _ = zeropoint_quantize(weights)\n",
"print(\"\\nZero-point quantized weights:\")\n",
"print(weights_zp_quant)"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {
"id": "5i2N7HC9Mmn7"
},
"outputs": [],
"source": [
"import numpy as np\n",
"from copy import deepcopy\n",
"\n",
"# Store original weights\n",
"weights = [param.data.clone() for param in model.parameters()]\n",
"\n",
"# Create model to quantize\n",
"model_abs = deepcopy(model)\n",
"\n",
"# Quantize all model weights\n",
"weights_abs = []\n",
"for param in model_abs.parameters():\n",
" _, dequantized = absmax_quantize(param.data)\n",
" param.data = dequantized\n",
" weights_abs.append(dequantized)\n",
"\n",
"# Create model to quantize\n",
"model_zp = deepcopy(model)\n",
"\n",
"# Quantize all model weights\n",
"weights_zp = []\n",
"for param in model_zp.parameters():\n",
" _, dequantized = zeropoint_quantize(param.data)\n",
" param.data = dequantized\n",
" weights_zp.append(dequantized)"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {
"colab": {
"base_uri": "https://localhost:8080/",
"height": 1000
},
"id": "FlM_jWwpHh34",
"outputId": "0705932d-ec5a-4cb1-cc92-08072c014ee7"
},
"outputs": [
{
"output_type": "display_data",
"data": {
"text/plain": [
"<Figure size 3000x3000 with 2 Axes>"
],
"image/png": "iVBORw0KGgoAAAANSUhEUgAAC4gAAAuICAYAAAAdnHDsAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMSwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy/bCgiHAAAACXBIWXMAAC4jAAAuIwF4pT92AAEAAElEQVR4nOzdd1QUZ9sG8Gvp0kUBOwh2xYLYFbErRGOvsUWNiTHRaDRGTdRUNSbqG0ti7LHGGnsvYEGxYMcKqCiCSEfqzvdHjn4qM8uW2QJcv3P2HJ1n556bnd2ZZ2bueUYhCIIAIiIiIiIiIiIiIiIiIiIiIiIiIiIiIir0zIydABERERERERERERERERERERERERERERHJgwXiREREREREREREREREREREREREREREREUEC8SJiIiIiIiIiIiIiIiIiIiIiIiIiIiIiggWiBMREREREREREREREREREREREREREREVESwQJyIiIiIiIiIiIiIiIiIiIiIiIiIiIioiWCBOREREREREREREREREREREREREREREVESwQJyIiIiIiIiIiIiIiIiIiIiIiIiIiIioiGCBOBEREREREREREREREREREREREREREVERwQJxIiIiIiIiIiIiIiIiIiIiIiIiIiIioiKCBeJERERERERERERERERERERERERERERERQQLxImIiIiIiIiIiIiIiIiIiIiIiIiIiIiKCBaIExERERERERERERERERERERERERERERURLBAnIiIiIiIiIiIiIiIiIiIiIiIiIiIiKiJYIE5ERERERERERERERERERERERERERERURLBAnIiIiIiIiIiIiIiIiIiIiIiIiIiIiKiIYIE4ERERERERERERERERERERERERERERURHBAnEiIiIiIiIiIiIiIiIiIiIiIiIiIiKiIoIF4kRERERERERERERERERERERERERERERFBAvEiYiIiIiIiIiIiIiIiIiIiIiIiIiIiIoIFogTERERERERERERERERERERERERERERFREsECciIiIiIiIiIiIiIiIiIiIiIiIiIiIqIlggTkRERERERERERERERERERERERERERFREsECciIiIiIiIiIiIiIiIiIiIiIiIiIiIqIhggTgRERERERERERERERERERERERERERFREcECcSIiIiIiIiIiIiIiIiIiIiIiIiIiIqIiggXiREREREREREREREREREREREREREREREUEC8SJiIiIiIiIiIiIiIiIiIiIiIiIiIiIiggWiBMREREREREREREREREREREREREREREVESwQJyIiIiIiIiIiIiIiIiIiIiIiIiIiIioiWCBOREREREREJu3EiRNQKBT5XgEBAcZOjcgkJScnY+3atfj000/RtGlTeHp6omTJkjA3Nxf9LYWHhxs7ZVKD2LpTKBTGTktvuO03TZ6enqLrJSoqytipUSGyevVq0e/RsGHDjJ1aoTVs2DDRz3T16tXGTo2IiEgvAgICRPd9J06cMHZqpAP2E0kbUVFRot8bT09PY6emN+z/ExERkbosjJ0AEREREZE+ZGVlISkpCRkZGcjMzISVlRVsbW1RunRpWFpaGjs9IiIi2b148QLTp0/H2rVrkZ6ebux09CIzMxNJSUlIT09HTk4O7Ozs4ODgAGdnZ2OnRkRERERkEl68eIH09HSkp6fDysoKdnZ2cHZ2hrW1tbFTIyIiIiIiIiIDYoE4ERERERV6z549w/Hjx3HmzBlcvHgRkZGRiI2NhSAI+d6rUCjg6uqK6tWrw8fHBy1atEDr1q1Rvnx5I2ROREQkj3PnzqFPnz549OiRsVORTVZWFk6cOIGTJ08iNDQUd+7cwZMnT0T37w4ODvD29ka9evXg7++PDh06oGLFikbImoiIipvVq1dj+PDhku3z5s3DxIkTDZgRERUn9+/fx5EjRxASEoKrV6/i/v37yMjIyPc+MzMzVKhQAdWqVXt9LqxVq1awsOClYiIiKT/++CNycnLyTffx8UGvXr1kW05mZiZmz54t2d6lSxc0adJEtuXdu3cP69atE23r1q0bfH19ZVsWERERERkXj/qJiIiIqFDKzMzEunXrsG7dOoSEhECpVKo1nyAIiIuLQ1xcHEJCQrBkyRIAgJ+fH/r06YOhQ4fC3d1dn6kTERHJKjo6GkFBQUhISDB2KrK4evUqFi1ahC1btiApKUmteVJTUxEeHo7w8HCsWbMGCoUCrVq1wogRIzBw4EAWvhARkd4U9Bj3NWvWsECciGSVlZWF1atXY+XKlTh//rxa8yiVSjx8+BAPHz7EkSNHAABubm4YMGAAPvvsM3h7e+szZSKiQmnXrl2i29maNWvKWiB+7tw5zJo1S7L94cOHshaIb9u2TXJ57733nmzLISIiIiLj49UxIiIiIipUsrKysGDBAvz222+Ii4uTLe6FCxdw4cIFTJ8+HX379sX06dNRo0YN2eITERHpy9ChQ4tEcfj9+/cxefJk7NixQ3SUcE0IgoDg4GAEBwdj1qxZ+P777zFw4ECZMiUiIvpPZGQkgoODVb7n2rVruHjxIho2bGigrIioqFIqlVi2bBm+//57PHnyROd4cXFxWLhwIRYvXozBgwfjp59+QpkyZWTIlIqzmTNnajSdyJS1bt1atED81q1biI+Ph6urqyzLKag/WVC7XMtzcHBAgwYNZF0WFW/h4eHYuXNnvun169dH9+7dDZ4PERFRccQCcSIiIiIqNI4dO4aPP/4Yd+/e1dsycnJysH79emzcuBHDhw/H7NmzUbp0ab0tj4iISBfnzp3DyZMnRducnJwwePBgtGrVChUrVoS9vT0UCkW+91WpUkXfaaokCAJ+++03fPPNN3j58qXs8R88eIBBgwZh3bp1+Ouvv1C+fHnZl0FERMXTmjVr1LqpafXq1SwQJyKd3LlzB8OHD8eZM2dkj52bm4tVq1Zh586dWLBgAYYMGSL7Mqj4kBqVmAXiVBi1bt0av/zyi2hbcHCwbKOIF1QAfv/+fcTExMhyPkOpVOL06dOibS1btoS5ubnOyyB6JTw8XHS/MHToUBaIExERGQgLxImIiIjI5CmVSvzwww+YNWsWlEqlwZa5YsUKHDp0CA8fPjTIMomIiDS1cuVK0ene3t44efKkyRdDp6WlYfDgwaKjCclt//798PPzw44dO9C0aVO9L4+IiIo2QRCwdu1atd67ceNG/Prrr7CystJzVkRUFO3btw8DBgxASkqKXpeTmJiIoUOH4ty5c1i4cCEsLHgZmYiKt5YtW8LMzEz0moRcBeI5OTk4e/Zsge8LDg7GgAEDdF5eeHg4kpOTRdtat26tc3wiIiIiMi08siciIiIik5abm4tBgwbhn3/+KfC9JUuWRKdOndCiRQvUrl0blStXhouLC+zs7JCTk4O0tDTExMTg7t27uHDhAk6cOIGwsDCVRef6vvhGRESki1OnTolO/+2330y+ODwpKQnt27fHxYsXVb7PwsICHTp0QKdOneDr64uqVavCyckJlpaWSEtLw+PHj3Hr1i0cO3YMu3fvRkxMjGSs2NhYBAQEYMeOHejSpYvcfxIRERUjJ0+eRGRkpFrvTUhIwJ49e9CzZ089Z0VERc3q1asxYsSIAgdM8PDwQLdu3RAQEIBatWqhTJkysLe3R3Z2NpKSknDnzh1cvHgRBw4cwLFjx1TGW7JkCaKjo7F9+3be2EJExZqTkxPq1auHy5cv52uTepqbpi5evIj09PQC33fy5ElZCsRVjVbOAnEiIiKioocF4kRERERksnJzc9GnT58CRxVt0qQJJk+ejPfee0/ywpW5uTlsbGxQunRp1KtXD7179wYAxMTEYMOGDVi8eDGio6Pl/hOISAYBAQEQBMHYaRCZnLS0NNy6dSvfdGtrawQGBhohI/WlpqaiY8eOKovDra2t8fnnn2P8+PEoV66c6HucnZ3h7OyMOnXqoE+fPli0aBF27tyJ6dOnIyIiQnSerKws9OzZE7t370b79u1l+XsMobhtB7ntJyJTt3r1ao3fzwJxItLEhg0bCiwOr1+/Pn744Qd06
},
"metadata": {}
}
],
"source": [
"import matplotlib.pyplot as plt\n",
"import matplotlib.ticker as ticker\n",
"\n",
"# Flatten weight tensors\n",
"weights = np.concatenate([t.cpu().numpy().flatten() for t in weights])\n",
"weights_abs = np.concatenate([t.cpu().numpy().flatten() for t in weights_abs])\n",
"weights_zp = np.concatenate([t.cpu().numpy().flatten() for t in weights_zp])\n",
"\n",
"# Set background style\n",
"plt.style.use('ggplot')\n",
"\n",
"# Create figure and axes\n",
"fig, axs = plt.subplots(2, figsize=(10,10), dpi=300, sharex=True)\n",
"\n",
"# Plot the histograms for original and zero-point weights\n",
"axs[0].hist(weights, bins=150, alpha=0.5, label='Original weights', color='blue', range=(-2, 2))\n",
"axs[0].hist(weights_abs, bins=150, alpha=0.5, label='Absmax weights', color='red', range=(-2, 2))\n",
"\n",
"# Plot the histograms for original and absmax weights\n",
"axs[1].hist(weights, bins=150, alpha=0.5, label='Original weights', color='blue', range=(-2, 2))\n",
"axs[1].hist(weights_zp, bins=150, alpha=0.5, label='Zero-point weights', color='green', range=(-2, 2))\n",
"\n",
"# Add grid\n",
"for ax in axs:\n",
" ax.grid(True, linestyle='--', alpha=0.6)\n",
"\n",
"# Add legend\n",
"axs[0].legend()\n",
"axs[1].legend()\n",
"\n",
"# Add title and labels\n",
"axs[0].set_title('Comparison of Original and Absmax Quantized Weights', fontsize=16)\n",
"axs[1].set_title('Comparison of Original and Zeropoint Quantized Weights', fontsize=16)\n",
"\n",
"for ax in axs:\n",
" ax.set_xlabel('Weights', fontsize=14)\n",
" ax.set_ylabel('Count', fontsize=14)\n",
" ax.yaxis.set_major_formatter(ticker.EngFormatter()) # Make y-ticks more human readable\n",
"\n",
"# Improve font\n",
"plt.rc('font', size=12)\n",
"\n",
"plt.tight_layout()\n",
"plt.show()\n"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {
"colab": {
"base_uri": "https://localhost:8080/"
},
"id": "PQS5PyPW_L8v",
"outputId": "1b4ee2b5-4097-421e-9e96-f9ae83221137"
},
"outputs": [
{
"output_type": "stream",
"name": "stdout",
"text": [
"Original model:\n",
"I have a dream, and it is a dream I believe I would get to live in my future. I love my mother, and there was that one time I had been told that my family wasn't even that strong. And then I got the\n",
"--------------------------------------------------\n",
"Absmax model:\n",
"I have a dream to find out the origin of her hair. She loves it. But there's no way you could be honest about how her hair is made. She must be crazy.\n",
"\n",
"We found a photo of the hairstyle posted on\n",
"--------------------------------------------------\n",
"Zeropoint model:\n",
"I have a dream of creating two full-time jobs in America—one for people with mental health issues, and one for people who do not suffer from mental illness—or at least have an employment and family history of substance abuse, to work part\n"
]
}
],
"source": [
"def generate_text(model, input_text, max_length=50):\n",
" input_ids = tokenizer.encode(input_text, return_tensors='pt').to(device)\n",
" output = model.generate(inputs=input_ids,\n",
" max_length=max_length,\n",
" do_sample=True,\n",
" top_k=30,\n",
" pad_token_id=tokenizer.eos_token_id,\n",
" attention_mask=input_ids.new_ones(input_ids.shape))\n",
" return tokenizer.decode(output[0], skip_special_tokens=True)\n",
"\n",
"# Generate text with original and quantized models\n",
"original_text = generate_text(model, \"I have a dream\")\n",
"absmax_text = generate_text(model_abs, \"I have a dream\")\n",
"zp_text = generate_text(model_zp, \"I have a dream\")\n",
"\n",
"print(f\"Original model:\\n{original_text}\")\n",
"print(\"-\" * 50)\n",
"print(f\"Absmax model:\\n{absmax_text}\")\n",
"print(\"-\" * 50)\n",
"print(f\"Zeropoint model:\\n{zp_text}\")"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {
"colab": {
"base_uri": "https://localhost:8080/"
},
"id": "py3nuq-WOhwn",
"outputId": "dc738c29-170e-4b6e-e3e0-2fe0c7c34e70"
},
"outputs": [
{
"output_type": "stream",
"name": "stdout",
"text": [
"Original perplexity: 15.53\n",
"Absmax perplexity: 17.92\n",
"Zeropoint perplexity: 17.97\n"
]
}
],
"source": [
"def calculate_perplexity(model, text):\n",
" # Encode the text\n",
" encodings = tokenizer(text, return_tensors='pt').to(device)\n",
"\n",
" # Define input_ids and target_ids\n",
" input_ids = encodings.input_ids\n",
" target_ids = input_ids.clone()\n",
"\n",
" with torch.no_grad():\n",
" outputs = model(input_ids, labels=target_ids)\n",
"\n",
" # Loss calculation\n",
" neg_log_likelihood = outputs.loss\n",
"\n",
" # Perplexity calculation\n",
" ppl = torch.exp(neg_log_likelihood)\n",
"\n",
" return ppl\n",
"\n",
"ppl = calculate_perplexity(model, original_text)\n",
"ppl_abs = calculate_perplexity(model_abs, absmax_text)\n",
"ppl_zp = calculate_perplexity(model_zp, absmax_text)\n",
"\n",
"print(f\"Original perplexity: {ppl.item():.2f}\")\n",
"print(f\"Absmax perplexity: {ppl_abs.item():.2f}\")\n",
"print(f\"Zeropoint perplexity: {ppl_zp.item():.2f}\")"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {
"colab": {
"base_uri": "https://localhost:8080/"
},
"id": "F_4gVonK0XDE",
"outputId": "df61f21e-1d3c-4ba9-9e96-4226f2532435"
},
"outputs": [
{
"output_type": "stream",
"name": "stderr",
"text": [
"Some weights of GPT2LMHeadModel were not initialized from the model checkpoint at gpt2 and are newly initialized: ['lm_head.weight']\n",
"You should probably TRAIN this model on a down-stream task to be able to use it for predictions and inference.\n"
]
},
{
"output_type": "stream",
"name": "stdout",
"text": [
"Model size: 176,527,896 bytes\n"
]
}
],
"source": [
"device = torch.device('cuda' if torch.cuda.is_available() else 'cpu')\n",
"\n",
"model_int8 = AutoModelForCausalLM.from_pretrained(model_id,\n",
" device_map='auto',\n",
" load_in_8bit=True,\n",
" )\n",
"print(f\"Model size: {model_int8.get_memory_footprint():,} bytes\")"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {
"colab": {
"base_uri": "https://localhost:8080/",
"height": 964
},
"id": "XpghDRDlY_6f",
"outputId": "eda8f6c8-c53a-4d94-a447-4ec35ed0a8bf"
},
"outputs": [
{
"output_type": "display_data",
"data": {
"text/plain": [
"<Figure size 3000x1500 with 1 Axes>"
],
"image/png": "iVBORw0KGgoAAAANSUhEUgAAC4gAAAWsCAYAAADRnkyRAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMSwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy/bCgiHAAAACXBIWXMAAC4jAAAuIwF4pT92AAEAAElEQVR4nOzdd1gU1/s28HuXKl2qCgqKvRfsImrsLfYWY4mmaRKNacaYqElMoj+NJhpNM2qisSZ2jV3AXrGgKCooohQRpEmf9w9f+YrMLFtmK/fnurgumLPzzHN2lzMzu8+cUQiCIICIiIiIiIiIiIiIiIiIiIiIiIiIiIiIzJ7S2AkQERERERERERERERERERERERERERERkTxYIE5ERERERERERERERERERERERERERERkIVggTkRERERERERERERERERERERERERERGQhWCBOREREREREREREREREREREREREREREZCFYIE5ERERERERERERERERERERERERERERkIVggTkRERERERERERERERERERERERERERGQhWCBOREREREREREREREREREREREREREREZCFYIE5ERERERERERERERERERERERERERERkIVggTkRERERERERERERERERERERERERERGQhWCBOREREREREREREREREREREREREREREZCFYIE5ERERERERERERERERERERERERERERkIVggTkRERERERERERERERERERERERERERGQhWCBOREREREREREREREREREREREREREREZCFYIE5ERERERERERERERERERERERERERERkIVggTkRERERERERERERERERERERERERERGQhWCBOREREREREREREREREREREREREREREZCFYIE5ERERERERERERERERERERERERERERkIVggTkRERERERERERERERERERERERERERGQhWCBOREREREREREREREREREREREREREREZCFYIE5ERERERERERERERERERERERERERERkIVggTkRERERERERERERERERERERERERERGQhWCBOREREREREREREREREREREREREREREZCFYIE5ERERERERERERERERERERERERERERkIVggTkRERERERERERERERERERERERERERGQhWCBOREREREREREREREREREREREREREREZCFYIE5ERERERERERERERERERERERERERERkIVggTkRERERERERERERERERERERERERERGQhWCBOREREREREREREREREREREREREREREZCFYIE5ERERERERERERERERERERERERERERkIVggTkRERERERFROHDlyBAqFotRPp06djJ0akUl6/Pgx/vzzT0yePBlt2rRBQEAAKlasCCsrK9H/pYiICGOnTGoQe+0UCoWx09Ibjv2mKSAgQPR1iY2NNXZqZEZWrVol+j4aN26csVMjIjK4cePGiY6Jq1atMnZqpAMey5K2ytt53+zZs0X7O3v2bGOnRkRERERGZG3sBIiIiIiIyLTl5uYiLS0N2dnZyMnJga2tLRwcHODp6QkbGxtjp0dERCS7R48eYebMmfjzzz+RlZVl7HT0IicnB2lpacjKykJ+fj4cHR3h7OwMNzc3Y6dGREREREREREREREREOmKBOBERERERFUtMTMThw4dx/PhxnDt3DjExMUhISIAgCKUeq1Ao4OXlhTp16qBRo0Zo3749QkJC4Ovra4TMiYiI5HHq1CkMHToUcXFxxk5FNrm5uThy5AhCQ0Nx8uRJ3LhxA/fv3xfdvzs7OyMwMBBNmjRBx44d0a1bN1StWtUIWRMRkbmLiYnR+EIrhUIBGxsb2Nvbw87ODk5OTnB0dNRThkRERJpZunQpHj58WGp51apVMWHCBFm39d133yEnJ0e0rW3btujRo4ds23r48CGWLl0q2taxY0d06dJFtm0REREREZHhsECciIiIiKicy8nJwZo1a7BmzRqEh4ejqKhIrfUEQUBSUhKSkpIQHh6OZcuWAQCCgoIwdOhQjB07Fj4+PvpMnYiISFZ37txBnz59kJKSYuxUZHHp0iUsXboUmzZtQlpamlrrZGRkICIiAhEREVi9ejUUCgWCg4MxYcIEjBo1CtbW/DiRiIjUM378eISGhuocx9HRET4+PvD19UWdOnVQr149NGnSBG3atGHxOBERGVR4eDg2btxYarmzszPGjRsHKysrWbZz584dfPrpp5LtnTt3lrVA/ODBg5gzZ45o26ZNm2TbDhERERERGRa/0SEiIiIiKqdyc3OxePFifP/990hKSpIt7tmzZ3H27FnMnDkTw4YNw8yZM1G3bl3Z4hMREenL2LFjLaI4/NatW/j444+xZcsW0VnCNSEIAsLCwhAWFoY5c+bgq6++wqhRo2TKlIiIqGxZWVm4ffs2bt++jfDw8OLl1tbWaN68Ofr27Yvhw4ejdu3aRsySiKQsXrxY9GLFqVOnws3NzeD5EOkiJCREtEA8IyMDFy5cQFBQkCzbCQsLU9l+8uRJ5OXlwdbWVu/b69ixoyzbIAKA2NhYrFq1qtTygIAAjBs3zuD5EBEREVk6FogTEREREZVDhw4dwltvvYXo6Gi9bSM/Px9r167FunXrMH78eHz33Xfw9PTU2/aIiIh0cerUKclZTl1dXfHqq68iODgYVatWhZOTExQKRanH1axZU99pqiQIAr7//nt8/vnnePLkiezxb9++jVdeeQVr1qzBb7/9Bl9fX9m3QUREpK6CggKcPn0ap0+fxhdffIGWLVvigw8+wJAhQ2SbwZWIdLd48WLcuXOn1PJx48axQJzMTkhIiGRbaGiowQrEnzx5gjNnzqB9+/Z63V69evXg7e0tyzaIgKcF4mKz1YeEhLBAnIiIiEgPWCBORERERFSOFBUV4euvv8acOXNQVFRksG2uWLEC+/btw927dw2yTSIiIk398ccfossDAwMRGhpq8sXQmZmZePXVV7F161a9b2vPnj0ICgrCli1b0KZNG71vj4iISB1nzpzBiBEjEBgYiMWLF6Nv377GTomIiCxM/fr14enpiYcPH5ZqCwsLwwcffCDLdqQuXn5xe3IUiKekpCAyMlK0TVVBPBERERERmT6lsRMgIiIiIiLDKCgowMiRIzFr1qwyi8MrVqyIESNGYMmSJTh06BBiYmLw+PFjFBQU4MmTJ0hOTkZERAQ2bdqETz75BK1bt4ZSqfr0Ij09Xc7uEBERyero0aOiy7///nuTLw5PS0tDp06dyiwOt7a2Rq9evbB48WKEhYXhwYMHyM7ORn5+PlJTU3H58mVs3LgRb731Vpl9TkhIQKdOnbBnzx4Ze0JERKS7W7duoV+/fhg0aBBSU1ONnQ4REVkQhUKB4OBg0bbw8HAIgqDzNhISEtS666M6ReTqUJU3C8SJiIiIiMwbZxAnIiIiIioHCgoKMHTo0DILx1q3bo2PP/4Yffv2ha2trehjrKysYG9vD09PTzRp0gRDhgwBAMTHx+Pvv//GTz/9JHrrYCIyvk6dOsnyZSWRpcnMzMS1a9dKLbezs0Pv3r2NkJH6MjIy0L17d5w7d07yMXZ2dnjvvfcwdepUVKlSRfQxbm5ucHNzQ8OGDTF06FAsXboUW7duxcyZMxEVFSW6Tm5uLgYNGoQdO3aga9eusvTHEMrbOMixn4hMjb+/P2JjY1U+Ji8vDzk5OcjMzMSDBw8QHx+PK1eu4OLFiwgNDUViYmKZ29myZQsuXryIrVu3olGjRjJlT0SmatWqVVi1apWx06ByICQkBFu2bCm1/NlFt40bN9YpflhYmFqPO378OAoLC2FlZaW37XXq1Emn2MbEcyAiIiIiIs4gTkRERERULkyZMkVlcXilSpWwadMmnDx5EoMGDZIsDlfF19cXH330EW7evIk//vgDlStX1iFjIiIiw0lKShL98rhWrVqwtjbd+RUEQcCrr76KM2fOSD4mKCgIV65cwfz58yWLw8VYWVlh8ODBuHz5Mr744gvJO4Xk5ORgyJAhuHnzpsb5ExERSbG1tYWLiwuqV
},
"metadata": {}
}
],
"source": [
"import matplotlib.pyplot as plt\n",
"import matplotlib.ticker as ticker\n",
"\n",
"# Flatten weight tensors\n",
"weights_int8 = [param.data.clone() for param in model_int8.parameters()]\n",
"weights_int8 = np.concatenate([t.cpu().numpy().flatten() for t in weights_int8])\n",
"\n",
"# Set background style\n",
"plt.style.use('ggplot')\n",
"\n",
"# Create figure and axis\n",
"fig, ax = plt.subplots(figsize=(10,5), dpi=300)\n",
"\n",
"# Plot the histograms\n",
"ax.hist(weights, bins=150, alpha=0.5, label='Original weights',\n",
" color='blue', range=(-2, 2))\n",
"ax.hist(weights_int8, bins=150, alpha=0.5, label='LLM.int8() weights',\n",
" color='red', range=(-2, 2))\n",
"\n",
"# Add grid\n",
"ax.grid(True, linestyle='--', alpha=0.6)\n",
"\n",
"# Add legend\n",
"ax.legend()\n",
"\n",
"# Add title and labels\n",
"ax.set_title('Comparison of Original and Dequantized Weights', fontsize=16)\n",
"ax.set_xlabel('Weights', fontsize=14)\n",
"ax.set_ylabel('Count', fontsize=14)\n",
"plt.gca().yaxis.set_major_formatter(ticker.EngFormatter())\n",
"\n",
"# Improve font\n",
"plt.rc('font', size=12)\n",
"\n",
"plt.tight_layout()\n",
"plt.show()"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {
"colab": {
"base_uri": "https://localhost:8080/"
},
"id": "OoDwrdDMZPuR",
"outputId": "7db34a58-b2cd-423e-fa83-ce5e531934e2"
},
"outputs": [
{
"output_type": "stream",
"name": "stdout",
"text": [
"Original model:\n",
"I have a dream, and it is a dream I believe I would get to live in my future. I love my mother, and there was that one time I had been told that my family wasn't even that strong. And then I got the\n",
"--------------------------------------------------\n",
"LLM.int8() model:\n",
"I have a dream. I don't know what will come of it, but I am going to have to look for something that will be right. I haven't thought about it for a long time, but I have to try to get that thing\n"
]
}
],
"source": [
"# Generate text with quantized model\n",
"text_int8 = generate_text(model_int8, \"I have a dream\")\n",
"\n",
"print(f\"Original model:\\n{original_text}\")\n",
"print(\"-\" * 50)\n",
"print(f\"LLM.int8() model:\\n{text_int8}\")"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {
"colab": {
"base_uri": "https://localhost:8080/"
},
"id": "4XGQ0N9_KyoA",
"outputId": "d772d77e-50a5-4b28-90b1-0b407962cdae"
},
"outputs": [
{
"output_type": "stream",
"name": "stdout",
"text": [
"Perplexity (original): 15.53\n",
"Perplexity (LLM.int8()): 7.93\n"
]
}
],
"source": [
"print(f\"Perplexity (original): {ppl.item():.2f}\")\n",
"\n",
"ppl = calculate_perplexity(model_int8, text_int8)\n",
"print(f\"Perplexity (LLM.int8()): {ppl.item():.2f}\")"
]
}
],
"metadata": {
"accelerator": "GPU",
"colab": {
"gpuType": "T4",
"provenance": [],
"include_colab_link": true
},
"kernelspec": {
"display_name": "Python 3",
"name": "python3"
},
"language_info": {
"name": "python",
"version": "3.8.12"
},
"widgets": {
"application/vnd.jupyter.widget-state+json": {
"e7e1636dbc8944c49b375286b8d89fe4": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HBoxModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HBoxModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HBoxView",
"box_style": "",
"children": [
"IPY_MODEL_ca714b7b6dd94fedb669ce39c6796bc4",
"IPY_MODEL_71616c99117145adaca155701522460b",
"IPY_MODEL_d7364ae105524cfba0eed4095273ed57"
],
"layout": "IPY_MODEL_eeb266ac1aba409184d9ac1fbd433e9c"
}
},
"ca714b7b6dd94fedb669ce39c6796bc4": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_fd1a537d4c1c49b6972f7bad58a24417",
"placeholder": "",
"style": "IPY_MODEL_bb06d9a3f9f64821b7839ce777580c4b",
"value": "Downloading (…)lve/main/config.json: 100%"
}
},
"71616c99117145adaca155701522460b": {
"model_module": "@jupyter-widgets/controls",
"model_name": "FloatProgressModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "FloatProgressModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "ProgressView",
"bar_style": "success",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_c53b9dc02f144a91aeca032b8b67259b",
"max": 665,
"min": 0,
"orientation": "horizontal",
"style": "IPY_MODEL_e5a0a603b6ee48c8ab7e5f5bcb62c3ff",
"value": 665
}
},
"d7364ae105524cfba0eed4095273ed57": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_15a5a3eb178348ef83cb7d02198636b3",
"placeholder": "",
"style": "IPY_MODEL_47b5db2b2caa48cca14ea162ed5e7bd3",
"value": " 665/665 [00:00&lt;00:00, 30.5kB/s]"
}
},
"eeb266ac1aba409184d9ac1fbd433e9c": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"fd1a537d4c1c49b6972f7bad58a24417": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"bb06d9a3f9f64821b7839ce777580c4b": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"c53b9dc02f144a91aeca032b8b67259b": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"e5a0a603b6ee48c8ab7e5f5bcb62c3ff": {
"model_module": "@jupyter-widgets/controls",
"model_name": "ProgressStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "ProgressStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"bar_color": null,
"description_width": ""
}
},
"15a5a3eb178348ef83cb7d02198636b3": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"47b5db2b2caa48cca14ea162ed5e7bd3": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"7784bd5d3f1b4ac890a711c01bd653cb": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HBoxModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HBoxModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HBoxView",
"box_style": "",
"children": [
"IPY_MODEL_7626f77200244f489150c2c4c6794e53",
"IPY_MODEL_1482e979e3ae4731b9b673b5a7db44ab",
"IPY_MODEL_d95190bba0364de99f04bb9adad173b5"
],
"layout": "IPY_MODEL_2f4124fead964700a4158cf1373bf74e"
}
},
"7626f77200244f489150c2c4c6794e53": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_6288899dd1c64a779d79e17095b8ea9d",
"placeholder": "",
"style": "IPY_MODEL_c013211a09134f42934ac041f86b5cfe",
"value": "Downloading model.safetensors: 100%"
}
},
"1482e979e3ae4731b9b673b5a7db44ab": {
"model_module": "@jupyter-widgets/controls",
"model_name": "FloatProgressModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "FloatProgressModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "ProgressView",
"bar_style": "success",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_85e096686a604059a0a61afacedac67b",
"max": 548105171,
"min": 0,
"orientation": "horizontal",
"style": "IPY_MODEL_0a23f8cda4484b6ca80c14b6691cc56d",
"value": 548105171
}
},
"d95190bba0364de99f04bb9adad173b5": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_dcb679577da0472c841ab985ef92618f",
"placeholder": "",
"style": "IPY_MODEL_c7438dd71b964dea809e9f4a95046439",
"value": " 548M/548M [00:05&lt;00:00, 46.3MB/s]"
}
},
"2f4124fead964700a4158cf1373bf74e": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"6288899dd1c64a779d79e17095b8ea9d": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"c013211a09134f42934ac041f86b5cfe": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"85e096686a604059a0a61afacedac67b": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"0a23f8cda4484b6ca80c14b6691cc56d": {
"model_module": "@jupyter-widgets/controls",
"model_name": "ProgressStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "ProgressStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"bar_color": null,
"description_width": ""
}
},
"dcb679577da0472c841ab985ef92618f": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"c7438dd71b964dea809e9f4a95046439": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"0e047a8a2a0e4337b17f3e8612044967": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HBoxModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HBoxModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HBoxView",
"box_style": "",
"children": [
"IPY_MODEL_69e9a5bb2972442b9895e70210274c8d",
"IPY_MODEL_768c433b555b43669de698cf9c738d79",
"IPY_MODEL_43a348d835cd4eb4936d8d89c6999de7"
],
"layout": "IPY_MODEL_715ab0815132494892001b7a15ebd9ed"
}
},
"69e9a5bb2972442b9895e70210274c8d": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_9290f81e9e5d4a39b28a3836d6472886",
"placeholder": "",
"style": "IPY_MODEL_fba8130749824daaa73c5890c773e900",
"value": "Downloading (…)neration_config.json: 100%"
}
},
"768c433b555b43669de698cf9c738d79": {
"model_module": "@jupyter-widgets/controls",
"model_name": "FloatProgressModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "FloatProgressModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "ProgressView",
"bar_style": "success",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_de639b2a33e34fc593136c7bb07da47b",
"max": 124,
"min": 0,
"orientation": "horizontal",
"style": "IPY_MODEL_d804702825694057a213fbae380b94d6",
"value": 124
}
},
"43a348d835cd4eb4936d8d89c6999de7": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_b1d0c88f5b87449380a29956147b867a",
"placeholder": "",
"style": "IPY_MODEL_38888cadff0a472e96c4925e2881a755",
"value": " 124/124 [00:00&lt;00:00, 3.26kB/s]"
}
},
"715ab0815132494892001b7a15ebd9ed": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"9290f81e9e5d4a39b28a3836d6472886": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"fba8130749824daaa73c5890c773e900": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"de639b2a33e34fc593136c7bb07da47b": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"d804702825694057a213fbae380b94d6": {
"model_module": "@jupyter-widgets/controls",
"model_name": "ProgressStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "ProgressStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"bar_color": null,
"description_width": ""
}
},
"b1d0c88f5b87449380a29956147b867a": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"38888cadff0a472e96c4925e2881a755": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"681a9a78878945b7b6afb2d87b769146": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HBoxModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HBoxModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HBoxView",
"box_style": "",
"children": [
"IPY_MODEL_55add7bdffbe4ddea4fb7407aa61fbc8",
"IPY_MODEL_a3a20248b4e843249ec3a10d7c8e84ad",
"IPY_MODEL_e1ef7e3213a446a4815a84b8aab67576"
],
"layout": "IPY_MODEL_6a9c13356d424bd6bad9565a14f28f16"
}
},
"55add7bdffbe4ddea4fb7407aa61fbc8": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_c4f633e0dcb74c8992c482efc80ebe31",
"placeholder": "",
"style": "IPY_MODEL_d8f5dafc06ca4bf0b28a7101ebe7a07e",
"value": "Downloading (…)olve/main/vocab.json: 100%"
}
},
"a3a20248b4e843249ec3a10d7c8e84ad": {
"model_module": "@jupyter-widgets/controls",
"model_name": "FloatProgressModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "FloatProgressModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "ProgressView",
"bar_style": "success",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_d12f1b2228d444948862d94d769d0b0d",
"max": 1042301,
"min": 0,
"orientation": "horizontal",
"style": "IPY_MODEL_216cb64c2b4a41eb8114176608f6a0ca",
"value": 1042301
}
},
"e1ef7e3213a446a4815a84b8aab67576": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_0747780fac22461a8d8ef53dbb18ca39",
"placeholder": "",
"style": "IPY_MODEL_4fdb1280c19a4df6ba35a95abf9862f0",
"value": " 1.04M/1.04M [00:00&lt;00:00, 4.96MB/s]"
}
},
"6a9c13356d424bd6bad9565a14f28f16": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"c4f633e0dcb74c8992c482efc80ebe31": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"d8f5dafc06ca4bf0b28a7101ebe7a07e": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"d12f1b2228d444948862d94d769d0b0d": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"216cb64c2b4a41eb8114176608f6a0ca": {
"model_module": "@jupyter-widgets/controls",
"model_name": "ProgressStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "ProgressStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"bar_color": null,
"description_width": ""
}
},
"0747780fac22461a8d8ef53dbb18ca39": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"4fdb1280c19a4df6ba35a95abf9862f0": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"cea83a47549a4ddb91eae020d1cd943c": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HBoxModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HBoxModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HBoxView",
"box_style": "",
"children": [
"IPY_MODEL_f1f75a95e2094ebb9d5a891447008a7b",
"IPY_MODEL_12a91a0d7ff94165a75640b285c08a52",
"IPY_MODEL_dd3fa44234334118918ef5c632ee65d1"
],
"layout": "IPY_MODEL_2463480560e14307864ba9743dc5d41d"
}
},
"f1f75a95e2094ebb9d5a891447008a7b": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_06d0c57030474d008ff4bbafa1e35695",
"placeholder": "",
"style": "IPY_MODEL_450cb6fd2bec48dfb73869cffd3d5c9f",
"value": "Downloading (…)olve/main/merges.txt: 100%"
}
},
"12a91a0d7ff94165a75640b285c08a52": {
"model_module": "@jupyter-widgets/controls",
"model_name": "FloatProgressModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "FloatProgressModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "ProgressView",
"bar_style": "success",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_a893cd0d7cd74a53b0a6504af7580f65",
"max": 456318,
"min": 0,
"orientation": "horizontal",
"style": "IPY_MODEL_290836d667df420597ccbe2b934ca5ed",
"value": 456318
}
},
"dd3fa44234334118918ef5c632ee65d1": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_1d57938333654dd49156e6d488688d13",
"placeholder": "",
"style": "IPY_MODEL_1ca5165f5f4443d5a20cf361b01922d1",
"value": " 456k/456k [00:00&lt;00:00, 1.07MB/s]"
}
},
"2463480560e14307864ba9743dc5d41d": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"06d0c57030474d008ff4bbafa1e35695": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"450cb6fd2bec48dfb73869cffd3d5c9f": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"a893cd0d7cd74a53b0a6504af7580f65": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"290836d667df420597ccbe2b934ca5ed": {
"model_module": "@jupyter-widgets/controls",
"model_name": "ProgressStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "ProgressStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"bar_color": null,
"description_width": ""
}
},
"1d57938333654dd49156e6d488688d13": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"1ca5165f5f4443d5a20cf361b01922d1": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"90cf2d52029d4392aaea970508506261": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HBoxModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HBoxModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HBoxView",
"box_style": "",
"children": [
"IPY_MODEL_c0c5a26685dc414f9a1295f077c81488",
"IPY_MODEL_82d9759ea89a44feb72b57ca67bc7f2a",
"IPY_MODEL_f8b92ab82eb64c57bafb1f37ef34af1b"
],
"layout": "IPY_MODEL_8d78e5c72f894275b504948461193b66"
}
},
"c0c5a26685dc414f9a1295f077c81488": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_77b9f13345b24caaa7afc3bd43e33eba",
"placeholder": "",
"style": "IPY_MODEL_57b079495f844af684c24bb1cd711bf0",
"value": "Downloading (…)/main/tokenizer.json: 100%"
}
},
"82d9759ea89a44feb72b57ca67bc7f2a": {
"model_module": "@jupyter-widgets/controls",
"model_name": "FloatProgressModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "FloatProgressModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "ProgressView",
"bar_style": "success",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_0227537a636e41cb93abc9e416015cce",
"max": 1355256,
"min": 0,
"orientation": "horizontal",
"style": "IPY_MODEL_b45e6e8aa21f47c1821f2b24a2f46944",
"value": 1355256
}
},
"f8b92ab82eb64c57bafb1f37ef34af1b": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_8257dc1927514846b51511bc387a54db",
"placeholder": "",
"style": "IPY_MODEL_7e7d6bc9b8544e078003d2fe6c74dcef",
"value": " 1.36M/1.36M [00:00&lt;00:00, 30.8MB/s]"
}
},
"8d78e5c72f894275b504948461193b66": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"77b9f13345b24caaa7afc3bd43e33eba": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"57b079495f844af684c24bb1cd711bf0": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"0227537a636e41cb93abc9e416015cce": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"b45e6e8aa21f47c1821f2b24a2f46944": {
"model_module": "@jupyter-widgets/controls",
"model_name": "ProgressStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "ProgressStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"bar_color": null,
"description_width": ""
}
},
"8257dc1927514846b51511bc387a54db": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"7e7d6bc9b8544e078003d2fe6c74dcef": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
}
}
}
},
"nbformat": 4,
"nbformat_minor": 0
}