├── LICENSE
├── README.md
├── .gitignore
├── Function-Calling-Mistral-7B (using mistral API Key).py
├── function_calling_open_source.py
└── Function_Calling_Open_Source.ipynb
/LICENSE:
--------------------------------------------------------------------------------
1 | MIT License
2 |
3 | Copyright (c) 2024 AI Anytime
4 |
5 | Permission is hereby granted, free of charge, to any person obtaining a copy
6 | of this software and associated documentation files (the "Software"), to deal
7 | in the Software without restriction, including without limitation the rights
8 | to use, copy, modify, merge, publish, distribute, sublicense, and/or sell
9 | copies of the Software, and to permit persons to whom the Software is
10 | furnished to do so, subject to the following conditions:
11 |
12 | The above copyright notice and this permission notice shall be included in all
13 | copies or substantial portions of the Software.
14 |
15 | THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR
16 | IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,
17 | FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE
18 | AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER
19 | LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,
20 | OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE
21 | SOFTWARE.
22 |
--------------------------------------------------------------------------------
/README.md:
--------------------------------------------------------------------------------
1 | ## Function Calling Mistral 7B Integration
2 |
3 | This project demonstrates two different approaches to utilizing the MistralAI ChatMistralAI API for generating responses based on user prompts.
4 |
5 | 1. The first approach, implemented in [Function-Calling-Open-Source.ipynb](https://colab.research.google.com/drive/1CgRaeM0RxO1DFNldHMF1ZgzKXpRCnEKX), uses an open-source language model (`teknium/OpenHermes-2.5-Mistral-7B`). It demonstrates how to define Pydantic models for different types of responses, such as book recommendations, jokes, and song recommendations. It also includes functions for loading the model, generating responses based on prompts, and extracting function calls from the generated responses.
6 |
7 | 2. The second approach, implemented in [Function-Calling-Mistral-7B (using mistral API Key).py](#), demonstrates integration with MistralAI API key using langchain ChatMistralAI API. This integration allows the system to interact with MistralAI to generate responses based on user prompts. Similar to the local model approach, Pydantic models are defined for different types of responses, and functions are provided for loading the MistralAI model, generating responses, and extracting function calls from the responses. This approach uses an API key for authentication.
8 |
9 | ### Features
10 |
11 | - **Pydantic Models**: Both approaches use Pydantic models to define the structure of the input prompts and the expected response formats. This allows for easy validation of input data and generation of response objects.
12 |
13 | - **Function Call Extraction**: Both approaches include functions for extracting function calls from the generated responses. This functionality allows the system to identify specific actions or functions requested by the user in the prompts.
14 |
15 | - **API Key Handling**: The MistralAI integration includes a mechanism for loading the API key from a `.env` file, ensuring that the API key is kept secure and not exposed in the code.
16 |
17 | - **Response Generation**: Both approaches demonstrate how to generate responses based on user prompts using the respective language models. The responses include text as well as function calls that can be executed based on the user's request.
18 |
19 | ### Usage
20 |
21 | 1. **Open-Source Approach**: In `Function-Calling-Open-Source.ipynb`, you can use the defined Pydantic models to create instances of requests (such as a book recommendation request or a joke request) and generate responses based on these requests.
22 |
23 | 2. **MistralAI API Key Approach**: In `Function-Calling-Mistral-7B (using mistral API Key).py`, the integration with MistralAI API allows for more sophisticated responses based on the MistralAI model's capabilities. Requests can be made to the MistralAI model, and responses containing text and function calls can be generated.
24 |
25 | Both approaches demonstrate how language models can be used to create interactive systems that can understand user requests and provide relevant responses.
26 |
--------------------------------------------------------------------------------
/.gitignore:
--------------------------------------------------------------------------------
1 | # Byte-compiled / optimized / DLL files
2 | __pycache__/
3 | *.py[cod]
4 | *$py.class
5 |
6 | # C extensions
7 | *.so
8 |
9 | # Distribution / packaging
10 | .Python
11 | build/
12 | develop-eggs/
13 | dist/
14 | downloads/
15 | eggs/
16 | .eggs/
17 | lib/
18 | lib64/
19 | parts/
20 | sdist/
21 | var/
22 | wheels/
23 | share/python-wheels/
24 | *.egg-info/
25 | .installed.cfg
26 | *.egg
27 | MANIFEST
28 |
29 | # PyInstaller
30 | # Usually these files are written by a python script from a template
31 | # before PyInstaller builds the exe, so as to inject date/other infos into it.
32 | *.manifest
33 | *.spec
34 |
35 | # Installer logs
36 | pip-log.txt
37 | pip-delete-this-directory.txt
38 |
39 | # Unit test / coverage reports
40 | htmlcov/
41 | .tox/
42 | .nox/
43 | .coverage
44 | .coverage.*
45 | .cache
46 | nosetests.xml
47 | coverage.xml
48 | *.cover
49 | *.py,cover
50 | .hypothesis/
51 | .pytest_cache/
52 | cover/
53 |
54 | # Translations
55 | *.mo
56 | *.pot
57 |
58 | # Django stuff:
59 | *.log
60 | local_settings.py
61 | db.sqlite3
62 | db.sqlite3-journal
63 |
64 | # Flask stuff:
65 | instance/
66 | .webassets-cache
67 |
68 | # Scrapy stuff:
69 | .scrapy
70 |
71 | # Sphinx documentation
72 | docs/_build/
73 |
74 | # PyBuilder
75 | .pybuilder/
76 | target/
77 |
78 | # Jupyter Notebook
79 | .ipynb_checkpoints
80 |
81 | # IPython
82 | profile_default/
83 | ipython_config.py
84 |
85 | # pyenv
86 | # For a library or package, you might want to ignore these files since the code is
87 | # intended to run in multiple environments; otherwise, check them in:
88 | # .python-version
89 |
90 | # pipenv
91 | # According to pypa/pipenv#598, it is recommended to include Pipfile.lock in version control.
92 | # However, in case of collaboration, if having platform-specific dependencies or dependencies
93 | # having no cross-platform support, pipenv may install dependencies that don't work, or not
94 | # install all needed dependencies.
95 | #Pipfile.lock
96 |
97 | # poetry
98 | # Similar to Pipfile.lock, it is generally recommended to include poetry.lock in version control.
99 | # This is especially recommended for binary packages to ensure reproducibility, and is more
100 | # commonly ignored for libraries.
101 | # https://python-poetry.org/docs/basic-usage/#commit-your-poetrylock-file-to-version-control
102 | #poetry.lock
103 |
104 | # pdm
105 | # Similar to Pipfile.lock, it is generally recommended to include pdm.lock in version control.
106 | #pdm.lock
107 | # pdm stores project-wide configurations in .pdm.toml, but it is recommended to not include it
108 | # in version control.
109 | # https://pdm.fming.dev/#use-with-ide
110 | .pdm.toml
111 |
112 | # PEP 582; used by e.g. github.com/David-OConnor/pyflow and github.com/pdm-project/pdm
113 | __pypackages__/
114 |
115 | # Celery stuff
116 | celerybeat-schedule
117 | celerybeat.pid
118 |
119 | # SageMath parsed files
120 | *.sage.py
121 |
122 | # Environments
123 | .env
124 | .venv
125 | env/
126 | venv/
127 | ENV/
128 | env.bak/
129 | venv.bak/
130 |
131 | # Spyder project settings
132 | .spyderproject
133 | .spyproject
134 |
135 | # Rope project settings
136 | .ropeproject
137 |
138 | # mkdocs documentation
139 | /site
140 |
141 | # mypy
142 | .mypy_cache/
143 | .dmypy.json
144 | dmypy.json
145 |
146 | # Pyre type checker
147 | .pyre/
148 |
149 | # pytype static type analyzer
150 | .pytype/
151 |
152 | # Cython debug symbols
153 | cython_debug/
154 |
155 | # PyCharm
156 | # JetBrains specific template is maintained in a separate JetBrains.gitignore that can
157 | # be found at https://github.com/github/gitignore/blob/main/Global/JetBrains.gitignore
158 | # and can be added to the global gitignore or merged into this file. For a more nuclear
159 | # option (not recommended) you can uncomment the following to ignore the entire idea folder.
160 | #.idea/
161 |
--------------------------------------------------------------------------------
/Function-Calling-Mistral-7B (using mistral API Key).py:
--------------------------------------------------------------------------------
1 | import locale
2 | import gc, json, re
3 | import xml.etree.ElementTree as ET
4 | from functools import partial
5 | import os
6 | from dotenv import load_dotenv
7 |
8 | import transformers
9 | import torch
10 |
11 | from langchain.utils.openai_functions import convert_pydantic_to_openai_function
12 | from langchain.pydantic_v1 import BaseModel, Field, validator
13 | from langchain_mistralai.chat_models import ChatMistralAI
14 |
15 | # Load API key from .env file
16 | load_dotenv()
17 | mistral_api_key = os.getenv("MISTRAL_API_KEY")
18 |
19 | if mistral_api_key is None:
20 | raise ValueError("MISTRAL_API_KEY not found in .env file")
21 |
22 | tokenizer = transformers.AutoTokenizer.from_pretrained("teknium/OpenHermes-2.5-Mistral-7B")
23 | model = ChatMistralAI(mistral_api_key=mistral_api_key)
24 |
25 | def delete_model(*args):
26 | for var in args:
27 | if var in globals():
28 | del globals()[var]
29 |
30 | gc.collect()
31 | torch.cuda.empty_cache()
32 |
33 | class BookRecommendation(BaseModel):
34 | """Provides book recommendations based on specified interest."""
35 | interest: str = Field(description="question of user interest about a book.")
36 | recommended_book: str = Field(description="answer to recommend a book")
37 |
38 | @validator("interest")
39 | def interests_must_not_be_empty(cls, field):
40 | if not field:
41 | raise ValueError("Interest cannot be empty.")
42 | return field
43 |
44 | class Joke(BaseModel):
45 | """Get a joke that includes the setup and punchline"""
46 | setup: str = Field(description="question to set up a joke")
47 | punchline: str = Field(description="answer to resolve the joke")
48 |
49 | # You can add custom validation logic easily with Pydantic.
50 | @validator("setup")
51 | def question_ends_with_question_mark(cls, field):
52 | if field[-1] != "?":
53 | raise ValueError("Badly formed question!")
54 | return field
55 |
56 | class SongRecommendation(BaseModel):
57 | """Provides song recommendations based on specified genre."""
58 | genre: str = Field(description="question to recommend a song.")
59 | song: str = Field(description="answer to recommend a song")
60 |
61 | @validator("genre")
62 | def genre_must_not_be_empty(cls, field):
63 | if not field:
64 | raise ValueError("genre cannot be empty.")
65 | return field
66 |
67 | convert_pydantic_to_openai_function(SongRecommendation)
68 |
69 | def extract_function_calls(completion):
70 | if isinstance(completion, str):
71 | content = completion
72 | else:
73 | content = completion.content
74 |
75 | pattern = r"(.*?)"
76 | match = re.search(pattern, content, re.DOTALL)
77 | if not match:
78 | return None
79 |
80 | multiplefn = match.group(1)
81 | functions = []
82 | for fn_match in re.finditer(r"(.*?)", multiplefn, re.DOTALL):
83 | fn_text = fn_match.group(1)
84 | try:
85 | functions.append(json.loads(fn_text))
86 | except json.JSONDecodeError:
87 | pass # Ignore invalid JSON
88 |
89 | return functions
90 |
91 | def generate_hermes(prompt, model, tokenizer, generation_config_overrides={}):
92 | fn = """{"name": "function_name", "arguments": {"arg_1": "value_1", "arg_2": value_2, ...}}"""
93 | prompt = f"""system
94 | You are a helpful assistant with access to the following functions:
95 |
96 | {convert_pydantic_to_openai_function(Joke)}
97 |
98 | {convert_pydantic_to_openai_function(BookRecommendation)}
99 |
100 | {convert_pydantic_to_openai_function(SongRecommendation)}
101 |
102 | To use these functions respond with:
103 |
104 | {fn}
105 | {fn}
106 | ...
107 |
108 |
109 | Edge cases you must handle:
110 | - If there are no functions that match the user request, you will respond politely that you cannot help.
111 | user
112 | {prompt}
113 | assistant"""
114 |
115 | with torch.inference_mode():
116 | completion = model.invoke([{"role": "user", "content": prompt}])
117 |
118 | if isinstance(completion, str):
119 | # Handle the case where completion is a string
120 | content = completion.strip()
121 | else:
122 | # Handle the case where completion is an AIMessage object
123 | content = completion.content.strip()
124 |
125 | functions = extract_function_calls(content)
126 |
127 | if functions:
128 | print(functions)
129 | else:
130 | print(content)
131 | print("="*100)
132 |
133 | generation_func = partial(generate_hermes, model=model, tokenizer=tokenizer)
134 |
135 | prompts = [
136 | "Tell me a joke about kenyan athletes",
137 | "Song for working out",
138 | "Recommend me a book on singularity."
139 | ]
140 |
141 | for prompt in prompts:
142 | generation_func(prompt)
143 |
--------------------------------------------------------------------------------
/function_calling_open_source.py:
--------------------------------------------------------------------------------
1 | # -*- coding: utf-8 -*-
2 | """Function Calling Open Source.ipynb
3 |
4 | Automatically generated by Colaboratory.
5 |
6 | Original file is located at
7 | https://colab.research.google.com/drive/1CgRaeM0RxO1DFNldHMF1ZgzKXpRCnEKX
8 | """
9 |
10 | import locale
11 | locale.getpreferredencoding = lambda: "UTF-8"
12 |
13 | !pip install -q langchain
14 |
15 | import gc, inspect, json, re
16 | import xml.etree.ElementTree as ET
17 | from functools import partial
18 | from typing import get_type_hints
19 |
20 | import transformers
21 | import torch
22 |
23 | from langchain.chains.openai_functions import convert_to_openai_function
24 | from langchain.utils.openai_functions import convert_pydantic_to_openai_function
25 | from langchain.pydantic_v1 import BaseModel, Field, validator
26 |
27 | model_name = "teknium/OpenHermes-2.5-Mistral-7B"
28 |
29 | def load_model(model_name: str):
30 | tokenizer = transformers.AutoTokenizer.from_pretrained(model_name)
31 |
32 | with torch.device("cuda:0"):
33 | model = transformers.AutoModelForCausalLM.from_pretrained(model_name, torch_dtype=torch.bfloat16).eval()
34 |
35 | return tokenizer, model
36 |
37 | tokenizer, model = load_model(model_name)
38 |
39 | def delete_model(*args):
40 | for var in args:
41 | if var in globals():
42 | del globals()[var]
43 |
44 | gc.collect()
45 | torch.cuda.empty_cache()
46 |
47 | class BookRecommendation(BaseModel):
48 | """Provides book recommendations based on specified interest."""
49 | interest: str = Field(description="question of user interest about a book.")
50 | recommended_book: str = Field(description="answer to recommend a book")
51 |
52 | @validator("interest")
53 | def interests_must_not_be_empty(cls, field):
54 | if not field:
55 | raise ValueError("Interest cannot be empty.")
56 | return field
57 |
58 | class Joke(BaseModel):
59 | """Get a joke that includes the setup and punchline"""
60 | setup: str = Field(description="question to set up a joke")
61 | punchline: str = Field(description="answer to resolve the joke")
62 |
63 | # You can add custom validation logic easily with Pydantic.
64 | @validator("setup")
65 | def question_ends_with_question_mark(cls, field):
66 | if field[-1] != "?":
67 | raise ValueError("Badly formed question!")
68 | return field
69 |
70 | class SongRecommendation(BaseModel):
71 | """Provides song recommendations based on specified genre."""
72 | genre: str = Field(description="question to recommend a song.")
73 | song: str = Field(description="answer to recommend a song")
74 |
75 | @validator("genre")
76 | def genre_must_not_be_empty(cls, field):
77 | if not field:
78 | raise ValueError("genre cannot be empty.")
79 | return field
80 |
81 | convert_pydantic_to_openai_function(SongRecommendation)
82 |
83 | def extract_function_calls(completion):
84 | completion = completion.strip()
85 | pattern = r"((.*?))"
86 | match = re.search(pattern, completion, re.DOTALL)
87 | if not match:
88 | return None
89 |
90 | multiplefn = match.group(1)
91 | root = ET.fromstring(multiplefn)
92 | functions = root.findall("functioncall")
93 | return [json.loads(fn.text) for fn in functions]
94 |
95 | def generate_hermes(prompt, model, tokenizer, generation_config_overrides={}):
96 | fn = """{"name": "function_name", "arguments": {"arg_1": "value_1", "arg_2": value_2, ...}}"""
97 | prompt = f"""<|im_start|>system
98 | You are a helpful assistant with access to the following functions:
99 |
100 | {convert_pydantic_to_openai_function(Joke)}
101 |
102 | {convert_pydantic_to_openai_function(BookRecommendation)}
103 |
104 | {convert_pydantic_to_openai_function(SongRecommendation)}
105 |
106 | To use these functions respond with:
107 |
108 | {fn}
109 | {fn}
110 | ...
111 |
112 |
113 | Edge cases you must handle:
114 | - If there are no functions that match the user request, you will respond politely that you cannot help.<|im_end|>
115 | <|im_start|>user
116 | {prompt}<|im_end|>
117 | <|im_start|>assistant"""
118 |
119 | generation_config = model.generation_config
120 | generation_config.update(
121 | **{
122 | **{
123 | "use_cache": True,
124 | "do_sample": True,
125 | "temperature": 0.2,
126 | "top_p": 1.0,
127 | "top_k": 0,
128 | "max_new_tokens": 512,
129 | "eos_token_id": tokenizer.eos_token_id,
130 | "pad_token_id": tokenizer.eos_token_id,
131 | },
132 | **generation_config_overrides,
133 | }
134 | )
135 |
136 | model = model.eval()
137 | inputs = tokenizer(prompt, return_tensors="pt").to(model.device)
138 | n_tokens = inputs.input_ids.numel()
139 |
140 | with torch.inference_mode():
141 | generated_tokens = model.generate(**inputs, generation_config=generation_config)
142 |
143 | return tokenizer.decode(
144 | generated_tokens.squeeze()[n_tokens:], skip_special_tokens=False
145 | )
146 |
147 | # Commented out IPython magic to ensure Python compatibility.
148 | # %%time
149 | #
150 | # generation_func = partial(generate_hermes, model=model, tokenizer=tokenizer)
151 | #
152 | # prompts = [
153 | # "Tell me a joke",
154 | # "Song for inspiration.",
155 | # "Recommend me a book on Crime Thriller."
156 | # ]
157 | #
158 | # for prompt in prompts:
159 | # completion = generation_func(prompt)
160 | # functions = extract_function_calls(completion)
161 | #
162 | # if functions:
163 | # print(functions)
164 | # else:
165 | # print(completion.strip())
166 | # print("="*100)
167 |
168 |
--------------------------------------------------------------------------------
/Function_Calling_Open_Source.ipynb:
--------------------------------------------------------------------------------
1 | {
2 | "nbformat": 4,
3 | "nbformat_minor": 0,
4 | "metadata": {
5 | "colab": {
6 | "provenance": [],
7 | "machine_shape": "hm",
8 | "gpuType": "A100"
9 | },
10 | "kernelspec": {
11 | "name": "python3",
12 | "display_name": "Python 3"
13 | },
14 | "language_info": {
15 | "name": "python"
16 | },
17 | "accelerator": "GPU",
18 | "widgets": {
19 | "application/vnd.jupyter.widget-state+json": {
20 | "f22fb66b3f3c49819e9a4966f53632d0": {
21 | "model_module": "@jupyter-widgets/controls",
22 | "model_name": "HBoxModel",
23 | "model_module_version": "1.5.0",
24 | "state": {
25 | "_dom_classes": [],
26 | "_model_module": "@jupyter-widgets/controls",
27 | "_model_module_version": "1.5.0",
28 | "_model_name": "HBoxModel",
29 | "_view_count": null,
30 | "_view_module": "@jupyter-widgets/controls",
31 | "_view_module_version": "1.5.0",
32 | "_view_name": "HBoxView",
33 | "box_style": "",
34 | "children": [
35 | "IPY_MODEL_d1bb621750fd41358a42db3d549489aa",
36 | "IPY_MODEL_1f8420db44dc4650af5875a7e3fc10a1",
37 | "IPY_MODEL_15b95b9b93594aedaffce8932faaaff1"
38 | ],
39 | "layout": "IPY_MODEL_b8c11de2dc8947b78012cf25c7b6caae"
40 | }
41 | },
42 | "d1bb621750fd41358a42db3d549489aa": {
43 | "model_module": "@jupyter-widgets/controls",
44 | "model_name": "HTMLModel",
45 | "model_module_version": "1.5.0",
46 | "state": {
47 | "_dom_classes": [],
48 | "_model_module": "@jupyter-widgets/controls",
49 | "_model_module_version": "1.5.0",
50 | "_model_name": "HTMLModel",
51 | "_view_count": null,
52 | "_view_module": "@jupyter-widgets/controls",
53 | "_view_module_version": "1.5.0",
54 | "_view_name": "HTMLView",
55 | "description": "",
56 | "description_tooltip": null,
57 | "layout": "IPY_MODEL_8e07aaaf50274e44be9e08e9882a1672",
58 | "placeholder": "",
59 | "style": "IPY_MODEL_15aa4732da6d4a169ca6bdee36ed4937",
60 | "value": "tokenizer_config.json: 100%"
61 | }
62 | },
63 | "1f8420db44dc4650af5875a7e3fc10a1": {
64 | "model_module": "@jupyter-widgets/controls",
65 | "model_name": "FloatProgressModel",
66 | "model_module_version": "1.5.0",
67 | "state": {
68 | "_dom_classes": [],
69 | "_model_module": "@jupyter-widgets/controls",
70 | "_model_module_version": "1.5.0",
71 | "_model_name": "FloatProgressModel",
72 | "_view_count": null,
73 | "_view_module": "@jupyter-widgets/controls",
74 | "_view_module_version": "1.5.0",
75 | "_view_name": "ProgressView",
76 | "bar_style": "success",
77 | "description": "",
78 | "description_tooltip": null,
79 | "layout": "IPY_MODEL_8dc8a1027aa7408196bfcd87562c7ddc",
80 | "max": 1598,
81 | "min": 0,
82 | "orientation": "horizontal",
83 | "style": "IPY_MODEL_4ed637987ee348829ce571dd96abcf41",
84 | "value": 1598
85 | }
86 | },
87 | "15b95b9b93594aedaffce8932faaaff1": {
88 | "model_module": "@jupyter-widgets/controls",
89 | "model_name": "HTMLModel",
90 | "model_module_version": "1.5.0",
91 | "state": {
92 | "_dom_classes": [],
93 | "_model_module": "@jupyter-widgets/controls",
94 | "_model_module_version": "1.5.0",
95 | "_model_name": "HTMLModel",
96 | "_view_count": null,
97 | "_view_module": "@jupyter-widgets/controls",
98 | "_view_module_version": "1.5.0",
99 | "_view_name": "HTMLView",
100 | "description": "",
101 | "description_tooltip": null,
102 | "layout": "IPY_MODEL_c57add69d8b54d999094894208b9f3e2",
103 | "placeholder": "",
104 | "style": "IPY_MODEL_67674756f4d5407d96ad212a9216f3a5",
105 | "value": " 1.60k/1.60k [00:00<00:00, 133kB/s]"
106 | }
107 | },
108 | "b8c11de2dc8947b78012cf25c7b6caae": {
109 | "model_module": "@jupyter-widgets/base",
110 | "model_name": "LayoutModel",
111 | "model_module_version": "1.2.0",
112 | "state": {
113 | "_model_module": "@jupyter-widgets/base",
114 | "_model_module_version": "1.2.0",
115 | "_model_name": "LayoutModel",
116 | "_view_count": null,
117 | "_view_module": "@jupyter-widgets/base",
118 | "_view_module_version": "1.2.0",
119 | "_view_name": "LayoutView",
120 | "align_content": null,
121 | "align_items": null,
122 | "align_self": null,
123 | "border": null,
124 | "bottom": null,
125 | "display": null,
126 | "flex": null,
127 | "flex_flow": null,
128 | "grid_area": null,
129 | "grid_auto_columns": null,
130 | "grid_auto_flow": null,
131 | "grid_auto_rows": null,
132 | "grid_column": null,
133 | "grid_gap": null,
134 | "grid_row": null,
135 | "grid_template_areas": null,
136 | "grid_template_columns": null,
137 | "grid_template_rows": null,
138 | "height": null,
139 | "justify_content": null,
140 | "justify_items": null,
141 | "left": null,
142 | "margin": null,
143 | "max_height": null,
144 | "max_width": null,
145 | "min_height": null,
146 | "min_width": null,
147 | "object_fit": null,
148 | "object_position": null,
149 | "order": null,
150 | "overflow": null,
151 | "overflow_x": null,
152 | "overflow_y": null,
153 | "padding": null,
154 | "right": null,
155 | "top": null,
156 | "visibility": null,
157 | "width": null
158 | }
159 | },
160 | "8e07aaaf50274e44be9e08e9882a1672": {
161 | "model_module": "@jupyter-widgets/base",
162 | "model_name": "LayoutModel",
163 | "model_module_version": "1.2.0",
164 | "state": {
165 | "_model_module": "@jupyter-widgets/base",
166 | "_model_module_version": "1.2.0",
167 | "_model_name": "LayoutModel",
168 | "_view_count": null,
169 | "_view_module": "@jupyter-widgets/base",
170 | "_view_module_version": "1.2.0",
171 | "_view_name": "LayoutView",
172 | "align_content": null,
173 | "align_items": null,
174 | "align_self": null,
175 | "border": null,
176 | "bottom": null,
177 | "display": null,
178 | "flex": null,
179 | "flex_flow": null,
180 | "grid_area": null,
181 | "grid_auto_columns": null,
182 | "grid_auto_flow": null,
183 | "grid_auto_rows": null,
184 | "grid_column": null,
185 | "grid_gap": null,
186 | "grid_row": null,
187 | "grid_template_areas": null,
188 | "grid_template_columns": null,
189 | "grid_template_rows": null,
190 | "height": null,
191 | "justify_content": null,
192 | "justify_items": null,
193 | "left": null,
194 | "margin": null,
195 | "max_height": null,
196 | "max_width": null,
197 | "min_height": null,
198 | "min_width": null,
199 | "object_fit": null,
200 | "object_position": null,
201 | "order": null,
202 | "overflow": null,
203 | "overflow_x": null,
204 | "overflow_y": null,
205 | "padding": null,
206 | "right": null,
207 | "top": null,
208 | "visibility": null,
209 | "width": null
210 | }
211 | },
212 | "15aa4732da6d4a169ca6bdee36ed4937": {
213 | "model_module": "@jupyter-widgets/controls",
214 | "model_name": "DescriptionStyleModel",
215 | "model_module_version": "1.5.0",
216 | "state": {
217 | "_model_module": "@jupyter-widgets/controls",
218 | "_model_module_version": "1.5.0",
219 | "_model_name": "DescriptionStyleModel",
220 | "_view_count": null,
221 | "_view_module": "@jupyter-widgets/base",
222 | "_view_module_version": "1.2.0",
223 | "_view_name": "StyleView",
224 | "description_width": ""
225 | }
226 | },
227 | "8dc8a1027aa7408196bfcd87562c7ddc": {
228 | "model_module": "@jupyter-widgets/base",
229 | "model_name": "LayoutModel",
230 | "model_module_version": "1.2.0",
231 | "state": {
232 | "_model_module": "@jupyter-widgets/base",
233 | "_model_module_version": "1.2.0",
234 | "_model_name": "LayoutModel",
235 | "_view_count": null,
236 | "_view_module": "@jupyter-widgets/base",
237 | "_view_module_version": "1.2.0",
238 | "_view_name": "LayoutView",
239 | "align_content": null,
240 | "align_items": null,
241 | "align_self": null,
242 | "border": null,
243 | "bottom": null,
244 | "display": null,
245 | "flex": null,
246 | "flex_flow": null,
247 | "grid_area": null,
248 | "grid_auto_columns": null,
249 | "grid_auto_flow": null,
250 | "grid_auto_rows": null,
251 | "grid_column": null,
252 | "grid_gap": null,
253 | "grid_row": null,
254 | "grid_template_areas": null,
255 | "grid_template_columns": null,
256 | "grid_template_rows": null,
257 | "height": null,
258 | "justify_content": null,
259 | "justify_items": null,
260 | "left": null,
261 | "margin": null,
262 | "max_height": null,
263 | "max_width": null,
264 | "min_height": null,
265 | "min_width": null,
266 | "object_fit": null,
267 | "object_position": null,
268 | "order": null,
269 | "overflow": null,
270 | "overflow_x": null,
271 | "overflow_y": null,
272 | "padding": null,
273 | "right": null,
274 | "top": null,
275 | "visibility": null,
276 | "width": null
277 | }
278 | },
279 | "4ed637987ee348829ce571dd96abcf41": {
280 | "model_module": "@jupyter-widgets/controls",
281 | "model_name": "ProgressStyleModel",
282 | "model_module_version": "1.5.0",
283 | "state": {
284 | "_model_module": "@jupyter-widgets/controls",
285 | "_model_module_version": "1.5.0",
286 | "_model_name": "ProgressStyleModel",
287 | "_view_count": null,
288 | "_view_module": "@jupyter-widgets/base",
289 | "_view_module_version": "1.2.0",
290 | "_view_name": "StyleView",
291 | "bar_color": null,
292 | "description_width": ""
293 | }
294 | },
295 | "c57add69d8b54d999094894208b9f3e2": {
296 | "model_module": "@jupyter-widgets/base",
297 | "model_name": "LayoutModel",
298 | "model_module_version": "1.2.0",
299 | "state": {
300 | "_model_module": "@jupyter-widgets/base",
301 | "_model_module_version": "1.2.0",
302 | "_model_name": "LayoutModel",
303 | "_view_count": null,
304 | "_view_module": "@jupyter-widgets/base",
305 | "_view_module_version": "1.2.0",
306 | "_view_name": "LayoutView",
307 | "align_content": null,
308 | "align_items": null,
309 | "align_self": null,
310 | "border": null,
311 | "bottom": null,
312 | "display": null,
313 | "flex": null,
314 | "flex_flow": null,
315 | "grid_area": null,
316 | "grid_auto_columns": null,
317 | "grid_auto_flow": null,
318 | "grid_auto_rows": null,
319 | "grid_column": null,
320 | "grid_gap": null,
321 | "grid_row": null,
322 | "grid_template_areas": null,
323 | "grid_template_columns": null,
324 | "grid_template_rows": null,
325 | "height": null,
326 | "justify_content": null,
327 | "justify_items": null,
328 | "left": null,
329 | "margin": null,
330 | "max_height": null,
331 | "max_width": null,
332 | "min_height": null,
333 | "min_width": null,
334 | "object_fit": null,
335 | "object_position": null,
336 | "order": null,
337 | "overflow": null,
338 | "overflow_x": null,
339 | "overflow_y": null,
340 | "padding": null,
341 | "right": null,
342 | "top": null,
343 | "visibility": null,
344 | "width": null
345 | }
346 | },
347 | "67674756f4d5407d96ad212a9216f3a5": {
348 | "model_module": "@jupyter-widgets/controls",
349 | "model_name": "DescriptionStyleModel",
350 | "model_module_version": "1.5.0",
351 | "state": {
352 | "_model_module": "@jupyter-widgets/controls",
353 | "_model_module_version": "1.5.0",
354 | "_model_name": "DescriptionStyleModel",
355 | "_view_count": null,
356 | "_view_module": "@jupyter-widgets/base",
357 | "_view_module_version": "1.2.0",
358 | "_view_name": "StyleView",
359 | "description_width": ""
360 | }
361 | },
362 | "e2abfa57974e44d5973aae620a77d389": {
363 | "model_module": "@jupyter-widgets/controls",
364 | "model_name": "HBoxModel",
365 | "model_module_version": "1.5.0",
366 | "state": {
367 | "_dom_classes": [],
368 | "_model_module": "@jupyter-widgets/controls",
369 | "_model_module_version": "1.5.0",
370 | "_model_name": "HBoxModel",
371 | "_view_count": null,
372 | "_view_module": "@jupyter-widgets/controls",
373 | "_view_module_version": "1.5.0",
374 | "_view_name": "HBoxView",
375 | "box_style": "",
376 | "children": [
377 | "IPY_MODEL_7df59bd797c44a9aa1680b82ab6e5d57",
378 | "IPY_MODEL_97d46f22e6d242259e11bc226a0733f4",
379 | "IPY_MODEL_08c23316b4ec452ea5cfbafd69617727"
380 | ],
381 | "layout": "IPY_MODEL_8e8221d5d3a441d7a7e6b4afc4691057"
382 | }
383 | },
384 | "7df59bd797c44a9aa1680b82ab6e5d57": {
385 | "model_module": "@jupyter-widgets/controls",
386 | "model_name": "HTMLModel",
387 | "model_module_version": "1.5.0",
388 | "state": {
389 | "_dom_classes": [],
390 | "_model_module": "@jupyter-widgets/controls",
391 | "_model_module_version": "1.5.0",
392 | "_model_name": "HTMLModel",
393 | "_view_count": null,
394 | "_view_module": "@jupyter-widgets/controls",
395 | "_view_module_version": "1.5.0",
396 | "_view_name": "HTMLView",
397 | "description": "",
398 | "description_tooltip": null,
399 | "layout": "IPY_MODEL_b1a8840f6ec641dba90798954599537a",
400 | "placeholder": "",
401 | "style": "IPY_MODEL_15c5931b132a4a348c3d542d1d1d6ba4",
402 | "value": "tokenizer.model: 100%"
403 | }
404 | },
405 | "97d46f22e6d242259e11bc226a0733f4": {
406 | "model_module": "@jupyter-widgets/controls",
407 | "model_name": "FloatProgressModel",
408 | "model_module_version": "1.5.0",
409 | "state": {
410 | "_dom_classes": [],
411 | "_model_module": "@jupyter-widgets/controls",
412 | "_model_module_version": "1.5.0",
413 | "_model_name": "FloatProgressModel",
414 | "_view_count": null,
415 | "_view_module": "@jupyter-widgets/controls",
416 | "_view_module_version": "1.5.0",
417 | "_view_name": "ProgressView",
418 | "bar_style": "success",
419 | "description": "",
420 | "description_tooltip": null,
421 | "layout": "IPY_MODEL_abaf0d27d5004d6092c9a5f315d5cf13",
422 | "max": 493443,
423 | "min": 0,
424 | "orientation": "horizontal",
425 | "style": "IPY_MODEL_4aae6ca1e1ad4fcaae85530a2b098e60",
426 | "value": 493443
427 | }
428 | },
429 | "08c23316b4ec452ea5cfbafd69617727": {
430 | "model_module": "@jupyter-widgets/controls",
431 | "model_name": "HTMLModel",
432 | "model_module_version": "1.5.0",
433 | "state": {
434 | "_dom_classes": [],
435 | "_model_module": "@jupyter-widgets/controls",
436 | "_model_module_version": "1.5.0",
437 | "_model_name": "HTMLModel",
438 | "_view_count": null,
439 | "_view_module": "@jupyter-widgets/controls",
440 | "_view_module_version": "1.5.0",
441 | "_view_name": "HTMLView",
442 | "description": "",
443 | "description_tooltip": null,
444 | "layout": "IPY_MODEL_9f19966872764d8d86c58888184978c1",
445 | "placeholder": "",
446 | "style": "IPY_MODEL_e4564d47e7fb4d508b4b94f010d4c2bb",
447 | "value": " 493k/493k [00:00<00:00, 8.15MB/s]"
448 | }
449 | },
450 | "8e8221d5d3a441d7a7e6b4afc4691057": {
451 | "model_module": "@jupyter-widgets/base",
452 | "model_name": "LayoutModel",
453 | "model_module_version": "1.2.0",
454 | "state": {
455 | "_model_module": "@jupyter-widgets/base",
456 | "_model_module_version": "1.2.0",
457 | "_model_name": "LayoutModel",
458 | "_view_count": null,
459 | "_view_module": "@jupyter-widgets/base",
460 | "_view_module_version": "1.2.0",
461 | "_view_name": "LayoutView",
462 | "align_content": null,
463 | "align_items": null,
464 | "align_self": null,
465 | "border": null,
466 | "bottom": null,
467 | "display": null,
468 | "flex": null,
469 | "flex_flow": null,
470 | "grid_area": null,
471 | "grid_auto_columns": null,
472 | "grid_auto_flow": null,
473 | "grid_auto_rows": null,
474 | "grid_column": null,
475 | "grid_gap": null,
476 | "grid_row": null,
477 | "grid_template_areas": null,
478 | "grid_template_columns": null,
479 | "grid_template_rows": null,
480 | "height": null,
481 | "justify_content": null,
482 | "justify_items": null,
483 | "left": null,
484 | "margin": null,
485 | "max_height": null,
486 | "max_width": null,
487 | "min_height": null,
488 | "min_width": null,
489 | "object_fit": null,
490 | "object_position": null,
491 | "order": null,
492 | "overflow": null,
493 | "overflow_x": null,
494 | "overflow_y": null,
495 | "padding": null,
496 | "right": null,
497 | "top": null,
498 | "visibility": null,
499 | "width": null
500 | }
501 | },
502 | "b1a8840f6ec641dba90798954599537a": {
503 | "model_module": "@jupyter-widgets/base",
504 | "model_name": "LayoutModel",
505 | "model_module_version": "1.2.0",
506 | "state": {
507 | "_model_module": "@jupyter-widgets/base",
508 | "_model_module_version": "1.2.0",
509 | "_model_name": "LayoutModel",
510 | "_view_count": null,
511 | "_view_module": "@jupyter-widgets/base",
512 | "_view_module_version": "1.2.0",
513 | "_view_name": "LayoutView",
514 | "align_content": null,
515 | "align_items": null,
516 | "align_self": null,
517 | "border": null,
518 | "bottom": null,
519 | "display": null,
520 | "flex": null,
521 | "flex_flow": null,
522 | "grid_area": null,
523 | "grid_auto_columns": null,
524 | "grid_auto_flow": null,
525 | "grid_auto_rows": null,
526 | "grid_column": null,
527 | "grid_gap": null,
528 | "grid_row": null,
529 | "grid_template_areas": null,
530 | "grid_template_columns": null,
531 | "grid_template_rows": null,
532 | "height": null,
533 | "justify_content": null,
534 | "justify_items": null,
535 | "left": null,
536 | "margin": null,
537 | "max_height": null,
538 | "max_width": null,
539 | "min_height": null,
540 | "min_width": null,
541 | "object_fit": null,
542 | "object_position": null,
543 | "order": null,
544 | "overflow": null,
545 | "overflow_x": null,
546 | "overflow_y": null,
547 | "padding": null,
548 | "right": null,
549 | "top": null,
550 | "visibility": null,
551 | "width": null
552 | }
553 | },
554 | "15c5931b132a4a348c3d542d1d1d6ba4": {
555 | "model_module": "@jupyter-widgets/controls",
556 | "model_name": "DescriptionStyleModel",
557 | "model_module_version": "1.5.0",
558 | "state": {
559 | "_model_module": "@jupyter-widgets/controls",
560 | "_model_module_version": "1.5.0",
561 | "_model_name": "DescriptionStyleModel",
562 | "_view_count": null,
563 | "_view_module": "@jupyter-widgets/base",
564 | "_view_module_version": "1.2.0",
565 | "_view_name": "StyleView",
566 | "description_width": ""
567 | }
568 | },
569 | "abaf0d27d5004d6092c9a5f315d5cf13": {
570 | "model_module": "@jupyter-widgets/base",
571 | "model_name": "LayoutModel",
572 | "model_module_version": "1.2.0",
573 | "state": {
574 | "_model_module": "@jupyter-widgets/base",
575 | "_model_module_version": "1.2.0",
576 | "_model_name": "LayoutModel",
577 | "_view_count": null,
578 | "_view_module": "@jupyter-widgets/base",
579 | "_view_module_version": "1.2.0",
580 | "_view_name": "LayoutView",
581 | "align_content": null,
582 | "align_items": null,
583 | "align_self": null,
584 | "border": null,
585 | "bottom": null,
586 | "display": null,
587 | "flex": null,
588 | "flex_flow": null,
589 | "grid_area": null,
590 | "grid_auto_columns": null,
591 | "grid_auto_flow": null,
592 | "grid_auto_rows": null,
593 | "grid_column": null,
594 | "grid_gap": null,
595 | "grid_row": null,
596 | "grid_template_areas": null,
597 | "grid_template_columns": null,
598 | "grid_template_rows": null,
599 | "height": null,
600 | "justify_content": null,
601 | "justify_items": null,
602 | "left": null,
603 | "margin": null,
604 | "max_height": null,
605 | "max_width": null,
606 | "min_height": null,
607 | "min_width": null,
608 | "object_fit": null,
609 | "object_position": null,
610 | "order": null,
611 | "overflow": null,
612 | "overflow_x": null,
613 | "overflow_y": null,
614 | "padding": null,
615 | "right": null,
616 | "top": null,
617 | "visibility": null,
618 | "width": null
619 | }
620 | },
621 | "4aae6ca1e1ad4fcaae85530a2b098e60": {
622 | "model_module": "@jupyter-widgets/controls",
623 | "model_name": "ProgressStyleModel",
624 | "model_module_version": "1.5.0",
625 | "state": {
626 | "_model_module": "@jupyter-widgets/controls",
627 | "_model_module_version": "1.5.0",
628 | "_model_name": "ProgressStyleModel",
629 | "_view_count": null,
630 | "_view_module": "@jupyter-widgets/base",
631 | "_view_module_version": "1.2.0",
632 | "_view_name": "StyleView",
633 | "bar_color": null,
634 | "description_width": ""
635 | }
636 | },
637 | "9f19966872764d8d86c58888184978c1": {
638 | "model_module": "@jupyter-widgets/base",
639 | "model_name": "LayoutModel",
640 | "model_module_version": "1.2.0",
641 | "state": {
642 | "_model_module": "@jupyter-widgets/base",
643 | "_model_module_version": "1.2.0",
644 | "_model_name": "LayoutModel",
645 | "_view_count": null,
646 | "_view_module": "@jupyter-widgets/base",
647 | "_view_module_version": "1.2.0",
648 | "_view_name": "LayoutView",
649 | "align_content": null,
650 | "align_items": null,
651 | "align_self": null,
652 | "border": null,
653 | "bottom": null,
654 | "display": null,
655 | "flex": null,
656 | "flex_flow": null,
657 | "grid_area": null,
658 | "grid_auto_columns": null,
659 | "grid_auto_flow": null,
660 | "grid_auto_rows": null,
661 | "grid_column": null,
662 | "grid_gap": null,
663 | "grid_row": null,
664 | "grid_template_areas": null,
665 | "grid_template_columns": null,
666 | "grid_template_rows": null,
667 | "height": null,
668 | "justify_content": null,
669 | "justify_items": null,
670 | "left": null,
671 | "margin": null,
672 | "max_height": null,
673 | "max_width": null,
674 | "min_height": null,
675 | "min_width": null,
676 | "object_fit": null,
677 | "object_position": null,
678 | "order": null,
679 | "overflow": null,
680 | "overflow_x": null,
681 | "overflow_y": null,
682 | "padding": null,
683 | "right": null,
684 | "top": null,
685 | "visibility": null,
686 | "width": null
687 | }
688 | },
689 | "e4564d47e7fb4d508b4b94f010d4c2bb": {
690 | "model_module": "@jupyter-widgets/controls",
691 | "model_name": "DescriptionStyleModel",
692 | "model_module_version": "1.5.0",
693 | "state": {
694 | "_model_module": "@jupyter-widgets/controls",
695 | "_model_module_version": "1.5.0",
696 | "_model_name": "DescriptionStyleModel",
697 | "_view_count": null,
698 | "_view_module": "@jupyter-widgets/base",
699 | "_view_module_version": "1.2.0",
700 | "_view_name": "StyleView",
701 | "description_width": ""
702 | }
703 | },
704 | "3570d850cbe24810bc439f3369644c63": {
705 | "model_module": "@jupyter-widgets/controls",
706 | "model_name": "HBoxModel",
707 | "model_module_version": "1.5.0",
708 | "state": {
709 | "_dom_classes": [],
710 | "_model_module": "@jupyter-widgets/controls",
711 | "_model_module_version": "1.5.0",
712 | "_model_name": "HBoxModel",
713 | "_view_count": null,
714 | "_view_module": "@jupyter-widgets/controls",
715 | "_view_module_version": "1.5.0",
716 | "_view_name": "HBoxView",
717 | "box_style": "",
718 | "children": [
719 | "IPY_MODEL_01dde30b5c974ee99e9b2c6ae7072c04",
720 | "IPY_MODEL_1b1113b422214f549201dce9c43f172f",
721 | "IPY_MODEL_cec835da32f14a9ab3d47b9a12a03894"
722 | ],
723 | "layout": "IPY_MODEL_8fd59418797341a08a6f3da249bb6e05"
724 | }
725 | },
726 | "01dde30b5c974ee99e9b2c6ae7072c04": {
727 | "model_module": "@jupyter-widgets/controls",
728 | "model_name": "HTMLModel",
729 | "model_module_version": "1.5.0",
730 | "state": {
731 | "_dom_classes": [],
732 | "_model_module": "@jupyter-widgets/controls",
733 | "_model_module_version": "1.5.0",
734 | "_model_name": "HTMLModel",
735 | "_view_count": null,
736 | "_view_module": "@jupyter-widgets/controls",
737 | "_view_module_version": "1.5.0",
738 | "_view_name": "HTMLView",
739 | "description": "",
740 | "description_tooltip": null,
741 | "layout": "IPY_MODEL_8847c9a8564741028adbec02fb6450e2",
742 | "placeholder": "",
743 | "style": "IPY_MODEL_c0469801f7e44800afa192ca1d915557",
744 | "value": "added_tokens.json: 100%"
745 | }
746 | },
747 | "1b1113b422214f549201dce9c43f172f": {
748 | "model_module": "@jupyter-widgets/controls",
749 | "model_name": "FloatProgressModel",
750 | "model_module_version": "1.5.0",
751 | "state": {
752 | "_dom_classes": [],
753 | "_model_module": "@jupyter-widgets/controls",
754 | "_model_module_version": "1.5.0",
755 | "_model_name": "FloatProgressModel",
756 | "_view_count": null,
757 | "_view_module": "@jupyter-widgets/controls",
758 | "_view_module_version": "1.5.0",
759 | "_view_name": "ProgressView",
760 | "bar_style": "success",
761 | "description": "",
762 | "description_tooltip": null,
763 | "layout": "IPY_MODEL_4f33f9e804ff491590250938034991b2",
764 | "max": 51,
765 | "min": 0,
766 | "orientation": "horizontal",
767 | "style": "IPY_MODEL_9e4d18a8c70b4c46b8cedb9e30be0e8a",
768 | "value": 51
769 | }
770 | },
771 | "cec835da32f14a9ab3d47b9a12a03894": {
772 | "model_module": "@jupyter-widgets/controls",
773 | "model_name": "HTMLModel",
774 | "model_module_version": "1.5.0",
775 | "state": {
776 | "_dom_classes": [],
777 | "_model_module": "@jupyter-widgets/controls",
778 | "_model_module_version": "1.5.0",
779 | "_model_name": "HTMLModel",
780 | "_view_count": null,
781 | "_view_module": "@jupyter-widgets/controls",
782 | "_view_module_version": "1.5.0",
783 | "_view_name": "HTMLView",
784 | "description": "",
785 | "description_tooltip": null,
786 | "layout": "IPY_MODEL_abce2a4d52064b958ac9d521f2a976f1",
787 | "placeholder": "",
788 | "style": "IPY_MODEL_5f247e9d46cf4d2aac5d72a6e4b07aa3",
789 | "value": " 51.0/51.0 [00:00<00:00, 4.36kB/s]"
790 | }
791 | },
792 | "8fd59418797341a08a6f3da249bb6e05": {
793 | "model_module": "@jupyter-widgets/base",
794 | "model_name": "LayoutModel",
795 | "model_module_version": "1.2.0",
796 | "state": {
797 | "_model_module": "@jupyter-widgets/base",
798 | "_model_module_version": "1.2.0",
799 | "_model_name": "LayoutModel",
800 | "_view_count": null,
801 | "_view_module": "@jupyter-widgets/base",
802 | "_view_module_version": "1.2.0",
803 | "_view_name": "LayoutView",
804 | "align_content": null,
805 | "align_items": null,
806 | "align_self": null,
807 | "border": null,
808 | "bottom": null,
809 | "display": null,
810 | "flex": null,
811 | "flex_flow": null,
812 | "grid_area": null,
813 | "grid_auto_columns": null,
814 | "grid_auto_flow": null,
815 | "grid_auto_rows": null,
816 | "grid_column": null,
817 | "grid_gap": null,
818 | "grid_row": null,
819 | "grid_template_areas": null,
820 | "grid_template_columns": null,
821 | "grid_template_rows": null,
822 | "height": null,
823 | "justify_content": null,
824 | "justify_items": null,
825 | "left": null,
826 | "margin": null,
827 | "max_height": null,
828 | "max_width": null,
829 | "min_height": null,
830 | "min_width": null,
831 | "object_fit": null,
832 | "object_position": null,
833 | "order": null,
834 | "overflow": null,
835 | "overflow_x": null,
836 | "overflow_y": null,
837 | "padding": null,
838 | "right": null,
839 | "top": null,
840 | "visibility": null,
841 | "width": null
842 | }
843 | },
844 | "8847c9a8564741028adbec02fb6450e2": {
845 | "model_module": "@jupyter-widgets/base",
846 | "model_name": "LayoutModel",
847 | "model_module_version": "1.2.0",
848 | "state": {
849 | "_model_module": "@jupyter-widgets/base",
850 | "_model_module_version": "1.2.0",
851 | "_model_name": "LayoutModel",
852 | "_view_count": null,
853 | "_view_module": "@jupyter-widgets/base",
854 | "_view_module_version": "1.2.0",
855 | "_view_name": "LayoutView",
856 | "align_content": null,
857 | "align_items": null,
858 | "align_self": null,
859 | "border": null,
860 | "bottom": null,
861 | "display": null,
862 | "flex": null,
863 | "flex_flow": null,
864 | "grid_area": null,
865 | "grid_auto_columns": null,
866 | "grid_auto_flow": null,
867 | "grid_auto_rows": null,
868 | "grid_column": null,
869 | "grid_gap": null,
870 | "grid_row": null,
871 | "grid_template_areas": null,
872 | "grid_template_columns": null,
873 | "grid_template_rows": null,
874 | "height": null,
875 | "justify_content": null,
876 | "justify_items": null,
877 | "left": null,
878 | "margin": null,
879 | "max_height": null,
880 | "max_width": null,
881 | "min_height": null,
882 | "min_width": null,
883 | "object_fit": null,
884 | "object_position": null,
885 | "order": null,
886 | "overflow": null,
887 | "overflow_x": null,
888 | "overflow_y": null,
889 | "padding": null,
890 | "right": null,
891 | "top": null,
892 | "visibility": null,
893 | "width": null
894 | }
895 | },
896 | "c0469801f7e44800afa192ca1d915557": {
897 | "model_module": "@jupyter-widgets/controls",
898 | "model_name": "DescriptionStyleModel",
899 | "model_module_version": "1.5.0",
900 | "state": {
901 | "_model_module": "@jupyter-widgets/controls",
902 | "_model_module_version": "1.5.0",
903 | "_model_name": "DescriptionStyleModel",
904 | "_view_count": null,
905 | "_view_module": "@jupyter-widgets/base",
906 | "_view_module_version": "1.2.0",
907 | "_view_name": "StyleView",
908 | "description_width": ""
909 | }
910 | },
911 | "4f33f9e804ff491590250938034991b2": {
912 | "model_module": "@jupyter-widgets/base",
913 | "model_name": "LayoutModel",
914 | "model_module_version": "1.2.0",
915 | "state": {
916 | "_model_module": "@jupyter-widgets/base",
917 | "_model_module_version": "1.2.0",
918 | "_model_name": "LayoutModel",
919 | "_view_count": null,
920 | "_view_module": "@jupyter-widgets/base",
921 | "_view_module_version": "1.2.0",
922 | "_view_name": "LayoutView",
923 | "align_content": null,
924 | "align_items": null,
925 | "align_self": null,
926 | "border": null,
927 | "bottom": null,
928 | "display": null,
929 | "flex": null,
930 | "flex_flow": null,
931 | "grid_area": null,
932 | "grid_auto_columns": null,
933 | "grid_auto_flow": null,
934 | "grid_auto_rows": null,
935 | "grid_column": null,
936 | "grid_gap": null,
937 | "grid_row": null,
938 | "grid_template_areas": null,
939 | "grid_template_columns": null,
940 | "grid_template_rows": null,
941 | "height": null,
942 | "justify_content": null,
943 | "justify_items": null,
944 | "left": null,
945 | "margin": null,
946 | "max_height": null,
947 | "max_width": null,
948 | "min_height": null,
949 | "min_width": null,
950 | "object_fit": null,
951 | "object_position": null,
952 | "order": null,
953 | "overflow": null,
954 | "overflow_x": null,
955 | "overflow_y": null,
956 | "padding": null,
957 | "right": null,
958 | "top": null,
959 | "visibility": null,
960 | "width": null
961 | }
962 | },
963 | "9e4d18a8c70b4c46b8cedb9e30be0e8a": {
964 | "model_module": "@jupyter-widgets/controls",
965 | "model_name": "ProgressStyleModel",
966 | "model_module_version": "1.5.0",
967 | "state": {
968 | "_model_module": "@jupyter-widgets/controls",
969 | "_model_module_version": "1.5.0",
970 | "_model_name": "ProgressStyleModel",
971 | "_view_count": null,
972 | "_view_module": "@jupyter-widgets/base",
973 | "_view_module_version": "1.2.0",
974 | "_view_name": "StyleView",
975 | "bar_color": null,
976 | "description_width": ""
977 | }
978 | },
979 | "abce2a4d52064b958ac9d521f2a976f1": {
980 | "model_module": "@jupyter-widgets/base",
981 | "model_name": "LayoutModel",
982 | "model_module_version": "1.2.0",
983 | "state": {
984 | "_model_module": "@jupyter-widgets/base",
985 | "_model_module_version": "1.2.0",
986 | "_model_name": "LayoutModel",
987 | "_view_count": null,
988 | "_view_module": "@jupyter-widgets/base",
989 | "_view_module_version": "1.2.0",
990 | "_view_name": "LayoutView",
991 | "align_content": null,
992 | "align_items": null,
993 | "align_self": null,
994 | "border": null,
995 | "bottom": null,
996 | "display": null,
997 | "flex": null,
998 | "flex_flow": null,
999 | "grid_area": null,
1000 | "grid_auto_columns": null,
1001 | "grid_auto_flow": null,
1002 | "grid_auto_rows": null,
1003 | "grid_column": null,
1004 | "grid_gap": null,
1005 | "grid_row": null,
1006 | "grid_template_areas": null,
1007 | "grid_template_columns": null,
1008 | "grid_template_rows": null,
1009 | "height": null,
1010 | "justify_content": null,
1011 | "justify_items": null,
1012 | "left": null,
1013 | "margin": null,
1014 | "max_height": null,
1015 | "max_width": null,
1016 | "min_height": null,
1017 | "min_width": null,
1018 | "object_fit": null,
1019 | "object_position": null,
1020 | "order": null,
1021 | "overflow": null,
1022 | "overflow_x": null,
1023 | "overflow_y": null,
1024 | "padding": null,
1025 | "right": null,
1026 | "top": null,
1027 | "visibility": null,
1028 | "width": null
1029 | }
1030 | },
1031 | "5f247e9d46cf4d2aac5d72a6e4b07aa3": {
1032 | "model_module": "@jupyter-widgets/controls",
1033 | "model_name": "DescriptionStyleModel",
1034 | "model_module_version": "1.5.0",
1035 | "state": {
1036 | "_model_module": "@jupyter-widgets/controls",
1037 | "_model_module_version": "1.5.0",
1038 | "_model_name": "DescriptionStyleModel",
1039 | "_view_count": null,
1040 | "_view_module": "@jupyter-widgets/base",
1041 | "_view_module_version": "1.2.0",
1042 | "_view_name": "StyleView",
1043 | "description_width": ""
1044 | }
1045 | },
1046 | "ba6de6eacd6545e38343cc8dc875e640": {
1047 | "model_module": "@jupyter-widgets/controls",
1048 | "model_name": "HBoxModel",
1049 | "model_module_version": "1.5.0",
1050 | "state": {
1051 | "_dom_classes": [],
1052 | "_model_module": "@jupyter-widgets/controls",
1053 | "_model_module_version": "1.5.0",
1054 | "_model_name": "HBoxModel",
1055 | "_view_count": null,
1056 | "_view_module": "@jupyter-widgets/controls",
1057 | "_view_module_version": "1.5.0",
1058 | "_view_name": "HBoxView",
1059 | "box_style": "",
1060 | "children": [
1061 | "IPY_MODEL_d9a41ae04d9f4d74a9101b69253eff4f",
1062 | "IPY_MODEL_b32f77aee7054c5a8d6e30de5244d2a6",
1063 | "IPY_MODEL_68121921a0a04e85b85baca22baa5583"
1064 | ],
1065 | "layout": "IPY_MODEL_0f226c60e7c54d6cbd6e42046b43059c"
1066 | }
1067 | },
1068 | "d9a41ae04d9f4d74a9101b69253eff4f": {
1069 | "model_module": "@jupyter-widgets/controls",
1070 | "model_name": "HTMLModel",
1071 | "model_module_version": "1.5.0",
1072 | "state": {
1073 | "_dom_classes": [],
1074 | "_model_module": "@jupyter-widgets/controls",
1075 | "_model_module_version": "1.5.0",
1076 | "_model_name": "HTMLModel",
1077 | "_view_count": null,
1078 | "_view_module": "@jupyter-widgets/controls",
1079 | "_view_module_version": "1.5.0",
1080 | "_view_name": "HTMLView",
1081 | "description": "",
1082 | "description_tooltip": null,
1083 | "layout": "IPY_MODEL_03b6a86a241b4fa1960704b4b74dd974",
1084 | "placeholder": "",
1085 | "style": "IPY_MODEL_914dfb2a59ab4b92a28878ff48dd1366",
1086 | "value": "special_tokens_map.json: 100%"
1087 | }
1088 | },
1089 | "b32f77aee7054c5a8d6e30de5244d2a6": {
1090 | "model_module": "@jupyter-widgets/controls",
1091 | "model_name": "FloatProgressModel",
1092 | "model_module_version": "1.5.0",
1093 | "state": {
1094 | "_dom_classes": [],
1095 | "_model_module": "@jupyter-widgets/controls",
1096 | "_model_module_version": "1.5.0",
1097 | "_model_name": "FloatProgressModel",
1098 | "_view_count": null,
1099 | "_view_module": "@jupyter-widgets/controls",
1100 | "_view_module_version": "1.5.0",
1101 | "_view_name": "ProgressView",
1102 | "bar_style": "success",
1103 | "description": "",
1104 | "description_tooltip": null,
1105 | "layout": "IPY_MODEL_a78a7d8392534c2e960f128d85c88856",
1106 | "max": 101,
1107 | "min": 0,
1108 | "orientation": "horizontal",
1109 | "style": "IPY_MODEL_f38a7d593ac249df819e3807147d8167",
1110 | "value": 101
1111 | }
1112 | },
1113 | "68121921a0a04e85b85baca22baa5583": {
1114 | "model_module": "@jupyter-widgets/controls",
1115 | "model_name": "HTMLModel",
1116 | "model_module_version": "1.5.0",
1117 | "state": {
1118 | "_dom_classes": [],
1119 | "_model_module": "@jupyter-widgets/controls",
1120 | "_model_module_version": "1.5.0",
1121 | "_model_name": "HTMLModel",
1122 | "_view_count": null,
1123 | "_view_module": "@jupyter-widgets/controls",
1124 | "_view_module_version": "1.5.0",
1125 | "_view_name": "HTMLView",
1126 | "description": "",
1127 | "description_tooltip": null,
1128 | "layout": "IPY_MODEL_050fded012bd446fa68ff9bda645820f",
1129 | "placeholder": "",
1130 | "style": "IPY_MODEL_0a3388baa2ff490d9e67565bfe76e8c8",
1131 | "value": " 101/101 [00:00<00:00, 8.75kB/s]"
1132 | }
1133 | },
1134 | "0f226c60e7c54d6cbd6e42046b43059c": {
1135 | "model_module": "@jupyter-widgets/base",
1136 | "model_name": "LayoutModel",
1137 | "model_module_version": "1.2.0",
1138 | "state": {
1139 | "_model_module": "@jupyter-widgets/base",
1140 | "_model_module_version": "1.2.0",
1141 | "_model_name": "LayoutModel",
1142 | "_view_count": null,
1143 | "_view_module": "@jupyter-widgets/base",
1144 | "_view_module_version": "1.2.0",
1145 | "_view_name": "LayoutView",
1146 | "align_content": null,
1147 | "align_items": null,
1148 | "align_self": null,
1149 | "border": null,
1150 | "bottom": null,
1151 | "display": null,
1152 | "flex": null,
1153 | "flex_flow": null,
1154 | "grid_area": null,
1155 | "grid_auto_columns": null,
1156 | "grid_auto_flow": null,
1157 | "grid_auto_rows": null,
1158 | "grid_column": null,
1159 | "grid_gap": null,
1160 | "grid_row": null,
1161 | "grid_template_areas": null,
1162 | "grid_template_columns": null,
1163 | "grid_template_rows": null,
1164 | "height": null,
1165 | "justify_content": null,
1166 | "justify_items": null,
1167 | "left": null,
1168 | "margin": null,
1169 | "max_height": null,
1170 | "max_width": null,
1171 | "min_height": null,
1172 | "min_width": null,
1173 | "object_fit": null,
1174 | "object_position": null,
1175 | "order": null,
1176 | "overflow": null,
1177 | "overflow_x": null,
1178 | "overflow_y": null,
1179 | "padding": null,
1180 | "right": null,
1181 | "top": null,
1182 | "visibility": null,
1183 | "width": null
1184 | }
1185 | },
1186 | "03b6a86a241b4fa1960704b4b74dd974": {
1187 | "model_module": "@jupyter-widgets/base",
1188 | "model_name": "LayoutModel",
1189 | "model_module_version": "1.2.0",
1190 | "state": {
1191 | "_model_module": "@jupyter-widgets/base",
1192 | "_model_module_version": "1.2.0",
1193 | "_model_name": "LayoutModel",
1194 | "_view_count": null,
1195 | "_view_module": "@jupyter-widgets/base",
1196 | "_view_module_version": "1.2.0",
1197 | "_view_name": "LayoutView",
1198 | "align_content": null,
1199 | "align_items": null,
1200 | "align_self": null,
1201 | "border": null,
1202 | "bottom": null,
1203 | "display": null,
1204 | "flex": null,
1205 | "flex_flow": null,
1206 | "grid_area": null,
1207 | "grid_auto_columns": null,
1208 | "grid_auto_flow": null,
1209 | "grid_auto_rows": null,
1210 | "grid_column": null,
1211 | "grid_gap": null,
1212 | "grid_row": null,
1213 | "grid_template_areas": null,
1214 | "grid_template_columns": null,
1215 | "grid_template_rows": null,
1216 | "height": null,
1217 | "justify_content": null,
1218 | "justify_items": null,
1219 | "left": null,
1220 | "margin": null,
1221 | "max_height": null,
1222 | "max_width": null,
1223 | "min_height": null,
1224 | "min_width": null,
1225 | "object_fit": null,
1226 | "object_position": null,
1227 | "order": null,
1228 | "overflow": null,
1229 | "overflow_x": null,
1230 | "overflow_y": null,
1231 | "padding": null,
1232 | "right": null,
1233 | "top": null,
1234 | "visibility": null,
1235 | "width": null
1236 | }
1237 | },
1238 | "914dfb2a59ab4b92a28878ff48dd1366": {
1239 | "model_module": "@jupyter-widgets/controls",
1240 | "model_name": "DescriptionStyleModel",
1241 | "model_module_version": "1.5.0",
1242 | "state": {
1243 | "_model_module": "@jupyter-widgets/controls",
1244 | "_model_module_version": "1.5.0",
1245 | "_model_name": "DescriptionStyleModel",
1246 | "_view_count": null,
1247 | "_view_module": "@jupyter-widgets/base",
1248 | "_view_module_version": "1.2.0",
1249 | "_view_name": "StyleView",
1250 | "description_width": ""
1251 | }
1252 | },
1253 | "a78a7d8392534c2e960f128d85c88856": {
1254 | "model_module": "@jupyter-widgets/base",
1255 | "model_name": "LayoutModel",
1256 | "model_module_version": "1.2.0",
1257 | "state": {
1258 | "_model_module": "@jupyter-widgets/base",
1259 | "_model_module_version": "1.2.0",
1260 | "_model_name": "LayoutModel",
1261 | "_view_count": null,
1262 | "_view_module": "@jupyter-widgets/base",
1263 | "_view_module_version": "1.2.0",
1264 | "_view_name": "LayoutView",
1265 | "align_content": null,
1266 | "align_items": null,
1267 | "align_self": null,
1268 | "border": null,
1269 | "bottom": null,
1270 | "display": null,
1271 | "flex": null,
1272 | "flex_flow": null,
1273 | "grid_area": null,
1274 | "grid_auto_columns": null,
1275 | "grid_auto_flow": null,
1276 | "grid_auto_rows": null,
1277 | "grid_column": null,
1278 | "grid_gap": null,
1279 | "grid_row": null,
1280 | "grid_template_areas": null,
1281 | "grid_template_columns": null,
1282 | "grid_template_rows": null,
1283 | "height": null,
1284 | "justify_content": null,
1285 | "justify_items": null,
1286 | "left": null,
1287 | "margin": null,
1288 | "max_height": null,
1289 | "max_width": null,
1290 | "min_height": null,
1291 | "min_width": null,
1292 | "object_fit": null,
1293 | "object_position": null,
1294 | "order": null,
1295 | "overflow": null,
1296 | "overflow_x": null,
1297 | "overflow_y": null,
1298 | "padding": null,
1299 | "right": null,
1300 | "top": null,
1301 | "visibility": null,
1302 | "width": null
1303 | }
1304 | },
1305 | "f38a7d593ac249df819e3807147d8167": {
1306 | "model_module": "@jupyter-widgets/controls",
1307 | "model_name": "ProgressStyleModel",
1308 | "model_module_version": "1.5.0",
1309 | "state": {
1310 | "_model_module": "@jupyter-widgets/controls",
1311 | "_model_module_version": "1.5.0",
1312 | "_model_name": "ProgressStyleModel",
1313 | "_view_count": null,
1314 | "_view_module": "@jupyter-widgets/base",
1315 | "_view_module_version": "1.2.0",
1316 | "_view_name": "StyleView",
1317 | "bar_color": null,
1318 | "description_width": ""
1319 | }
1320 | },
1321 | "050fded012bd446fa68ff9bda645820f": {
1322 | "model_module": "@jupyter-widgets/base",
1323 | "model_name": "LayoutModel",
1324 | "model_module_version": "1.2.0",
1325 | "state": {
1326 | "_model_module": "@jupyter-widgets/base",
1327 | "_model_module_version": "1.2.0",
1328 | "_model_name": "LayoutModel",
1329 | "_view_count": null,
1330 | "_view_module": "@jupyter-widgets/base",
1331 | "_view_module_version": "1.2.0",
1332 | "_view_name": "LayoutView",
1333 | "align_content": null,
1334 | "align_items": null,
1335 | "align_self": null,
1336 | "border": null,
1337 | "bottom": null,
1338 | "display": null,
1339 | "flex": null,
1340 | "flex_flow": null,
1341 | "grid_area": null,
1342 | "grid_auto_columns": null,
1343 | "grid_auto_flow": null,
1344 | "grid_auto_rows": null,
1345 | "grid_column": null,
1346 | "grid_gap": null,
1347 | "grid_row": null,
1348 | "grid_template_areas": null,
1349 | "grid_template_columns": null,
1350 | "grid_template_rows": null,
1351 | "height": null,
1352 | "justify_content": null,
1353 | "justify_items": null,
1354 | "left": null,
1355 | "margin": null,
1356 | "max_height": null,
1357 | "max_width": null,
1358 | "min_height": null,
1359 | "min_width": null,
1360 | "object_fit": null,
1361 | "object_position": null,
1362 | "order": null,
1363 | "overflow": null,
1364 | "overflow_x": null,
1365 | "overflow_y": null,
1366 | "padding": null,
1367 | "right": null,
1368 | "top": null,
1369 | "visibility": null,
1370 | "width": null
1371 | }
1372 | },
1373 | "0a3388baa2ff490d9e67565bfe76e8c8": {
1374 | "model_module": "@jupyter-widgets/controls",
1375 | "model_name": "DescriptionStyleModel",
1376 | "model_module_version": "1.5.0",
1377 | "state": {
1378 | "_model_module": "@jupyter-widgets/controls",
1379 | "_model_module_version": "1.5.0",
1380 | "_model_name": "DescriptionStyleModel",
1381 | "_view_count": null,
1382 | "_view_module": "@jupyter-widgets/base",
1383 | "_view_module_version": "1.2.0",
1384 | "_view_name": "StyleView",
1385 | "description_width": ""
1386 | }
1387 | },
1388 | "5f7f1b5bc10341c0a6972ac88a908b3c": {
1389 | "model_module": "@jupyter-widgets/controls",
1390 | "model_name": "HBoxModel",
1391 | "model_module_version": "1.5.0",
1392 | "state": {
1393 | "_dom_classes": [],
1394 | "_model_module": "@jupyter-widgets/controls",
1395 | "_model_module_version": "1.5.0",
1396 | "_model_name": "HBoxModel",
1397 | "_view_count": null,
1398 | "_view_module": "@jupyter-widgets/controls",
1399 | "_view_module_version": "1.5.0",
1400 | "_view_name": "HBoxView",
1401 | "box_style": "",
1402 | "children": [
1403 | "IPY_MODEL_a5b7246d4d5448c4b105de74677643c6",
1404 | "IPY_MODEL_eb8c79ce7de1473bbffd467f262a007d",
1405 | "IPY_MODEL_6f377933b6ea4644a0d82b3b1fc7e04f"
1406 | ],
1407 | "layout": "IPY_MODEL_a202b7094b4044c68d77029797c4964c"
1408 | }
1409 | },
1410 | "a5b7246d4d5448c4b105de74677643c6": {
1411 | "model_module": "@jupyter-widgets/controls",
1412 | "model_name": "HTMLModel",
1413 | "model_module_version": "1.5.0",
1414 | "state": {
1415 | "_dom_classes": [],
1416 | "_model_module": "@jupyter-widgets/controls",
1417 | "_model_module_version": "1.5.0",
1418 | "_model_name": "HTMLModel",
1419 | "_view_count": null,
1420 | "_view_module": "@jupyter-widgets/controls",
1421 | "_view_module_version": "1.5.0",
1422 | "_view_name": "HTMLView",
1423 | "description": "",
1424 | "description_tooltip": null,
1425 | "layout": "IPY_MODEL_01fd29b04f084c6693d0469ba3811ba8",
1426 | "placeholder": "",
1427 | "style": "IPY_MODEL_5742a64800c94b6c9913e131cc953bb0",
1428 | "value": "config.json: 100%"
1429 | }
1430 | },
1431 | "eb8c79ce7de1473bbffd467f262a007d": {
1432 | "model_module": "@jupyter-widgets/controls",
1433 | "model_name": "FloatProgressModel",
1434 | "model_module_version": "1.5.0",
1435 | "state": {
1436 | "_dom_classes": [],
1437 | "_model_module": "@jupyter-widgets/controls",
1438 | "_model_module_version": "1.5.0",
1439 | "_model_name": "FloatProgressModel",
1440 | "_view_count": null,
1441 | "_view_module": "@jupyter-widgets/controls",
1442 | "_view_module_version": "1.5.0",
1443 | "_view_name": "ProgressView",
1444 | "bar_style": "success",
1445 | "description": "",
1446 | "description_tooltip": null,
1447 | "layout": "IPY_MODEL_98b11796fb7d4ce5a1112599f3017751",
1448 | "max": 624,
1449 | "min": 0,
1450 | "orientation": "horizontal",
1451 | "style": "IPY_MODEL_5ceffc0d8e534fa482254e4d8be7fd33",
1452 | "value": 624
1453 | }
1454 | },
1455 | "6f377933b6ea4644a0d82b3b1fc7e04f": {
1456 | "model_module": "@jupyter-widgets/controls",
1457 | "model_name": "HTMLModel",
1458 | "model_module_version": "1.5.0",
1459 | "state": {
1460 | "_dom_classes": [],
1461 | "_model_module": "@jupyter-widgets/controls",
1462 | "_model_module_version": "1.5.0",
1463 | "_model_name": "HTMLModel",
1464 | "_view_count": null,
1465 | "_view_module": "@jupyter-widgets/controls",
1466 | "_view_module_version": "1.5.0",
1467 | "_view_name": "HTMLView",
1468 | "description": "",
1469 | "description_tooltip": null,
1470 | "layout": "IPY_MODEL_cbc91768976e48b58c7b6b9bb7daff59",
1471 | "placeholder": "",
1472 | "style": "IPY_MODEL_9a70d93c1edb419e96e289b9e1a51653",
1473 | "value": " 624/624 [00:00<00:00, 56.0kB/s]"
1474 | }
1475 | },
1476 | "a202b7094b4044c68d77029797c4964c": {
1477 | "model_module": "@jupyter-widgets/base",
1478 | "model_name": "LayoutModel",
1479 | "model_module_version": "1.2.0",
1480 | "state": {
1481 | "_model_module": "@jupyter-widgets/base",
1482 | "_model_module_version": "1.2.0",
1483 | "_model_name": "LayoutModel",
1484 | "_view_count": null,
1485 | "_view_module": "@jupyter-widgets/base",
1486 | "_view_module_version": "1.2.0",
1487 | "_view_name": "LayoutView",
1488 | "align_content": null,
1489 | "align_items": null,
1490 | "align_self": null,
1491 | "border": null,
1492 | "bottom": null,
1493 | "display": null,
1494 | "flex": null,
1495 | "flex_flow": null,
1496 | "grid_area": null,
1497 | "grid_auto_columns": null,
1498 | "grid_auto_flow": null,
1499 | "grid_auto_rows": null,
1500 | "grid_column": null,
1501 | "grid_gap": null,
1502 | "grid_row": null,
1503 | "grid_template_areas": null,
1504 | "grid_template_columns": null,
1505 | "grid_template_rows": null,
1506 | "height": null,
1507 | "justify_content": null,
1508 | "justify_items": null,
1509 | "left": null,
1510 | "margin": null,
1511 | "max_height": null,
1512 | "max_width": null,
1513 | "min_height": null,
1514 | "min_width": null,
1515 | "object_fit": null,
1516 | "object_position": null,
1517 | "order": null,
1518 | "overflow": null,
1519 | "overflow_x": null,
1520 | "overflow_y": null,
1521 | "padding": null,
1522 | "right": null,
1523 | "top": null,
1524 | "visibility": null,
1525 | "width": null
1526 | }
1527 | },
1528 | "01fd29b04f084c6693d0469ba3811ba8": {
1529 | "model_module": "@jupyter-widgets/base",
1530 | "model_name": "LayoutModel",
1531 | "model_module_version": "1.2.0",
1532 | "state": {
1533 | "_model_module": "@jupyter-widgets/base",
1534 | "_model_module_version": "1.2.0",
1535 | "_model_name": "LayoutModel",
1536 | "_view_count": null,
1537 | "_view_module": "@jupyter-widgets/base",
1538 | "_view_module_version": "1.2.0",
1539 | "_view_name": "LayoutView",
1540 | "align_content": null,
1541 | "align_items": null,
1542 | "align_self": null,
1543 | "border": null,
1544 | "bottom": null,
1545 | "display": null,
1546 | "flex": null,
1547 | "flex_flow": null,
1548 | "grid_area": null,
1549 | "grid_auto_columns": null,
1550 | "grid_auto_flow": null,
1551 | "grid_auto_rows": null,
1552 | "grid_column": null,
1553 | "grid_gap": null,
1554 | "grid_row": null,
1555 | "grid_template_areas": null,
1556 | "grid_template_columns": null,
1557 | "grid_template_rows": null,
1558 | "height": null,
1559 | "justify_content": null,
1560 | "justify_items": null,
1561 | "left": null,
1562 | "margin": null,
1563 | "max_height": null,
1564 | "max_width": null,
1565 | "min_height": null,
1566 | "min_width": null,
1567 | "object_fit": null,
1568 | "object_position": null,
1569 | "order": null,
1570 | "overflow": null,
1571 | "overflow_x": null,
1572 | "overflow_y": null,
1573 | "padding": null,
1574 | "right": null,
1575 | "top": null,
1576 | "visibility": null,
1577 | "width": null
1578 | }
1579 | },
1580 | "5742a64800c94b6c9913e131cc953bb0": {
1581 | "model_module": "@jupyter-widgets/controls",
1582 | "model_name": "DescriptionStyleModel",
1583 | "model_module_version": "1.5.0",
1584 | "state": {
1585 | "_model_module": "@jupyter-widgets/controls",
1586 | "_model_module_version": "1.5.0",
1587 | "_model_name": "DescriptionStyleModel",
1588 | "_view_count": null,
1589 | "_view_module": "@jupyter-widgets/base",
1590 | "_view_module_version": "1.2.0",
1591 | "_view_name": "StyleView",
1592 | "description_width": ""
1593 | }
1594 | },
1595 | "98b11796fb7d4ce5a1112599f3017751": {
1596 | "model_module": "@jupyter-widgets/base",
1597 | "model_name": "LayoutModel",
1598 | "model_module_version": "1.2.0",
1599 | "state": {
1600 | "_model_module": "@jupyter-widgets/base",
1601 | "_model_module_version": "1.2.0",
1602 | "_model_name": "LayoutModel",
1603 | "_view_count": null,
1604 | "_view_module": "@jupyter-widgets/base",
1605 | "_view_module_version": "1.2.0",
1606 | "_view_name": "LayoutView",
1607 | "align_content": null,
1608 | "align_items": null,
1609 | "align_self": null,
1610 | "border": null,
1611 | "bottom": null,
1612 | "display": null,
1613 | "flex": null,
1614 | "flex_flow": null,
1615 | "grid_area": null,
1616 | "grid_auto_columns": null,
1617 | "grid_auto_flow": null,
1618 | "grid_auto_rows": null,
1619 | "grid_column": null,
1620 | "grid_gap": null,
1621 | "grid_row": null,
1622 | "grid_template_areas": null,
1623 | "grid_template_columns": null,
1624 | "grid_template_rows": null,
1625 | "height": null,
1626 | "justify_content": null,
1627 | "justify_items": null,
1628 | "left": null,
1629 | "margin": null,
1630 | "max_height": null,
1631 | "max_width": null,
1632 | "min_height": null,
1633 | "min_width": null,
1634 | "object_fit": null,
1635 | "object_position": null,
1636 | "order": null,
1637 | "overflow": null,
1638 | "overflow_x": null,
1639 | "overflow_y": null,
1640 | "padding": null,
1641 | "right": null,
1642 | "top": null,
1643 | "visibility": null,
1644 | "width": null
1645 | }
1646 | },
1647 | "5ceffc0d8e534fa482254e4d8be7fd33": {
1648 | "model_module": "@jupyter-widgets/controls",
1649 | "model_name": "ProgressStyleModel",
1650 | "model_module_version": "1.5.0",
1651 | "state": {
1652 | "_model_module": "@jupyter-widgets/controls",
1653 | "_model_module_version": "1.5.0",
1654 | "_model_name": "ProgressStyleModel",
1655 | "_view_count": null,
1656 | "_view_module": "@jupyter-widgets/base",
1657 | "_view_module_version": "1.2.0",
1658 | "_view_name": "StyleView",
1659 | "bar_color": null,
1660 | "description_width": ""
1661 | }
1662 | },
1663 | "cbc91768976e48b58c7b6b9bb7daff59": {
1664 | "model_module": "@jupyter-widgets/base",
1665 | "model_name": "LayoutModel",
1666 | "model_module_version": "1.2.0",
1667 | "state": {
1668 | "_model_module": "@jupyter-widgets/base",
1669 | "_model_module_version": "1.2.0",
1670 | "_model_name": "LayoutModel",
1671 | "_view_count": null,
1672 | "_view_module": "@jupyter-widgets/base",
1673 | "_view_module_version": "1.2.0",
1674 | "_view_name": "LayoutView",
1675 | "align_content": null,
1676 | "align_items": null,
1677 | "align_self": null,
1678 | "border": null,
1679 | "bottom": null,
1680 | "display": null,
1681 | "flex": null,
1682 | "flex_flow": null,
1683 | "grid_area": null,
1684 | "grid_auto_columns": null,
1685 | "grid_auto_flow": null,
1686 | "grid_auto_rows": null,
1687 | "grid_column": null,
1688 | "grid_gap": null,
1689 | "grid_row": null,
1690 | "grid_template_areas": null,
1691 | "grid_template_columns": null,
1692 | "grid_template_rows": null,
1693 | "height": null,
1694 | "justify_content": null,
1695 | "justify_items": null,
1696 | "left": null,
1697 | "margin": null,
1698 | "max_height": null,
1699 | "max_width": null,
1700 | "min_height": null,
1701 | "min_width": null,
1702 | "object_fit": null,
1703 | "object_position": null,
1704 | "order": null,
1705 | "overflow": null,
1706 | "overflow_x": null,
1707 | "overflow_y": null,
1708 | "padding": null,
1709 | "right": null,
1710 | "top": null,
1711 | "visibility": null,
1712 | "width": null
1713 | }
1714 | },
1715 | "9a70d93c1edb419e96e289b9e1a51653": {
1716 | "model_module": "@jupyter-widgets/controls",
1717 | "model_name": "DescriptionStyleModel",
1718 | "model_module_version": "1.5.0",
1719 | "state": {
1720 | "_model_module": "@jupyter-widgets/controls",
1721 | "_model_module_version": "1.5.0",
1722 | "_model_name": "DescriptionStyleModel",
1723 | "_view_count": null,
1724 | "_view_module": "@jupyter-widgets/base",
1725 | "_view_module_version": "1.2.0",
1726 | "_view_name": "StyleView",
1727 | "description_width": ""
1728 | }
1729 | },
1730 | "bcc6871a5bd34c04ba9eaeed8df3124b": {
1731 | "model_module": "@jupyter-widgets/controls",
1732 | "model_name": "HBoxModel",
1733 | "model_module_version": "1.5.0",
1734 | "state": {
1735 | "_dom_classes": [],
1736 | "_model_module": "@jupyter-widgets/controls",
1737 | "_model_module_version": "1.5.0",
1738 | "_model_name": "HBoxModel",
1739 | "_view_count": null,
1740 | "_view_module": "@jupyter-widgets/controls",
1741 | "_view_module_version": "1.5.0",
1742 | "_view_name": "HBoxView",
1743 | "box_style": "",
1744 | "children": [
1745 | "IPY_MODEL_aad7a2f0c0454045867c667a1cd3af1f",
1746 | "IPY_MODEL_c914f8c23adf404797a33442ef6feb91",
1747 | "IPY_MODEL_0e0c748af2104bf0ad12454279d16c0e"
1748 | ],
1749 | "layout": "IPY_MODEL_f6262e28000c4e0188ec16939bc46bbb"
1750 | }
1751 | },
1752 | "aad7a2f0c0454045867c667a1cd3af1f": {
1753 | "model_module": "@jupyter-widgets/controls",
1754 | "model_name": "HTMLModel",
1755 | "model_module_version": "1.5.0",
1756 | "state": {
1757 | "_dom_classes": [],
1758 | "_model_module": "@jupyter-widgets/controls",
1759 | "_model_module_version": "1.5.0",
1760 | "_model_name": "HTMLModel",
1761 | "_view_count": null,
1762 | "_view_module": "@jupyter-widgets/controls",
1763 | "_view_module_version": "1.5.0",
1764 | "_view_name": "HTMLView",
1765 | "description": "",
1766 | "description_tooltip": null,
1767 | "layout": "IPY_MODEL_a2600d8786e34dc9872eaa8f5fa730fa",
1768 | "placeholder": "",
1769 | "style": "IPY_MODEL_e7287eb6394a49a08778419826af3a48",
1770 | "value": "model.safetensors.index.json: 100%"
1771 | }
1772 | },
1773 | "c914f8c23adf404797a33442ef6feb91": {
1774 | "model_module": "@jupyter-widgets/controls",
1775 | "model_name": "FloatProgressModel",
1776 | "model_module_version": "1.5.0",
1777 | "state": {
1778 | "_dom_classes": [],
1779 | "_model_module": "@jupyter-widgets/controls",
1780 | "_model_module_version": "1.5.0",
1781 | "_model_name": "FloatProgressModel",
1782 | "_view_count": null,
1783 | "_view_module": "@jupyter-widgets/controls",
1784 | "_view_module_version": "1.5.0",
1785 | "_view_name": "ProgressView",
1786 | "bar_style": "success",
1787 | "description": "",
1788 | "description_tooltip": null,
1789 | "layout": "IPY_MODEL_a256a5db7e7145b7b795331d69233ca3",
1790 | "max": 25125,
1791 | "min": 0,
1792 | "orientation": "horizontal",
1793 | "style": "IPY_MODEL_632fe13cb829410bbab4c468a2ba5949",
1794 | "value": 25125
1795 | }
1796 | },
1797 | "0e0c748af2104bf0ad12454279d16c0e": {
1798 | "model_module": "@jupyter-widgets/controls",
1799 | "model_name": "HTMLModel",
1800 | "model_module_version": "1.5.0",
1801 | "state": {
1802 | "_dom_classes": [],
1803 | "_model_module": "@jupyter-widgets/controls",
1804 | "_model_module_version": "1.5.0",
1805 | "_model_name": "HTMLModel",
1806 | "_view_count": null,
1807 | "_view_module": "@jupyter-widgets/controls",
1808 | "_view_module_version": "1.5.0",
1809 | "_view_name": "HTMLView",
1810 | "description": "",
1811 | "description_tooltip": null,
1812 | "layout": "IPY_MODEL_b422c90f9cec411c8fd28d33c5a9ec4a",
1813 | "placeholder": "",
1814 | "style": "IPY_MODEL_a318cf2a2c5f4b6f911db8e8a2dca064",
1815 | "value": " 25.1k/25.1k [00:00<00:00, 2.25MB/s]"
1816 | }
1817 | },
1818 | "f6262e28000c4e0188ec16939bc46bbb": {
1819 | "model_module": "@jupyter-widgets/base",
1820 | "model_name": "LayoutModel",
1821 | "model_module_version": "1.2.0",
1822 | "state": {
1823 | "_model_module": "@jupyter-widgets/base",
1824 | "_model_module_version": "1.2.0",
1825 | "_model_name": "LayoutModel",
1826 | "_view_count": null,
1827 | "_view_module": "@jupyter-widgets/base",
1828 | "_view_module_version": "1.2.0",
1829 | "_view_name": "LayoutView",
1830 | "align_content": null,
1831 | "align_items": null,
1832 | "align_self": null,
1833 | "border": null,
1834 | "bottom": null,
1835 | "display": null,
1836 | "flex": null,
1837 | "flex_flow": null,
1838 | "grid_area": null,
1839 | "grid_auto_columns": null,
1840 | "grid_auto_flow": null,
1841 | "grid_auto_rows": null,
1842 | "grid_column": null,
1843 | "grid_gap": null,
1844 | "grid_row": null,
1845 | "grid_template_areas": null,
1846 | "grid_template_columns": null,
1847 | "grid_template_rows": null,
1848 | "height": null,
1849 | "justify_content": null,
1850 | "justify_items": null,
1851 | "left": null,
1852 | "margin": null,
1853 | "max_height": null,
1854 | "max_width": null,
1855 | "min_height": null,
1856 | "min_width": null,
1857 | "object_fit": null,
1858 | "object_position": null,
1859 | "order": null,
1860 | "overflow": null,
1861 | "overflow_x": null,
1862 | "overflow_y": null,
1863 | "padding": null,
1864 | "right": null,
1865 | "top": null,
1866 | "visibility": null,
1867 | "width": null
1868 | }
1869 | },
1870 | "a2600d8786e34dc9872eaa8f5fa730fa": {
1871 | "model_module": "@jupyter-widgets/base",
1872 | "model_name": "LayoutModel",
1873 | "model_module_version": "1.2.0",
1874 | "state": {
1875 | "_model_module": "@jupyter-widgets/base",
1876 | "_model_module_version": "1.2.0",
1877 | "_model_name": "LayoutModel",
1878 | "_view_count": null,
1879 | "_view_module": "@jupyter-widgets/base",
1880 | "_view_module_version": "1.2.0",
1881 | "_view_name": "LayoutView",
1882 | "align_content": null,
1883 | "align_items": null,
1884 | "align_self": null,
1885 | "border": null,
1886 | "bottom": null,
1887 | "display": null,
1888 | "flex": null,
1889 | "flex_flow": null,
1890 | "grid_area": null,
1891 | "grid_auto_columns": null,
1892 | "grid_auto_flow": null,
1893 | "grid_auto_rows": null,
1894 | "grid_column": null,
1895 | "grid_gap": null,
1896 | "grid_row": null,
1897 | "grid_template_areas": null,
1898 | "grid_template_columns": null,
1899 | "grid_template_rows": null,
1900 | "height": null,
1901 | "justify_content": null,
1902 | "justify_items": null,
1903 | "left": null,
1904 | "margin": null,
1905 | "max_height": null,
1906 | "max_width": null,
1907 | "min_height": null,
1908 | "min_width": null,
1909 | "object_fit": null,
1910 | "object_position": null,
1911 | "order": null,
1912 | "overflow": null,
1913 | "overflow_x": null,
1914 | "overflow_y": null,
1915 | "padding": null,
1916 | "right": null,
1917 | "top": null,
1918 | "visibility": null,
1919 | "width": null
1920 | }
1921 | },
1922 | "e7287eb6394a49a08778419826af3a48": {
1923 | "model_module": "@jupyter-widgets/controls",
1924 | "model_name": "DescriptionStyleModel",
1925 | "model_module_version": "1.5.0",
1926 | "state": {
1927 | "_model_module": "@jupyter-widgets/controls",
1928 | "_model_module_version": "1.5.0",
1929 | "_model_name": "DescriptionStyleModel",
1930 | "_view_count": null,
1931 | "_view_module": "@jupyter-widgets/base",
1932 | "_view_module_version": "1.2.0",
1933 | "_view_name": "StyleView",
1934 | "description_width": ""
1935 | }
1936 | },
1937 | "a256a5db7e7145b7b795331d69233ca3": {
1938 | "model_module": "@jupyter-widgets/base",
1939 | "model_name": "LayoutModel",
1940 | "model_module_version": "1.2.0",
1941 | "state": {
1942 | "_model_module": "@jupyter-widgets/base",
1943 | "_model_module_version": "1.2.0",
1944 | "_model_name": "LayoutModel",
1945 | "_view_count": null,
1946 | "_view_module": "@jupyter-widgets/base",
1947 | "_view_module_version": "1.2.0",
1948 | "_view_name": "LayoutView",
1949 | "align_content": null,
1950 | "align_items": null,
1951 | "align_self": null,
1952 | "border": 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 | "overflow_x": null,
1981 | "overflow_y": null,
1982 | "padding": null,
1983 | "right": null,
1984 | "top": null,
1985 | "visibility": null,
1986 | "width": null
1987 | }
1988 | },
1989 | "632fe13cb829410bbab4c468a2ba5949": {
1990 | "model_module": "@jupyter-widgets/controls",
1991 | "model_name": "ProgressStyleModel",
1992 | "model_module_version": "1.5.0",
1993 | "state": {
1994 | "_model_module": "@jupyter-widgets/controls",
1995 | "_model_module_version": "1.5.0",
1996 | "_model_name": "ProgressStyleModel",
1997 | "_view_count": null,
1998 | "_view_module": "@jupyter-widgets/base",
1999 | "_view_module_version": "1.2.0",
2000 | "_view_name": "StyleView",
2001 | "bar_color": null,
2002 | "description_width": ""
2003 | }
2004 | },
2005 | "b422c90f9cec411c8fd28d33c5a9ec4a": {
2006 | "model_module": "@jupyter-widgets/base",
2007 | "model_name": "LayoutModel",
2008 | "model_module_version": "1.2.0",
2009 | "state": {
2010 | "_model_module": "@jupyter-widgets/base",
2011 | "_model_module_version": "1.2.0",
2012 | "_model_name": "LayoutModel",
2013 | "_view_count": null,
2014 | "_view_module": "@jupyter-widgets/base",
2015 | "_view_module_version": "1.2.0",
2016 | "_view_name": "LayoutView",
2017 | "align_content": null,
2018 | "align_items": null,
2019 | "align_self": null,
2020 | "border": null,
2021 | "bottom": null,
2022 | "display": null,
2023 | "flex": null,
2024 | "flex_flow": null,
2025 | "grid_area": null,
2026 | "grid_auto_columns": null,
2027 | "grid_auto_flow": null,
2028 | "grid_auto_rows": null,
2029 | "grid_column": null,
2030 | "grid_gap": null,
2031 | "grid_row": null,
2032 | "grid_template_areas": null,
2033 | "grid_template_columns": null,
2034 | "grid_template_rows": null,
2035 | "height": null,
2036 | "justify_content": null,
2037 | "justify_items": null,
2038 | "left": null,
2039 | "margin": null,
2040 | "max_height": null,
2041 | "max_width": null,
2042 | "min_height": null,
2043 | "min_width": null,
2044 | "object_fit": null,
2045 | "object_position": null,
2046 | "order": null,
2047 | "overflow": null,
2048 | "overflow_x": null,
2049 | "overflow_y": null,
2050 | "padding": null,
2051 | "right": null,
2052 | "top": null,
2053 | "visibility": null,
2054 | "width": null
2055 | }
2056 | },
2057 | "a318cf2a2c5f4b6f911db8e8a2dca064": {
2058 | "model_module": "@jupyter-widgets/controls",
2059 | "model_name": "DescriptionStyleModel",
2060 | "model_module_version": "1.5.0",
2061 | "state": {
2062 | "_model_module": "@jupyter-widgets/controls",
2063 | "_model_module_version": "1.5.0",
2064 | "_model_name": "DescriptionStyleModel",
2065 | "_view_count": null,
2066 | "_view_module": "@jupyter-widgets/base",
2067 | "_view_module_version": "1.2.0",
2068 | "_view_name": "StyleView",
2069 | "description_width": ""
2070 | }
2071 | },
2072 | "7dd686dc58314f65a4ce49424c02117e": {
2073 | "model_module": "@jupyter-widgets/controls",
2074 | "model_name": "HBoxModel",
2075 | "model_module_version": "1.5.0",
2076 | "state": {
2077 | "_dom_classes": [],
2078 | "_model_module": "@jupyter-widgets/controls",
2079 | "_model_module_version": "1.5.0",
2080 | "_model_name": "HBoxModel",
2081 | "_view_count": null,
2082 | "_view_module": "@jupyter-widgets/controls",
2083 | "_view_module_version": "1.5.0",
2084 | "_view_name": "HBoxView",
2085 | "box_style": "",
2086 | "children": [
2087 | "IPY_MODEL_85321100928b498cad1466b67b547f52",
2088 | "IPY_MODEL_be038f49b2084cc1840e4e6e9cc5a973",
2089 | "IPY_MODEL_c914731e55c943649a28be83a696276b"
2090 | ],
2091 | "layout": "IPY_MODEL_d924f03fe4f042f58ed86059c0d089f9"
2092 | }
2093 | },
2094 | "85321100928b498cad1466b67b547f52": {
2095 | "model_module": "@jupyter-widgets/controls",
2096 | "model_name": "HTMLModel",
2097 | "model_module_version": "1.5.0",
2098 | "state": {
2099 | "_dom_classes": [],
2100 | "_model_module": "@jupyter-widgets/controls",
2101 | "_model_module_version": "1.5.0",
2102 | "_model_name": "HTMLModel",
2103 | "_view_count": null,
2104 | "_view_module": "@jupyter-widgets/controls",
2105 | "_view_module_version": "1.5.0",
2106 | "_view_name": "HTMLView",
2107 | "description": "",
2108 | "description_tooltip": null,
2109 | "layout": "IPY_MODEL_c6291c76fda34bf4bd2286153ce4cc49",
2110 | "placeholder": "",
2111 | "style": "IPY_MODEL_4c7135baf8634facb8931b71d9eb64f3",
2112 | "value": "Downloading shards: 100%"
2113 | }
2114 | },
2115 | "be038f49b2084cc1840e4e6e9cc5a973": {
2116 | "model_module": "@jupyter-widgets/controls",
2117 | "model_name": "FloatProgressModel",
2118 | "model_module_version": "1.5.0",
2119 | "state": {
2120 | "_dom_classes": [],
2121 | "_model_module": "@jupyter-widgets/controls",
2122 | "_model_module_version": "1.5.0",
2123 | "_model_name": "FloatProgressModel",
2124 | "_view_count": null,
2125 | "_view_module": "@jupyter-widgets/controls",
2126 | "_view_module_version": "1.5.0",
2127 | "_view_name": "ProgressView",
2128 | "bar_style": "success",
2129 | "description": "",
2130 | "description_tooltip": null,
2131 | "layout": "IPY_MODEL_4ba920b8950f403da0454e42e6ffaccf",
2132 | "max": 2,
2133 | "min": 0,
2134 | "orientation": "horizontal",
2135 | "style": "IPY_MODEL_c24a42cbfb27434a9e36372e6ea87fa5",
2136 | "value": 2
2137 | }
2138 | },
2139 | "c914731e55c943649a28be83a696276b": {
2140 | "model_module": "@jupyter-widgets/controls",
2141 | "model_name": "HTMLModel",
2142 | "model_module_version": "1.5.0",
2143 | "state": {
2144 | "_dom_classes": [],
2145 | "_model_module": "@jupyter-widgets/controls",
2146 | "_model_module_version": "1.5.0",
2147 | "_model_name": "HTMLModel",
2148 | "_view_count": null,
2149 | "_view_module": "@jupyter-widgets/controls",
2150 | "_view_module_version": "1.5.0",
2151 | "_view_name": "HTMLView",
2152 | "description": "",
2153 | "description_tooltip": null,
2154 | "layout": "IPY_MODEL_0227c02ea2194edd82edf58c36032ed0",
2155 | "placeholder": "",
2156 | "style": "IPY_MODEL_4f2d890ce63a499ab9ccecf8e14d6eae",
2157 | "value": " 2/2 [01:27<00:00, 40.72s/it]"
2158 | }
2159 | },
2160 | "d924f03fe4f042f58ed86059c0d089f9": {
2161 | "model_module": "@jupyter-widgets/base",
2162 | "model_name": "LayoutModel",
2163 | "model_module_version": "1.2.0",
2164 | "state": {
2165 | "_model_module": "@jupyter-widgets/base",
2166 | "_model_module_version": "1.2.0",
2167 | "_model_name": "LayoutModel",
2168 | "_view_count": null,
2169 | "_view_module": "@jupyter-widgets/base",
2170 | "_view_module_version": "1.2.0",
2171 | "_view_name": "LayoutView",
2172 | "align_content": null,
2173 | "align_items": null,
2174 | "align_self": null,
2175 | "border": null,
2176 | "bottom": null,
2177 | "display": null,
2178 | "flex": null,
2179 | "flex_flow": null,
2180 | "grid_area": null,
2181 | "grid_auto_columns": null,
2182 | "grid_auto_flow": null,
2183 | "grid_auto_rows": null,
2184 | "grid_column": null,
2185 | "grid_gap": null,
2186 | "grid_row": null,
2187 | "grid_template_areas": null,
2188 | "grid_template_columns": null,
2189 | "grid_template_rows": null,
2190 | "height": null,
2191 | "justify_content": null,
2192 | "justify_items": null,
2193 | "left": null,
2194 | "margin": null,
2195 | "max_height": null,
2196 | "max_width": null,
2197 | "min_height": null,
2198 | "min_width": null,
2199 | "object_fit": null,
2200 | "object_position": null,
2201 | "order": null,
2202 | "overflow": null,
2203 | "overflow_x": null,
2204 | "overflow_y": null,
2205 | "padding": null,
2206 | "right": null,
2207 | "top": null,
2208 | "visibility": null,
2209 | "width": null
2210 | }
2211 | },
2212 | "c6291c76fda34bf4bd2286153ce4cc49": {
2213 | "model_module": "@jupyter-widgets/base",
2214 | "model_name": "LayoutModel",
2215 | "model_module_version": "1.2.0",
2216 | "state": {
2217 | "_model_module": "@jupyter-widgets/base",
2218 | "_model_module_version": "1.2.0",
2219 | "_model_name": "LayoutModel",
2220 | "_view_count": null,
2221 | "_view_module": "@jupyter-widgets/base",
2222 | "_view_module_version": "1.2.0",
2223 | "_view_name": "LayoutView",
2224 | "align_content": null,
2225 | "align_items": null,
2226 | "align_self": null,
2227 | "border": null,
2228 | "bottom": null,
2229 | "display": null,
2230 | "flex": null,
2231 | "flex_flow": null,
2232 | "grid_area": null,
2233 | "grid_auto_columns": null,
2234 | "grid_auto_flow": null,
2235 | "grid_auto_rows": null,
2236 | "grid_column": null,
2237 | "grid_gap": null,
2238 | "grid_row": null,
2239 | "grid_template_areas": null,
2240 | "grid_template_columns": null,
2241 | "grid_template_rows": null,
2242 | "height": null,
2243 | "justify_content": null,
2244 | "justify_items": null,
2245 | "left": null,
2246 | "margin": null,
2247 | "max_height": null,
2248 | "max_width": null,
2249 | "min_height": null,
2250 | "min_width": null,
2251 | "object_fit": null,
2252 | "object_position": null,
2253 | "order": null,
2254 | "overflow": null,
2255 | "overflow_x": null,
2256 | "overflow_y": null,
2257 | "padding": null,
2258 | "right": null,
2259 | "top": null,
2260 | "visibility": null,
2261 | "width": null
2262 | }
2263 | },
2264 | "4c7135baf8634facb8931b71d9eb64f3": {
2265 | "model_module": "@jupyter-widgets/controls",
2266 | "model_name": "DescriptionStyleModel",
2267 | "model_module_version": "1.5.0",
2268 | "state": {
2269 | "_model_module": "@jupyter-widgets/controls",
2270 | "_model_module_version": "1.5.0",
2271 | "_model_name": "DescriptionStyleModel",
2272 | "_view_count": null,
2273 | "_view_module": "@jupyter-widgets/base",
2274 | "_view_module_version": "1.2.0",
2275 | "_view_name": "StyleView",
2276 | "description_width": ""
2277 | }
2278 | },
2279 | "4ba920b8950f403da0454e42e6ffaccf": {
2280 | "model_module": "@jupyter-widgets/base",
2281 | "model_name": "LayoutModel",
2282 | "model_module_version": "1.2.0",
2283 | "state": {
2284 | "_model_module": "@jupyter-widgets/base",
2285 | "_model_module_version": "1.2.0",
2286 | "_model_name": "LayoutModel",
2287 | "_view_count": null,
2288 | "_view_module": "@jupyter-widgets/base",
2289 | "_view_module_version": "1.2.0",
2290 | "_view_name": "LayoutView",
2291 | "align_content": null,
2292 | "align_items": null,
2293 | "align_self": null,
2294 | "border": null,
2295 | "bottom": null,
2296 | "display": null,
2297 | "flex": null,
2298 | "flex_flow": null,
2299 | "grid_area": null,
2300 | "grid_auto_columns": null,
2301 | "grid_auto_flow": null,
2302 | "grid_auto_rows": null,
2303 | "grid_column": null,
2304 | "grid_gap": null,
2305 | "grid_row": null,
2306 | "grid_template_areas": null,
2307 | "grid_template_columns": null,
2308 | "grid_template_rows": null,
2309 | "height": null,
2310 | "justify_content": null,
2311 | "justify_items": null,
2312 | "left": null,
2313 | "margin": null,
2314 | "max_height": null,
2315 | "max_width": null,
2316 | "min_height": null,
2317 | "min_width": null,
2318 | "object_fit": null,
2319 | "object_position": null,
2320 | "order": null,
2321 | "overflow": null,
2322 | "overflow_x": null,
2323 | "overflow_y": null,
2324 | "padding": null,
2325 | "right": null,
2326 | "top": null,
2327 | "visibility": null,
2328 | "width": null
2329 | }
2330 | },
2331 | "c24a42cbfb27434a9e36372e6ea87fa5": {
2332 | "model_module": "@jupyter-widgets/controls",
2333 | "model_name": "ProgressStyleModel",
2334 | "model_module_version": "1.5.0",
2335 | "state": {
2336 | "_model_module": "@jupyter-widgets/controls",
2337 | "_model_module_version": "1.5.0",
2338 | "_model_name": "ProgressStyleModel",
2339 | "_view_count": null,
2340 | "_view_module": "@jupyter-widgets/base",
2341 | "_view_module_version": "1.2.0",
2342 | "_view_name": "StyleView",
2343 | "bar_color": null,
2344 | "description_width": ""
2345 | }
2346 | },
2347 | "0227c02ea2194edd82edf58c36032ed0": {
2348 | "model_module": "@jupyter-widgets/base",
2349 | "model_name": "LayoutModel",
2350 | "model_module_version": "1.2.0",
2351 | "state": {
2352 | "_model_module": "@jupyter-widgets/base",
2353 | "_model_module_version": "1.2.0",
2354 | "_model_name": "LayoutModel",
2355 | "_view_count": null,
2356 | "_view_module": "@jupyter-widgets/base",
2357 | "_view_module_version": "1.2.0",
2358 | "_view_name": "LayoutView",
2359 | "align_content": null,
2360 | "align_items": null,
2361 | "align_self": null,
2362 | "border": null,
2363 | "bottom": null,
2364 | "display": null,
2365 | "flex": null,
2366 | "flex_flow": null,
2367 | "grid_area": null,
2368 | "grid_auto_columns": null,
2369 | "grid_auto_flow": null,
2370 | "grid_auto_rows": null,
2371 | "grid_column": null,
2372 | "grid_gap": null,
2373 | "grid_row": null,
2374 | "grid_template_areas": null,
2375 | "grid_template_columns": null,
2376 | "grid_template_rows": null,
2377 | "height": null,
2378 | "justify_content": null,
2379 | "justify_items": null,
2380 | "left": null,
2381 | "margin": null,
2382 | "max_height": null,
2383 | "max_width": null,
2384 | "min_height": null,
2385 | "min_width": null,
2386 | "object_fit": null,
2387 | "object_position": null,
2388 | "order": null,
2389 | "overflow": null,
2390 | "overflow_x": null,
2391 | "overflow_y": null,
2392 | "padding": null,
2393 | "right": null,
2394 | "top": null,
2395 | "visibility": null,
2396 | "width": null
2397 | }
2398 | },
2399 | "4f2d890ce63a499ab9ccecf8e14d6eae": {
2400 | "model_module": "@jupyter-widgets/controls",
2401 | "model_name": "DescriptionStyleModel",
2402 | "model_module_version": "1.5.0",
2403 | "state": {
2404 | "_model_module": "@jupyter-widgets/controls",
2405 | "_model_module_version": "1.5.0",
2406 | "_model_name": "DescriptionStyleModel",
2407 | "_view_count": null,
2408 | "_view_module": "@jupyter-widgets/base",
2409 | "_view_module_version": "1.2.0",
2410 | "_view_name": "StyleView",
2411 | "description_width": ""
2412 | }
2413 | },
2414 | "755559e9d8f844059ed80838ee3755e3": {
2415 | "model_module": "@jupyter-widgets/controls",
2416 | "model_name": "HBoxModel",
2417 | "model_module_version": "1.5.0",
2418 | "state": {
2419 | "_dom_classes": [],
2420 | "_model_module": "@jupyter-widgets/controls",
2421 | "_model_module_version": "1.5.0",
2422 | "_model_name": "HBoxModel",
2423 | "_view_count": null,
2424 | "_view_module": "@jupyter-widgets/controls",
2425 | "_view_module_version": "1.5.0",
2426 | "_view_name": "HBoxView",
2427 | "box_style": "",
2428 | "children": [
2429 | "IPY_MODEL_0b2cf5e1aedf42f7acd17291599cbecb",
2430 | "IPY_MODEL_94652a48ac854a3d85c35acd9c991a45",
2431 | "IPY_MODEL_cdc4a202c6194e93ad9ea2745e1c34fb"
2432 | ],
2433 | "layout": "IPY_MODEL_98adfe6514944df6a571e08673b34822"
2434 | }
2435 | },
2436 | "0b2cf5e1aedf42f7acd17291599cbecb": {
2437 | "model_module": "@jupyter-widgets/controls",
2438 | "model_name": "HTMLModel",
2439 | "model_module_version": "1.5.0",
2440 | "state": {
2441 | "_dom_classes": [],
2442 | "_model_module": "@jupyter-widgets/controls",
2443 | "_model_module_version": "1.5.0",
2444 | "_model_name": "HTMLModel",
2445 | "_view_count": null,
2446 | "_view_module": "@jupyter-widgets/controls",
2447 | "_view_module_version": "1.5.0",
2448 | "_view_name": "HTMLView",
2449 | "description": "",
2450 | "description_tooltip": null,
2451 | "layout": "IPY_MODEL_89c332e758b640d3b78329359d1e4484",
2452 | "placeholder": "",
2453 | "style": "IPY_MODEL_2a824c5f03c94205be565add66400d3e",
2454 | "value": "model-00001-of-00002.safetensors: 100%"
2455 | }
2456 | },
2457 | "94652a48ac854a3d85c35acd9c991a45": {
2458 | "model_module": "@jupyter-widgets/controls",
2459 | "model_name": "FloatProgressModel",
2460 | "model_module_version": "1.5.0",
2461 | "state": {
2462 | "_dom_classes": [],
2463 | "_model_module": "@jupyter-widgets/controls",
2464 | "_model_module_version": "1.5.0",
2465 | "_model_name": "FloatProgressModel",
2466 | "_view_count": null,
2467 | "_view_module": "@jupyter-widgets/controls",
2468 | "_view_module_version": "1.5.0",
2469 | "_view_name": "ProgressView",
2470 | "bar_style": "success",
2471 | "description": "",
2472 | "description_tooltip": null,
2473 | "layout": "IPY_MODEL_e99a47facfeb442da5619b06a6c2d3b9",
2474 | "max": 9942998080,
2475 | "min": 0,
2476 | "orientation": "horizontal",
2477 | "style": "IPY_MODEL_1dd9486263f8450c873689c4ea95896b",
2478 | "value": 9942998080
2479 | }
2480 | },
2481 | "cdc4a202c6194e93ad9ea2745e1c34fb": {
2482 | "model_module": "@jupyter-widgets/controls",
2483 | "model_name": "HTMLModel",
2484 | "model_module_version": "1.5.0",
2485 | "state": {
2486 | "_dom_classes": [],
2487 | "_model_module": "@jupyter-widgets/controls",
2488 | "_model_module_version": "1.5.0",
2489 | "_model_name": "HTMLModel",
2490 | "_view_count": null,
2491 | "_view_module": "@jupyter-widgets/controls",
2492 | "_view_module_version": "1.5.0",
2493 | "_view_name": "HTMLView",
2494 | "description": "",
2495 | "description_tooltip": null,
2496 | "layout": "IPY_MODEL_de32acc261274649afb8bd99abc2e5c9",
2497 | "placeholder": "",
2498 | "style": "IPY_MODEL_0fed2751754640768399127a090a3cf8",
2499 | "value": " 9.94G/9.94G [00:59<00:00, 213MB/s]"
2500 | }
2501 | },
2502 | "98adfe6514944df6a571e08673b34822": {
2503 | "model_module": "@jupyter-widgets/base",
2504 | "model_name": "LayoutModel",
2505 | "model_module_version": "1.2.0",
2506 | "state": {
2507 | "_model_module": "@jupyter-widgets/base",
2508 | "_model_module_version": "1.2.0",
2509 | "_model_name": "LayoutModel",
2510 | "_view_count": null,
2511 | "_view_module": "@jupyter-widgets/base",
2512 | "_view_module_version": "1.2.0",
2513 | "_view_name": "LayoutView",
2514 | "align_content": null,
2515 | "align_items": null,
2516 | "align_self": null,
2517 | "border": null,
2518 | "bottom": null,
2519 | "display": null,
2520 | "flex": null,
2521 | "flex_flow": null,
2522 | "grid_area": null,
2523 | "grid_auto_columns": null,
2524 | "grid_auto_flow": null,
2525 | "grid_auto_rows": null,
2526 | "grid_column": null,
2527 | "grid_gap": null,
2528 | "grid_row": null,
2529 | "grid_template_areas": null,
2530 | "grid_template_columns": null,
2531 | "grid_template_rows": null,
2532 | "height": null,
2533 | "justify_content": null,
2534 | "justify_items": null,
2535 | "left": null,
2536 | "margin": null,
2537 | "max_height": null,
2538 | "max_width": null,
2539 | "min_height": null,
2540 | "min_width": null,
2541 | "object_fit": null,
2542 | "object_position": null,
2543 | "order": null,
2544 | "overflow": null,
2545 | "overflow_x": null,
2546 | "overflow_y": null,
2547 | "padding": null,
2548 | "right": null,
2549 | "top": null,
2550 | "visibility": null,
2551 | "width": null
2552 | }
2553 | },
2554 | "89c332e758b640d3b78329359d1e4484": {
2555 | "model_module": "@jupyter-widgets/base",
2556 | "model_name": "LayoutModel",
2557 | "model_module_version": "1.2.0",
2558 | "state": {
2559 | "_model_module": "@jupyter-widgets/base",
2560 | "_model_module_version": "1.2.0",
2561 | "_model_name": "LayoutModel",
2562 | "_view_count": null,
2563 | "_view_module": "@jupyter-widgets/base",
2564 | "_view_module_version": "1.2.0",
2565 | "_view_name": "LayoutView",
2566 | "align_content": null,
2567 | "align_items": null,
2568 | "align_self": null,
2569 | "border": null,
2570 | "bottom": null,
2571 | "display": null,
2572 | "flex": null,
2573 | "flex_flow": null,
2574 | "grid_area": null,
2575 | "grid_auto_columns": null,
2576 | "grid_auto_flow": null,
2577 | "grid_auto_rows": null,
2578 | "grid_column": null,
2579 | "grid_gap": null,
2580 | "grid_row": null,
2581 | "grid_template_areas": null,
2582 | "grid_template_columns": null,
2583 | "grid_template_rows": null,
2584 | "height": null,
2585 | "justify_content": null,
2586 | "justify_items": null,
2587 | "left": null,
2588 | "margin": null,
2589 | "max_height": null,
2590 | "max_width": null,
2591 | "min_height": null,
2592 | "min_width": null,
2593 | "object_fit": null,
2594 | "object_position": null,
2595 | "order": null,
2596 | "overflow": null,
2597 | "overflow_x": null,
2598 | "overflow_y": null,
2599 | "padding": null,
2600 | "right": null,
2601 | "top": null,
2602 | "visibility": null,
2603 | "width": null
2604 | }
2605 | },
2606 | "2a824c5f03c94205be565add66400d3e": {
2607 | "model_module": "@jupyter-widgets/controls",
2608 | "model_name": "DescriptionStyleModel",
2609 | "model_module_version": "1.5.0",
2610 | "state": {
2611 | "_model_module": "@jupyter-widgets/controls",
2612 | "_model_module_version": "1.5.0",
2613 | "_model_name": "DescriptionStyleModel",
2614 | "_view_count": null,
2615 | "_view_module": "@jupyter-widgets/base",
2616 | "_view_module_version": "1.2.0",
2617 | "_view_name": "StyleView",
2618 | "description_width": ""
2619 | }
2620 | },
2621 | "e99a47facfeb442da5619b06a6c2d3b9": {
2622 | "model_module": "@jupyter-widgets/base",
2623 | "model_name": "LayoutModel",
2624 | "model_module_version": "1.2.0",
2625 | "state": {
2626 | "_model_module": "@jupyter-widgets/base",
2627 | "_model_module_version": "1.2.0",
2628 | "_model_name": "LayoutModel",
2629 | "_view_count": null,
2630 | "_view_module": "@jupyter-widgets/base",
2631 | "_view_module_version": "1.2.0",
2632 | "_view_name": "LayoutView",
2633 | "align_content": null,
2634 | "align_items": null,
2635 | "align_self": null,
2636 | "border": null,
2637 | "bottom": null,
2638 | "display": null,
2639 | "flex": null,
2640 | "flex_flow": null,
2641 | "grid_area": null,
2642 | "grid_auto_columns": null,
2643 | "grid_auto_flow": null,
2644 | "grid_auto_rows": null,
2645 | "grid_column": null,
2646 | "grid_gap": null,
2647 | "grid_row": null,
2648 | "grid_template_areas": null,
2649 | "grid_template_columns": null,
2650 | "grid_template_rows": null,
2651 | "height": null,
2652 | "justify_content": null,
2653 | "justify_items": null,
2654 | "left": null,
2655 | "margin": null,
2656 | "max_height": null,
2657 | "max_width": null,
2658 | "min_height": null,
2659 | "min_width": null,
2660 | "object_fit": null,
2661 | "object_position": null,
2662 | "order": null,
2663 | "overflow": null,
2664 | "overflow_x": null,
2665 | "overflow_y": null,
2666 | "padding": null,
2667 | "right": null,
2668 | "top": null,
2669 | "visibility": null,
2670 | "width": null
2671 | }
2672 | },
2673 | "1dd9486263f8450c873689c4ea95896b": {
2674 | "model_module": "@jupyter-widgets/controls",
2675 | "model_name": "ProgressStyleModel",
2676 | "model_module_version": "1.5.0",
2677 | "state": {
2678 | "_model_module": "@jupyter-widgets/controls",
2679 | "_model_module_version": "1.5.0",
2680 | "_model_name": "ProgressStyleModel",
2681 | "_view_count": null,
2682 | "_view_module": "@jupyter-widgets/base",
2683 | "_view_module_version": "1.2.0",
2684 | "_view_name": "StyleView",
2685 | "bar_color": null,
2686 | "description_width": ""
2687 | }
2688 | },
2689 | "de32acc261274649afb8bd99abc2e5c9": {
2690 | "model_module": "@jupyter-widgets/base",
2691 | "model_name": "LayoutModel",
2692 | "model_module_version": "1.2.0",
2693 | "state": {
2694 | "_model_module": "@jupyter-widgets/base",
2695 | "_model_module_version": "1.2.0",
2696 | "_model_name": "LayoutModel",
2697 | "_view_count": null,
2698 | "_view_module": "@jupyter-widgets/base",
2699 | "_view_module_version": "1.2.0",
2700 | "_view_name": "LayoutView",
2701 | "align_content": null,
2702 | "align_items": null,
2703 | "align_self": null,
2704 | "border": null,
2705 | "bottom": null,
2706 | "display": null,
2707 | "flex": null,
2708 | "flex_flow": null,
2709 | "grid_area": null,
2710 | "grid_auto_columns": null,
2711 | "grid_auto_flow": null,
2712 | "grid_auto_rows": null,
2713 | "grid_column": null,
2714 | "grid_gap": null,
2715 | "grid_row": null,
2716 | "grid_template_areas": null,
2717 | "grid_template_columns": null,
2718 | "grid_template_rows": null,
2719 | "height": null,
2720 | "justify_content": null,
2721 | "justify_items": null,
2722 | "left": null,
2723 | "margin": null,
2724 | "max_height": null,
2725 | "max_width": null,
2726 | "min_height": null,
2727 | "min_width": null,
2728 | "object_fit": null,
2729 | "object_position": null,
2730 | "order": null,
2731 | "overflow": null,
2732 | "overflow_x": null,
2733 | "overflow_y": null,
2734 | "padding": null,
2735 | "right": null,
2736 | "top": null,
2737 | "visibility": null,
2738 | "width": null
2739 | }
2740 | },
2741 | "0fed2751754640768399127a090a3cf8": {
2742 | "model_module": "@jupyter-widgets/controls",
2743 | "model_name": "DescriptionStyleModel",
2744 | "model_module_version": "1.5.0",
2745 | "state": {
2746 | "_model_module": "@jupyter-widgets/controls",
2747 | "_model_module_version": "1.5.0",
2748 | "_model_name": "DescriptionStyleModel",
2749 | "_view_count": null,
2750 | "_view_module": "@jupyter-widgets/base",
2751 | "_view_module_version": "1.2.0",
2752 | "_view_name": "StyleView",
2753 | "description_width": ""
2754 | }
2755 | },
2756 | "c652f48d1ed34acc9b2e85f88d45e92c": {
2757 | "model_module": "@jupyter-widgets/controls",
2758 | "model_name": "HBoxModel",
2759 | "model_module_version": "1.5.0",
2760 | "state": {
2761 | "_dom_classes": [],
2762 | "_model_module": "@jupyter-widgets/controls",
2763 | "_model_module_version": "1.5.0",
2764 | "_model_name": "HBoxModel",
2765 | "_view_count": null,
2766 | "_view_module": "@jupyter-widgets/controls",
2767 | "_view_module_version": "1.5.0",
2768 | "_view_name": "HBoxView",
2769 | "box_style": "",
2770 | "children": [
2771 | "IPY_MODEL_ab25b65bb29c4ff0a18dc18afbd2fbac",
2772 | "IPY_MODEL_6995f6e0021f49b09e6a35f6cd875dc1",
2773 | "IPY_MODEL_f9138702e2644047ab596cb9e7c2e7c0"
2774 | ],
2775 | "layout": "IPY_MODEL_038ace2d808c4d4897206aa616afb24d"
2776 | }
2777 | },
2778 | "ab25b65bb29c4ff0a18dc18afbd2fbac": {
2779 | "model_module": "@jupyter-widgets/controls",
2780 | "model_name": "HTMLModel",
2781 | "model_module_version": "1.5.0",
2782 | "state": {
2783 | "_dom_classes": [],
2784 | "_model_module": "@jupyter-widgets/controls",
2785 | "_model_module_version": "1.5.0",
2786 | "_model_name": "HTMLModel",
2787 | "_view_count": null,
2788 | "_view_module": "@jupyter-widgets/controls",
2789 | "_view_module_version": "1.5.0",
2790 | "_view_name": "HTMLView",
2791 | "description": "",
2792 | "description_tooltip": null,
2793 | "layout": "IPY_MODEL_0d24ab9f0e644b8e8bb6fadc12184f65",
2794 | "placeholder": "",
2795 | "style": "IPY_MODEL_5f63c0db2dfd47e9be039f2a2d593970",
2796 | "value": "model-00002-of-00002.safetensors: 100%"
2797 | }
2798 | },
2799 | "6995f6e0021f49b09e6a35f6cd875dc1": {
2800 | "model_module": "@jupyter-widgets/controls",
2801 | "model_name": "FloatProgressModel",
2802 | "model_module_version": "1.5.0",
2803 | "state": {
2804 | "_dom_classes": [],
2805 | "_model_module": "@jupyter-widgets/controls",
2806 | "_model_module_version": "1.5.0",
2807 | "_model_name": "FloatProgressModel",
2808 | "_view_count": null,
2809 | "_view_module": "@jupyter-widgets/controls",
2810 | "_view_module_version": "1.5.0",
2811 | "_view_name": "ProgressView",
2812 | "bar_style": "success",
2813 | "description": "",
2814 | "description_tooltip": null,
2815 | "layout": "IPY_MODEL_b55cfa3bdb734ac0a6f7227931fd7579",
2816 | "max": 4540532728,
2817 | "min": 0,
2818 | "orientation": "horizontal",
2819 | "style": "IPY_MODEL_bb93ef3ccabb4951930a1dff95f269f8",
2820 | "value": 4540532728
2821 | }
2822 | },
2823 | "f9138702e2644047ab596cb9e7c2e7c0": {
2824 | "model_module": "@jupyter-widgets/controls",
2825 | "model_name": "HTMLModel",
2826 | "model_module_version": "1.5.0",
2827 | "state": {
2828 | "_dom_classes": [],
2829 | "_model_module": "@jupyter-widgets/controls",
2830 | "_model_module_version": "1.5.0",
2831 | "_model_name": "HTMLModel",
2832 | "_view_count": null,
2833 | "_view_module": "@jupyter-widgets/controls",
2834 | "_view_module_version": "1.5.0",
2835 | "_view_name": "HTMLView",
2836 | "description": "",
2837 | "description_tooltip": null,
2838 | "layout": "IPY_MODEL_0110e7113a7e4cb5961fd671e40cd4f3",
2839 | "placeholder": "",
2840 | "style": "IPY_MODEL_df13376837c74775b52e2415074eabab",
2841 | "value": " 4.54G/4.54G [00:27<00:00, 213MB/s]"
2842 | }
2843 | },
2844 | "038ace2d808c4d4897206aa616afb24d": {
2845 | "model_module": "@jupyter-widgets/base",
2846 | "model_name": "LayoutModel",
2847 | "model_module_version": "1.2.0",
2848 | "state": {
2849 | "_model_module": "@jupyter-widgets/base",
2850 | "_model_module_version": "1.2.0",
2851 | "_model_name": "LayoutModel",
2852 | "_view_count": null,
2853 | "_view_module": "@jupyter-widgets/base",
2854 | "_view_module_version": "1.2.0",
2855 | "_view_name": "LayoutView",
2856 | "align_content": null,
2857 | "align_items": null,
2858 | "align_self": null,
2859 | "border": null,
2860 | "bottom": null,
2861 | "display": null,
2862 | "flex": null,
2863 | "flex_flow": null,
2864 | "grid_area": null,
2865 | "grid_auto_columns": null,
2866 | "grid_auto_flow": null,
2867 | "grid_auto_rows": null,
2868 | "grid_column": null,
2869 | "grid_gap": null,
2870 | "grid_row": null,
2871 | "grid_template_areas": null,
2872 | "grid_template_columns": null,
2873 | "grid_template_rows": null,
2874 | "height": null,
2875 | "justify_content": null,
2876 | "justify_items": null,
2877 | "left": null,
2878 | "margin": null,
2879 | "max_height": null,
2880 | "max_width": null,
2881 | "min_height": null,
2882 | "min_width": null,
2883 | "object_fit": null,
2884 | "object_position": null,
2885 | "order": null,
2886 | "overflow": null,
2887 | "overflow_x": null,
2888 | "overflow_y": null,
2889 | "padding": null,
2890 | "right": null,
2891 | "top": null,
2892 | "visibility": null,
2893 | "width": null
2894 | }
2895 | },
2896 | "0d24ab9f0e644b8e8bb6fadc12184f65": {
2897 | "model_module": "@jupyter-widgets/base",
2898 | "model_name": "LayoutModel",
2899 | "model_module_version": "1.2.0",
2900 | "state": {
2901 | "_model_module": "@jupyter-widgets/base",
2902 | "_model_module_version": "1.2.0",
2903 | "_model_name": "LayoutModel",
2904 | "_view_count": null,
2905 | "_view_module": "@jupyter-widgets/base",
2906 | "_view_module_version": "1.2.0",
2907 | "_view_name": "LayoutView",
2908 | "align_content": null,
2909 | "align_items": null,
2910 | "align_self": null,
2911 | "border": null,
2912 | "bottom": null,
2913 | "display": null,
2914 | "flex": null,
2915 | "flex_flow": null,
2916 | "grid_area": null,
2917 | "grid_auto_columns": null,
2918 | "grid_auto_flow": null,
2919 | "grid_auto_rows": null,
2920 | "grid_column": null,
2921 | "grid_gap": null,
2922 | "grid_row": null,
2923 | "grid_template_areas": null,
2924 | "grid_template_columns": null,
2925 | "grid_template_rows": null,
2926 | "height": null,
2927 | "justify_content": null,
2928 | "justify_items": null,
2929 | "left": null,
2930 | "margin": null,
2931 | "max_height": null,
2932 | "max_width": null,
2933 | "min_height": null,
2934 | "min_width": null,
2935 | "object_fit": null,
2936 | "object_position": null,
2937 | "order": null,
2938 | "overflow": null,
2939 | "overflow_x": null,
2940 | "overflow_y": null,
2941 | "padding": null,
2942 | "right": null,
2943 | "top": null,
2944 | "visibility": null,
2945 | "width": null
2946 | }
2947 | },
2948 | "5f63c0db2dfd47e9be039f2a2d593970": {
2949 | "model_module": "@jupyter-widgets/controls",
2950 | "model_name": "DescriptionStyleModel",
2951 | "model_module_version": "1.5.0",
2952 | "state": {
2953 | "_model_module": "@jupyter-widgets/controls",
2954 | "_model_module_version": "1.5.0",
2955 | "_model_name": "DescriptionStyleModel",
2956 | "_view_count": null,
2957 | "_view_module": "@jupyter-widgets/base",
2958 | "_view_module_version": "1.2.0",
2959 | "_view_name": "StyleView",
2960 | "description_width": ""
2961 | }
2962 | },
2963 | "b55cfa3bdb734ac0a6f7227931fd7579": {
2964 | "model_module": "@jupyter-widgets/base",
2965 | "model_name": "LayoutModel",
2966 | "model_module_version": "1.2.0",
2967 | "state": {
2968 | "_model_module": "@jupyter-widgets/base",
2969 | "_model_module_version": "1.2.0",
2970 | "_model_name": "LayoutModel",
2971 | "_view_count": null,
2972 | "_view_module": "@jupyter-widgets/base",
2973 | "_view_module_version": "1.2.0",
2974 | "_view_name": "LayoutView",
2975 | "align_content": null,
2976 | "align_items": null,
2977 | "align_self": null,
2978 | "border": null,
2979 | "bottom": null,
2980 | "display": null,
2981 | "flex": null,
2982 | "flex_flow": null,
2983 | "grid_area": null,
2984 | "grid_auto_columns": null,
2985 | "grid_auto_flow": null,
2986 | "grid_auto_rows": null,
2987 | "grid_column": null,
2988 | "grid_gap": null,
2989 | "grid_row": null,
2990 | "grid_template_areas": null,
2991 | "grid_template_columns": null,
2992 | "grid_template_rows": null,
2993 | "height": null,
2994 | "justify_content": null,
2995 | "justify_items": null,
2996 | "left": null,
2997 | "margin": null,
2998 | "max_height": null,
2999 | "max_width": null,
3000 | "min_height": null,
3001 | "min_width": null,
3002 | "object_fit": null,
3003 | "object_position": null,
3004 | "order": null,
3005 | "overflow": null,
3006 | "overflow_x": null,
3007 | "overflow_y": null,
3008 | "padding": null,
3009 | "right": null,
3010 | "top": null,
3011 | "visibility": null,
3012 | "width": null
3013 | }
3014 | },
3015 | "bb93ef3ccabb4951930a1dff95f269f8": {
3016 | "model_module": "@jupyter-widgets/controls",
3017 | "model_name": "ProgressStyleModel",
3018 | "model_module_version": "1.5.0",
3019 | "state": {
3020 | "_model_module": "@jupyter-widgets/controls",
3021 | "_model_module_version": "1.5.0",
3022 | "_model_name": "ProgressStyleModel",
3023 | "_view_count": null,
3024 | "_view_module": "@jupyter-widgets/base",
3025 | "_view_module_version": "1.2.0",
3026 | "_view_name": "StyleView",
3027 | "bar_color": null,
3028 | "description_width": ""
3029 | }
3030 | },
3031 | "0110e7113a7e4cb5961fd671e40cd4f3": {
3032 | "model_module": "@jupyter-widgets/base",
3033 | "model_name": "LayoutModel",
3034 | "model_module_version": "1.2.0",
3035 | "state": {
3036 | "_model_module": "@jupyter-widgets/base",
3037 | "_model_module_version": "1.2.0",
3038 | "_model_name": "LayoutModel",
3039 | "_view_count": null,
3040 | "_view_module": "@jupyter-widgets/base",
3041 | "_view_module_version": "1.2.0",
3042 | "_view_name": "LayoutView",
3043 | "align_content": null,
3044 | "align_items": null,
3045 | "align_self": null,
3046 | "border": null,
3047 | "bottom": null,
3048 | "display": null,
3049 | "flex": null,
3050 | "flex_flow": null,
3051 | "grid_area": null,
3052 | "grid_auto_columns": null,
3053 | "grid_auto_flow": null,
3054 | "grid_auto_rows": null,
3055 | "grid_column": null,
3056 | "grid_gap": null,
3057 | "grid_row": null,
3058 | "grid_template_areas": null,
3059 | "grid_template_columns": null,
3060 | "grid_template_rows": null,
3061 | "height": null,
3062 | "justify_content": null,
3063 | "justify_items": null,
3064 | "left": null,
3065 | "margin": null,
3066 | "max_height": null,
3067 | "max_width": null,
3068 | "min_height": null,
3069 | "min_width": null,
3070 | "object_fit": null,
3071 | "object_position": null,
3072 | "order": null,
3073 | "overflow": null,
3074 | "overflow_x": null,
3075 | "overflow_y": null,
3076 | "padding": null,
3077 | "right": null,
3078 | "top": null,
3079 | "visibility": null,
3080 | "width": null
3081 | }
3082 | },
3083 | "df13376837c74775b52e2415074eabab": {
3084 | "model_module": "@jupyter-widgets/controls",
3085 | "model_name": "DescriptionStyleModel",
3086 | "model_module_version": "1.5.0",
3087 | "state": {
3088 | "_model_module": "@jupyter-widgets/controls",
3089 | "_model_module_version": "1.5.0",
3090 | "_model_name": "DescriptionStyleModel",
3091 | "_view_count": null,
3092 | "_view_module": "@jupyter-widgets/base",
3093 | "_view_module_version": "1.2.0",
3094 | "_view_name": "StyleView",
3095 | "description_width": ""
3096 | }
3097 | },
3098 | "cb2b77331930478f816693db5d142981": {
3099 | "model_module": "@jupyter-widgets/controls",
3100 | "model_name": "HBoxModel",
3101 | "model_module_version": "1.5.0",
3102 | "state": {
3103 | "_dom_classes": [],
3104 | "_model_module": "@jupyter-widgets/controls",
3105 | "_model_module_version": "1.5.0",
3106 | "_model_name": "HBoxModel",
3107 | "_view_count": null,
3108 | "_view_module": "@jupyter-widgets/controls",
3109 | "_view_module_version": "1.5.0",
3110 | "_view_name": "HBoxView",
3111 | "box_style": "",
3112 | "children": [
3113 | "IPY_MODEL_322ef168731a43f0a05f17ceb9123554",
3114 | "IPY_MODEL_d8b84f97cfa943b6936b1802313e1a7a",
3115 | "IPY_MODEL_db331bb718334b1ea221d6b54a700cd7"
3116 | ],
3117 | "layout": "IPY_MODEL_177ab45e7c1242f09fb54b352ff44f01"
3118 | }
3119 | },
3120 | "322ef168731a43f0a05f17ceb9123554": {
3121 | "model_module": "@jupyter-widgets/controls",
3122 | "model_name": "HTMLModel",
3123 | "model_module_version": "1.5.0",
3124 | "state": {
3125 | "_dom_classes": [],
3126 | "_model_module": "@jupyter-widgets/controls",
3127 | "_model_module_version": "1.5.0",
3128 | "_model_name": "HTMLModel",
3129 | "_view_count": null,
3130 | "_view_module": "@jupyter-widgets/controls",
3131 | "_view_module_version": "1.5.0",
3132 | "_view_name": "HTMLView",
3133 | "description": "",
3134 | "description_tooltip": null,
3135 | "layout": "IPY_MODEL_860709a1b09d426b8d34fa86bcec46d8",
3136 | "placeholder": "",
3137 | "style": "IPY_MODEL_7ffd1bd1212d44548b1a8ab71eb33d4b",
3138 | "value": "Loading checkpoint shards: 100%"
3139 | }
3140 | },
3141 | "d8b84f97cfa943b6936b1802313e1a7a": {
3142 | "model_module": "@jupyter-widgets/controls",
3143 | "model_name": "FloatProgressModel",
3144 | "model_module_version": "1.5.0",
3145 | "state": {
3146 | "_dom_classes": [],
3147 | "_model_module": "@jupyter-widgets/controls",
3148 | "_model_module_version": "1.5.0",
3149 | "_model_name": "FloatProgressModel",
3150 | "_view_count": null,
3151 | "_view_module": "@jupyter-widgets/controls",
3152 | "_view_module_version": "1.5.0",
3153 | "_view_name": "ProgressView",
3154 | "bar_style": "success",
3155 | "description": "",
3156 | "description_tooltip": null,
3157 | "layout": "IPY_MODEL_2108d7e2341147d3afc03e64eaab84b5",
3158 | "max": 2,
3159 | "min": 0,
3160 | "orientation": "horizontal",
3161 | "style": "IPY_MODEL_cbfc5cbd6e624db19d372c20d745f9be",
3162 | "value": 2
3163 | }
3164 | },
3165 | "db331bb718334b1ea221d6b54a700cd7": {
3166 | "model_module": "@jupyter-widgets/controls",
3167 | "model_name": "HTMLModel",
3168 | "model_module_version": "1.5.0",
3169 | "state": {
3170 | "_dom_classes": [],
3171 | "_model_module": "@jupyter-widgets/controls",
3172 | "_model_module_version": "1.5.0",
3173 | "_model_name": "HTMLModel",
3174 | "_view_count": null,
3175 | "_view_module": "@jupyter-widgets/controls",
3176 | "_view_module_version": "1.5.0",
3177 | "_view_name": "HTMLView",
3178 | "description": "",
3179 | "description_tooltip": null,
3180 | "layout": "IPY_MODEL_d2fbcf4b808b439e8c57655872679433",
3181 | "placeholder": "",
3182 | "style": "IPY_MODEL_fc3367441fa8437681a7b0fcf67c4830",
3183 | "value": " 2/2 [00:04<00:00, 2.15s/it]"
3184 | }
3185 | },
3186 | "177ab45e7c1242f09fb54b352ff44f01": {
3187 | "model_module": "@jupyter-widgets/base",
3188 | "model_name": "LayoutModel",
3189 | "model_module_version": "1.2.0",
3190 | "state": {
3191 | "_model_module": "@jupyter-widgets/base",
3192 | "_model_module_version": "1.2.0",
3193 | "_model_name": "LayoutModel",
3194 | "_view_count": null,
3195 | "_view_module": "@jupyter-widgets/base",
3196 | "_view_module_version": "1.2.0",
3197 | "_view_name": "LayoutView",
3198 | "align_content": null,
3199 | "align_items": null,
3200 | "align_self": null,
3201 | "border": null,
3202 | "bottom": null,
3203 | "display": null,
3204 | "flex": null,
3205 | "flex_flow": null,
3206 | "grid_area": null,
3207 | "grid_auto_columns": null,
3208 | "grid_auto_flow": null,
3209 | "grid_auto_rows": null,
3210 | "grid_column": null,
3211 | "grid_gap": null,
3212 | "grid_row": null,
3213 | "grid_template_areas": null,
3214 | "grid_template_columns": null,
3215 | "grid_template_rows": null,
3216 | "height": null,
3217 | "justify_content": null,
3218 | "justify_items": null,
3219 | "left": null,
3220 | "margin": null,
3221 | "max_height": null,
3222 | "max_width": null,
3223 | "min_height": null,
3224 | "min_width": null,
3225 | "object_fit": null,
3226 | "object_position": null,
3227 | "order": null,
3228 | "overflow": null,
3229 | "overflow_x": null,
3230 | "overflow_y": null,
3231 | "padding": null,
3232 | "right": null,
3233 | "top": null,
3234 | "visibility": null,
3235 | "width": null
3236 | }
3237 | },
3238 | "860709a1b09d426b8d34fa86bcec46d8": {
3239 | "model_module": "@jupyter-widgets/base",
3240 | "model_name": "LayoutModel",
3241 | "model_module_version": "1.2.0",
3242 | "state": {
3243 | "_model_module": "@jupyter-widgets/base",
3244 | "_model_module_version": "1.2.0",
3245 | "_model_name": "LayoutModel",
3246 | "_view_count": null,
3247 | "_view_module": "@jupyter-widgets/base",
3248 | "_view_module_version": "1.2.0",
3249 | "_view_name": "LayoutView",
3250 | "align_content": null,
3251 | "align_items": null,
3252 | "align_self": null,
3253 | "border": null,
3254 | "bottom": null,
3255 | "display": null,
3256 | "flex": null,
3257 | "flex_flow": null,
3258 | "grid_area": null,
3259 | "grid_auto_columns": null,
3260 | "grid_auto_flow": null,
3261 | "grid_auto_rows": null,
3262 | "grid_column": null,
3263 | "grid_gap": null,
3264 | "grid_row": null,
3265 | "grid_template_areas": null,
3266 | "grid_template_columns": null,
3267 | "grid_template_rows": null,
3268 | "height": null,
3269 | "justify_content": null,
3270 | "justify_items": null,
3271 | "left": null,
3272 | "margin": null,
3273 | "max_height": null,
3274 | "max_width": null,
3275 | "min_height": null,
3276 | "min_width": null,
3277 | "object_fit": null,
3278 | "object_position": null,
3279 | "order": null,
3280 | "overflow": null,
3281 | "overflow_x": null,
3282 | "overflow_y": null,
3283 | "padding": null,
3284 | "right": null,
3285 | "top": null,
3286 | "visibility": null,
3287 | "width": null
3288 | }
3289 | },
3290 | "7ffd1bd1212d44548b1a8ab71eb33d4b": {
3291 | "model_module": "@jupyter-widgets/controls",
3292 | "model_name": "DescriptionStyleModel",
3293 | "model_module_version": "1.5.0",
3294 | "state": {
3295 | "_model_module": "@jupyter-widgets/controls",
3296 | "_model_module_version": "1.5.0",
3297 | "_model_name": "DescriptionStyleModel",
3298 | "_view_count": null,
3299 | "_view_module": "@jupyter-widgets/base",
3300 | "_view_module_version": "1.2.0",
3301 | "_view_name": "StyleView",
3302 | "description_width": ""
3303 | }
3304 | },
3305 | "2108d7e2341147d3afc03e64eaab84b5": {
3306 | "model_module": "@jupyter-widgets/base",
3307 | "model_name": "LayoutModel",
3308 | "model_module_version": "1.2.0",
3309 | "state": {
3310 | "_model_module": "@jupyter-widgets/base",
3311 | "_model_module_version": "1.2.0",
3312 | "_model_name": "LayoutModel",
3313 | "_view_count": null,
3314 | "_view_module": "@jupyter-widgets/base",
3315 | "_view_module_version": "1.2.0",
3316 | "_view_name": "LayoutView",
3317 | "align_content": null,
3318 | "align_items": null,
3319 | "align_self": null,
3320 | "border": null,
3321 | "bottom": null,
3322 | "display": null,
3323 | "flex": null,
3324 | "flex_flow": null,
3325 | "grid_area": null,
3326 | "grid_auto_columns": null,
3327 | "grid_auto_flow": null,
3328 | "grid_auto_rows": null,
3329 | "grid_column": null,
3330 | "grid_gap": null,
3331 | "grid_row": null,
3332 | "grid_template_areas": null,
3333 | "grid_template_columns": null,
3334 | "grid_template_rows": null,
3335 | "height": null,
3336 | "justify_content": null,
3337 | "justify_items": null,
3338 | "left": null,
3339 | "margin": null,
3340 | "max_height": null,
3341 | "max_width": null,
3342 | "min_height": null,
3343 | "min_width": null,
3344 | "object_fit": null,
3345 | "object_position": null,
3346 | "order": null,
3347 | "overflow": null,
3348 | "overflow_x": null,
3349 | "overflow_y": null,
3350 | "padding": null,
3351 | "right": null,
3352 | "top": null,
3353 | "visibility": null,
3354 | "width": null
3355 | }
3356 | },
3357 | "cbfc5cbd6e624db19d372c20d745f9be": {
3358 | "model_module": "@jupyter-widgets/controls",
3359 | "model_name": "ProgressStyleModel",
3360 | "model_module_version": "1.5.0",
3361 | "state": {
3362 | "_model_module": "@jupyter-widgets/controls",
3363 | "_model_module_version": "1.5.0",
3364 | "_model_name": "ProgressStyleModel",
3365 | "_view_count": null,
3366 | "_view_module": "@jupyter-widgets/base",
3367 | "_view_module_version": "1.2.0",
3368 | "_view_name": "StyleView",
3369 | "bar_color": null,
3370 | "description_width": ""
3371 | }
3372 | },
3373 | "d2fbcf4b808b439e8c57655872679433": {
3374 | "model_module": "@jupyter-widgets/base",
3375 | "model_name": "LayoutModel",
3376 | "model_module_version": "1.2.0",
3377 | "state": {
3378 | "_model_module": "@jupyter-widgets/base",
3379 | "_model_module_version": "1.2.0",
3380 | "_model_name": "LayoutModel",
3381 | "_view_count": null,
3382 | "_view_module": "@jupyter-widgets/base",
3383 | "_view_module_version": "1.2.0",
3384 | "_view_name": "LayoutView",
3385 | "align_content": null,
3386 | "align_items": null,
3387 | "align_self": null,
3388 | "border": null,
3389 | "bottom": null,
3390 | "display": null,
3391 | "flex": null,
3392 | "flex_flow": null,
3393 | "grid_area": null,
3394 | "grid_auto_columns": null,
3395 | "grid_auto_flow": null,
3396 | "grid_auto_rows": null,
3397 | "grid_column": null,
3398 | "grid_gap": null,
3399 | "grid_row": null,
3400 | "grid_template_areas": null,
3401 | "grid_template_columns": null,
3402 | "grid_template_rows": null,
3403 | "height": null,
3404 | "justify_content": null,
3405 | "justify_items": null,
3406 | "left": null,
3407 | "margin": null,
3408 | "max_height": null,
3409 | "max_width": null,
3410 | "min_height": null,
3411 | "min_width": null,
3412 | "object_fit": null,
3413 | "object_position": null,
3414 | "order": null,
3415 | "overflow": null,
3416 | "overflow_x": null,
3417 | "overflow_y": null,
3418 | "padding": null,
3419 | "right": null,
3420 | "top": null,
3421 | "visibility": null,
3422 | "width": null
3423 | }
3424 | },
3425 | "fc3367441fa8437681a7b0fcf67c4830": {
3426 | "model_module": "@jupyter-widgets/controls",
3427 | "model_name": "DescriptionStyleModel",
3428 | "model_module_version": "1.5.0",
3429 | "state": {
3430 | "_model_module": "@jupyter-widgets/controls",
3431 | "_model_module_version": "1.5.0",
3432 | "_model_name": "DescriptionStyleModel",
3433 | "_view_count": null,
3434 | "_view_module": "@jupyter-widgets/base",
3435 | "_view_module_version": "1.2.0",
3436 | "_view_name": "StyleView",
3437 | "description_width": ""
3438 | }
3439 | },
3440 | "ae5cc6fc8f994d3982f1f94a4118b0d7": {
3441 | "model_module": "@jupyter-widgets/controls",
3442 | "model_name": "HBoxModel",
3443 | "model_module_version": "1.5.0",
3444 | "state": {
3445 | "_dom_classes": [],
3446 | "_model_module": "@jupyter-widgets/controls",
3447 | "_model_module_version": "1.5.0",
3448 | "_model_name": "HBoxModel",
3449 | "_view_count": null,
3450 | "_view_module": "@jupyter-widgets/controls",
3451 | "_view_module_version": "1.5.0",
3452 | "_view_name": "HBoxView",
3453 | "box_style": "",
3454 | "children": [
3455 | "IPY_MODEL_36ebb20e5ba14223aee5a1e597694771",
3456 | "IPY_MODEL_fa3bf6e51ac7424c8489ec122c04219d",
3457 | "IPY_MODEL_36c7ffcddba246ab9c4d68fcfba0f5f2"
3458 | ],
3459 | "layout": "IPY_MODEL_2059389d20b245c79d7239985b25d2a6"
3460 | }
3461 | },
3462 | "36ebb20e5ba14223aee5a1e597694771": {
3463 | "model_module": "@jupyter-widgets/controls",
3464 | "model_name": "HTMLModel",
3465 | "model_module_version": "1.5.0",
3466 | "state": {
3467 | "_dom_classes": [],
3468 | "_model_module": "@jupyter-widgets/controls",
3469 | "_model_module_version": "1.5.0",
3470 | "_model_name": "HTMLModel",
3471 | "_view_count": null,
3472 | "_view_module": "@jupyter-widgets/controls",
3473 | "_view_module_version": "1.5.0",
3474 | "_view_name": "HTMLView",
3475 | "description": "",
3476 | "description_tooltip": null,
3477 | "layout": "IPY_MODEL_3de00db7cd8a44b58186e31921508125",
3478 | "placeholder": "",
3479 | "style": "IPY_MODEL_051645455bb04ca394eadb2c4fd0a838",
3480 | "value": "generation_config.json: 100%"
3481 | }
3482 | },
3483 | "fa3bf6e51ac7424c8489ec122c04219d": {
3484 | "model_module": "@jupyter-widgets/controls",
3485 | "model_name": "FloatProgressModel",
3486 | "model_module_version": "1.5.0",
3487 | "state": {
3488 | "_dom_classes": [],
3489 | "_model_module": "@jupyter-widgets/controls",
3490 | "_model_module_version": "1.5.0",
3491 | "_model_name": "FloatProgressModel",
3492 | "_view_count": null,
3493 | "_view_module": "@jupyter-widgets/controls",
3494 | "_view_module_version": "1.5.0",
3495 | "_view_name": "ProgressView",
3496 | "bar_style": "success",
3497 | "description": "",
3498 | "description_tooltip": null,
3499 | "layout": "IPY_MODEL_a7b308a959794184b4e15ceec7544ff3",
3500 | "max": 120,
3501 | "min": 0,
3502 | "orientation": "horizontal",
3503 | "style": "IPY_MODEL_baab159e9ccd4cf7be35c618d2e8d7cd",
3504 | "value": 120
3505 | }
3506 | },
3507 | "36c7ffcddba246ab9c4d68fcfba0f5f2": {
3508 | "model_module": "@jupyter-widgets/controls",
3509 | "model_name": "HTMLModel",
3510 | "model_module_version": "1.5.0",
3511 | "state": {
3512 | "_dom_classes": [],
3513 | "_model_module": "@jupyter-widgets/controls",
3514 | "_model_module_version": "1.5.0",
3515 | "_model_name": "HTMLModel",
3516 | "_view_count": null,
3517 | "_view_module": "@jupyter-widgets/controls",
3518 | "_view_module_version": "1.5.0",
3519 | "_view_name": "HTMLView",
3520 | "description": "",
3521 | "description_tooltip": null,
3522 | "layout": "IPY_MODEL_2a2831ab5c3d410ebd79384f704c1d75",
3523 | "placeholder": "",
3524 | "style": "IPY_MODEL_dba9a5e39c0d4639a031b6ade9311bc7",
3525 | "value": " 120/120 [00:00<00:00, 11.6kB/s]"
3526 | }
3527 | },
3528 | "2059389d20b245c79d7239985b25d2a6": {
3529 | "model_module": "@jupyter-widgets/base",
3530 | "model_name": "LayoutModel",
3531 | "model_module_version": "1.2.0",
3532 | "state": {
3533 | "_model_module": "@jupyter-widgets/base",
3534 | "_model_module_version": "1.2.0",
3535 | "_model_name": "LayoutModel",
3536 | "_view_count": null,
3537 | "_view_module": "@jupyter-widgets/base",
3538 | "_view_module_version": "1.2.0",
3539 | "_view_name": "LayoutView",
3540 | "align_content": null,
3541 | "align_items": null,
3542 | "align_self": null,
3543 | "border": null,
3544 | "bottom": null,
3545 | "display": null,
3546 | "flex": null,
3547 | "flex_flow": null,
3548 | "grid_area": null,
3549 | "grid_auto_columns": null,
3550 | "grid_auto_flow": null,
3551 | "grid_auto_rows": null,
3552 | "grid_column": null,
3553 | "grid_gap": null,
3554 | "grid_row": null,
3555 | "grid_template_areas": null,
3556 | "grid_template_columns": null,
3557 | "grid_template_rows": null,
3558 | "height": null,
3559 | "justify_content": null,
3560 | "justify_items": null,
3561 | "left": null,
3562 | "margin": null,
3563 | "max_height": null,
3564 | "max_width": null,
3565 | "min_height": null,
3566 | "min_width": null,
3567 | "object_fit": null,
3568 | "object_position": null,
3569 | "order": null,
3570 | "overflow": null,
3571 | "overflow_x": null,
3572 | "overflow_y": null,
3573 | "padding": null,
3574 | "right": null,
3575 | "top": null,
3576 | "visibility": null,
3577 | "width": null
3578 | }
3579 | },
3580 | "3de00db7cd8a44b58186e31921508125": {
3581 | "model_module": "@jupyter-widgets/base",
3582 | "model_name": "LayoutModel",
3583 | "model_module_version": "1.2.0",
3584 | "state": {
3585 | "_model_module": "@jupyter-widgets/base",
3586 | "_model_module_version": "1.2.0",
3587 | "_model_name": "LayoutModel",
3588 | "_view_count": null,
3589 | "_view_module": "@jupyter-widgets/base",
3590 | "_view_module_version": "1.2.0",
3591 | "_view_name": "LayoutView",
3592 | "align_content": null,
3593 | "align_items": null,
3594 | "align_self": null,
3595 | "border": null,
3596 | "bottom": null,
3597 | "display": null,
3598 | "flex": null,
3599 | "flex_flow": null,
3600 | "grid_area": null,
3601 | "grid_auto_columns": null,
3602 | "grid_auto_flow": null,
3603 | "grid_auto_rows": null,
3604 | "grid_column": null,
3605 | "grid_gap": null,
3606 | "grid_row": null,
3607 | "grid_template_areas": null,
3608 | "grid_template_columns": null,
3609 | "grid_template_rows": null,
3610 | "height": null,
3611 | "justify_content": null,
3612 | "justify_items": null,
3613 | "left": null,
3614 | "margin": null,
3615 | "max_height": null,
3616 | "max_width": null,
3617 | "min_height": null,
3618 | "min_width": null,
3619 | "object_fit": null,
3620 | "object_position": null,
3621 | "order": null,
3622 | "overflow": null,
3623 | "overflow_x": null,
3624 | "overflow_y": null,
3625 | "padding": null,
3626 | "right": null,
3627 | "top": null,
3628 | "visibility": null,
3629 | "width": null
3630 | }
3631 | },
3632 | "051645455bb04ca394eadb2c4fd0a838": {
3633 | "model_module": "@jupyter-widgets/controls",
3634 | "model_name": "DescriptionStyleModel",
3635 | "model_module_version": "1.5.0",
3636 | "state": {
3637 | "_model_module": "@jupyter-widgets/controls",
3638 | "_model_module_version": "1.5.0",
3639 | "_model_name": "DescriptionStyleModel",
3640 | "_view_count": null,
3641 | "_view_module": "@jupyter-widgets/base",
3642 | "_view_module_version": "1.2.0",
3643 | "_view_name": "StyleView",
3644 | "description_width": ""
3645 | }
3646 | },
3647 | "a7b308a959794184b4e15ceec7544ff3": {
3648 | "model_module": "@jupyter-widgets/base",
3649 | "model_name": "LayoutModel",
3650 | "model_module_version": "1.2.0",
3651 | "state": {
3652 | "_model_module": "@jupyter-widgets/base",
3653 | "_model_module_version": "1.2.0",
3654 | "_model_name": "LayoutModel",
3655 | "_view_count": null,
3656 | "_view_module": "@jupyter-widgets/base",
3657 | "_view_module_version": "1.2.0",
3658 | "_view_name": "LayoutView",
3659 | "align_content": null,
3660 | "align_items": null,
3661 | "align_self": null,
3662 | "border": null,
3663 | "bottom": null,
3664 | "display": null,
3665 | "flex": null,
3666 | "flex_flow": null,
3667 | "grid_area": null,
3668 | "grid_auto_columns": null,
3669 | "grid_auto_flow": null,
3670 | "grid_auto_rows": null,
3671 | "grid_column": null,
3672 | "grid_gap": null,
3673 | "grid_row": null,
3674 | "grid_template_areas": null,
3675 | "grid_template_columns": null,
3676 | "grid_template_rows": null,
3677 | "height": null,
3678 | "justify_content": null,
3679 | "justify_items": null,
3680 | "left": null,
3681 | "margin": null,
3682 | "max_height": null,
3683 | "max_width": null,
3684 | "min_height": null,
3685 | "min_width": null,
3686 | "object_fit": null,
3687 | "object_position": null,
3688 | "order": null,
3689 | "overflow": null,
3690 | "overflow_x": null,
3691 | "overflow_y": null,
3692 | "padding": null,
3693 | "right": null,
3694 | "top": null,
3695 | "visibility": null,
3696 | "width": null
3697 | }
3698 | },
3699 | "baab159e9ccd4cf7be35c618d2e8d7cd": {
3700 | "model_module": "@jupyter-widgets/controls",
3701 | "model_name": "ProgressStyleModel",
3702 | "model_module_version": "1.5.0",
3703 | "state": {
3704 | "_model_module": "@jupyter-widgets/controls",
3705 | "_model_module_version": "1.5.0",
3706 | "_model_name": "ProgressStyleModel",
3707 | "_view_count": null,
3708 | "_view_module": "@jupyter-widgets/base",
3709 | "_view_module_version": "1.2.0",
3710 | "_view_name": "StyleView",
3711 | "bar_color": null,
3712 | "description_width": ""
3713 | }
3714 | },
3715 | "2a2831ab5c3d410ebd79384f704c1d75": {
3716 | "model_module": "@jupyter-widgets/base",
3717 | "model_name": "LayoutModel",
3718 | "model_module_version": "1.2.0",
3719 | "state": {
3720 | "_model_module": "@jupyter-widgets/base",
3721 | "_model_module_version": "1.2.0",
3722 | "_model_name": "LayoutModel",
3723 | "_view_count": null,
3724 | "_view_module": "@jupyter-widgets/base",
3725 | "_view_module_version": "1.2.0",
3726 | "_view_name": "LayoutView",
3727 | "align_content": null,
3728 | "align_items": null,
3729 | "align_self": null,
3730 | "border": null,
3731 | "bottom": null,
3732 | "display": null,
3733 | "flex": null,
3734 | "flex_flow": null,
3735 | "grid_area": null,
3736 | "grid_auto_columns": null,
3737 | "grid_auto_flow": null,
3738 | "grid_auto_rows": null,
3739 | "grid_column": null,
3740 | "grid_gap": null,
3741 | "grid_row": null,
3742 | "grid_template_areas": null,
3743 | "grid_template_columns": null,
3744 | "grid_template_rows": null,
3745 | "height": null,
3746 | "justify_content": null,
3747 | "justify_items": null,
3748 | "left": null,
3749 | "margin": null,
3750 | "max_height": null,
3751 | "max_width": null,
3752 | "min_height": null,
3753 | "min_width": null,
3754 | "object_fit": null,
3755 | "object_position": null,
3756 | "order": null,
3757 | "overflow": null,
3758 | "overflow_x": null,
3759 | "overflow_y": null,
3760 | "padding": null,
3761 | "right": null,
3762 | "top": null,
3763 | "visibility": null,
3764 | "width": null
3765 | }
3766 | },
3767 | "dba9a5e39c0d4639a031b6ade9311bc7": {
3768 | "model_module": "@jupyter-widgets/controls",
3769 | "model_name": "DescriptionStyleModel",
3770 | "model_module_version": "1.5.0",
3771 | "state": {
3772 | "_model_module": "@jupyter-widgets/controls",
3773 | "_model_module_version": "1.5.0",
3774 | "_model_name": "DescriptionStyleModel",
3775 | "_view_count": null,
3776 | "_view_module": "@jupyter-widgets/base",
3777 | "_view_module_version": "1.2.0",
3778 | "_view_name": "StyleView",
3779 | "description_width": ""
3780 | }
3781 | }
3782 | }
3783 | }
3784 | },
3785 | "cells": [
3786 | {
3787 | "cell_type": "code",
3788 | "source": [
3789 | "import locale\n",
3790 | "locale.getpreferredencoding = lambda: \"UTF-8\""
3791 | ],
3792 | "metadata": {
3793 | "id": "_FqaRJZnFQC5"
3794 | },
3795 | "execution_count": 52,
3796 | "outputs": []
3797 | },
3798 | {
3799 | "cell_type": "code",
3800 | "source": [
3801 | "!pip install -q langchain"
3802 | ],
3803 | "metadata": {
3804 | "id": "Nk8QnHZTf5fI"
3805 | },
3806 | "execution_count": 53,
3807 | "outputs": []
3808 | },
3809 | {
3810 | "cell_type": "code",
3811 | "execution_count": 54,
3812 | "metadata": {
3813 | "id": "HDoROQAUfuic"
3814 | },
3815 | "outputs": [],
3816 | "source": [
3817 | "import gc, inspect, json, re\n",
3818 | "import xml.etree.ElementTree as ET\n",
3819 | "from functools import partial\n",
3820 | "from typing import get_type_hints\n",
3821 | "\n",
3822 | "import transformers\n",
3823 | "import torch\n",
3824 | "\n",
3825 | "from langchain.chains.openai_functions import convert_to_openai_function\n",
3826 | "from langchain.utils.openai_functions import convert_pydantic_to_openai_function\n",
3827 | "from langchain.pydantic_v1 import BaseModel, Field, validator"
3828 | ]
3829 | },
3830 | {
3831 | "cell_type": "code",
3832 | "source": [
3833 | "model_name = \"teknium/OpenHermes-2.5-Mistral-7B\""
3834 | ],
3835 | "metadata": {
3836 | "id": "B31E5qJPgbvK"
3837 | },
3838 | "execution_count": 3,
3839 | "outputs": []
3840 | },
3841 | {
3842 | "cell_type": "code",
3843 | "source": [
3844 | "def load_model(model_name: str):\n",
3845 | " tokenizer = transformers.AutoTokenizer.from_pretrained(model_name)\n",
3846 | "\n",
3847 | " with torch.device(\"cuda:0\"):\n",
3848 | " model = transformers.AutoModelForCausalLM.from_pretrained(model_name, torch_dtype=torch.bfloat16).eval()\n",
3849 | "\n",
3850 | " return tokenizer, model"
3851 | ],
3852 | "metadata": {
3853 | "id": "0SoC4ia7geZK"
3854 | },
3855 | "execution_count": 4,
3856 | "outputs": []
3857 | },
3858 | {
3859 | "cell_type": "code",
3860 | "source": [
3861 | "tokenizer, model = load_model(model_name)"
3862 | ],
3863 | "metadata": {
3864 | "colab": {
3865 | "base_uri": "https://localhost:8080/",
3866 | "height": 508,
3867 | "referenced_widgets": [
3868 | "f22fb66b3f3c49819e9a4966f53632d0",
3869 | "d1bb621750fd41358a42db3d549489aa",
3870 | "1f8420db44dc4650af5875a7e3fc10a1",
3871 | "15b95b9b93594aedaffce8932faaaff1",
3872 | "b8c11de2dc8947b78012cf25c7b6caae",
3873 | "8e07aaaf50274e44be9e08e9882a1672",
3874 | "15aa4732da6d4a169ca6bdee36ed4937",
3875 | "8dc8a1027aa7408196bfcd87562c7ddc",
3876 | "4ed637987ee348829ce571dd96abcf41",
3877 | "c57add69d8b54d999094894208b9f3e2",
3878 | "67674756f4d5407d96ad212a9216f3a5",
3879 | "e2abfa57974e44d5973aae620a77d389",
3880 | "7df59bd797c44a9aa1680b82ab6e5d57",
3881 | "97d46f22e6d242259e11bc226a0733f4",
3882 | "08c23316b4ec452ea5cfbafd69617727",
3883 | "8e8221d5d3a441d7a7e6b4afc4691057",
3884 | "b1a8840f6ec641dba90798954599537a",
3885 | "15c5931b132a4a348c3d542d1d1d6ba4",
3886 | "abaf0d27d5004d6092c9a5f315d5cf13",
3887 | "4aae6ca1e1ad4fcaae85530a2b098e60",
3888 | "9f19966872764d8d86c58888184978c1",
3889 | "e4564d47e7fb4d508b4b94f010d4c2bb",
3890 | "3570d850cbe24810bc439f3369644c63",
3891 | "01dde30b5c974ee99e9b2c6ae7072c04",
3892 | "1b1113b422214f549201dce9c43f172f",
3893 | "cec835da32f14a9ab3d47b9a12a03894",
3894 | "8fd59418797341a08a6f3da249bb6e05",
3895 | "8847c9a8564741028adbec02fb6450e2",
3896 | "c0469801f7e44800afa192ca1d915557",
3897 | "4f33f9e804ff491590250938034991b2",
3898 | "9e4d18a8c70b4c46b8cedb9e30be0e8a",
3899 | "abce2a4d52064b958ac9d521f2a976f1",
3900 | "5f247e9d46cf4d2aac5d72a6e4b07aa3",
3901 | "ba6de6eacd6545e38343cc8dc875e640",
3902 | "d9a41ae04d9f4d74a9101b69253eff4f",
3903 | "b32f77aee7054c5a8d6e30de5244d2a6",
3904 | "68121921a0a04e85b85baca22baa5583",
3905 | "0f226c60e7c54d6cbd6e42046b43059c",
3906 | "03b6a86a241b4fa1960704b4b74dd974",
3907 | "914dfb2a59ab4b92a28878ff48dd1366",
3908 | "a78a7d8392534c2e960f128d85c88856",
3909 | "f38a7d593ac249df819e3807147d8167",
3910 | "050fded012bd446fa68ff9bda645820f",
3911 | "0a3388baa2ff490d9e67565bfe76e8c8",
3912 | "5f7f1b5bc10341c0a6972ac88a908b3c",
3913 | "a5b7246d4d5448c4b105de74677643c6",
3914 | "eb8c79ce7de1473bbffd467f262a007d",
3915 | "6f377933b6ea4644a0d82b3b1fc7e04f",
3916 | "a202b7094b4044c68d77029797c4964c",
3917 | "01fd29b04f084c6693d0469ba3811ba8",
3918 | "5742a64800c94b6c9913e131cc953bb0",
3919 | "98b11796fb7d4ce5a1112599f3017751",
3920 | "5ceffc0d8e534fa482254e4d8be7fd33",
3921 | "cbc91768976e48b58c7b6b9bb7daff59",
3922 | "9a70d93c1edb419e96e289b9e1a51653",
3923 | "bcc6871a5bd34c04ba9eaeed8df3124b",
3924 | "aad7a2f0c0454045867c667a1cd3af1f",
3925 | "c914f8c23adf404797a33442ef6feb91",
3926 | "0e0c748af2104bf0ad12454279d16c0e",
3927 | "f6262e28000c4e0188ec16939bc46bbb",
3928 | "a2600d8786e34dc9872eaa8f5fa730fa",
3929 | "e7287eb6394a49a08778419826af3a48",
3930 | "a256a5db7e7145b7b795331d69233ca3",
3931 | "632fe13cb829410bbab4c468a2ba5949",
3932 | "b422c90f9cec411c8fd28d33c5a9ec4a",
3933 | "a318cf2a2c5f4b6f911db8e8a2dca064",
3934 | "7dd686dc58314f65a4ce49424c02117e",
3935 | "85321100928b498cad1466b67b547f52",
3936 | "be038f49b2084cc1840e4e6e9cc5a973",
3937 | "c914731e55c943649a28be83a696276b",
3938 | "d924f03fe4f042f58ed86059c0d089f9",
3939 | "c6291c76fda34bf4bd2286153ce4cc49",
3940 | "4c7135baf8634facb8931b71d9eb64f3",
3941 | "4ba920b8950f403da0454e42e6ffaccf",
3942 | "c24a42cbfb27434a9e36372e6ea87fa5",
3943 | "0227c02ea2194edd82edf58c36032ed0",
3944 | "4f2d890ce63a499ab9ccecf8e14d6eae",
3945 | "755559e9d8f844059ed80838ee3755e3",
3946 | "0b2cf5e1aedf42f7acd17291599cbecb",
3947 | "94652a48ac854a3d85c35acd9c991a45",
3948 | "cdc4a202c6194e93ad9ea2745e1c34fb",
3949 | "98adfe6514944df6a571e08673b34822",
3950 | "89c332e758b640d3b78329359d1e4484",
3951 | "2a824c5f03c94205be565add66400d3e",
3952 | "e99a47facfeb442da5619b06a6c2d3b9",
3953 | "1dd9486263f8450c873689c4ea95896b",
3954 | "de32acc261274649afb8bd99abc2e5c9",
3955 | "0fed2751754640768399127a090a3cf8",
3956 | "c652f48d1ed34acc9b2e85f88d45e92c",
3957 | "ab25b65bb29c4ff0a18dc18afbd2fbac",
3958 | "6995f6e0021f49b09e6a35f6cd875dc1",
3959 | "f9138702e2644047ab596cb9e7c2e7c0",
3960 | "038ace2d808c4d4897206aa616afb24d",
3961 | "0d24ab9f0e644b8e8bb6fadc12184f65",
3962 | "5f63c0db2dfd47e9be039f2a2d593970",
3963 | "b55cfa3bdb734ac0a6f7227931fd7579",
3964 | "bb93ef3ccabb4951930a1dff95f269f8",
3965 | "0110e7113a7e4cb5961fd671e40cd4f3",
3966 | "df13376837c74775b52e2415074eabab",
3967 | "cb2b77331930478f816693db5d142981",
3968 | "322ef168731a43f0a05f17ceb9123554",
3969 | "d8b84f97cfa943b6936b1802313e1a7a",
3970 | "db331bb718334b1ea221d6b54a700cd7",
3971 | "177ab45e7c1242f09fb54b352ff44f01",
3972 | "860709a1b09d426b8d34fa86bcec46d8",
3973 | "7ffd1bd1212d44548b1a8ab71eb33d4b",
3974 | "2108d7e2341147d3afc03e64eaab84b5",
3975 | "cbfc5cbd6e624db19d372c20d745f9be",
3976 | "d2fbcf4b808b439e8c57655872679433",
3977 | "fc3367441fa8437681a7b0fcf67c4830",
3978 | "ae5cc6fc8f994d3982f1f94a4118b0d7",
3979 | "36ebb20e5ba14223aee5a1e597694771",
3980 | "fa3bf6e51ac7424c8489ec122c04219d",
3981 | "36c7ffcddba246ab9c4d68fcfba0f5f2",
3982 | "2059389d20b245c79d7239985b25d2a6",
3983 | "3de00db7cd8a44b58186e31921508125",
3984 | "051645455bb04ca394eadb2c4fd0a838",
3985 | "a7b308a959794184b4e15ceec7544ff3",
3986 | "baab159e9ccd4cf7be35c618d2e8d7cd",
3987 | "2a2831ab5c3d410ebd79384f704c1d75",
3988 | "dba9a5e39c0d4639a031b6ade9311bc7"
3989 | ]
3990 | },
3991 | "id": "VwfuuMTdgedI",
3992 | "outputId": "31e7680f-46bf-4337-856c-6d8159fc782d"
3993 | },
3994 | "execution_count": 5,
3995 | "outputs": [
3996 | {
3997 | "output_type": "stream",
3998 | "name": "stderr",
3999 | "text": [
4000 | "/usr/local/lib/python3.10/dist-packages/huggingface_hub/utils/_token.py:88: UserWarning: \n",
4001 | "The secret `HF_TOKEN` does not exist in your Colab secrets.\n",
4002 | "To authenticate with the Hugging Face Hub, create a token in your settings tab (https://huggingface.co/settings/tokens), set it as secret in your Google Colab and restart your session.\n",
4003 | "You will be able to reuse this secret in all of your notebooks.\n",
4004 | "Please note that authentication is recommended but still optional to access public models or datasets.\n",
4005 | " warnings.warn(\n"
4006 | ]
4007 | },
4008 | {
4009 | "output_type": "display_data",
4010 | "data": {
4011 | "text/plain": [
4012 | "tokenizer_config.json: 0%| | 0.00/1.60k [00:00, ?B/s]"
4013 | ],
4014 | "application/vnd.jupyter.widget-view+json": {
4015 | "version_major": 2,
4016 | "version_minor": 0,
4017 | "model_id": "f22fb66b3f3c49819e9a4966f53632d0"
4018 | }
4019 | },
4020 | "metadata": {}
4021 | },
4022 | {
4023 | "output_type": "display_data",
4024 | "data": {
4025 | "text/plain": [
4026 | "tokenizer.model: 0%| | 0.00/493k [00:00, ?B/s]"
4027 | ],
4028 | "application/vnd.jupyter.widget-view+json": {
4029 | "version_major": 2,
4030 | "version_minor": 0,
4031 | "model_id": "e2abfa57974e44d5973aae620a77d389"
4032 | }
4033 | },
4034 | "metadata": {}
4035 | },
4036 | {
4037 | "output_type": "display_data",
4038 | "data": {
4039 | "text/plain": [
4040 | "added_tokens.json: 0%| | 0.00/51.0 [00:00, ?B/s]"
4041 | ],
4042 | "application/vnd.jupyter.widget-view+json": {
4043 | "version_major": 2,
4044 | "version_minor": 0,
4045 | "model_id": "3570d850cbe24810bc439f3369644c63"
4046 | }
4047 | },
4048 | "metadata": {}
4049 | },
4050 | {
4051 | "output_type": "display_data",
4052 | "data": {
4053 | "text/plain": [
4054 | "special_tokens_map.json: 0%| | 0.00/101 [00:00, ?B/s]"
4055 | ],
4056 | "application/vnd.jupyter.widget-view+json": {
4057 | "version_major": 2,
4058 | "version_minor": 0,
4059 | "model_id": "ba6de6eacd6545e38343cc8dc875e640"
4060 | }
4061 | },
4062 | "metadata": {}
4063 | },
4064 | {
4065 | "output_type": "stream",
4066 | "name": "stderr",
4067 | "text": [
4068 | "Special tokens have been added in the vocabulary, make sure the associated word embeddings are fine-tuned or trained.\n",
4069 | "Special tokens have been added in the vocabulary, make sure the associated word embeddings are fine-tuned or trained.\n"
4070 | ]
4071 | },
4072 | {
4073 | "output_type": "display_data",
4074 | "data": {
4075 | "text/plain": [
4076 | "config.json: 0%| | 0.00/624 [00:00, ?B/s]"
4077 | ],
4078 | "application/vnd.jupyter.widget-view+json": {
4079 | "version_major": 2,
4080 | "version_minor": 0,
4081 | "model_id": "5f7f1b5bc10341c0a6972ac88a908b3c"
4082 | }
4083 | },
4084 | "metadata": {}
4085 | },
4086 | {
4087 | "output_type": "display_data",
4088 | "data": {
4089 | "text/plain": [
4090 | "model.safetensors.index.json: 0%| | 0.00/25.1k [00:00, ?B/s]"
4091 | ],
4092 | "application/vnd.jupyter.widget-view+json": {
4093 | "version_major": 2,
4094 | "version_minor": 0,
4095 | "model_id": "bcc6871a5bd34c04ba9eaeed8df3124b"
4096 | }
4097 | },
4098 | "metadata": {}
4099 | },
4100 | {
4101 | "output_type": "display_data",
4102 | "data": {
4103 | "text/plain": [
4104 | "Downloading shards: 0%| | 0/2 [00:00, ?it/s]"
4105 | ],
4106 | "application/vnd.jupyter.widget-view+json": {
4107 | "version_major": 2,
4108 | "version_minor": 0,
4109 | "model_id": "7dd686dc58314f65a4ce49424c02117e"
4110 | }
4111 | },
4112 | "metadata": {}
4113 | },
4114 | {
4115 | "output_type": "display_data",
4116 | "data": {
4117 | "text/plain": [
4118 | "model-00001-of-00002.safetensors: 0%| | 0.00/9.94G [00:00, ?B/s]"
4119 | ],
4120 | "application/vnd.jupyter.widget-view+json": {
4121 | "version_major": 2,
4122 | "version_minor": 0,
4123 | "model_id": "755559e9d8f844059ed80838ee3755e3"
4124 | }
4125 | },
4126 | "metadata": {}
4127 | },
4128 | {
4129 | "output_type": "display_data",
4130 | "data": {
4131 | "text/plain": [
4132 | "model-00002-of-00002.safetensors: 0%| | 0.00/4.54G [00:00, ?B/s]"
4133 | ],
4134 | "application/vnd.jupyter.widget-view+json": {
4135 | "version_major": 2,
4136 | "version_minor": 0,
4137 | "model_id": "c652f48d1ed34acc9b2e85f88d45e92c"
4138 | }
4139 | },
4140 | "metadata": {}
4141 | },
4142 | {
4143 | "output_type": "display_data",
4144 | "data": {
4145 | "text/plain": [
4146 | "Loading checkpoint shards: 0%| | 0/2 [00:00, ?it/s]"
4147 | ],
4148 | "application/vnd.jupyter.widget-view+json": {
4149 | "version_major": 2,
4150 | "version_minor": 0,
4151 | "model_id": "cb2b77331930478f816693db5d142981"
4152 | }
4153 | },
4154 | "metadata": {}
4155 | },
4156 | {
4157 | "output_type": "display_data",
4158 | "data": {
4159 | "text/plain": [
4160 | "generation_config.json: 0%| | 0.00/120 [00:00, ?B/s]"
4161 | ],
4162 | "application/vnd.jupyter.widget-view+json": {
4163 | "version_major": 2,
4164 | "version_minor": 0,
4165 | "model_id": "ae5cc6fc8f994d3982f1f94a4118b0d7"
4166 | }
4167 | },
4168 | "metadata": {}
4169 | }
4170 | ]
4171 | },
4172 | {
4173 | "cell_type": "code",
4174 | "source": [
4175 | "def delete_model(*args):\n",
4176 | " for var in args:\n",
4177 | " if var in globals():\n",
4178 | " del globals()[var]\n",
4179 | "\n",
4180 | " gc.collect()\n",
4181 | " torch.cuda.empty_cache()"
4182 | ],
4183 | "metadata": {
4184 | "id": "ZASTDEkhgekt"
4185 | },
4186 | "execution_count": 6,
4187 | "outputs": []
4188 | },
4189 | {
4190 | "cell_type": "code",
4191 | "source": [
4192 | "class BookRecommendation(BaseModel):\n",
4193 | " \"\"\"Provides book recommendations based on specified interest.\"\"\"\n",
4194 | " interest: str = Field(description=\"question of user interest about a book.\")\n",
4195 | " recommended_book: str = Field(description=\"answer to recommend a book\")\n",
4196 | "\n",
4197 | " @validator(\"interest\")\n",
4198 | " def interests_must_not_be_empty(cls, field):\n",
4199 | " if not field:\n",
4200 | " raise ValueError(\"Interest cannot be empty.\")\n",
4201 | " return field"
4202 | ],
4203 | "metadata": {
4204 | "id": "tOza21UJ5iCD"
4205 | },
4206 | "execution_count": 55,
4207 | "outputs": []
4208 | },
4209 | {
4210 | "cell_type": "code",
4211 | "source": [
4212 | "class Joke(BaseModel):\n",
4213 | " \"\"\"Get a joke that includes the setup and punchline\"\"\"\n",
4214 | " setup: str = Field(description=\"question to set up a joke\")\n",
4215 | " punchline: str = Field(description=\"answer to resolve the joke\")\n",
4216 | "\n",
4217 | " # You can add custom validation logic easily with Pydantic.\n",
4218 | " @validator(\"setup\")\n",
4219 | " def question_ends_with_question_mark(cls, field):\n",
4220 | " if field[-1] != \"?\":\n",
4221 | " raise ValueError(\"Badly formed question!\")\n",
4222 | " return field"
4223 | ],
4224 | "metadata": {
4225 | "id": "neMtfYK45tDX"
4226 | },
4227 | "execution_count": 56,
4228 | "outputs": []
4229 | },
4230 | {
4231 | "cell_type": "code",
4232 | "source": [
4233 | "class SongRecommendation(BaseModel):\n",
4234 | " \"\"\"Provides song recommendations based on specified genre.\"\"\"\n",
4235 | " genre: str = Field(description=\"question to recommend a song.\")\n",
4236 | " song: str = Field(description=\"answer to recommend a song\")\n",
4237 | "\n",
4238 | " @validator(\"genre\")\n",
4239 | " def genre_must_not_be_empty(cls, field):\n",
4240 | " if not field:\n",
4241 | " raise ValueError(\"genre cannot be empty.\")\n",
4242 | " return field"
4243 | ],
4244 | "metadata": {
4245 | "id": "UMT7WiKYDwSo"
4246 | },
4247 | "execution_count": 72,
4248 | "outputs": []
4249 | },
4250 | {
4251 | "cell_type": "code",
4252 | "source": [
4253 | "convert_pydantic_to_openai_function(SongRecommendation)"
4254 | ],
4255 | "metadata": {
4256 | "colab": {
4257 | "base_uri": "https://localhost:8080/"
4258 | },
4259 | "id": "v9KOeGJZ-0zs",
4260 | "outputId": "0fd17d57-110e-46a0-b16c-904afa466a8b"
4261 | },
4262 | "execution_count": 73,
4263 | "outputs": [
4264 | {
4265 | "output_type": "execute_result",
4266 | "data": {
4267 | "text/plain": [
4268 | "{'name': 'SongRecommendation',\n",
4269 | " 'description': 'Provides song recommendations based on specified genre.',\n",
4270 | " 'parameters': {'type': 'object',\n",
4271 | " 'properties': {'genre': {'description': 'question to recommend a song.',\n",
4272 | " 'type': 'string'},\n",
4273 | " 'song': {'description': 'answer to recommend a song', 'type': 'string'}},\n",
4274 | " 'required': ['genre', 'song']}}"
4275 | ]
4276 | },
4277 | "metadata": {},
4278 | "execution_count": 73
4279 | }
4280 | ]
4281 | },
4282 | {
4283 | "cell_type": "code",
4284 | "source": [
4285 | "def extract_function_calls(completion):\n",
4286 | " completion = completion.strip()\n",
4287 | " pattern = r\"((.*?))\"\n",
4288 | " match = re.search(pattern, completion, re.DOTALL)\n",
4289 | " if not match:\n",
4290 | " return None\n",
4291 | "\n",
4292 | " multiplefn = match.group(1)\n",
4293 | " root = ET.fromstring(multiplefn)\n",
4294 | " functions = root.findall(\"functioncall\")\n",
4295 | " return [json.loads(fn.text) for fn in functions]"
4296 | ],
4297 | "metadata": {
4298 | "id": "rbZK81ck_O0z"
4299 | },
4300 | "execution_count": 74,
4301 | "outputs": []
4302 | },
4303 | {
4304 | "cell_type": "code",
4305 | "source": [
4306 | "def generate_hermes(prompt, model, tokenizer, generation_config_overrides={}):\n",
4307 | " fn = \"\"\"{\"name\": \"function_name\", \"arguments\": {\"arg_1\": \"value_1\", \"arg_2\": value_2, ...}}\"\"\"\n",
4308 | " prompt = f\"\"\"<|im_start|>system\n",
4309 | "You are a helpful assistant with access to the following functions:\n",
4310 | "\n",
4311 | "{convert_pydantic_to_openai_function(Joke)}\n",
4312 | "\n",
4313 | "{convert_pydantic_to_openai_function(BookRecommendation)}\n",
4314 | "\n",
4315 | "{convert_pydantic_to_openai_function(SongRecommendation)}\n",
4316 | "\n",
4317 | "To use these functions respond with:\n",
4318 | "\n",
4319 | " {fn} \n",
4320 | " {fn} \n",
4321 | " ...\n",
4322 | "\n",
4323 | "\n",
4324 | "Edge cases you must handle:\n",
4325 | "- If there are no functions that match the user request, you will respond politely that you cannot help.<|im_end|>\n",
4326 | "<|im_start|>user\n",
4327 | "{prompt}<|im_end|>\n",
4328 | "<|im_start|>assistant\"\"\"\n",
4329 | "\n",
4330 | " generation_config = model.generation_config\n",
4331 | " generation_config.update(\n",
4332 | " **{\n",
4333 | " **{\n",
4334 | " \"use_cache\": True,\n",
4335 | " \"do_sample\": True,\n",
4336 | " \"temperature\": 0.2,\n",
4337 | " \"top_p\": 1.0,\n",
4338 | " \"top_k\": 0,\n",
4339 | " \"max_new_tokens\": 512,\n",
4340 | " \"eos_token_id\": tokenizer.eos_token_id,\n",
4341 | " \"pad_token_id\": tokenizer.eos_token_id,\n",
4342 | " },\n",
4343 | " **generation_config_overrides,\n",
4344 | " }\n",
4345 | " )\n",
4346 | "\n",
4347 | " model = model.eval()\n",
4348 | " inputs = tokenizer(prompt, return_tensors=\"pt\").to(model.device)\n",
4349 | " n_tokens = inputs.input_ids.numel()\n",
4350 | "\n",
4351 | " with torch.inference_mode():\n",
4352 | " generated_tokens = model.generate(**inputs, generation_config=generation_config)\n",
4353 | "\n",
4354 | " return tokenizer.decode(\n",
4355 | " generated_tokens.squeeze()[n_tokens:], skip_special_tokens=False\n",
4356 | " )"
4357 | ],
4358 | "metadata": {
4359 | "id": "PWLPVZDl_VTl"
4360 | },
4361 | "execution_count": 75,
4362 | "outputs": []
4363 | },
4364 | {
4365 | "cell_type": "code",
4366 | "source": [
4367 | "%%time\n",
4368 | "\n",
4369 | "generation_func = partial(generate_hermes, model=model, tokenizer=tokenizer)\n",
4370 | "\n",
4371 | "prompts = [\n",
4372 | " \"Tell me a joke\",\n",
4373 | " \"Song for inspiration.\",\n",
4374 | " \"Recommend me a book on Crime Thriller.\"\n",
4375 | "]\n",
4376 | "\n",
4377 | "for prompt in prompts:\n",
4378 | " completion = generation_func(prompt)\n",
4379 | " functions = extract_function_calls(completion)\n",
4380 | "\n",
4381 | " if functions:\n",
4382 | " print(functions)\n",
4383 | " else:\n",
4384 | " print(completion.strip())\n",
4385 | " print(\"=\"*100)"
4386 | ],
4387 | "metadata": {
4388 | "colab": {
4389 | "base_uri": "https://localhost:8080/"
4390 | },
4391 | "id": "cgktideV_wJX",
4392 | "outputId": "9b335835-b14e-4e32-c3cd-5443b85692e8"
4393 | },
4394 | "execution_count": 76,
4395 | "outputs": [
4396 | {
4397 | "output_type": "stream",
4398 | "name": "stdout",
4399 | "text": [
4400 | "[{'name': 'Joke', 'arguments': {'setup': \"Why don't scientists trust atoms?\", 'punchline': 'Because they make up everything!'}}]\n",
4401 | "====================================================================================================\n",
4402 | "[{'name': 'SongRecommendation', 'arguments': {'genre': 'inspiration', 'song': '\"Eye of the Tiger\" by Survivor'}}]\n",
4403 | "====================================================================================================\n",
4404 | "[{'name': 'BookRecommendation', 'arguments': {'interest': 'Crime Thriller', 'recommended_book': 'The Silence of the Lambs'}}]\n",
4405 | "====================================================================================================\n",
4406 | "CPU times: user 8.15 s, sys: 0 ns, total: 8.15 s\n",
4407 | "Wall time: 8.13 s\n"
4408 | ]
4409 | }
4410 | ]
4411 | },
4412 | {
4413 | "cell_type": "code",
4414 | "source": [],
4415 | "metadata": {
4416 | "id": "RGlzDf_zALDb"
4417 | },
4418 | "execution_count": null,
4419 | "outputs": []
4420 | }
4421 | ]
4422 | }
--------------------------------------------------------------------------------