From 7786e2660c3874a5ca25db9cbeff125aaa73cf5c Mon Sep 17 00:00:00 2001 From: =?UTF-8?q?Florian=20F=C3=B6rster?= Date: Thu, 23 Jan 2025 12:05:13 +0100 Subject: [PATCH] initial commit V0.1.0 --- .gitignore | 162 + README.md | 1 + benchmark/model_tests.ipynb | 5034 ++++++++++++++++++++++++++ benchmark/stfr.py | 57 + benchmark/test.toml | 2 + build.ps1 | 1 + bump_prerelease_num.ps1 | 2 + bump_release_type.ps1 | 2 + lang_main_config.toml | 59 + lang_main_config_old.toml | 56 + lang_main_config_old2.toml | 63 + pdm.lock | 3966 ++++++++++++++++++++ publish.ps1 | 1 + pyproject.toml | 139 + src/tom_plugin/__init__.py | 3 + src/tom_plugin/_env_vars.py | 46 + src/tom_plugin/_tools/__init__.py | 0 src/tom_plugin/_tools/_load_model.py | 194 + src/tom_plugin/_tools/_run.py | 29 + src/tom_plugin/env_vars.txt | 2 + src/tom_plugin/pipeline.py | 276 ++ test.py | 21 + tests/__init__.py | 0 tom-plugin.code-workspace | 8 + update_and_publish.ps1 | 2 + update_lang_main.ps1 | 1 + 26 files changed, 10127 insertions(+) create mode 100644 .gitignore create mode 100644 README.md create mode 100644 benchmark/model_tests.ipynb create mode 100644 benchmark/stfr.py create mode 100644 benchmark/test.toml create mode 100644 build.ps1 create mode 100644 bump_prerelease_num.ps1 create mode 100644 bump_release_type.ps1 create mode 100644 lang_main_config.toml create mode 100644 lang_main_config_old.toml create mode 100644 lang_main_config_old2.toml create mode 100644 pdm.lock create mode 100644 publish.ps1 create mode 100644 pyproject.toml create mode 100644 src/tom_plugin/__init__.py create mode 100644 src/tom_plugin/_env_vars.py create mode 100644 src/tom_plugin/_tools/__init__.py create mode 100644 src/tom_plugin/_tools/_load_model.py create mode 100644 src/tom_plugin/_tools/_run.py create mode 100644 src/tom_plugin/env_vars.txt create mode 100644 src/tom_plugin/pipeline.py create mode 100644 test.py create mode 100644 tests/__init__.py create mode 100644 tom-plugin.code-workspace create mode 100644 update_and_publish.ps1 create mode 100644 update_lang_main.ps1 diff --git a/.gitignore b/.gitignore new file mode 100644 index 0000000..3a8816c --- /dev/null +++ b/.gitignore @@ -0,0 +1,162 @@ +# Byte-compiled / optimized / DLL files +__pycache__/ +*.py[cod] +*$py.class + +# C extensions +*.so + +# Distribution / packaging +.Python +build/ +develop-eggs/ +dist/ +downloads/ +eggs/ +.eggs/ +lib/ +lib64/ +parts/ +sdist/ +var/ +wheels/ +share/python-wheels/ +*.egg-info/ +.installed.cfg +*.egg +MANIFEST + +# PyInstaller +# Usually these files are written by a python script from a template +# before PyInstaller builds the exe, so as to inject date/other infos into it. +*.manifest +*.spec + +# Installer logs +pip-log.txt +pip-delete-this-directory.txt + +# Unit test / coverage reports +htmlcov/ +.tox/ +.nox/ +.coverage +.coverage.* +.cache +nosetests.xml +coverage.xml +*.cover +*.py,cover +.hypothesis/ +.pytest_cache/ +cover/ + +# Translations +*.mo +*.pot + +# Django stuff: +*.log +local_settings.py +db.sqlite3 +db.sqlite3-journal + +# Flask stuff: +instance/ +.webassets-cache + +# Scrapy stuff: +.scrapy + +# Sphinx documentation +docs/_build/ + +# PyBuilder +.pybuilder/ +target/ + +# Jupyter Notebook +.ipynb_checkpoints + +# IPython +profile_default/ +ipython_config.py + +# pyenv +# For a library or package, you might want to ignore these files since the code is +# intended to run in multiple environments; otherwise, check them in: +# .python-version + +# pipenv +# According to pypa/pipenv#598, it is recommended to include Pipfile.lock in version control. +# However, in case of collaboration, if having platform-specific dependencies or dependencies +# having no cross-platform support, pipenv may install dependencies that don't work, or not +# install all needed dependencies. +#Pipfile.lock + +# poetry +# Similar to Pipfile.lock, it is generally recommended to include poetry.lock in version control. +# This is especially recommended for binary packages to ensure reproducibility, and is more +# commonly ignored for libraries. +# https://python-poetry.org/docs/basic-usage/#commit-your-poetrylock-file-to-version-control +#poetry.lock + +# pdm +# Similar to Pipfile.lock, it is generally recommended to include pdm.lock in version control. +#pdm.lock +# pdm stores project-wide configurations in .pdm.toml, but it is recommended to not include it +# in version control. +# https://pdm-project.org/#use-with-ide +.pdm.toml +.pdm-python +.pdm-build/ + +# PEP 582; used by e.g. github.com/David-OConnor/pyflow and github.com/pdm-project/pdm +__pypackages__/ + +# Celery stuff +celerybeat-schedule +celerybeat.pid + +# SageMath parsed files +*.sage.py + +# Environments +.env +.venv +env/ +venv/ +ENV/ +env.bak/ +venv.bak/ + +# Spyder project settings +.spyderproject +.spyproject + +# Rope project settings +.ropeproject + +# mkdocs documentation +/site + +# mypy +.mypy_cache/ +.dmypy.json +dmypy.json + +# Pyre type checker +.pyre/ + +# pytype static type analyzer +.pytype/ + +# Cython debug symbols +cython_debug/ + +# PyCharm +# JetBrains specific template is maintained in a separate JetBrains.gitignore that can +# be found at https://github.com/github/gitignore/blob/main/Global/JetBrains.gitignore +# and can be added to the global gitignore or merged into this file. For a more nuclear +# option (not recommended) you can uncomment the following to ignore the entire idea folder. +#.idea/ diff --git a/README.md b/README.md new file mode 100644 index 0000000..9292c9a --- /dev/null +++ b/README.md @@ -0,0 +1 @@ +# tom-plugin diff --git a/benchmark/model_tests.ipynb b/benchmark/model_tests.ipynb new file mode 100644 index 0000000..5faf14c --- /dev/null +++ b/benchmark/model_tests.ipynb @@ -0,0 +1,5034 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": 1, + "id": "6983ff64-9fc3-4ed1-bcf3-4a17a5a89661", + "metadata": { + "scrolled": true + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Looking iteratively for config file. Start: A:\\Arbeitsaufgaben\\tom-plugin\\.venv\\Lib\\site-packages\\lang_main, stop folder: tom-plugin\n", + "Loaded TOML config file successfully.\n", + "Loaded config from: >>A:\\Arbeitsaufgaben\\tom-plugin\\lang_main_config.toml<<\n", + "Library path is: A:\\Arbeitsaufgaben\n", + "Root path is: A:\\Arbeitsaufgaben\n" + ] + } + ], + "source": [ + "from pathlib import Path\n", + "import time\n", + "\n", + "from stfr import load_models\n", + "\n", + "import pandas as pd\n", + "import numpy as np" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "id": "9a957bc4-b2b8-49e3-ae5b-0ef5a02e87d5", + "metadata": {}, + "outputs": [], + "source": [ + "from lang_main.types import STFRModelTypes" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "id": "92415402-0cbe-4a52-b177-ac2e3cf6903d", + "metadata": {}, + "outputs": [], + "source": [ + "from lang_main.pipelines import predefined\n", + "from lang_main.analysis import preprocessing as preproc" + ] + }, + { + "cell_type": "code", + "execution_count": 28, + "id": "0583b0f0-ba00-4c82-9272-0b4062bcd777", + "metadata": {}, + "outputs": [], + "source": [ + "DATA_PTH = Path(r'A:\\Arbeitsaufgaben\\lang-data\\in\\02_202307\\Export4.csv')\n", + "\n", + "def preprocess_data(path, num_entries):\n", + " assert path.exists()\n", + " pipe_target_feat = predefined.build_base_target_feature_pipe()\n", + " ret = pipe_target_feat.run(starting_values=(path,))\n", + " df = ret[0]\n", + " cropped = df.iloc[:num_entries]\n", + " entries = tuple(cropped['entry'])\n", + "\n", + " return entries" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "3fc75632-2a66-41d8-8c79-4ab9bfa348b6", + "metadata": {}, + "outputs": [], + "source": [] + }, + { + "cell_type": "code", + "execution_count": 29, + "id": "d3912bad-3f8f-4012-8890-5b653fef416f", + "metadata": {}, + "outputs": [], + "source": [ + "models_benchmark = (\n", + " # STFRModelTypes.ALL_MPNET_BASE_V2,\n", + " # STFRModelTypes.PARAPHRASE_MULTI_MPNET_BASE_V2,\n", + " # STFRModelTypes.JINAAI_BASE_DE_V2,\n", + " STFRModelTypes.GERMAN_SEMANTIC_STS_V2,\n", + " STFRModelTypes.E5_BASE_STS_EN_DE,\n", + ")" + ] + }, + { + "cell_type": "code", + "execution_count": 72, + "id": "de89dbd6-6999-4434-b30d-f17bae169f3a", + "metadata": {}, + "outputs": [], + "source": [ + "def benchmark_sims(model, docs, batch_size=32):\n", + " if model.max_seq_length > 1024:\n", + " model.max_seq_length = 1024\n", + "\n", + " t1 = time.perf_counter()\n", + " embds = model.encode(docs, convert_to_numpy=False, convert_to_tensor=True, batch_size=batch_size)\n", + " sims = model.similarity(embds, embds).numpy()\n", + " t2 = time.perf_counter()\n", + " encoding_dur = t2 - t1\n", + " \n", + " return sims, encoding_dur" + ] + }, + { + "cell_type": "code", + "execution_count": 31, + "id": "a5d79042-7696-4523-8db5-41778da6cdca", + "metadata": {}, + "outputs": [], + "source": [ + "def run_benchmark(models, docs, iterations_per_model):\n", + " print(f'Benchmark for number of entries: {len(docs)}')\n", + " print(f'Iterations per model: {iterations_per_model}')\n", + " \n", + " for model_name in models:\n", + " times_with_load = []\n", + " times_encoding = []\n", + " model = load_models(model_name, trust_remote=True)\n", + " \n", + " for it in range(iterations_per_model):\n", + " t1 = time.perf_counter()\n", + " sims, encoding_dur = benchmark_sims(model, docs)\n", + " t2 = time.perf_counter()\n", + " duration = t2 - t1\n", + " times_with_load.append(duration)\n", + " times_encoding.append(encoding_dur)\n", + "\n", + " avg_time_with_load = np.mean(times_with_load)\n", + " avg_time_encoding = np.mean(times_encoding)\n", + " print(f'Avg time for model >{model_name}< was:\\t\\twith loading: {avg_time_with_load:.6f} s\\tencoding: {avg_time_encoding:.6f} s')\n", + " " + ] + }, + { + "cell_type": "code", + "execution_count": 32, + "id": "492b138e-f9fc-45d5-bcb7-9ae4cf63c572", + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2025-01-15 12:04:37 +0000 | lang_main:base:INFO | Starting pipeline >>Target_Feature<<...\n", + "2025-01-15 12:04:38 +0000 | lang_main:preprocessing:INFO | Loaded dataset successfully.\n", + "2025-01-15 12:04:38 +0000 | lang_main:preprocessing:INFO | Dataset properties: number of entries: 129020, number of features 20\n", + "2025-01-15 12:04:38 +0000 | lang_main:preprocessing:INFO | Number of duplicates over all features: 84\n", + "2025-01-15 12:04:38 +0000 | lang_main:preprocessing:INFO | Number of duplicates over subset >>['VorgangsID', 'ObjektID']<<: 725\n", + "2025-01-15 12:04:38 +0000 | lang_main:preprocessing:INFO | Removed all duplicates from dataset successfully.\n", + "2025-01-15 12:04:38 +0000 | lang_main:preprocessing:INFO | New Dataset properties: number of entries: 128211, number of features 20\n", + "2025-01-15 12:04:38 +0000 | lang_main:preprocessing:INFO | Removed NA entries for features >>['VorgangsBeschreibung']<< from dataset successfully.\n", + "2025-01-15 12:04:38 +0000 | lang_main:io:INFO | Saved file successfully under A:\\Arbeitsaufgaben\\lang-data\\out\\Pipe-Target_Feature_Step-3_remove_NA.pkl\n", + "2025-01-15 12:04:39 +0000 | lang_main:shared:INFO | Successfully applied entry-wise cleansing procedure >>clean_string_slim<< for features >>['VorgangsBeschreibung']<<\n", + "2025-01-15 12:04:39 +0000 | lang_main:io:INFO | Saved file successfully under A:\\Arbeitsaufgaben\\lang-data\\out\\TIMELINE.pkl\n", + "2025-01-15 12:04:39 +0000 | lang_main:preprocessing:INFO | Number of entries for feature >>VorgangsBeschreibung<<: 123457\n", + "100%|██████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████| 6772/6772 [00:33<00:00, 202.39it/s]\n", + "2025-01-15 12:05:12 +0000 | lang_main:io:INFO | Saved file successfully under A:\\Arbeitsaufgaben\\lang-data\\out\\Pipe-Target_Feature_Step-5_analyse_feature.pkl\n", + "2025-01-15 12:05:12 +0000 | lang_main:base:INFO | Processing pipeline >>Target_Feature<< successfully ended after 5 steps.\n" + ] + } + ], + "source": [ + "docs = preprocess_data(DATA_PTH, num_entries=1000)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "9c03e73e-f0b1-4189-984f-5201b45beb8f", + "metadata": {}, + "outputs": [], + "source": [] + }, + { + "cell_type": "code", + "execution_count": 33, + "id": "17644baf-6328-49ff-a75d-d9e80fe4ba7b", + "metadata": {}, + "outputs": [], + "source": [ + "ITERATIONS_PER_MODEL = 3" + ] + }, + { + "cell_type": "code", + "execution_count": 34, + "id": "bbc25e1e-ba41-48ad-b28c-08e1ec11e731", + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "No sentence-transformers model found with name aari1995/German_Semantic_STS_V2. Creating a new one with mean pooling.\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Benchmark for number of entries: 1000\n", + "Iterations per model: 3\n", + "Avg time for model >aari1995/German_Semantic_STS_V2< was:\t\twith loading: 194.963239 s\tencoding: 194.963216 s\n", + "Avg time for model >danielheinz/e5-base-sts-en-de< was:\t\twith loading: 52.009722 s\tencoding: 52.009704 s\n" + ] + } + ], + "source": [ + "run_benchmark(models_benchmark, docs, ITERATIONS_PER_MODEL)" + ] + }, + { + "cell_type": "code", + "execution_count": 84, + "id": "af7bdda8-96b3-447b-a0c2-69a6dc0de6eb", + "metadata": {}, + "outputs": [], + "source": [ + "from sentence_transformers.SentenceTransformer import SentenceTransformer\n", + "from sentence_transformers.backend import export_optimized_onnx_model, export_dynamic_quantized_onnx_model" + ] + }, + { + "cell_type": "code", + "execution_count": 40, + "id": "da2185f2-0f1b-4cb5-8b82-b5a0e040b26d", + "metadata": {}, + "outputs": [], + "source": [ + "model_name = STFRModelTypes.E5_BASE_STS_EN_DE\n", + "save_path = Path(r'A:\\Arbeitsaufgaben\\lang-models\\self-onnx')\n", + "assert save_path.exists()" + ] + }, + { + "cell_type": "code", + "execution_count": 39, + "id": "932a3d30-2208-4724-9f59-7f0b80e0183e", + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "No 'model.onnx' found in 'danielheinz/e5-base-sts-en-de'. Exporting the model to ONNX.\n" + ] + }, + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "3e9c67b867954bbbb582a0e159f4261e", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + "tokenizer_config.json: 0%| | 0.00/1.15k [00:00, create_pr=True)`.\n" + ] + } + ], + "source": [ + "model_onnx = SentenceTransformer(model_name, backend='onnx')" + ] + }, + { + "cell_type": "code", + "execution_count": 45, + "id": "cce0e867-4a6f-4fed-affe-e111f408dcf4", + "metadata": {}, + "outputs": [], + "source": [ + "save_base = save_path / 'base'" + ] + }, + { + "cell_type": "code", + "execution_count": 46, + "id": "9ecf8adf-0f82-40d5-9c99-0cafa287adc6", + "metadata": {}, + "outputs": [], + "source": [ + "model_onnx.save_pretrained(str(save_base), safe_serialization=True)" + ] + }, + { + "cell_type": "code", + "execution_count": 49, + "id": "8f40b663-e2c3-4437-8595-4ae192e8f725", + "metadata": {}, + "outputs": [], + "source": [ + "#save_optimised = save_path / 'optimised'" + ] + }, + { + "cell_type": "code", + "execution_count": 50, + "id": "5358b1b7-f6a3-4b07-9f59-5dbe4d93b8de", + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "A:\\Arbeitsaufgaben\\tom-plugin\\.venv\\Lib\\site-packages\\optimum\\onnxruntime\\configuration.py:779: FutureWarning: disable_embed_layer_norm will be deprecated soon, use disable_embed_layer_norm_fusion instead, disable_embed_layer_norm_fusion is set to True.\n", + " warnings.warn(\n" + ] + } + ], + "source": [ + "export_optimized_onnx_model(model_onnx, optimization_config='O3', model_name_or_path=str(save_base))" + ] + }, + { + "cell_type": "code", + "execution_count": 54, + "id": "40550829-38b6-474f-bfa8-df933aafd210", + "metadata": {}, + "outputs": [], + "source": [ + "onnx_path = save_base / 'onnx/model_O3.onnx'\n", + "assert onnx_path.exists()" + ] + }, + { + "cell_type": "code", + "execution_count": 85, + "id": "e10d1cf5-245e-4086-a116-0ced74ee6a4c", + "metadata": {}, + "outputs": [], + "source": [ + "model_kwargs = {'file_name': 'onnx/model.onnx', 'provider': 'CPUExecutionProvider', 'export': False}" + ] + }, + { + "cell_type": "code", + "execution_count": 86, + "id": "302c27cd-7cb5-4111-87f4-101bc93ab1fa", + "metadata": {}, + "outputs": [], + "source": [ + "model_optim = SentenceTransformer(str(save_base), model_kwargs=model_kwargs, device='cpu', backend='onnx')" + ] + }, + { + "cell_type": "code", + "execution_count": 87, + "id": "9627593f-f7db-46fa-ba52-dad5069b5ff7", + "metadata": {}, + "outputs": [], + "source": [ + "export_dynamic_quantized_onnx_model(model_optim, quantization_config='avx2', model_name_or_path=str(save_base))" + ] + }, + { + "cell_type": "code", + "execution_count": 88, + "id": "08d20a3d-d195-4b93-848b-d9bcebfa3ab6", + "metadata": {}, + "outputs": [], + "source": [ + "model_kwargs = {'file_name': 'onnx/model_quint8_avx2.onnx', 'provider': 'CPUExecutionProvider', 'export': False}" + ] + }, + { + "cell_type": "code", + "execution_count": 89, + "id": "bf22883a-1cdc-40b0-a1c2-f36714527d33", + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "The ONNX file model_quint8_avx2.onnx is not a regular name used in optimum.onnxruntime, the ORTModel might not behave as expected.\n" + ] + } + ], + "source": [ + "model_quant = SentenceTransformer(str(save_base), model_kwargs=model_kwargs, device='cpu', backend='onnx')" + ] + }, + { + "cell_type": "code", + "execution_count": 90, + "id": "837cfe87-e510-49b8-8abd-9bb2726f5fba", + "metadata": {}, + "outputs": [], + "source": [ + "sims, dur = benchmark_sims(model_quant, docs, batch_size=32)" + ] + }, + { + "cell_type": "code", + "execution_count": 91, + "id": "e750a93a-fa41-4b9f-91a1-74864327f5d4", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "54.369837799997185" + ] + }, + "execution_count": 91, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "dur" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "5a3856d1-b113-4b23-99c0-58874bc5da1c", + "metadata": {}, + "outputs": [], + "source": [] + }, + { + "cell_type": "code", + "execution_count": 1, + "id": "17da253d-5483-4d29-b2cc-544304169a49", + "metadata": {}, + "outputs": [], + "source": [ + "from pathlib import Path" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "id": "3373fa44-11d8-4b7c-9819-d26b31f3a579", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "False" + ] + }, + "execution_count": 2, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "p = Path(r'A:\\Arbeitsaufgaben\\test-download\\lang-models')\n", + "p.exists()" + ] + }, + { + "cell_type": "code", + "execution_count": 129, + "id": "2f83ffca-674f-4821-91f2-1a1e40fd3bf9", + "metadata": {}, + "outputs": [], + "source": [ + "t = 'test/123'" + ] + }, + { + "cell_type": "code", + "execution_count": 130, + "id": "db4c538d-96c8-4e74-8545-4b12f544c796", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "'123'" + ] + }, + "execution_count": 130, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "t.split('/')[-1]" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "b538a84f-aeda-4994-8f6c-0cac075cf3b1", + "metadata": {}, + "outputs": [], + "source": [] + }, + { + "cell_type": "code", + "execution_count": 78, + "id": "44051880-f113-4068-81a6-ed661a7c295b", + "metadata": {}, + "outputs": [], + "source": [ + "sims, dur = benchmark_sims(model_optim, docs, batch_size=16)" + ] + }, + { + "cell_type": "code", + "execution_count": 79, + "id": "9406098c-943a-49fa-bf07-ce06a6611c00", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "90.01054789999944" + ] + }, + "execution_count": 79, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "dur" + ] + }, + { + "cell_type": "code", + "execution_count": 70, + "id": "f1cf84aa-0a45-4eb2-a5f9-736ba1f4b284", + "metadata": {}, + "outputs": [], + "source": [ + "model_ref = SentenceTransformer('danielheinz/e5-base-sts-en-de')" + ] + }, + { + "cell_type": "code", + "execution_count": 71, + "id": "2d448adc-5fab-49f9-acb4-fe0357cc92f4", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "74.87911759999952" + ] + }, + "execution_count": 71, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "sims, dur = benchmark_sims(model_ref, docs)\n", + "dur" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "1868f9e2-951a-41fc-98bd-6f39664cf439", + "metadata": {}, + "outputs": [], + "source": [] + }, + { + "cell_type": "code", + "execution_count": 68, + "id": "ab429620-8873-462a-b4d3-24f9da8ad8ed", + "metadata": {}, + "outputs": [], + "source": [ + "model_name_new = 'mixedbread-ai/deepset-mxbai-embed-de-large-v1'\n", + "model_name_ref = 'all-mpnet-base-v2'\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "b2af2548-b5db-45a6-b832-b16431ffdf4d", + "metadata": {}, + "outputs": [], + "source": [] + }, + { + "cell_type": "code", + "execution_count": 66, + "id": "ab48155f-ec33-4002-ab53-98753473b4fb", + "metadata": {}, + "outputs": [], + "source": [ + "docs = [\n", + " 'Ölleckage durch undichten Ölsumpf',\n", + " 'Überprüfung der Schwingungsdämpfer',\n", + " 'Überprüfung der Kühlmittelsysteme',\n", + " 'Blockierung der Förderschnecke',\n", + " 'Überhitzung durch mangelnde Kühlmittelzirkulation',\n", + " 'Überprüfung der Hydraulik',\n", + " 'Ich gehe spazieren',\n", + " 'Heute um zwölf war ich unterwegs',\n", + " 'Ich gehe mit dem Hund raus',\n", + " 'Ich laufe im Park',\n", + " 'Ich laufe im Pakr',\n", + "]" + ] + }, + { + "cell_type": "code", + "execution_count": 67, + "id": "e27c5c84-6570-43fd-a38f-c0bbcc7573a2", + "metadata": {}, + "outputs": [], + "source": [ + "def calc_similarities(model_name, docs):\n", + " model = load_models(model_name)\n", + " embds = model.encode(docs)\n", + " sims = model.similarity(embds, embds).numpy()\n", + " df = pd.DataFrame(data=sims, index=docs, columns=docs)\n", + " \n", + " return df" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "id": "c0ba1525-1d96-4b26-865a-3f25898b4d64", + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
Ölleckage durch undichten ÖlsumpfÜberprüfung der SchwingungsdämpferÜberprüfung der KühlmittelsystemeBlockierung der FörderschneckeÜberhitzung durch mangelnde KühlmittelzirkulationÜberprüfung der HydraulikIch gehe spazierenHeute um zwölf war ich unterwegsIch gehe mit dem Hund rausIch laufe im ParkIch laufe im Pakr
Ölleckage durch undichten Ölsumpf1.0000000.4228750.3938990.2306900.5219210.2759850.2863030.4014960.2893420.3433320.322299
Überprüfung der Schwingungsdämpfer0.4228751.0000000.5191970.2749560.4893070.4455410.3023030.4013940.2161640.3575960.284001
Überprüfung der Kühlmittelsysteme0.3938990.5191971.0000000.3155560.7069440.4860240.2984620.2703840.2246790.2538470.260867
Blockierung der Förderschnecke0.2306900.2749560.3155561.0000000.3025030.2493710.3012200.2398050.1814900.2969250.239862
Überhitzung durch mangelnde Kühlmittelzirkulation0.5219210.4893070.7069440.3025031.0000000.4053180.3150110.3856220.2950770.2959490.316965
Überprüfung der Hydraulik0.2759850.4455410.4860240.2493710.4053181.0000000.2138620.1860640.1990540.1839820.144403
Ich gehe spazieren0.2863030.3023030.2984620.3012200.3150110.2138621.0000000.4675470.5452810.5549930.480685
Heute um zwölf war ich unterwegs0.4014960.4013940.2703840.2398050.3856220.1860640.4675471.0000000.4895230.4816120.413731
Ich gehe mit dem Hund raus0.2893420.2161640.2246790.1814900.2950770.1990540.5452810.4895231.0000000.5248240.517329
Ich laufe im Park0.3433320.3575960.2538470.2969250.2959490.1839820.5549930.4816120.5248241.0000000.693493
Ich laufe im Pakr0.3222990.2840010.2608670.2398620.3169650.1444030.4806850.4137310.5173290.6934931.000000
\n", + "
" + ], + "text/plain": [ + " Ölleckage durch undichten Ölsumpf \\\n", + "Ölleckage durch undichten Ölsumpf 1.000000 \n", + "Überprüfung der Schwingungsdämpfer 0.422875 \n", + "Überprüfung der Kühlmittelsysteme 0.393899 \n", + "Blockierung der Förderschnecke 0.230690 \n", + "Überhitzung durch mangelnde Kühlmittelzirkulation 0.521921 \n", + "Überprüfung der Hydraulik 0.275985 \n", + "Ich gehe spazieren 0.286303 \n", + "Heute um zwölf war ich unterwegs 0.401496 \n", + "Ich gehe mit dem Hund raus 0.289342 \n", + "Ich laufe im Park 0.343332 \n", + "Ich laufe im Pakr 0.322299 \n", + "\n", + " Überprüfung der Schwingungsdämpfer \\\n", + "Ölleckage durch undichten Ölsumpf 0.422875 \n", + "Überprüfung der Schwingungsdämpfer 1.000000 \n", + "Überprüfung der Kühlmittelsysteme 0.519197 \n", + "Blockierung der Förderschnecke 0.274956 \n", + "Überhitzung durch mangelnde Kühlmittelzirkulation 0.489307 \n", + "Überprüfung der Hydraulik 0.445541 \n", + "Ich gehe spazieren 0.302303 \n", + "Heute um zwölf war ich unterwegs 0.401394 \n", + "Ich gehe mit dem Hund raus 0.216164 \n", + "Ich laufe im Park 0.357596 \n", + "Ich laufe im Pakr 0.284001 \n", + "\n", + " Überprüfung der Kühlmittelsysteme \\\n", + "Ölleckage durch undichten Ölsumpf 0.393899 \n", + "Überprüfung der Schwingungsdämpfer 0.519197 \n", + "Überprüfung der Kühlmittelsysteme 1.000000 \n", + "Blockierung der Förderschnecke 0.315556 \n", + "Überhitzung durch mangelnde Kühlmittelzirkulation 0.706944 \n", + "Überprüfung der Hydraulik 0.486024 \n", + "Ich gehe spazieren 0.298462 \n", + "Heute um zwölf war ich unterwegs 0.270384 \n", + "Ich gehe mit dem Hund raus 0.224679 \n", + "Ich laufe im Park 0.253847 \n", + "Ich laufe im Pakr 0.260867 \n", + "\n", + " Blockierung der Förderschnecke \\\n", + "Ölleckage durch undichten Ölsumpf 0.230690 \n", + "Überprüfung der Schwingungsdämpfer 0.274956 \n", + "Überprüfung der Kühlmittelsysteme 0.315556 \n", + "Blockierung der Förderschnecke 1.000000 \n", + "Überhitzung durch mangelnde Kühlmittelzirkulation 0.302503 \n", + "Überprüfung der Hydraulik 0.249371 \n", + "Ich gehe spazieren 0.301220 \n", + "Heute um zwölf war ich unterwegs 0.239805 \n", + "Ich gehe mit dem Hund raus 0.181490 \n", + "Ich laufe im Park 0.296925 \n", + "Ich laufe im Pakr 0.239862 \n", + "\n", + " Überhitzung durch mangelnde Kühlmittelzirkulation \\\n", + "Ölleckage durch undichten Ölsumpf 0.521921 \n", + "Überprüfung der Schwingungsdämpfer 0.489307 \n", + "Überprüfung der Kühlmittelsysteme 0.706944 \n", + "Blockierung der Förderschnecke 0.302503 \n", + "Überhitzung durch mangelnde Kühlmittelzirkulation 1.000000 \n", + "Überprüfung der Hydraulik 0.405318 \n", + "Ich gehe spazieren 0.315011 \n", + "Heute um zwölf war ich unterwegs 0.385622 \n", + "Ich gehe mit dem Hund raus 0.295077 \n", + "Ich laufe im Park 0.295949 \n", + "Ich laufe im Pakr 0.316965 \n", + "\n", + " Überprüfung der Hydraulik \\\n", + "Ölleckage durch undichten Ölsumpf 0.275985 \n", + "Überprüfung der Schwingungsdämpfer 0.445541 \n", + "Überprüfung der Kühlmittelsysteme 0.486024 \n", + "Blockierung der Förderschnecke 0.249371 \n", + "Überhitzung durch mangelnde Kühlmittelzirkulation 0.405318 \n", + "Überprüfung der Hydraulik 1.000000 \n", + "Ich gehe spazieren 0.213862 \n", + "Heute um zwölf war ich unterwegs 0.186064 \n", + "Ich gehe mit dem Hund raus 0.199054 \n", + "Ich laufe im Park 0.183982 \n", + "Ich laufe im Pakr 0.144403 \n", + "\n", + " Ich gehe spazieren \\\n", + "Ölleckage durch undichten Ölsumpf 0.286303 \n", + "Überprüfung der Schwingungsdämpfer 0.302303 \n", + "Überprüfung der Kühlmittelsysteme 0.298462 \n", + "Blockierung der Förderschnecke 0.301220 \n", + "Überhitzung durch mangelnde Kühlmittelzirkulation 0.315011 \n", + "Überprüfung der Hydraulik 0.213862 \n", + "Ich gehe spazieren 1.000000 \n", + "Heute um zwölf war ich unterwegs 0.467547 \n", + "Ich gehe mit dem Hund raus 0.545281 \n", + "Ich laufe im Park 0.554993 \n", + "Ich laufe im Pakr 0.480685 \n", + "\n", + " Heute um zwölf war ich unterwegs \\\n", + "Ölleckage durch undichten Ölsumpf 0.401496 \n", + "Überprüfung der Schwingungsdämpfer 0.401394 \n", + "Überprüfung der Kühlmittelsysteme 0.270384 \n", + "Blockierung der Förderschnecke 0.239805 \n", + "Überhitzung durch mangelnde Kühlmittelzirkulation 0.385622 \n", + "Überprüfung der Hydraulik 0.186064 \n", + "Ich gehe spazieren 0.467547 \n", + "Heute um zwölf war ich unterwegs 1.000000 \n", + "Ich gehe mit dem Hund raus 0.489523 \n", + "Ich laufe im Park 0.481612 \n", + "Ich laufe im Pakr 0.413731 \n", + "\n", + " Ich gehe mit dem Hund raus \\\n", + "Ölleckage durch undichten Ölsumpf 0.289342 \n", + "Überprüfung der Schwingungsdämpfer 0.216164 \n", + "Überprüfung der Kühlmittelsysteme 0.224679 \n", + "Blockierung der Förderschnecke 0.181490 \n", + "Überhitzung durch mangelnde Kühlmittelzirkulation 0.295077 \n", + "Überprüfung der Hydraulik 0.199054 \n", + "Ich gehe spazieren 0.545281 \n", + "Heute um zwölf war ich unterwegs 0.489523 \n", + "Ich gehe mit dem Hund raus 1.000000 \n", + "Ich laufe im Park 0.524824 \n", + "Ich laufe im Pakr 0.517329 \n", + "\n", + " Ich laufe im Park \\\n", + "Ölleckage durch undichten Ölsumpf 0.343332 \n", + "Überprüfung der Schwingungsdämpfer 0.357596 \n", + "Überprüfung der Kühlmittelsysteme 0.253847 \n", + "Blockierung der Förderschnecke 0.296925 \n", + "Überhitzung durch mangelnde Kühlmittelzirkulation 0.295949 \n", + "Überprüfung der Hydraulik 0.183982 \n", + "Ich gehe spazieren 0.554993 \n", + "Heute um zwölf war ich unterwegs 0.481612 \n", + "Ich gehe mit dem Hund raus 0.524824 \n", + "Ich laufe im Park 1.000000 \n", + "Ich laufe im Pakr 0.693493 \n", + "\n", + " Ich laufe im Pakr \n", + "Ölleckage durch undichten Ölsumpf 0.322299 \n", + "Überprüfung der Schwingungsdämpfer 0.284001 \n", + "Überprüfung der Kühlmittelsysteme 0.260867 \n", + "Blockierung der Förderschnecke 0.239862 \n", + "Überhitzung durch mangelnde Kühlmittelzirkulation 0.316965 \n", + "Überprüfung der Hydraulik 0.144403 \n", + "Ich gehe spazieren 0.480685 \n", + "Heute um zwölf war ich unterwegs 0.413731 \n", + "Ich gehe mit dem Hund raus 0.517329 \n", + "Ich laufe im Park 0.693493 \n", + "Ich laufe im Pakr 1.000000 " + ] + }, + "execution_count": 5, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "calc_similarities(model_name_ref, docs)" + ] + }, + { + "cell_type": "code", + "execution_count": 69, + "id": "10b98b5a-21eb-4cc6-aadb-8ba7f7bd9192", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "['Ölleckage durch undichten Ölsumpf',\n", + " 'Überprüfung der Schwingungsdämpfer',\n", + " 'Überprüfung der Kühlmittelsysteme',\n", + " 'Blockierung der Förderschnecke',\n", + " 'Überhitzung durch mangelnde Kühlmittelzirkulation',\n", + " 'Überprüfung der Hydraulik',\n", + " 'Ich gehe spazieren',\n", + " 'Heute um zwölf war ich unterwegs',\n", + " 'Ich gehe mit dem Hund raus',\n", + " 'Ich laufe im Park',\n", + " 'Ich laufe im Pakr']" + ] + }, + "execution_count": 69, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "docs" + ] + }, + { + "cell_type": "code", + "execution_count": 70, + "id": "976f1c18-476a-4790-865e-d41839485575", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "['passage: Ölleckage durch undichten Ölsumpf',\n", + " 'passage: Überprüfung der Schwingungsdämpfer',\n", + " 'passage: Überprüfung der Kühlmittelsysteme',\n", + " 'passage: Blockierung der Förderschnecke',\n", + " 'passage: Überhitzung durch mangelnde Kühlmittelzirkulation',\n", + " 'passage: Überprüfung der Hydraulik',\n", + " 'passage: Ich gehe spazieren',\n", + " 'passage: Heute um zwölf war ich unterwegs',\n", + " 'passage: Ich gehe mit dem Hund raus',\n", + " 'passage: Ich laufe im Park',\n", + " 'passage: Ich laufe im Pakr']" + ] + }, + "execution_count": 70, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "# adaption to new model\n", + "query = 'query: Retrieve semantically similar text: '\n", + "new_docs = []\n", + "for doc in docs:\n", + " new_doc = 'passage: ' + doc\n", + " new_docs.append(new_doc)\n", + "\n", + "new_docs" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "9022b95b-ac87-4dad-af16-91cb5677c582", + "metadata": {}, + "outputs": [], + "source": [] + }, + { + "cell_type": "code", + "execution_count": 7, + "id": "c4fa6646-816c-4bb2-bb00-f8cfa0a5a154", + "metadata": {}, + "outputs": [], + "source": [ + "from sentence_transformers.SentenceTransformer import SentenceTransformer" + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "id": "c8bd3ce2-bf0b-4016-9d53-d51dd8d4d996", + "metadata": {}, + "outputs": [], + "source": [ + "dimensions = 1024\n", + "model = SentenceTransformer(STFRModelTypes.PARAPHRASE_MULTI_MPNET_BASE_V2)" + ] + }, + { + "cell_type": "code", + "execution_count": 92, + "id": "23304a9f-4026-4465-9049-88c97ea7bcdf", + "metadata": {}, + "outputs": [], + "source": [ + "model = model_quant" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "627b3c40-44b3-4d0d-88ca-6a8be2c2a266", + "metadata": {}, + "outputs": [], + "source": [] + }, + { + "cell_type": "code", + "execution_count": 73, + "id": "750946d3-61f3-487e-8e28-fe629cc1f6a4", + "metadata": { + "scrolled": true + }, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
passage: Ölleckage durch undichten Ölsumpfpassage: Überprüfung der Schwingungsdämpferpassage: Überprüfung der Kühlmittelsystemepassage: Blockierung der Förderschneckepassage: Überhitzung durch mangelnde Kühlmittelzirkulationpassage: Überprüfung der Hydraulikpassage: Ich gehe spazierenpassage: Heute um zwölf war ich unterwegspassage: Ich gehe mit dem Hund rauspassage: Ich laufe im Parkpassage: Ich laufe im Pakr
passage: Ölleckage durch undichten Ölsumpf1.0000000.7796810.7843070.8237210.8307820.8047580.6700970.7055430.6860850.6576700.724280
passage: Überprüfung der Schwingungsdämpfer0.7796811.0000000.8963810.8403420.7850650.8999210.7034960.7182320.6887680.6984200.731654
passage: Überprüfung der Kühlmittelsysteme0.7843070.8963811.0000000.7969260.8333270.8868050.6567220.7128740.6675840.6595130.721201
passage: Blockierung der Förderschnecke0.8237210.8403420.7969261.0000000.7939910.8293630.6686170.6914220.6874670.6878880.734692
passage: Überhitzung durch mangelnde Kühlmittelzirkulation0.8307820.7850650.8333270.7939911.0000000.7885850.6746410.7023500.6902360.6834930.741511
passage: Überprüfung der Hydraulik0.8047580.8999210.8868050.8293630.7885851.0000000.6902850.7269480.7055040.6980030.739768
passage: Ich gehe spazieren0.6700970.7034960.6567220.6686170.6746410.6902851.0000000.7826360.8391470.8426750.794528
passage: Heute um zwölf war ich unterwegs0.7055430.7182320.7128740.6914220.7023500.7269480.7826361.0000000.7527590.7274760.754443
passage: Ich gehe mit dem Hund raus0.6860850.6887680.6675840.6874670.6902360.7055040.8391470.7527591.0000000.7693490.764451
passage: Ich laufe im Park0.6576700.6984200.6595130.6878880.6834930.6980030.8426750.7274760.7693491.0000000.884060
passage: Ich laufe im Pakr0.7242800.7316540.7212010.7346920.7415110.7397680.7945280.7544430.7644510.8840601.000000
\n", + "
" + ], + "text/plain": [ + " passage: Ölleckage durch undichten Ölsumpf \\\n", + "passage: Ölleckage durch undichten Ölsumpf 1.000000 \n", + "passage: Überprüfung der Schwingungsdämpfer 0.779681 \n", + "passage: Überprüfung der Kühlmittelsysteme 0.784307 \n", + "passage: Blockierung der Förderschnecke 0.823721 \n", + "passage: Überhitzung durch mangelnde Kühlmittel... 0.830782 \n", + "passage: Überprüfung der Hydraulik 0.804758 \n", + "passage: Ich gehe spazieren 0.670097 \n", + "passage: Heute um zwölf war ich unterwegs 0.705543 \n", + "passage: Ich gehe mit dem Hund raus 0.686085 \n", + "passage: Ich laufe im Park 0.657670 \n", + "passage: Ich laufe im Pakr 0.724280 \n", + "\n", + " passage: Überprüfung der Schwingungsdämpfer \\\n", + "passage: Ölleckage durch undichten Ölsumpf 0.779681 \n", + "passage: Überprüfung der Schwingungsdämpfer 1.000000 \n", + "passage: Überprüfung der Kühlmittelsysteme 0.896381 \n", + "passage: Blockierung der Förderschnecke 0.840342 \n", + "passage: Überhitzung durch mangelnde Kühlmittel... 0.785065 \n", + "passage: Überprüfung der Hydraulik 0.899921 \n", + "passage: Ich gehe spazieren 0.703496 \n", + "passage: Heute um zwölf war ich unterwegs 0.718232 \n", + "passage: Ich gehe mit dem Hund raus 0.688768 \n", + "passage: Ich laufe im Park 0.698420 \n", + "passage: Ich laufe im Pakr 0.731654 \n", + "\n", + " passage: Überprüfung der Kühlmittelsysteme \\\n", + "passage: Ölleckage durch undichten Ölsumpf 0.784307 \n", + "passage: Überprüfung der Schwingungsdämpfer 0.896381 \n", + "passage: Überprüfung der Kühlmittelsysteme 1.000000 \n", + "passage: Blockierung der Förderschnecke 0.796926 \n", + "passage: Überhitzung durch mangelnde Kühlmittel... 0.833327 \n", + "passage: Überprüfung der Hydraulik 0.886805 \n", + "passage: Ich gehe spazieren 0.656722 \n", + "passage: Heute um zwölf war ich unterwegs 0.712874 \n", + "passage: Ich gehe mit dem Hund raus 0.667584 \n", + "passage: Ich laufe im Park 0.659513 \n", + "passage: Ich laufe im Pakr 0.721201 \n", + "\n", + " passage: Blockierung der Förderschnecke \\\n", + "passage: Ölleckage durch undichten Ölsumpf 0.823721 \n", + "passage: Überprüfung der Schwingungsdämpfer 0.840342 \n", + "passage: Überprüfung der Kühlmittelsysteme 0.796926 \n", + "passage: Blockierung der Förderschnecke 1.000000 \n", + "passage: Überhitzung durch mangelnde Kühlmittel... 0.793991 \n", + "passage: Überprüfung der Hydraulik 0.829363 \n", + "passage: Ich gehe spazieren 0.668617 \n", + "passage: Heute um zwölf war ich unterwegs 0.691422 \n", + "passage: Ich gehe mit dem Hund raus 0.687467 \n", + "passage: Ich laufe im Park 0.687888 \n", + "passage: Ich laufe im Pakr 0.734692 \n", + "\n", + " passage: Überhitzung durch mangelnde Kühlmittelzirkulation \\\n", + "passage: Ölleckage durch undichten Ölsumpf 0.830782 \n", + "passage: Überprüfung der Schwingungsdämpfer 0.785065 \n", + "passage: Überprüfung der Kühlmittelsysteme 0.833327 \n", + "passage: Blockierung der Förderschnecke 0.793991 \n", + "passage: Überhitzung durch mangelnde Kühlmittel... 1.000000 \n", + "passage: Überprüfung der Hydraulik 0.788585 \n", + "passage: Ich gehe spazieren 0.674641 \n", + "passage: Heute um zwölf war ich unterwegs 0.702350 \n", + "passage: Ich gehe mit dem Hund raus 0.690236 \n", + "passage: Ich laufe im Park 0.683493 \n", + "passage: Ich laufe im Pakr 0.741511 \n", + "\n", + " passage: Überprüfung der Hydraulik \\\n", + "passage: Ölleckage durch undichten Ölsumpf 0.804758 \n", + "passage: Überprüfung der Schwingungsdämpfer 0.899921 \n", + "passage: Überprüfung der Kühlmittelsysteme 0.886805 \n", + "passage: Blockierung der Förderschnecke 0.829363 \n", + "passage: Überhitzung durch mangelnde Kühlmittel... 0.788585 \n", + "passage: Überprüfung der Hydraulik 1.000000 \n", + "passage: Ich gehe spazieren 0.690285 \n", + "passage: Heute um zwölf war ich unterwegs 0.726948 \n", + "passage: Ich gehe mit dem Hund raus 0.705504 \n", + "passage: Ich laufe im Park 0.698003 \n", + "passage: Ich laufe im Pakr 0.739768 \n", + "\n", + " passage: Ich gehe spazieren \\\n", + "passage: Ölleckage durch undichten Ölsumpf 0.670097 \n", + "passage: Überprüfung der Schwingungsdämpfer 0.703496 \n", + "passage: Überprüfung der Kühlmittelsysteme 0.656722 \n", + "passage: Blockierung der Förderschnecke 0.668617 \n", + "passage: Überhitzung durch mangelnde Kühlmittel... 0.674641 \n", + "passage: Überprüfung der Hydraulik 0.690285 \n", + "passage: Ich gehe spazieren 1.000000 \n", + "passage: Heute um zwölf war ich unterwegs 0.782636 \n", + "passage: Ich gehe mit dem Hund raus 0.839147 \n", + "passage: Ich laufe im Park 0.842675 \n", + "passage: Ich laufe im Pakr 0.794528 \n", + "\n", + " passage: Heute um zwölf war ich unterwegs \\\n", + "passage: Ölleckage durch undichten Ölsumpf 0.705543 \n", + "passage: Überprüfung der Schwingungsdämpfer 0.718232 \n", + "passage: Überprüfung der Kühlmittelsysteme 0.712874 \n", + "passage: Blockierung der Förderschnecke 0.691422 \n", + "passage: Überhitzung durch mangelnde Kühlmittel... 0.702350 \n", + "passage: Überprüfung der Hydraulik 0.726948 \n", + "passage: Ich gehe spazieren 0.782636 \n", + "passage: Heute um zwölf war ich unterwegs 1.000000 \n", + "passage: Ich gehe mit dem Hund raus 0.752759 \n", + "passage: Ich laufe im Park 0.727476 \n", + "passage: Ich laufe im Pakr 0.754443 \n", + "\n", + " passage: Ich gehe mit dem Hund raus \\\n", + "passage: Ölleckage durch undichten Ölsumpf 0.686085 \n", + "passage: Überprüfung der Schwingungsdämpfer 0.688768 \n", + "passage: Überprüfung der Kühlmittelsysteme 0.667584 \n", + "passage: Blockierung der Förderschnecke 0.687467 \n", + "passage: Überhitzung durch mangelnde Kühlmittel... 0.690236 \n", + "passage: Überprüfung der Hydraulik 0.705504 \n", + "passage: Ich gehe spazieren 0.839147 \n", + "passage: Heute um zwölf war ich unterwegs 0.752759 \n", + "passage: Ich gehe mit dem Hund raus 1.000000 \n", + "passage: Ich laufe im Park 0.769349 \n", + "passage: Ich laufe im Pakr 0.764451 \n", + "\n", + " passage: Ich laufe im Park \\\n", + "passage: Ölleckage durch undichten Ölsumpf 0.657670 \n", + "passage: Überprüfung der Schwingungsdämpfer 0.698420 \n", + "passage: Überprüfung der Kühlmittelsysteme 0.659513 \n", + "passage: Blockierung der Förderschnecke 0.687888 \n", + "passage: Überhitzung durch mangelnde Kühlmittel... 0.683493 \n", + "passage: Überprüfung der Hydraulik 0.698003 \n", + "passage: Ich gehe spazieren 0.842675 \n", + "passage: Heute um zwölf war ich unterwegs 0.727476 \n", + "passage: Ich gehe mit dem Hund raus 0.769349 \n", + "passage: Ich laufe im Park 1.000000 \n", + "passage: Ich laufe im Pakr 0.884060 \n", + "\n", + " passage: Ich laufe im Pakr \n", + "passage: Ölleckage durch undichten Ölsumpf 0.724280 \n", + "passage: Überprüfung der Schwingungsdämpfer 0.731654 \n", + "passage: Überprüfung der Kühlmittelsysteme 0.721201 \n", + "passage: Blockierung der Förderschnecke 0.734692 \n", + "passage: Überhitzung durch mangelnde Kühlmittel... 0.741511 \n", + "passage: Überprüfung der Hydraulik 0.739768 \n", + "passage: Ich gehe spazieren 0.794528 \n", + "passage: Heute um zwölf war ich unterwegs 0.754443 \n", + "passage: Ich gehe mit dem Hund raus 0.764451 \n", + "passage: Ich laufe im Park 0.884060 \n", + "passage: Ich laufe im Pakr 1.000000 " + ] + }, + "execution_count": 73, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "#model = load_models(model_name_new)\n", + "embds = model.encode(new_docs, convert_to_numpy=False, convert_to_tensor=True)\n", + "sims = model.similarity(embds, embds).numpy()\n", + "sims.shape\n", + "df_new_model = pd.DataFrame(data=sims, index=new_docs, columns=new_docs)\n", + "df_new_model" + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "id": "57871f69-4478-4593-9931-717cf0f8e1ba", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "array([[1.0000001 , 0.77968144, 0.7843068 , 0.8237207 , 0.830782 ,\n", + " 0.8047581 , 0.6700973 , 0.7055429 , 0.6860854 , 0.6576705 ,\n", + " 0.72428024],\n", + " [0.77968144, 1. , 0.8963811 , 0.84034187, 0.7850649 ,\n", + " 0.8999206 , 0.7034964 , 0.7182317 , 0.68876797, 0.69842 ,\n", + " 0.73165405],\n", + " [0.7843068 , 0.8963811 , 1. , 0.7969257 , 0.8333273 ,\n", + " 0.8868046 , 0.6567219 , 0.71287364, 0.66758376, 0.6595131 ,\n", + " 0.7212007 ],\n", + " [0.8237207 , 0.84034187, 0.7969257 , 1.0000001 , 0.793991 ,\n", + " 0.82936305, 0.66861665, 0.6914221 , 0.68746734, 0.68788785,\n", + " 0.73469234],\n", + " [0.830782 , 0.7850649 , 0.8333273 , 0.793991 , 1.0000001 ,\n", + " 0.7885847 , 0.6746406 , 0.7023505 , 0.6902363 , 0.68349344,\n", + " 0.7415106 ],\n", + " [0.8047581 , 0.8999206 , 0.8868046 , 0.82936305, 0.7885847 ,\n", + " 1.0000002 , 0.6902847 , 0.72694767, 0.7055044 , 0.6980032 ,\n", + " 0.7397681 ],\n", + " [0.6700973 , 0.7034964 , 0.6567219 , 0.66861665, 0.6746406 ,\n", + " 0.6902847 , 1.0000002 , 0.782636 , 0.83914703, 0.842675 ,\n", + " 0.79452753],\n", + " [0.7055429 , 0.7182317 , 0.71287364, 0.6914221 , 0.7023505 ,\n", + " 0.72694767, 0.782636 , 0.9999998 , 0.752759 , 0.72747564,\n", + " 0.75444347],\n", + " [0.6860854 , 0.68876797, 0.66758376, 0.68746734, 0.6902363 ,\n", + " 0.7055044 , 0.83914703, 0.752759 , 1. , 0.76934934,\n", + " 0.76445085],\n", + " [0.6576705 , 0.69842 , 0.6595131 , 0.68788785, 0.68349344,\n", + " 0.6980032 , 0.842675 , 0.72747564, 0.76934934, 1.0000004 ,\n", + " 0.8840596 ],\n", + " [0.72428024, 0.73165405, 0.7212007 , 0.73469234, 0.7415106 ,\n", + " 0.7397681 , 0.79452753, 0.75444347, 0.76445085, 0.8840596 ,\n", + " 0.99999964]], dtype=float32)" + ] + }, + "execution_count": 9, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "sims" + ] + }, + { + "cell_type": "code", + "execution_count": 139, + "id": "7877138b-26de-4c37-953e-223c859ed33e", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "['Ölleckage durch undichten Ölsumpf',\n", + " 'Überprüfung der Schwingungsdämpfer',\n", + " 'Überprüfung der Kühlmittelsysteme',\n", + " 'Blockierung der Förderschnecke',\n", + " 'Überhitzung durch mangelnde Kühlmittelzirkulation',\n", + " 'Überprüfung der Hydraulik',\n", + " 'Ich gehe spazieren',\n", + " 'Heute um zwölf war ich unterwegs',\n", + " 'Ich gehe mit dem Hund raus',\n", + " 'Ich laufe im Park',\n", + " 'Ich laufe im Pakr']" + ] + }, + "execution_count": 139, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "docs" + ] + }, + { + "cell_type": "code", + "execution_count": 10, + "id": "c50973c9-d6d0-41e7-9ed1-f89b63e27cc4", + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "No sentence-transformers model found with name aari1995/German_Semantic_STS_V2. Creating a new one with mean pooling.\n" + ] + } + ], + "source": [ + "model_alt = load_models('aari1995/German_Semantic_STS_V2')" + ] + }, + { + "cell_type": "code", + "execution_count": 11, + "id": "c6166df4-4d04-451c-b218-49a26aada14f", + "metadata": {}, + "outputs": [], + "source": [ + "def load_alt_model(model_name, docs):\n", + " model_alt = load_models(model_name)\n", + " embds = model_alt.encode(docs, convert_to_numpy=False, convert_to_tensor=True)\n", + " sims = model_alt.similarity(embds, embds).numpy()\n", + " df_alt_model = pd.DataFrame(data=sims, index=docs, columns=docs)\n", + " \n", + " return df_alt_model" + ] + }, + { + "cell_type": "code", + "execution_count": 12, + "id": "12711499-ac0c-455a-a4c6-04b1efca9fbe", + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
Ölleckage durch undichten ÖlsumpfÜberprüfung der SchwingungsdämpferÜberprüfung der KühlmittelsystemeBlockierung der FörderschneckeÜberhitzung durch mangelnde KühlmittelzirkulationÜberprüfung der HydraulikIch gehe spazierenHeute um zwölf war ich unterwegsIch gehe mit dem Hund rausIch laufe im ParkIch laufe im Pakr
Ölleckage durch undichten Ölsumpf1.0000000.4228750.3938990.2306900.5219210.2759850.2863030.4014960.2893420.3433320.322299
Überprüfung der Schwingungsdämpfer0.4228751.0000000.5191970.2749560.4893070.4455410.3023030.4013940.2161640.3575960.284001
Überprüfung der Kühlmittelsysteme0.3938990.5191971.0000000.3155560.7069440.4860240.2984620.2703840.2246790.2538470.260867
Blockierung der Förderschnecke0.2306900.2749560.3155561.0000000.3025030.2493710.3012200.2398050.1814900.2969250.239862
Überhitzung durch mangelnde Kühlmittelzirkulation0.5219210.4893070.7069440.3025031.0000000.4053180.3150110.3856220.2950770.2959490.316965
Überprüfung der Hydraulik0.2759850.4455410.4860240.2493710.4053181.0000000.2138620.1860640.1990540.1839820.144403
Ich gehe spazieren0.2863030.3023030.2984620.3012200.3150110.2138621.0000000.4675470.5452810.5549930.480685
Heute um zwölf war ich unterwegs0.4014960.4013940.2703840.2398050.3856220.1860640.4675471.0000000.4895230.4816120.413731
Ich gehe mit dem Hund raus0.2893420.2161640.2246790.1814900.2950770.1990540.5452810.4895231.0000000.5248240.517329
Ich laufe im Park0.3433320.3575960.2538470.2969250.2959490.1839820.5549930.4816120.5248241.0000000.693493
Ich laufe im Pakr0.3222990.2840010.2608670.2398620.3169650.1444030.4806850.4137310.5173290.6934931.000000
\n", + "
" + ], + "text/plain": [ + " Ölleckage durch undichten Ölsumpf \\\n", + "Ölleckage durch undichten Ölsumpf 1.000000 \n", + "Überprüfung der Schwingungsdämpfer 0.422875 \n", + "Überprüfung der Kühlmittelsysteme 0.393899 \n", + "Blockierung der Förderschnecke 0.230690 \n", + "Überhitzung durch mangelnde Kühlmittelzirkulation 0.521921 \n", + "Überprüfung der Hydraulik 0.275985 \n", + "Ich gehe spazieren 0.286303 \n", + "Heute um zwölf war ich unterwegs 0.401496 \n", + "Ich gehe mit dem Hund raus 0.289342 \n", + "Ich laufe im Park 0.343332 \n", + "Ich laufe im Pakr 0.322299 \n", + "\n", + " Überprüfung der Schwingungsdämpfer \\\n", + "Ölleckage durch undichten Ölsumpf 0.422875 \n", + "Überprüfung der Schwingungsdämpfer 1.000000 \n", + "Überprüfung der Kühlmittelsysteme 0.519197 \n", + "Blockierung der Förderschnecke 0.274956 \n", + "Überhitzung durch mangelnde Kühlmittelzirkulation 0.489307 \n", + "Überprüfung der Hydraulik 0.445541 \n", + "Ich gehe spazieren 0.302303 \n", + "Heute um zwölf war ich unterwegs 0.401394 \n", + "Ich gehe mit dem Hund raus 0.216164 \n", + "Ich laufe im Park 0.357596 \n", + "Ich laufe im Pakr 0.284001 \n", + "\n", + " Überprüfung der Kühlmittelsysteme \\\n", + "Ölleckage durch undichten Ölsumpf 0.393899 \n", + "Überprüfung der Schwingungsdämpfer 0.519197 \n", + "Überprüfung der Kühlmittelsysteme 1.000000 \n", + "Blockierung der Förderschnecke 0.315556 \n", + "Überhitzung durch mangelnde Kühlmittelzirkulation 0.706944 \n", + "Überprüfung der Hydraulik 0.486024 \n", + "Ich gehe spazieren 0.298462 \n", + "Heute um zwölf war ich unterwegs 0.270384 \n", + "Ich gehe mit dem Hund raus 0.224679 \n", + "Ich laufe im Park 0.253847 \n", + "Ich laufe im Pakr 0.260867 \n", + "\n", + " Blockierung der Förderschnecke \\\n", + "Ölleckage durch undichten Ölsumpf 0.230690 \n", + "Überprüfung der Schwingungsdämpfer 0.274956 \n", + "Überprüfung der Kühlmittelsysteme 0.315556 \n", + "Blockierung der Förderschnecke 1.000000 \n", + "Überhitzung durch mangelnde Kühlmittelzirkulation 0.302503 \n", + "Überprüfung der Hydraulik 0.249371 \n", + "Ich gehe spazieren 0.301220 \n", + "Heute um zwölf war ich unterwegs 0.239805 \n", + "Ich gehe mit dem Hund raus 0.181490 \n", + "Ich laufe im Park 0.296925 \n", + "Ich laufe im Pakr 0.239862 \n", + "\n", + " Überhitzung durch mangelnde Kühlmittelzirkulation \\\n", + "Ölleckage durch undichten Ölsumpf 0.521921 \n", + "Überprüfung der Schwingungsdämpfer 0.489307 \n", + "Überprüfung der Kühlmittelsysteme 0.706944 \n", + "Blockierung der Förderschnecke 0.302503 \n", + "Überhitzung durch mangelnde Kühlmittelzirkulation 1.000000 \n", + "Überprüfung der Hydraulik 0.405318 \n", + "Ich gehe spazieren 0.315011 \n", + "Heute um zwölf war ich unterwegs 0.385622 \n", + "Ich gehe mit dem Hund raus 0.295077 \n", + "Ich laufe im Park 0.295949 \n", + "Ich laufe im Pakr 0.316965 \n", + "\n", + " Überprüfung der Hydraulik \\\n", + "Ölleckage durch undichten Ölsumpf 0.275985 \n", + "Überprüfung der Schwingungsdämpfer 0.445541 \n", + "Überprüfung der Kühlmittelsysteme 0.486024 \n", + "Blockierung der Förderschnecke 0.249371 \n", + "Überhitzung durch mangelnde Kühlmittelzirkulation 0.405318 \n", + "Überprüfung der Hydraulik 1.000000 \n", + "Ich gehe spazieren 0.213862 \n", + "Heute um zwölf war ich unterwegs 0.186064 \n", + "Ich gehe mit dem Hund raus 0.199054 \n", + "Ich laufe im Park 0.183982 \n", + "Ich laufe im Pakr 0.144403 \n", + "\n", + " Ich gehe spazieren \\\n", + "Ölleckage durch undichten Ölsumpf 0.286303 \n", + "Überprüfung der Schwingungsdämpfer 0.302303 \n", + "Überprüfung der Kühlmittelsysteme 0.298462 \n", + "Blockierung der Förderschnecke 0.301220 \n", + "Überhitzung durch mangelnde Kühlmittelzirkulation 0.315011 \n", + "Überprüfung der Hydraulik 0.213862 \n", + "Ich gehe spazieren 1.000000 \n", + "Heute um zwölf war ich unterwegs 0.467547 \n", + "Ich gehe mit dem Hund raus 0.545281 \n", + "Ich laufe im Park 0.554993 \n", + "Ich laufe im Pakr 0.480685 \n", + "\n", + " Heute um zwölf war ich unterwegs \\\n", + "Ölleckage durch undichten Ölsumpf 0.401496 \n", + "Überprüfung der Schwingungsdämpfer 0.401394 \n", + "Überprüfung der Kühlmittelsysteme 0.270384 \n", + "Blockierung der Förderschnecke 0.239805 \n", + "Überhitzung durch mangelnde Kühlmittelzirkulation 0.385622 \n", + "Überprüfung der Hydraulik 0.186064 \n", + "Ich gehe spazieren 0.467547 \n", + "Heute um zwölf war ich unterwegs 1.000000 \n", + "Ich gehe mit dem Hund raus 0.489523 \n", + "Ich laufe im Park 0.481612 \n", + "Ich laufe im Pakr 0.413731 \n", + "\n", + " Ich gehe mit dem Hund raus \\\n", + "Ölleckage durch undichten Ölsumpf 0.289342 \n", + "Überprüfung der Schwingungsdämpfer 0.216164 \n", + "Überprüfung der Kühlmittelsysteme 0.224679 \n", + "Blockierung der Förderschnecke 0.181490 \n", + "Überhitzung durch mangelnde Kühlmittelzirkulation 0.295077 \n", + "Überprüfung der Hydraulik 0.199054 \n", + "Ich gehe spazieren 0.545281 \n", + "Heute um zwölf war ich unterwegs 0.489523 \n", + "Ich gehe mit dem Hund raus 1.000000 \n", + "Ich laufe im Park 0.524824 \n", + "Ich laufe im Pakr 0.517329 \n", + "\n", + " Ich laufe im Park \\\n", + "Ölleckage durch undichten Ölsumpf 0.343332 \n", + "Überprüfung der Schwingungsdämpfer 0.357596 \n", + "Überprüfung der Kühlmittelsysteme 0.253847 \n", + "Blockierung der Förderschnecke 0.296925 \n", + "Überhitzung durch mangelnde Kühlmittelzirkulation 0.295949 \n", + "Überprüfung der Hydraulik 0.183982 \n", + "Ich gehe spazieren 0.554993 \n", + "Heute um zwölf war ich unterwegs 0.481612 \n", + "Ich gehe mit dem Hund raus 0.524824 \n", + "Ich laufe im Park 1.000000 \n", + "Ich laufe im Pakr 0.693493 \n", + "\n", + " Ich laufe im Pakr \n", + "Ölleckage durch undichten Ölsumpf 0.322299 \n", + "Überprüfung der Schwingungsdämpfer 0.284001 \n", + "Überprüfung der Kühlmittelsysteme 0.260867 \n", + "Blockierung der Förderschnecke 0.239862 \n", + "Überhitzung durch mangelnde Kühlmittelzirkulation 0.316965 \n", + "Überprüfung der Hydraulik 0.144403 \n", + "Ich gehe spazieren 0.480685 \n", + "Heute um zwölf war ich unterwegs 0.413731 \n", + "Ich gehe mit dem Hund raus 0.517329 \n", + "Ich laufe im Park 0.693493 \n", + "Ich laufe im Pakr 1.000000 " + ] + }, + "execution_count": 12, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "df_ref = calc_similarities(model_name_ref, docs)\n", + "df_ref" + ] + }, + { + "cell_type": "code", + "execution_count": 13, + "id": "8bfd0f03-b6ac-4327-8242-1e46aa1b11ce", + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
passage: Ölleckage durch undichten Ölsumpfpassage: Überprüfung der Schwingungsdämpferpassage: Überprüfung der Kühlmittelsystemepassage: Blockierung der Förderschneckepassage: Überhitzung durch mangelnde Kühlmittelzirkulationpassage: Überprüfung der Hydraulikpassage: Ich gehe spazierenpassage: Heute um zwölf war ich unterwegspassage: Ich gehe mit dem Hund rauspassage: Ich laufe im Parkpassage: Ich laufe im Pakr
passage: Ölleckage durch undichten Ölsumpf1.0000000.7796810.7843070.8237210.8307820.8047580.6700970.7055430.6860850.6576700.724280
passage: Überprüfung der Schwingungsdämpfer0.7796811.0000000.8963810.8403420.7850650.8999210.7034960.7182320.6887680.6984200.731654
passage: Überprüfung der Kühlmittelsysteme0.7843070.8963811.0000000.7969260.8333270.8868050.6567220.7128740.6675840.6595130.721201
passage: Blockierung der Förderschnecke0.8237210.8403420.7969261.0000000.7939910.8293630.6686170.6914220.6874670.6878880.734692
passage: Überhitzung durch mangelnde Kühlmittelzirkulation0.8307820.7850650.8333270.7939911.0000000.7885850.6746410.7023500.6902360.6834930.741511
passage: Überprüfung der Hydraulik0.8047580.8999210.8868050.8293630.7885851.0000000.6902850.7269480.7055040.6980030.739768
passage: Ich gehe spazieren0.6700970.7034960.6567220.6686170.6746410.6902851.0000000.7826360.8391470.8426750.794528
passage: Heute um zwölf war ich unterwegs0.7055430.7182320.7128740.6914220.7023500.7269480.7826361.0000000.7527590.7274760.754443
passage: Ich gehe mit dem Hund raus0.6860850.6887680.6675840.6874670.6902360.7055040.8391470.7527591.0000000.7693490.764451
passage: Ich laufe im Park0.6576700.6984200.6595130.6878880.6834930.6980030.8426750.7274760.7693491.0000000.884060
passage: Ich laufe im Pakr0.7242800.7316540.7212010.7346920.7415110.7397680.7945280.7544430.7644510.8840601.000000
\n", + "
" + ], + "text/plain": [ + " passage: Ölleckage durch undichten Ölsumpf \\\n", + "passage: Ölleckage durch undichten Ölsumpf 1.000000 \n", + "passage: Überprüfung der Schwingungsdämpfer 0.779681 \n", + "passage: Überprüfung der Kühlmittelsysteme 0.784307 \n", + "passage: Blockierung der Förderschnecke 0.823721 \n", + "passage: Überhitzung durch mangelnde Kühlmittel... 0.830782 \n", + "passage: Überprüfung der Hydraulik 0.804758 \n", + "passage: Ich gehe spazieren 0.670097 \n", + "passage: Heute um zwölf war ich unterwegs 0.705543 \n", + "passage: Ich gehe mit dem Hund raus 0.686085 \n", + "passage: Ich laufe im Park 0.657670 \n", + "passage: Ich laufe im Pakr 0.724280 \n", + "\n", + " passage: Überprüfung der Schwingungsdämpfer \\\n", + "passage: Ölleckage durch undichten Ölsumpf 0.779681 \n", + "passage: Überprüfung der Schwingungsdämpfer 1.000000 \n", + "passage: Überprüfung der Kühlmittelsysteme 0.896381 \n", + "passage: Blockierung der Förderschnecke 0.840342 \n", + "passage: Überhitzung durch mangelnde Kühlmittel... 0.785065 \n", + "passage: Überprüfung der Hydraulik 0.899921 \n", + "passage: Ich gehe spazieren 0.703496 \n", + "passage: Heute um zwölf war ich unterwegs 0.718232 \n", + "passage: Ich gehe mit dem Hund raus 0.688768 \n", + "passage: Ich laufe im Park 0.698420 \n", + "passage: Ich laufe im Pakr 0.731654 \n", + "\n", + " passage: Überprüfung der Kühlmittelsysteme \\\n", + "passage: Ölleckage durch undichten Ölsumpf 0.784307 \n", + "passage: Überprüfung der Schwingungsdämpfer 0.896381 \n", + "passage: Überprüfung der Kühlmittelsysteme 1.000000 \n", + "passage: Blockierung der Förderschnecke 0.796926 \n", + "passage: Überhitzung durch mangelnde Kühlmittel... 0.833327 \n", + "passage: Überprüfung der Hydraulik 0.886805 \n", + "passage: Ich gehe spazieren 0.656722 \n", + "passage: Heute um zwölf war ich unterwegs 0.712874 \n", + "passage: Ich gehe mit dem Hund raus 0.667584 \n", + "passage: Ich laufe im Park 0.659513 \n", + "passage: Ich laufe im Pakr 0.721201 \n", + "\n", + " passage: Blockierung der Förderschnecke \\\n", + "passage: Ölleckage durch undichten Ölsumpf 0.823721 \n", + "passage: Überprüfung der Schwingungsdämpfer 0.840342 \n", + "passage: Überprüfung der Kühlmittelsysteme 0.796926 \n", + "passage: Blockierung der Förderschnecke 1.000000 \n", + "passage: Überhitzung durch mangelnde Kühlmittel... 0.793991 \n", + "passage: Überprüfung der Hydraulik 0.829363 \n", + "passage: Ich gehe spazieren 0.668617 \n", + "passage: Heute um zwölf war ich unterwegs 0.691422 \n", + "passage: Ich gehe mit dem Hund raus 0.687467 \n", + "passage: Ich laufe im Park 0.687888 \n", + "passage: Ich laufe im Pakr 0.734692 \n", + "\n", + " passage: Überhitzung durch mangelnde Kühlmittelzirkulation \\\n", + "passage: Ölleckage durch undichten Ölsumpf 0.830782 \n", + "passage: Überprüfung der Schwingungsdämpfer 0.785065 \n", + "passage: Überprüfung der Kühlmittelsysteme 0.833327 \n", + "passage: Blockierung der Förderschnecke 0.793991 \n", + "passage: Überhitzung durch mangelnde Kühlmittel... 1.000000 \n", + "passage: Überprüfung der Hydraulik 0.788585 \n", + "passage: Ich gehe spazieren 0.674641 \n", + "passage: Heute um zwölf war ich unterwegs 0.702350 \n", + "passage: Ich gehe mit dem Hund raus 0.690236 \n", + "passage: Ich laufe im Park 0.683493 \n", + "passage: Ich laufe im Pakr 0.741511 \n", + "\n", + " passage: Überprüfung der Hydraulik \\\n", + "passage: Ölleckage durch undichten Ölsumpf 0.804758 \n", + "passage: Überprüfung der Schwingungsdämpfer 0.899921 \n", + "passage: Überprüfung der Kühlmittelsysteme 0.886805 \n", + "passage: Blockierung der Förderschnecke 0.829363 \n", + "passage: Überhitzung durch mangelnde Kühlmittel... 0.788585 \n", + "passage: Überprüfung der Hydraulik 1.000000 \n", + "passage: Ich gehe spazieren 0.690285 \n", + "passage: Heute um zwölf war ich unterwegs 0.726948 \n", + "passage: Ich gehe mit dem Hund raus 0.705504 \n", + "passage: Ich laufe im Park 0.698003 \n", + "passage: Ich laufe im Pakr 0.739768 \n", + "\n", + " passage: Ich gehe spazieren \\\n", + "passage: Ölleckage durch undichten Ölsumpf 0.670097 \n", + "passage: Überprüfung der Schwingungsdämpfer 0.703496 \n", + "passage: Überprüfung der Kühlmittelsysteme 0.656722 \n", + "passage: Blockierung der Förderschnecke 0.668617 \n", + "passage: Überhitzung durch mangelnde Kühlmittel... 0.674641 \n", + "passage: Überprüfung der Hydraulik 0.690285 \n", + "passage: Ich gehe spazieren 1.000000 \n", + "passage: Heute um zwölf war ich unterwegs 0.782636 \n", + "passage: Ich gehe mit dem Hund raus 0.839147 \n", + "passage: Ich laufe im Park 0.842675 \n", + "passage: Ich laufe im Pakr 0.794528 \n", + "\n", + " passage: Heute um zwölf war ich unterwegs \\\n", + "passage: Ölleckage durch undichten Ölsumpf 0.705543 \n", + "passage: Überprüfung der Schwingungsdämpfer 0.718232 \n", + "passage: Überprüfung der Kühlmittelsysteme 0.712874 \n", + "passage: Blockierung der Förderschnecke 0.691422 \n", + "passage: Überhitzung durch mangelnde Kühlmittel... 0.702350 \n", + "passage: Überprüfung der Hydraulik 0.726948 \n", + "passage: Ich gehe spazieren 0.782636 \n", + "passage: Heute um zwölf war ich unterwegs 1.000000 \n", + "passage: Ich gehe mit dem Hund raus 0.752759 \n", + "passage: Ich laufe im Park 0.727476 \n", + "passage: Ich laufe im Pakr 0.754443 \n", + "\n", + " passage: Ich gehe mit dem Hund raus \\\n", + "passage: Ölleckage durch undichten Ölsumpf 0.686085 \n", + "passage: Überprüfung der Schwingungsdämpfer 0.688768 \n", + "passage: Überprüfung der Kühlmittelsysteme 0.667584 \n", + "passage: Blockierung der Förderschnecke 0.687467 \n", + "passage: Überhitzung durch mangelnde Kühlmittel... 0.690236 \n", + "passage: Überprüfung der Hydraulik 0.705504 \n", + "passage: Ich gehe spazieren 0.839147 \n", + "passage: Heute um zwölf war ich unterwegs 0.752759 \n", + "passage: Ich gehe mit dem Hund raus 1.000000 \n", + "passage: Ich laufe im Park 0.769349 \n", + "passage: Ich laufe im Pakr 0.764451 \n", + "\n", + " passage: Ich laufe im Park \\\n", + "passage: Ölleckage durch undichten Ölsumpf 0.657670 \n", + "passage: Überprüfung der Schwingungsdämpfer 0.698420 \n", + "passage: Überprüfung der Kühlmittelsysteme 0.659513 \n", + "passage: Blockierung der Förderschnecke 0.687888 \n", + "passage: Überhitzung durch mangelnde Kühlmittel... 0.683493 \n", + "passage: Überprüfung der Hydraulik 0.698003 \n", + "passage: Ich gehe spazieren 0.842675 \n", + "passage: Heute um zwölf war ich unterwegs 0.727476 \n", + "passage: Ich gehe mit dem Hund raus 0.769349 \n", + "passage: Ich laufe im Park 1.000000 \n", + "passage: Ich laufe im Pakr 0.884060 \n", + "\n", + " passage: Ich laufe im Pakr \n", + "passage: Ölleckage durch undichten Ölsumpf 0.724280 \n", + "passage: Überprüfung der Schwingungsdämpfer 0.731654 \n", + "passage: Überprüfung der Kühlmittelsysteme 0.721201 \n", + "passage: Blockierung der Förderschnecke 0.734692 \n", + "passage: Überhitzung durch mangelnde Kühlmittel... 0.741511 \n", + "passage: Überprüfung der Hydraulik 0.739768 \n", + "passage: Ich gehe spazieren 0.794528 \n", + "passage: Heute um zwölf war ich unterwegs 0.754443 \n", + "passage: Ich gehe mit dem Hund raus 0.764451 \n", + "passage: Ich laufe im Park 0.884060 \n", + "passage: Ich laufe im Pakr 1.000000 " + ] + }, + "execution_count": 13, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "df_new_model" + ] + }, + { + "cell_type": "code", + "execution_count": 14, + "id": "d50deccd-08b8-4bdb-8411-d23c7a4d41f3", + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "No sentence-transformers model found with name aari1995/German_Semantic_STS_V2. Creating a new one with mean pooling.\n" + ] + }, + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
Ölleckage durch undichten ÖlsumpfÜberprüfung der SchwingungsdämpferÜberprüfung der KühlmittelsystemeBlockierung der FörderschneckeÜberhitzung durch mangelnde KühlmittelzirkulationÜberprüfung der HydraulikIch gehe spazierenHeute um zwölf war ich unterwegsIch gehe mit dem Hund rausIch laufe im ParkIch laufe im Pakr
Ölleckage durch undichten Ölsumpf1.0000000.5036830.5412870.5889170.6111600.5971560.4404870.4472610.4343660.4821500.536017
Überprüfung der Schwingungsdämpfer0.5036831.0000000.6878190.5843690.5515730.6743990.4742640.4663050.4376650.4803340.504029
Überprüfung der Kühlmittelsysteme0.5412870.6878191.0000000.6136770.7665510.7790900.4344250.4628850.4104060.4780380.470977
Blockierung der Förderschnecke0.5889170.5843690.6136771.0000000.6167170.5894200.4603610.4593200.4113450.5110380.511924
Überhitzung durch mangelnde Kühlmittelzirkulation0.6111600.5515730.7665510.6167171.0000000.5634890.4755990.5229650.4061990.4911750.512755
Überprüfung der Hydraulik0.5971560.6743990.7790900.5894200.5634891.0000000.4489070.4276610.4344190.4687700.490589
Ich gehe spazieren0.4404870.4742640.4344250.4603610.4755990.4489071.0000000.7097180.7086310.8018860.719697
Heute um zwölf war ich unterwegs0.4472610.4663050.4628850.4593200.5229650.4276610.7097181.0000000.5704690.5655100.590207
Ich gehe mit dem Hund raus0.4343660.4376650.4104060.4113450.4061990.4344190.7086310.5704691.0000000.5977580.544430
Ich laufe im Park0.4821500.4803340.4780380.5110380.4911750.4687700.8018860.5655100.5977581.0000000.840089
Ich laufe im Pakr0.5360170.5040290.4709770.5119240.5127550.4905890.7196970.5902070.5444300.8400891.000000
\n", + "
" + ], + "text/plain": [ + " Ölleckage durch undichten Ölsumpf \\\n", + "Ölleckage durch undichten Ölsumpf 1.000000 \n", + "Überprüfung der Schwingungsdämpfer 0.503683 \n", + "Überprüfung der Kühlmittelsysteme 0.541287 \n", + "Blockierung der Förderschnecke 0.588917 \n", + "Überhitzung durch mangelnde Kühlmittelzirkulation 0.611160 \n", + "Überprüfung der Hydraulik 0.597156 \n", + "Ich gehe spazieren 0.440487 \n", + "Heute um zwölf war ich unterwegs 0.447261 \n", + "Ich gehe mit dem Hund raus 0.434366 \n", + "Ich laufe im Park 0.482150 \n", + "Ich laufe im Pakr 0.536017 \n", + "\n", + " Überprüfung der Schwingungsdämpfer \\\n", + "Ölleckage durch undichten Ölsumpf 0.503683 \n", + "Überprüfung der Schwingungsdämpfer 1.000000 \n", + "Überprüfung der Kühlmittelsysteme 0.687819 \n", + "Blockierung der Förderschnecke 0.584369 \n", + "Überhitzung durch mangelnde Kühlmittelzirkulation 0.551573 \n", + "Überprüfung der Hydraulik 0.674399 \n", + "Ich gehe spazieren 0.474264 \n", + "Heute um zwölf war ich unterwegs 0.466305 \n", + "Ich gehe mit dem Hund raus 0.437665 \n", + "Ich laufe im Park 0.480334 \n", + "Ich laufe im Pakr 0.504029 \n", + "\n", + " Überprüfung der Kühlmittelsysteme \\\n", + "Ölleckage durch undichten Ölsumpf 0.541287 \n", + "Überprüfung der Schwingungsdämpfer 0.687819 \n", + "Überprüfung der Kühlmittelsysteme 1.000000 \n", + "Blockierung der Förderschnecke 0.613677 \n", + "Überhitzung durch mangelnde Kühlmittelzirkulation 0.766551 \n", + "Überprüfung der Hydraulik 0.779090 \n", + "Ich gehe spazieren 0.434425 \n", + "Heute um zwölf war ich unterwegs 0.462885 \n", + "Ich gehe mit dem Hund raus 0.410406 \n", + "Ich laufe im Park 0.478038 \n", + "Ich laufe im Pakr 0.470977 \n", + "\n", + " Blockierung der Förderschnecke \\\n", + "Ölleckage durch undichten Ölsumpf 0.588917 \n", + "Überprüfung der Schwingungsdämpfer 0.584369 \n", + "Überprüfung der Kühlmittelsysteme 0.613677 \n", + "Blockierung der Förderschnecke 1.000000 \n", + "Überhitzung durch mangelnde Kühlmittelzirkulation 0.616717 \n", + "Überprüfung der Hydraulik 0.589420 \n", + "Ich gehe spazieren 0.460361 \n", + "Heute um zwölf war ich unterwegs 0.459320 \n", + "Ich gehe mit dem Hund raus 0.411345 \n", + "Ich laufe im Park 0.511038 \n", + "Ich laufe im Pakr 0.511924 \n", + "\n", + " Überhitzung durch mangelnde Kühlmittelzirkulation \\\n", + "Ölleckage durch undichten Ölsumpf 0.611160 \n", + "Überprüfung der Schwingungsdämpfer 0.551573 \n", + "Überprüfung der Kühlmittelsysteme 0.766551 \n", + "Blockierung der Förderschnecke 0.616717 \n", + "Überhitzung durch mangelnde Kühlmittelzirkulation 1.000000 \n", + "Überprüfung der Hydraulik 0.563489 \n", + "Ich gehe spazieren 0.475599 \n", + "Heute um zwölf war ich unterwegs 0.522965 \n", + "Ich gehe mit dem Hund raus 0.406199 \n", + "Ich laufe im Park 0.491175 \n", + "Ich laufe im Pakr 0.512755 \n", + "\n", + " Überprüfung der Hydraulik \\\n", + "Ölleckage durch undichten Ölsumpf 0.597156 \n", + "Überprüfung der Schwingungsdämpfer 0.674399 \n", + "Überprüfung der Kühlmittelsysteme 0.779090 \n", + "Blockierung der Förderschnecke 0.589420 \n", + "Überhitzung durch mangelnde Kühlmittelzirkulation 0.563489 \n", + "Überprüfung der Hydraulik 1.000000 \n", + "Ich gehe spazieren 0.448907 \n", + "Heute um zwölf war ich unterwegs 0.427661 \n", + "Ich gehe mit dem Hund raus 0.434419 \n", + "Ich laufe im Park 0.468770 \n", + "Ich laufe im Pakr 0.490589 \n", + "\n", + " Ich gehe spazieren \\\n", + "Ölleckage durch undichten Ölsumpf 0.440487 \n", + "Überprüfung der Schwingungsdämpfer 0.474264 \n", + "Überprüfung der Kühlmittelsysteme 0.434425 \n", + "Blockierung der Förderschnecke 0.460361 \n", + "Überhitzung durch mangelnde Kühlmittelzirkulation 0.475599 \n", + "Überprüfung der Hydraulik 0.448907 \n", + "Ich gehe spazieren 1.000000 \n", + "Heute um zwölf war ich unterwegs 0.709718 \n", + "Ich gehe mit dem Hund raus 0.708631 \n", + "Ich laufe im Park 0.801886 \n", + "Ich laufe im Pakr 0.719697 \n", + "\n", + " Heute um zwölf war ich unterwegs \\\n", + "Ölleckage durch undichten Ölsumpf 0.447261 \n", + "Überprüfung der Schwingungsdämpfer 0.466305 \n", + "Überprüfung der Kühlmittelsysteme 0.462885 \n", + "Blockierung der Förderschnecke 0.459320 \n", + "Überhitzung durch mangelnde Kühlmittelzirkulation 0.522965 \n", + "Überprüfung der Hydraulik 0.427661 \n", + "Ich gehe spazieren 0.709718 \n", + "Heute um zwölf war ich unterwegs 1.000000 \n", + "Ich gehe mit dem Hund raus 0.570469 \n", + "Ich laufe im Park 0.565510 \n", + "Ich laufe im Pakr 0.590207 \n", + "\n", + " Ich gehe mit dem Hund raus \\\n", + "Ölleckage durch undichten Ölsumpf 0.434366 \n", + "Überprüfung der Schwingungsdämpfer 0.437665 \n", + "Überprüfung der Kühlmittelsysteme 0.410406 \n", + "Blockierung der Förderschnecke 0.411345 \n", + "Überhitzung durch mangelnde Kühlmittelzirkulation 0.406199 \n", + "Überprüfung der Hydraulik 0.434419 \n", + "Ich gehe spazieren 0.708631 \n", + "Heute um zwölf war ich unterwegs 0.570469 \n", + "Ich gehe mit dem Hund raus 1.000000 \n", + "Ich laufe im Park 0.597758 \n", + "Ich laufe im Pakr 0.544430 \n", + "\n", + " Ich laufe im Park \\\n", + "Ölleckage durch undichten Ölsumpf 0.482150 \n", + "Überprüfung der Schwingungsdämpfer 0.480334 \n", + "Überprüfung der Kühlmittelsysteme 0.478038 \n", + "Blockierung der Förderschnecke 0.511038 \n", + "Überhitzung durch mangelnde Kühlmittelzirkulation 0.491175 \n", + "Überprüfung der Hydraulik 0.468770 \n", + "Ich gehe spazieren 0.801886 \n", + "Heute um zwölf war ich unterwegs 0.565510 \n", + "Ich gehe mit dem Hund raus 0.597758 \n", + "Ich laufe im Park 1.000000 \n", + "Ich laufe im Pakr 0.840089 \n", + "\n", + " Ich laufe im Pakr \n", + "Ölleckage durch undichten Ölsumpf 0.536017 \n", + "Überprüfung der Schwingungsdämpfer 0.504029 \n", + "Überprüfung der Kühlmittelsysteme 0.470977 \n", + "Blockierung der Förderschnecke 0.511924 \n", + "Überhitzung durch mangelnde Kühlmittelzirkulation 0.512755 \n", + "Überprüfung der Hydraulik 0.490589 \n", + "Ich gehe spazieren 0.719697 \n", + "Heute um zwölf war ich unterwegs 0.590207 \n", + "Ich gehe mit dem Hund raus 0.544430 \n", + "Ich laufe im Park 0.840089 \n", + "Ich laufe im Pakr 1.000000 " + ] + }, + "execution_count": 14, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "MODEL = 'aari1995/German_Semantic_STS_V2'\n", + "df_alt_model = load_alt_model(MODEL, docs)\n", + "df_alt_model" + ] + }, + { + "cell_type": "code", + "execution_count": 15, + "id": "fd2e618c-2f83-4946-9c84-8852a3daebb7", + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
Ölleckage durch undichten ÖlsumpfÜberprüfung der SchwingungsdämpferÜberprüfung der KühlmittelsystemeBlockierung der FörderschneckeÜberhitzung durch mangelnde KühlmittelzirkulationÜberprüfung der HydraulikIch gehe spazierenHeute um zwölf war ich unterwegsIch gehe mit dem Hund rausIch laufe im ParkIch laufe im Pakr
Ölleckage durch undichten Ölsumpf1.0000000.5363190.4291560.5522330.4340990.6504790.1629750.2345310.1528530.1436360.307780
Überprüfung der Schwingungsdämpfer0.5363191.0000000.6880000.5730790.4532390.7402940.1257010.1617810.1213610.1258780.239996
Überprüfung der Kühlmittelsysteme0.4291560.6880001.0000000.3871160.7706960.6423620.1235750.1322450.0789010.1030460.202816
Blockierung der Förderschnecke0.5522330.5730790.3871161.0000000.3926580.4816020.1651870.1906710.1025840.1653510.357348
Überhitzung durch mangelnde Kühlmittelzirkulation0.4340990.4532390.7706960.3926581.0000000.4001660.0647900.1227770.0574850.0935560.185604
Überprüfung der Hydraulik0.6504790.7402940.6423620.4816020.4001661.0000000.1480990.1943940.1421360.1294030.241858
Ich gehe spazieren0.1629750.1257010.1235750.1651870.0647900.1480991.0000000.6045380.6932270.6057790.577280
Heute um zwölf war ich unterwegs0.2345310.1617810.1322450.1906710.1227770.1943940.6045381.0000000.5175270.4888170.614568
Ich gehe mit dem Hund raus0.1528530.1213610.0789010.1025840.0574850.1421360.6932270.5175271.0000000.4812520.606504
Ich laufe im Park0.1436360.1258780.1030460.1653510.0935560.1294030.6057790.4888170.4812521.0000000.638209
Ich laufe im Pakr0.3077800.2399960.2028160.3573480.1856040.2418580.5772800.6145680.6065040.6382091.000000
\n", + "
" + ], + "text/plain": [ + " Ölleckage durch undichten Ölsumpf \\\n", + "Ölleckage durch undichten Ölsumpf 1.000000 \n", + "Überprüfung der Schwingungsdämpfer 0.536319 \n", + "Überprüfung der Kühlmittelsysteme 0.429156 \n", + "Blockierung der Förderschnecke 0.552233 \n", + "Überhitzung durch mangelnde Kühlmittelzirkulation 0.434099 \n", + "Überprüfung der Hydraulik 0.650479 \n", + "Ich gehe spazieren 0.162975 \n", + "Heute um zwölf war ich unterwegs 0.234531 \n", + "Ich gehe mit dem Hund raus 0.152853 \n", + "Ich laufe im Park 0.143636 \n", + "Ich laufe im Pakr 0.307780 \n", + "\n", + " Überprüfung der Schwingungsdämpfer \\\n", + "Ölleckage durch undichten Ölsumpf 0.536319 \n", + "Überprüfung der Schwingungsdämpfer 1.000000 \n", + "Überprüfung der Kühlmittelsysteme 0.688000 \n", + "Blockierung der Förderschnecke 0.573079 \n", + "Überhitzung durch mangelnde Kühlmittelzirkulation 0.453239 \n", + "Überprüfung der Hydraulik 0.740294 \n", + "Ich gehe spazieren 0.125701 \n", + "Heute um zwölf war ich unterwegs 0.161781 \n", + "Ich gehe mit dem Hund raus 0.121361 \n", + "Ich laufe im Park 0.125878 \n", + "Ich laufe im Pakr 0.239996 \n", + "\n", + " Überprüfung der Kühlmittelsysteme \\\n", + "Ölleckage durch undichten Ölsumpf 0.429156 \n", + "Überprüfung der Schwingungsdämpfer 0.688000 \n", + "Überprüfung der Kühlmittelsysteme 1.000000 \n", + "Blockierung der Förderschnecke 0.387116 \n", + "Überhitzung durch mangelnde Kühlmittelzirkulation 0.770696 \n", + "Überprüfung der Hydraulik 0.642362 \n", + "Ich gehe spazieren 0.123575 \n", + "Heute um zwölf war ich unterwegs 0.132245 \n", + "Ich gehe mit dem Hund raus 0.078901 \n", + "Ich laufe im Park 0.103046 \n", + "Ich laufe im Pakr 0.202816 \n", + "\n", + " Blockierung der Förderschnecke \\\n", + "Ölleckage durch undichten Ölsumpf 0.552233 \n", + "Überprüfung der Schwingungsdämpfer 0.573079 \n", + "Überprüfung der Kühlmittelsysteme 0.387116 \n", + "Blockierung der Förderschnecke 1.000000 \n", + "Überhitzung durch mangelnde Kühlmittelzirkulation 0.392658 \n", + "Überprüfung der Hydraulik 0.481602 \n", + "Ich gehe spazieren 0.165187 \n", + "Heute um zwölf war ich unterwegs 0.190671 \n", + "Ich gehe mit dem Hund raus 0.102584 \n", + "Ich laufe im Park 0.165351 \n", + "Ich laufe im Pakr 0.357348 \n", + "\n", + " Überhitzung durch mangelnde Kühlmittelzirkulation \\\n", + "Ölleckage durch undichten Ölsumpf 0.434099 \n", + "Überprüfung der Schwingungsdämpfer 0.453239 \n", + "Überprüfung der Kühlmittelsysteme 0.770696 \n", + "Blockierung der Förderschnecke 0.392658 \n", + "Überhitzung durch mangelnde Kühlmittelzirkulation 1.000000 \n", + "Überprüfung der Hydraulik 0.400166 \n", + "Ich gehe spazieren 0.064790 \n", + "Heute um zwölf war ich unterwegs 0.122777 \n", + "Ich gehe mit dem Hund raus 0.057485 \n", + "Ich laufe im Park 0.093556 \n", + "Ich laufe im Pakr 0.185604 \n", + "\n", + " Überprüfung der Hydraulik \\\n", + "Ölleckage durch undichten Ölsumpf 0.650479 \n", + "Überprüfung der Schwingungsdämpfer 0.740294 \n", + "Überprüfung der Kühlmittelsysteme 0.642362 \n", + "Blockierung der Förderschnecke 0.481602 \n", + "Überhitzung durch mangelnde Kühlmittelzirkulation 0.400166 \n", + "Überprüfung der Hydraulik 1.000000 \n", + "Ich gehe spazieren 0.148099 \n", + "Heute um zwölf war ich unterwegs 0.194394 \n", + "Ich gehe mit dem Hund raus 0.142136 \n", + "Ich laufe im Park 0.129403 \n", + "Ich laufe im Pakr 0.241858 \n", + "\n", + " Ich gehe spazieren \\\n", + "Ölleckage durch undichten Ölsumpf 0.162975 \n", + "Überprüfung der Schwingungsdämpfer 0.125701 \n", + "Überprüfung der Kühlmittelsysteme 0.123575 \n", + "Blockierung der Förderschnecke 0.165187 \n", + "Überhitzung durch mangelnde Kühlmittelzirkulation 0.064790 \n", + "Überprüfung der Hydraulik 0.148099 \n", + "Ich gehe spazieren 1.000000 \n", + "Heute um zwölf war ich unterwegs 0.604538 \n", + "Ich gehe mit dem Hund raus 0.693227 \n", + "Ich laufe im Park 0.605779 \n", + "Ich laufe im Pakr 0.577280 \n", + "\n", + " Heute um zwölf war ich unterwegs \\\n", + "Ölleckage durch undichten Ölsumpf 0.234531 \n", + "Überprüfung der Schwingungsdämpfer 0.161781 \n", + "Überprüfung der Kühlmittelsysteme 0.132245 \n", + "Blockierung der Förderschnecke 0.190671 \n", + "Überhitzung durch mangelnde Kühlmittelzirkulation 0.122777 \n", + "Überprüfung der Hydraulik 0.194394 \n", + "Ich gehe spazieren 0.604538 \n", + "Heute um zwölf war ich unterwegs 1.000000 \n", + "Ich gehe mit dem Hund raus 0.517527 \n", + "Ich laufe im Park 0.488817 \n", + "Ich laufe im Pakr 0.614568 \n", + "\n", + " Ich gehe mit dem Hund raus \\\n", + "Ölleckage durch undichten Ölsumpf 0.152853 \n", + "Überprüfung der Schwingungsdämpfer 0.121361 \n", + "Überprüfung der Kühlmittelsysteme 0.078901 \n", + "Blockierung der Förderschnecke 0.102584 \n", + "Überhitzung durch mangelnde Kühlmittelzirkulation 0.057485 \n", + "Überprüfung der Hydraulik 0.142136 \n", + "Ich gehe spazieren 0.693227 \n", + "Heute um zwölf war ich unterwegs 0.517527 \n", + "Ich gehe mit dem Hund raus 1.000000 \n", + "Ich laufe im Park 0.481252 \n", + "Ich laufe im Pakr 0.606504 \n", + "\n", + " Ich laufe im Park \\\n", + "Ölleckage durch undichten Ölsumpf 0.143636 \n", + "Überprüfung der Schwingungsdämpfer 0.125878 \n", + "Überprüfung der Kühlmittelsysteme 0.103046 \n", + "Blockierung der Förderschnecke 0.165351 \n", + "Überhitzung durch mangelnde Kühlmittelzirkulation 0.093556 \n", + "Überprüfung der Hydraulik 0.129403 \n", + "Ich gehe spazieren 0.605779 \n", + "Heute um zwölf war ich unterwegs 0.488817 \n", + "Ich gehe mit dem Hund raus 0.481252 \n", + "Ich laufe im Park 1.000000 \n", + "Ich laufe im Pakr 0.638209 \n", + "\n", + " Ich laufe im Pakr \n", + "Ölleckage durch undichten Ölsumpf 0.307780 \n", + "Überprüfung der Schwingungsdämpfer 0.239996 \n", + "Überprüfung der Kühlmittelsysteme 0.202816 \n", + "Blockierung der Förderschnecke 0.357348 \n", + "Überhitzung durch mangelnde Kühlmittelzirkulation 0.185604 \n", + "Überprüfung der Hydraulik 0.241858 \n", + "Ich gehe spazieren 0.577280 \n", + "Heute um zwölf war ich unterwegs 0.614568 \n", + "Ich gehe mit dem Hund raus 0.606504 \n", + "Ich laufe im Park 0.638209 \n", + "Ich laufe im Pakr 1.000000 " + ] + }, + "execution_count": 15, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "MODEL = 'paraphrase-multilingual-mpnet-base-v2'\n", + "df_alt_model2 = load_alt_model(MODEL, docs)\n", + "df_alt_model2" + ] + }, + { + "cell_type": "markdown", + "id": "e6d41e31-f31e-46a0-bb54-769c6c5ffbd9", + "metadata": {}, + "source": [ + "---" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "4f3c063c-713c-4163-93fc-d9eca7817d23", + "metadata": {}, + "outputs": [], + "source": [] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "b83e5bf6-e3ed-46bc-aab5-df1545086edf", + "metadata": {}, + "outputs": [], + "source": [] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "526c4e99-cb51-4a79-a728-cbcd45d2e012", + "metadata": {}, + "outputs": [], + "source": [] + }, + { + "cell_type": "code", + "execution_count": 57, + "id": "6d8d0732-4eac-40e6-8d5e-e8c588e22417", + "metadata": {}, + "outputs": [], + "source": [ + "from sentence_transformers.SentenceTransformer import SentenceTransformer" + ] + }, + { + "cell_type": "code", + "execution_count": 59, + "id": "eaef7f12-60f6-4705-bf20-6b62a937045b", + "metadata": {}, + "outputs": [ + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "dc5cb3bab92044cfa2d71561e3edf996", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + "configuration_bert.py: 0%| | 0.00/8.24k [00:00 1024:\n", + " model.max_seq_length = 1024" + ] + }, + { + "cell_type": "code", + "execution_count": 40, + "id": "d8aebacc-5048-49c5-b225-0b77ad621ba8", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "['Ölleckage durch undichten Ölsumpf',\n", + " 'Überprüfung der Schwingungsdämpfer',\n", + " 'Überprüfung der Kühlmittelsysteme',\n", + " 'Blockierung der Förderschnecke',\n", + " 'Überhitzung durch mangelnde Kühlmittelzirkulation',\n", + " 'Überprüfung der Hydraulik',\n", + " 'Ich gehe spazieren',\n", + " 'Heute um zwölf war ich unterwegs',\n", + " 'Ich gehe mit dem Hund raus',\n", + " 'Ich laufe im Park',\n", + " 'Ich laufe im Pakr']" + ] + }, + "execution_count": 40, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "docs" + ] + }, + { + "cell_type": "code", + "execution_count": 41, + "id": "dd2c5f0a-8e59-40a0-bdf4-c8361647408f", + "metadata": {}, + "outputs": [], + "source": [ + "embeddings = model.encode(docs)" + ] + }, + { + "cell_type": "code", + "execution_count": 42, + "id": "150d1810-1615-4171-ba65-05499c915958", + "metadata": {}, + "outputs": [], + "source": [ + "sims = model.similarity(embeddings, embeddings).numpy()" + ] + }, + { + "cell_type": "code", + "execution_count": 21, + "id": "6b50f5a9-8b94-4b8a-9b39-35e8c6117010", + "metadata": {}, + "outputs": [], + "source": [ + "import torch\n", + "from transformers import AutoModel\n", + "from numpy.linalg import norm\n", + "\n", + "from sentence_transformers.util import cos_sim" + ] + }, + { + "cell_type": "code", + "execution_count": 22, + "id": "2a0064f9-ba55-458d-aaba-aff8fcab42f0", + "metadata": {}, + "outputs": [], + "source": [ + "#cos_sim = lambda a,b: (a @ b.T) / (norm(a)*norm(b))\n", + "model = AutoModel.from_pretrained('jinaai/jina-embeddings-v2-base-de', trust_remote_code=True, torch_dtype=torch.float32)\n", + "embeddings = model.encode(docs, max_length=1024)\n", + "#print(cos_sim(embeddings, embeddings))" + ] + }, + { + "cell_type": "code", + "execution_count": 43, + "id": "af0ee7f7-2c29-4852-9ef3-b6177474d5b3", + "metadata": {}, + "outputs": [], + "source": [ + "#sims = cos_sim(embeddings, embeddings).numpy()\n", + "df_jinaai_model = pd.DataFrame(data=sims, index=docs, columns=docs)" + ] + }, + { + "cell_type": "code", + "execution_count": 44, + "id": "275fba08-52a9-48f9-ab7a-965eec84ad70", + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
Ölleckage durch undichten ÖlsumpfÜberprüfung der SchwingungsdämpferÜberprüfung der KühlmittelsystemeBlockierung der FörderschneckeÜberhitzung durch mangelnde KühlmittelzirkulationÜberprüfung der HydraulikIch gehe spazierenHeute um zwölf war ich unterwegsIch gehe mit dem Hund rausIch laufe im ParkIch laufe im Pakr
Ölleckage durch undichten Ölsumpf1.0000000.3008470.2196430.4188770.3031030.3355720.2916170.2693220.2492580.2481380.299106
Überprüfung der Schwingungsdämpfer0.3008471.0000000.6904280.3958610.3119640.6645670.1046050.1235430.0989580.0682700.231832
Überprüfung der Kühlmittelsysteme0.2196430.6904281.0000000.2165480.4062390.6743550.1185930.1001270.0456520.1124180.174270
Blockierung der Förderschnecke0.4188770.3958610.2165481.0000000.3721740.2565700.1618160.1111190.1346410.2441830.238573
Überhitzung durch mangelnde Kühlmittelzirkulation0.3031030.3119640.4062390.3721741.0000000.2871110.1186860.1409340.1049920.2071680.147596
Überprüfung der Hydraulik0.3355720.6645670.6743550.2565700.2871111.0000000.1424940.0285390.0147060.1324890.233765
Ich gehe spazieren0.2916170.1046050.1185930.1618160.1186860.1424941.0000000.4291250.5524100.7138860.528205
Heute um zwölf war ich unterwegs0.2693220.1235430.1001270.1111190.1409340.0285390.4291251.0000000.3888090.4573690.408289
Ich gehe mit dem Hund raus0.2492580.0989580.0456520.1346410.1049920.0147060.5524100.3888091.0000000.5336010.460647
Ich laufe im Park0.2481380.0682700.1124180.2441830.2071680.1324890.7138860.4573690.5336011.0000000.632991
Ich laufe im Pakr0.2991060.2318320.1742700.2385730.1475960.2337650.5282050.4082890.4606470.6329911.000000
\n", + "
" + ], + "text/plain": [ + " Ölleckage durch undichten Ölsumpf \\\n", + "Ölleckage durch undichten Ölsumpf 1.000000 \n", + "Überprüfung der Schwingungsdämpfer 0.300847 \n", + "Überprüfung der Kühlmittelsysteme 0.219643 \n", + "Blockierung der Förderschnecke 0.418877 \n", + "Überhitzung durch mangelnde Kühlmittelzirkulation 0.303103 \n", + "Überprüfung der Hydraulik 0.335572 \n", + "Ich gehe spazieren 0.291617 \n", + "Heute um zwölf war ich unterwegs 0.269322 \n", + "Ich gehe mit dem Hund raus 0.249258 \n", + "Ich laufe im Park 0.248138 \n", + "Ich laufe im Pakr 0.299106 \n", + "\n", + " Überprüfung der Schwingungsdämpfer \\\n", + "Ölleckage durch undichten Ölsumpf 0.300847 \n", + "Überprüfung der Schwingungsdämpfer 1.000000 \n", + "Überprüfung der Kühlmittelsysteme 0.690428 \n", + "Blockierung der Förderschnecke 0.395861 \n", + "Überhitzung durch mangelnde Kühlmittelzirkulation 0.311964 \n", + "Überprüfung der Hydraulik 0.664567 \n", + "Ich gehe spazieren 0.104605 \n", + "Heute um zwölf war ich unterwegs 0.123543 \n", + "Ich gehe mit dem Hund raus 0.098958 \n", + "Ich laufe im Park 0.068270 \n", + "Ich laufe im Pakr 0.231832 \n", + "\n", + " Überprüfung der Kühlmittelsysteme \\\n", + "Ölleckage durch undichten Ölsumpf 0.219643 \n", + "Überprüfung der Schwingungsdämpfer 0.690428 \n", + "Überprüfung der Kühlmittelsysteme 1.000000 \n", + "Blockierung der Förderschnecke 0.216548 \n", + "Überhitzung durch mangelnde Kühlmittelzirkulation 0.406239 \n", + "Überprüfung der Hydraulik 0.674355 \n", + "Ich gehe spazieren 0.118593 \n", + "Heute um zwölf war ich unterwegs 0.100127 \n", + "Ich gehe mit dem Hund raus 0.045652 \n", + "Ich laufe im Park 0.112418 \n", + "Ich laufe im Pakr 0.174270 \n", + "\n", + " Blockierung der Förderschnecke \\\n", + "Ölleckage durch undichten Ölsumpf 0.418877 \n", + "Überprüfung der Schwingungsdämpfer 0.395861 \n", + "Überprüfung der Kühlmittelsysteme 0.216548 \n", + "Blockierung der Förderschnecke 1.000000 \n", + "Überhitzung durch mangelnde Kühlmittelzirkulation 0.372174 \n", + "Überprüfung der Hydraulik 0.256570 \n", + "Ich gehe spazieren 0.161816 \n", + "Heute um zwölf war ich unterwegs 0.111119 \n", + "Ich gehe mit dem Hund raus 0.134641 \n", + "Ich laufe im Park 0.244183 \n", + "Ich laufe im Pakr 0.238573 \n", + "\n", + " Überhitzung durch mangelnde Kühlmittelzirkulation \\\n", + "Ölleckage durch undichten Ölsumpf 0.303103 \n", + "Überprüfung der Schwingungsdämpfer 0.311964 \n", + "Überprüfung der Kühlmittelsysteme 0.406239 \n", + "Blockierung der Förderschnecke 0.372174 \n", + "Überhitzung durch mangelnde Kühlmittelzirkulation 1.000000 \n", + "Überprüfung der Hydraulik 0.287111 \n", + "Ich gehe spazieren 0.118686 \n", + "Heute um zwölf war ich unterwegs 0.140934 \n", + "Ich gehe mit dem Hund raus 0.104992 \n", + "Ich laufe im Park 0.207168 \n", + "Ich laufe im Pakr 0.147596 \n", + "\n", + " Überprüfung der Hydraulik \\\n", + "Ölleckage durch undichten Ölsumpf 0.335572 \n", + "Überprüfung der Schwingungsdämpfer 0.664567 \n", + "Überprüfung der Kühlmittelsysteme 0.674355 \n", + "Blockierung der Förderschnecke 0.256570 \n", + "Überhitzung durch mangelnde Kühlmittelzirkulation 0.287111 \n", + "Überprüfung der Hydraulik 1.000000 \n", + "Ich gehe spazieren 0.142494 \n", + "Heute um zwölf war ich unterwegs 0.028539 \n", + "Ich gehe mit dem Hund raus 0.014706 \n", + "Ich laufe im Park 0.132489 \n", + "Ich laufe im Pakr 0.233765 \n", + "\n", + " Ich gehe spazieren \\\n", + "Ölleckage durch undichten Ölsumpf 0.291617 \n", + "Überprüfung der Schwingungsdämpfer 0.104605 \n", + "Überprüfung der Kühlmittelsysteme 0.118593 \n", + "Blockierung der Förderschnecke 0.161816 \n", + "Überhitzung durch mangelnde Kühlmittelzirkulation 0.118686 \n", + "Überprüfung der Hydraulik 0.142494 \n", + "Ich gehe spazieren 1.000000 \n", + "Heute um zwölf war ich unterwegs 0.429125 \n", + "Ich gehe mit dem Hund raus 0.552410 \n", + "Ich laufe im Park 0.713886 \n", + "Ich laufe im Pakr 0.528205 \n", + "\n", + " Heute um zwölf war ich unterwegs \\\n", + "Ölleckage durch undichten Ölsumpf 0.269322 \n", + "Überprüfung der Schwingungsdämpfer 0.123543 \n", + "Überprüfung der Kühlmittelsysteme 0.100127 \n", + "Blockierung der Förderschnecke 0.111119 \n", + "Überhitzung durch mangelnde Kühlmittelzirkulation 0.140934 \n", + "Überprüfung der Hydraulik 0.028539 \n", + "Ich gehe spazieren 0.429125 \n", + "Heute um zwölf war ich unterwegs 1.000000 \n", + "Ich gehe mit dem Hund raus 0.388809 \n", + "Ich laufe im Park 0.457369 \n", + "Ich laufe im Pakr 0.408289 \n", + "\n", + " Ich gehe mit dem Hund raus \\\n", + "Ölleckage durch undichten Ölsumpf 0.249258 \n", + "Überprüfung der Schwingungsdämpfer 0.098958 \n", + "Überprüfung der Kühlmittelsysteme 0.045652 \n", + "Blockierung der Förderschnecke 0.134641 \n", + "Überhitzung durch mangelnde Kühlmittelzirkulation 0.104992 \n", + "Überprüfung der Hydraulik 0.014706 \n", + "Ich gehe spazieren 0.552410 \n", + "Heute um zwölf war ich unterwegs 0.388809 \n", + "Ich gehe mit dem Hund raus 1.000000 \n", + "Ich laufe im Park 0.533601 \n", + "Ich laufe im Pakr 0.460647 \n", + "\n", + " Ich laufe im Park \\\n", + "Ölleckage durch undichten Ölsumpf 0.248138 \n", + "Überprüfung der Schwingungsdämpfer 0.068270 \n", + "Überprüfung der Kühlmittelsysteme 0.112418 \n", + "Blockierung der Förderschnecke 0.244183 \n", + "Überhitzung durch mangelnde Kühlmittelzirkulation 0.207168 \n", + "Überprüfung der Hydraulik 0.132489 \n", + "Ich gehe spazieren 0.713886 \n", + "Heute um zwölf war ich unterwegs 0.457369 \n", + "Ich gehe mit dem Hund raus 0.533601 \n", + "Ich laufe im Park 1.000000 \n", + "Ich laufe im Pakr 0.632991 \n", + "\n", + " Ich laufe im Pakr \n", + "Ölleckage durch undichten Ölsumpf 0.299106 \n", + "Überprüfung der Schwingungsdämpfer 0.231832 \n", + "Überprüfung der Kühlmittelsysteme 0.174270 \n", + "Blockierung der Förderschnecke 0.238573 \n", + "Überhitzung durch mangelnde Kühlmittelzirkulation 0.147596 \n", + "Überprüfung der Hydraulik 0.233765 \n", + "Ich gehe spazieren 0.528205 \n", + "Heute um zwölf war ich unterwegs 0.408289 \n", + "Ich gehe mit dem Hund raus 0.460647 \n", + "Ich laufe im Park 0.632991 \n", + "Ich laufe im Pakr 1.000000 " + ] + }, + "execution_count": 44, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "df_jinaai_model" + ] + }, + { + "cell_type": "code", + "execution_count": 19, + "id": "6439531e-657f-49e0-bc2e-5e108b4f54b3", + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
Ölleckage durch undichten ÖlsumpfÜberprüfung der SchwingungsdämpferÜberprüfung der KühlmittelsystemeBlockierung der FörderschneckeÜberhitzung durch mangelnde KühlmittelzirkulationÜberprüfung der HydraulikIch gehe spazierenHeute um zwölf war ich unterwegsIch gehe mit dem Hund rausIch laufe im ParkIch laufe im Pakr
Ölleckage durch undichten Ölsumpf1.0000000.0677910.1607490.1799330.2104020.2988980.1141720.0282090.0245820.0139340.107545
Überprüfung der Schwingungsdämpfer0.0677911.0000000.5362790.2208220.1435850.591945-0.103104-0.096927-0.102214-0.088568-0.005696
Überprüfung der Kühlmittelsysteme0.1607490.5362791.0000000.0580880.4776600.518238-0.054177-0.041462-0.132903-0.010588-0.007899
Blockierung der Förderschnecke0.1799330.2208220.0580881.0000000.1266460.076466-0.021669-0.005974-0.0075900.0281180.035968
Überhitzung durch mangelnde Kühlmittelzirkulation0.2104020.1435850.4776600.1266461.0000000.148309-0.052826-0.079253-0.0909770.016930-0.007476
Überprüfung der Hydraulik0.2988980.5919450.5182380.0764660.1483091.000000-0.066718-0.098302-0.108190-0.0468410.014736
Ich gehe spazieren0.114172-0.103104-0.054177-0.021669-0.052826-0.0667181.0000000.3131490.5223010.5117420.573060
Heute um zwölf war ich unterwegs0.028209-0.096927-0.041462-0.005974-0.079253-0.0983020.3131491.0000000.2655990.2386500.338099
Ich gehe mit dem Hund raus0.024582-0.102214-0.132903-0.007590-0.090977-0.1081900.5223010.2655991.0000000.3138900.369566
Ich laufe im Park0.013934-0.088568-0.0105880.0281180.016930-0.0468410.5117420.2386500.3138901.0000000.543645
Ich laufe im Pakr0.107545-0.005696-0.0078990.035968-0.0074760.0147360.5730600.3380990.3695660.5436451.000000
\n", + "
" + ], + "text/plain": [ + " Ölleckage durch undichten Ölsumpf \\\n", + "Ölleckage durch undichten Ölsumpf 1.000000 \n", + "Überprüfung der Schwingungsdämpfer 0.067791 \n", + "Überprüfung der Kühlmittelsysteme 0.160749 \n", + "Blockierung der Förderschnecke 0.179933 \n", + "Überhitzung durch mangelnde Kühlmittelzirkulation 0.210402 \n", + "Überprüfung der Hydraulik 0.298898 \n", + "Ich gehe spazieren 0.114172 \n", + "Heute um zwölf war ich unterwegs 0.028209 \n", + "Ich gehe mit dem Hund raus 0.024582 \n", + "Ich laufe im Park 0.013934 \n", + "Ich laufe im Pakr 0.107545 \n", + "\n", + " Überprüfung der Schwingungsdämpfer \\\n", + "Ölleckage durch undichten Ölsumpf 0.067791 \n", + "Überprüfung der Schwingungsdämpfer 1.000000 \n", + "Überprüfung der Kühlmittelsysteme 0.536279 \n", + "Blockierung der Förderschnecke 0.220822 \n", + "Überhitzung durch mangelnde Kühlmittelzirkulation 0.143585 \n", + "Überprüfung der Hydraulik 0.591945 \n", + "Ich gehe spazieren -0.103104 \n", + "Heute um zwölf war ich unterwegs -0.096927 \n", + "Ich gehe mit dem Hund raus -0.102214 \n", + "Ich laufe im Park -0.088568 \n", + "Ich laufe im Pakr -0.005696 \n", + "\n", + " Überprüfung der Kühlmittelsysteme \\\n", + "Ölleckage durch undichten Ölsumpf 0.160749 \n", + "Überprüfung der Schwingungsdämpfer 0.536279 \n", + "Überprüfung der Kühlmittelsysteme 1.000000 \n", + "Blockierung der Förderschnecke 0.058088 \n", + "Überhitzung durch mangelnde Kühlmittelzirkulation 0.477660 \n", + "Überprüfung der Hydraulik 0.518238 \n", + "Ich gehe spazieren -0.054177 \n", + "Heute um zwölf war ich unterwegs -0.041462 \n", + "Ich gehe mit dem Hund raus -0.132903 \n", + "Ich laufe im Park -0.010588 \n", + "Ich laufe im Pakr -0.007899 \n", + "\n", + " Blockierung der Förderschnecke \\\n", + "Ölleckage durch undichten Ölsumpf 0.179933 \n", + "Überprüfung der Schwingungsdämpfer 0.220822 \n", + "Überprüfung der Kühlmittelsysteme 0.058088 \n", + "Blockierung der Förderschnecke 1.000000 \n", + "Überhitzung durch mangelnde Kühlmittelzirkulation 0.126646 \n", + "Überprüfung der Hydraulik 0.076466 \n", + "Ich gehe spazieren -0.021669 \n", + "Heute um zwölf war ich unterwegs -0.005974 \n", + "Ich gehe mit dem Hund raus -0.007590 \n", + "Ich laufe im Park 0.028118 \n", + "Ich laufe im Pakr 0.035968 \n", + "\n", + " Überhitzung durch mangelnde Kühlmittelzirkulation \\\n", + "Ölleckage durch undichten Ölsumpf 0.210402 \n", + "Überprüfung der Schwingungsdämpfer 0.143585 \n", + "Überprüfung der Kühlmittelsysteme 0.477660 \n", + "Blockierung der Förderschnecke 0.126646 \n", + "Überhitzung durch mangelnde Kühlmittelzirkulation 1.000000 \n", + "Überprüfung der Hydraulik 0.148309 \n", + "Ich gehe spazieren -0.052826 \n", + "Heute um zwölf war ich unterwegs -0.079253 \n", + "Ich gehe mit dem Hund raus -0.090977 \n", + "Ich laufe im Park 0.016930 \n", + "Ich laufe im Pakr -0.007476 \n", + "\n", + " Überprüfung der Hydraulik \\\n", + "Ölleckage durch undichten Ölsumpf 0.298898 \n", + "Überprüfung der Schwingungsdämpfer 0.591945 \n", + "Überprüfung der Kühlmittelsysteme 0.518238 \n", + "Blockierung der Förderschnecke 0.076466 \n", + "Überhitzung durch mangelnde Kühlmittelzirkulation 0.148309 \n", + "Überprüfung der Hydraulik 1.000000 \n", + "Ich gehe spazieren -0.066718 \n", + "Heute um zwölf war ich unterwegs -0.098302 \n", + "Ich gehe mit dem Hund raus -0.108190 \n", + "Ich laufe im Park -0.046841 \n", + "Ich laufe im Pakr 0.014736 \n", + "\n", + " Ich gehe spazieren \\\n", + "Ölleckage durch undichten Ölsumpf 0.114172 \n", + "Überprüfung der Schwingungsdämpfer -0.103104 \n", + "Überprüfung der Kühlmittelsysteme -0.054177 \n", + "Blockierung der Förderschnecke -0.021669 \n", + "Überhitzung durch mangelnde Kühlmittelzirkulation -0.052826 \n", + "Überprüfung der Hydraulik -0.066718 \n", + "Ich gehe spazieren 1.000000 \n", + "Heute um zwölf war ich unterwegs 0.313149 \n", + "Ich gehe mit dem Hund raus 0.522301 \n", + "Ich laufe im Park 0.511742 \n", + "Ich laufe im Pakr 0.573060 \n", + "\n", + " Heute um zwölf war ich unterwegs \\\n", + "Ölleckage durch undichten Ölsumpf 0.028209 \n", + "Überprüfung der Schwingungsdämpfer -0.096927 \n", + "Überprüfung der Kühlmittelsysteme -0.041462 \n", + "Blockierung der Förderschnecke -0.005974 \n", + "Überhitzung durch mangelnde Kühlmittelzirkulation -0.079253 \n", + "Überprüfung der Hydraulik -0.098302 \n", + "Ich gehe spazieren 0.313149 \n", + "Heute um zwölf war ich unterwegs 1.000000 \n", + "Ich gehe mit dem Hund raus 0.265599 \n", + "Ich laufe im Park 0.238650 \n", + "Ich laufe im Pakr 0.338099 \n", + "\n", + " Ich gehe mit dem Hund raus \\\n", + "Ölleckage durch undichten Ölsumpf 0.024582 \n", + "Überprüfung der Schwingungsdämpfer -0.102214 \n", + "Überprüfung der Kühlmittelsysteme -0.132903 \n", + "Blockierung der Förderschnecke -0.007590 \n", + "Überhitzung durch mangelnde Kühlmittelzirkulation -0.090977 \n", + "Überprüfung der Hydraulik -0.108190 \n", + "Ich gehe spazieren 0.522301 \n", + "Heute um zwölf war ich unterwegs 0.265599 \n", + "Ich gehe mit dem Hund raus 1.000000 \n", + "Ich laufe im Park 0.313890 \n", + "Ich laufe im Pakr 0.369566 \n", + "\n", + " Ich laufe im Park \\\n", + "Ölleckage durch undichten Ölsumpf 0.013934 \n", + "Überprüfung der Schwingungsdämpfer -0.088568 \n", + "Überprüfung der Kühlmittelsysteme -0.010588 \n", + "Blockierung der Förderschnecke 0.028118 \n", + "Überhitzung durch mangelnde Kühlmittelzirkulation 0.016930 \n", + "Überprüfung der Hydraulik -0.046841 \n", + "Ich gehe spazieren 0.511742 \n", + "Heute um zwölf war ich unterwegs 0.238650 \n", + "Ich gehe mit dem Hund raus 0.313890 \n", + "Ich laufe im Park 1.000000 \n", + "Ich laufe im Pakr 0.543645 \n", + "\n", + " Ich laufe im Pakr \n", + "Ölleckage durch undichten Ölsumpf 0.107545 \n", + "Überprüfung der Schwingungsdämpfer -0.005696 \n", + "Überprüfung der Kühlmittelsysteme -0.007899 \n", + "Blockierung der Förderschnecke 0.035968 \n", + "Überhitzung durch mangelnde Kühlmittelzirkulation -0.007476 \n", + "Überprüfung der Hydraulik 0.014736 \n", + "Ich gehe spazieren 0.573060 \n", + "Heute um zwölf war ich unterwegs 0.338099 \n", + "Ich gehe mit dem Hund raus 0.369566 \n", + "Ich laufe im Park 0.543645 \n", + "Ich laufe im Pakr 1.000000 " + ] + }, + "execution_count": 19, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "# without ONNX\n", + "df_jinaai_model" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "6fa5e5e1-d240-4c03-9476-ea8481b775dc", + "metadata": {}, + "outputs": [], + "source": [] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "493ee59a-3b77-4874-aab1-38a06f46d626", + "metadata": {}, + "outputs": [], + "source": [] + }, + { + "cell_type": "code", + "execution_count": 93, + "id": "32881e82-4c14-4cbe-9465-a33adeba3e58", + "metadata": {}, + "outputs": [], + "source": [ + "from pathlib import Path" + ] + }, + { + "cell_type": "code", + "execution_count": 94, + "id": "3299252d-6c3b-46d4-a059-00377ff8b174", + "metadata": {}, + "outputs": [], + "source": [ + "data_pth = Path(r'A:\\Arbeitsaufgaben\\lang-data\\in\\02_202307\\Export4.csv')" + ] + }, + { + "cell_type": "code", + "execution_count": 95, + "id": "d05a6ad9-83a3-4868-b9fc-62e6fc58f37a", + "metadata": {}, + "outputs": [], + "source": [ + "assert data_pth.exists()" + ] + }, + { + "cell_type": "code", + "execution_count": 96, + "id": "f47bbcea-1097-403f-a0b6-07c46ab972a2", + "metadata": {}, + "outputs": [], + "source": [ + "from lang_main.pipelines import predefined\n", + "from lang_main.analysis import preprocessing as preproc" + ] + }, + { + "cell_type": "code", + "execution_count": 97, + "id": "372dfded-8c6b-4a52-905d-904bb5d2c6e5", + "metadata": {}, + "outputs": [], + "source": [ + "pipe_target_feat = predefined.build_base_target_feature_pipe()" + ] + }, + { + "cell_type": "code", + "execution_count": 98, + "id": "696a5c03-92b1-4247-82a2-010cd9d2c1f9", + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2025-01-15 15:29:13 +0000 | lang_main:base:INFO | Starting pipeline >>Target_Feature<<...\n", + "INFO:lang_main.pipelines:Starting pipeline >>Target_Feature<<...\n", + "2025-01-15 15:29:14 +0000 | lang_main:preprocessing:INFO | Loaded dataset successfully.\n", + "INFO:lang_main.analysis.preprocessing:Loaded dataset successfully.\n", + "2025-01-15 15:29:14 +0000 | lang_main:preprocessing:INFO | Dataset properties: number of entries: 129020, number of features 20\n", + "INFO:lang_main.analysis.preprocessing:Dataset properties: number of entries: 129020, number of features 20\n", + "2025-01-15 15:29:14 +0000 | lang_main:preprocessing:INFO | Number of duplicates over all features: 84\n", + "INFO:lang_main.analysis.preprocessing:Number of duplicates over all features: 84\n", + "2025-01-15 15:29:14 +0000 | lang_main:preprocessing:INFO | Number of duplicates over subset >>['VorgangsID', 'ObjektID']<<: 725\n", + "INFO:lang_main.analysis.preprocessing:Number of duplicates over subset >>['VorgangsID', 'ObjektID']<<: 725\n", + "2025-01-15 15:29:14 +0000 | lang_main:preprocessing:INFO | Removed all duplicates from dataset successfully.\n", + "INFO:lang_main.analysis.preprocessing:Removed all duplicates from dataset successfully.\n", + "2025-01-15 15:29:14 +0000 | lang_main:preprocessing:INFO | New Dataset properties: number of entries: 128211, number of features 20\n", + "INFO:lang_main.analysis.preprocessing:New Dataset properties: number of entries: 128211, number of features 20\n", + "2025-01-15 15:29:14 +0000 | lang_main:preprocessing:INFO | Removed NA entries for features >>['VorgangsBeschreibung']<< from dataset successfully.\n", + "INFO:lang_main.analysis.preprocessing:Removed NA entries for features >>['VorgangsBeschreibung']<< from dataset successfully.\n", + "2025-01-15 15:29:14 +0000 | lang_main:io:INFO | Saved file successfully under A:\\Arbeitsaufgaben\\lang-data\\out\\Pipe-Target_Feature_Step-3_remove_NA.pkl\n", + "INFO:lang_main.shared:Saved file successfully under A:\\Arbeitsaufgaben\\lang-data\\out\\Pipe-Target_Feature_Step-3_remove_NA.pkl\n", + "2025-01-15 15:29:15 +0000 | lang_main:shared:INFO | Successfully applied entry-wise cleansing procedure >>clean_string_slim<< for features >>['VorgangsBeschreibung']<<\n", + "INFO:lang_main.analysis.preprocessing:Successfully applied entry-wise cleansing procedure >>clean_string_slim<< for features >>['VorgangsBeschreibung']<<\n", + "2025-01-15 15:29:15 +0000 | lang_main:io:INFO | Saved file successfully under A:\\Arbeitsaufgaben\\lang-data\\out\\TIMELINE.pkl\n", + "INFO:lang_main.shared:Saved file successfully under A:\\Arbeitsaufgaben\\lang-data\\out\\TIMELINE.pkl\n", + "2025-01-15 15:29:15 +0000 | lang_main:preprocessing:INFO | Number of entries for feature >>VorgangsBeschreibung<<: 123457\n", + "INFO:lang_main.analysis.preprocessing:Number of entries for feature >>VorgangsBeschreibung<<: 123457\n", + "100%|██████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████| 6772/6772 [00:35<00:00, 192.48it/s]\n", + "2025-01-15 15:29:50 +0000 | lang_main:io:INFO | Saved file successfully under A:\\Arbeitsaufgaben\\lang-data\\out\\Pipe-Target_Feature_Step-5_analyse_feature.pkl\n", + "INFO:lang_main.shared:Saved file successfully under A:\\Arbeitsaufgaben\\lang-data\\out\\Pipe-Target_Feature_Step-5_analyse_feature.pkl\n", + "2025-01-15 15:29:50 +0000 | lang_main:base:INFO | Processing pipeline >>Target_Feature<< successfully ended after 5 steps.\n", + "INFO:lang_main.pipelines:Processing pipeline >>Target_Feature<< successfully ended after 5 steps.\n" + ] + } + ], + "source": [ + "ret = pipe_target_feat.run(starting_values=(data_pth,))" + ] + }, + { + "cell_type": "code", + "execution_count": 99, + "id": "c8b9c5af-5397-49ec-8cf6-b10745909e85", + "metadata": {}, + "outputs": [], + "source": [ + "df = ret[0]" + ] + }, + { + "cell_type": "code", + "execution_count": 100, + "id": "4953b8af-fba7-471a-8c4a-1a3ca6c9d3ab", + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
batched_idxsentrylennum_occurassoc_obj_idsnum_assoc_obj_ids
162[232, 241, 242, 244, 247, 249, 268, 269, 289, ...Tägliche Wartungstätigkeiten nach Vorgabe des ...6692592[0, 17, 41, 42, 43, 44, 45, 46, 47, 51, 52, 53...206
33[37, 50, 57, 61, 129, 245, 246, 266, 353, 378,...Wöchentliche Sichtkontrolle / Reinigung391654[301, 304, 305, 313, 314, 331, 332, 510, 511, ...18
131[179, 196, 216, 350, 355, 408, 426, 427, 428, ...Tägliche Überprüfung der Ölabscheider371616[0, 970, 2134, 2137]4
160[224, 276, 277, 278, 279, 280, 281, 282, 283, ...Wöchentliche Kontrolle der WC-Anlagen371265[1352, 1353, 1354, 1684, 1685, 1686, 1687, 168...11
140[191, 192, 194, 243, 248, 254, 296, 300, 302, ...Halbjährliche Kontrolle des Stabbreithalters44687[51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 6...166
.....................
3721[48008]AS 6451[1139]1
5085[79568]Triax51[250]1
6280[116518]fehlt51[1662]1
3733[48167]9521[1139]1
3736[48170]x11[1139]1
\n", + "

6772 rows × 6 columns

\n", + "
" + ], + "text/plain": [ + " batched_idxs \\\n", + "162 [232, 241, 242, 244, 247, 249, 268, 269, 289, ... \n", + "33 [37, 50, 57, 61, 129, 245, 246, 266, 353, 378,... \n", + "131 [179, 196, 216, 350, 355, 408, 426, 427, 428, ... \n", + "160 [224, 276, 277, 278, 279, 280, 281, 282, 283, ... \n", + "140 [191, 192, 194, 243, 248, 254, 296, 300, 302, ... \n", + "... ... \n", + "3721 [48008] \n", + "5085 [79568] \n", + "6280 [116518] \n", + "3733 [48167] \n", + "3736 [48170] \n", + "\n", + " entry len num_occur \\\n", + "162 Tägliche Wartungstätigkeiten nach Vorgabe des ... 66 92592 \n", + "33 Wöchentliche Sichtkontrolle / Reinigung 39 1654 \n", + "131 Tägliche Überprüfung der Ölabscheider 37 1616 \n", + "160 Wöchentliche Kontrolle der WC-Anlagen 37 1265 \n", + "140 Halbjährliche Kontrolle des Stabbreithalters 44 687 \n", + "... ... .. ... \n", + "3721 AS 64 5 1 \n", + "5085 Triax 5 1 \n", + "6280 fehlt 5 1 \n", + "3733 95 2 1 \n", + "3736 x 1 1 \n", + "\n", + " assoc_obj_ids num_assoc_obj_ids \n", + "162 [0, 17, 41, 42, 43, 44, 45, 46, 47, 51, 52, 53... 206 \n", + "33 [301, 304, 305, 313, 314, 331, 332, 510, 511, ... 18 \n", + "131 [0, 970, 2134, 2137] 4 \n", + "160 [1352, 1353, 1354, 1684, 1685, 1686, 1687, 168... 11 \n", + "140 [51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 6... 166 \n", + "... ... ... \n", + "3721 [1139] 1 \n", + "5085 [250] 1 \n", + "6280 [1662] 1 \n", + "3733 [1139] 1 \n", + "3736 [1139] 1 \n", + "\n", + "[6772 rows x 6 columns]" + ] + }, + "execution_count": 100, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "df" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "5315fdc7-79b9-40d7-b06b-60797b389f3c", + "metadata": {}, + "outputs": [], + "source": [] + }, + { + "cell_type": "code", + "execution_count": 101, + "id": "aec149fc-1064-4fb9-9e50-37ca7e8148bc", + "metadata": {}, + "outputs": [], + "source": [ + "cropped = df.iloc[:1000]" + ] + }, + { + "cell_type": "code", + "execution_count": 102, + "id": "88f02b12-82de-423a-aaeb-1d7cfdf6d15e", + "metadata": { + "scrolled": true + }, + "outputs": [], + "source": [ + "entries = tuple(cropped['entry'])" + ] + }, + { + "cell_type": "code", + "execution_count": 103, + "id": "4283f2d4-1e69-4363-8aef-bfd14b88eb94", + "metadata": { + "scrolled": true + }, + "outputs": [ + { + "data": { + "text/plain": [ + "'query: Tägliche Wartungstätigkeiten nach Vorgabe des Maschinenherstellers'" + ] + }, + "execution_count": 103, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "# adaption to new model\n", + "query = 'query: Retrieve semantically similar text: '\n", + "new_entries = []\n", + "for doc in entries:\n", + " new_doc = 'query: ' + doc\n", + " new_entries.append(new_doc)\n", + "new_entries[0]" + ] + }, + { + "cell_type": "code", + "execution_count": 121, + "id": "1693c388-a1b5-4f9f-bcf0-86433c0b225f", + "metadata": {}, + "outputs": [], + "source": [ + "dimensions = 1024\n", + "model = SentenceTransformer(STFRModelTypes.E5_BASE_STS_EN_DE)" + ] + }, + { + "cell_type": "code", + "execution_count": 119, + "id": "0121f989-8c31-40e1-8c78-7c05869f7d08", + "metadata": {}, + "outputs": [], + "source": [ + "model = model_quant" + ] + }, + { + "cell_type": "code", + "execution_count": 122, + "id": "a06970d6-728d-4fa6-99be-df07db37e271", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "52.8 s ± 1.09 s per loop (mean ± std. dev. of 7 runs, 1 loop each)\n" + ] + } + ], + "source": [ + "%%timeit\n", + "#model = load_models(model_name_new)\n", + "embds = model.encode(entries, convert_to_numpy=False, convert_to_tensor=True)\n", + "sims = model.similarity(embds, embds).numpy()\n", + "sims.shape" + ] + }, + { + "cell_type": "code", + "execution_count": 120, + "id": "24617ed1-e48e-448a-a064-3e043bd46fac", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "44.3 s ± 490 ms per loop (mean ± std. dev. of 7 runs, 1 loop each)\n" + ] + } + ], + "source": [ + "%%timeit\n", + "#model = load_models(model_name_new)\n", + "embds = model.encode(entries, convert_to_numpy=False, convert_to_tensor=True)\n", + "sims = model.similarity(embds, embds).numpy()\n", + "sims.shape" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "8834ba82-9a4c-40c9-aeeb-cc3c4fbc7660", + "metadata": {}, + "outputs": [], + "source": [] + }, + { + "cell_type": "markdown", + "id": "3039073a-8920-4098-8a94-6039da1fdab5", + "metadata": {}, + "source": [ + "## Test base model and alternative" + ] + }, + { + "cell_type": "code", + "execution_count": 157, + "id": "104df32f-a716-48cc-8af5-f6c60ae735dd", + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2025-01-09 12:33:23 +0000 | lang_main:preprocessing:INFO | Start merging of similarity candidates...\n", + "2025-01-09 12:34:04 +0000 | lang_main:preprocessing:INFO | Similarity candidates merged successfully.\n" + ] + } + ], + "source": [ + "base_model_res = preproc.merge_similarity_duplicates(cropped, model_ref, cos_sim_threshold=0.8)" + ] + }, + { + "cell_type": "code", + "execution_count": 159, + "id": "dc0c1a27-b379-4aa1-bbe5-92305a182f8a", + "metadata": {}, + "outputs": [], + "source": [ + "base_model_res = base_model_res[0]" + ] + }, + { + "cell_type": "code", + "execution_count": 160, + "id": "dd6b1e4b-c368-436c-9421-c6be185ed32e", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "707" + ] + }, + "execution_count": 160, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "len(base_model_res)" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "id": "30baecfb-59ae-4e83-b74c-1f9390218561", + "metadata": {}, + "outputs": [], + "source": [ + "THRESHOLD = 0.88" + ] + }, + { + "cell_type": "code", + "execution_count": 164, + "id": "80807637-d1d1-442c-a11e-6ad8300ed21b", + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2025-01-09 12:40:55 +0000 | lang_main:preprocessing:INFO | Start merging of similarity candidates...\n", + "2025-01-09 12:43:22 +0000 | lang_main:preprocessing:INFO | Similarity candidates merged successfully.\n" + ] + } + ], + "source": [ + "base_model_alt = preproc.merge_similarity_duplicates(cropped, model_alt, cos_sim_threshold=THRESHOLD)" + ] + }, + { + "cell_type": "code", + "execution_count": 165, + "id": "73e557ee-fe47-4dfd-9001-3a280b510440", + "metadata": {}, + "outputs": [], + "source": [ + "base_model_alt = base_model_alt[0]" + ] + }, + { + "cell_type": "code", + "execution_count": 166, + "id": "c7399c19-a6eb-48fa-810b-cb9a8842f2a4", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "425" + ] + }, + "execution_count": 166, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "len(base_model_alt)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "d0f20e31-a471-491a-8ece-b85b9d297b78", + "metadata": {}, + "outputs": [], + "source": [] + }, + { + "cell_type": "markdown", + "id": "64901ecf-17f1-4dc4-a03f-46920334758f", + "metadata": {}, + "source": [ + "- paraphrase-multilingual-mpnet-base-v2\n", + "- paraphrase-multilingual-MiniLM-L12-v2" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "70286ffa-e1b1-44a5-89bd-6f9152b6a535", + "metadata": {}, + "outputs": [], + "source": [] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "fa1e11c7-ab37-40d5-8226-7be6ee308601", + "metadata": {}, + "outputs": [], + "source": [] + }, + { + "cell_type": "code", + "execution_count": 41, + "id": "8740ae6e-2d3c-4d95-86ef-87d4b04f3157", + "metadata": {}, + "outputs": [], + "source": [ + "from sentence_transformers.util import cos_sim" + ] + }, + { + "cell_type": "code", + "execution_count": 42, + "id": "d0c3a950-2102-40a7-975c-2a98d381a586", + "metadata": {}, + "outputs": [], + "source": [ + "import torch\n", + "from transformers import AutoModel\n", + "from numpy.linalg import norm\n", + "\n" + ] + }, + { + "cell_type": "code", + "execution_count": 48, + "id": "ebe337c7-8b21-421f-8095-f68ae37ce8d6", + "metadata": {}, + "outputs": [], + "source": [ + "model = load_models(STFRModelTypes.JINAAI_BASE_DE_V2, trust_remote=True, use_onnx=True)\n", + "if model.max_seq_length > 1024:\n", + " model.max_seq_length = 1024" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "29840a14-bf17-4cc4-bb4f-c3b00f2422ec", + "metadata": {}, + "outputs": [], + "source": [] + }, + { + "cell_type": "code", + "execution_count": 49, + "id": "6fcbf4af-a678-4b0c-920c-27f3f3e2dee0", + "metadata": {}, + "outputs": [], + "source": [ + "embeddings = model.encode(entries)" + ] + }, + { + "cell_type": "code", + "execution_count": 51, + "id": "9971f273-c4df-43c8-8abd-f07be4c8a3d4", + "metadata": {}, + "outputs": [], + "source": [ + "sims, duration = benchmark_sims(model, entries)" + ] + }, + { + "cell_type": "code", + "execution_count": 52, + "id": "2bdd781f-4beb-4d3a-8a77-61e56be0baae", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "54.76219579999997" + ] + }, + "execution_count": 52, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "duration" + ] + }, + { + "cell_type": "code", + "execution_count": 90, + "id": "300c9bfe-62ce-4eb9-b707-23dee83d8f29", + "metadata": {}, + "outputs": [], + "source": [ + "import numpy as np" + ] + }, + { + "cell_type": "code", + "execution_count": 112, + "id": "6817f87c-7ce4-4300-9aac-667f678b7e5d", + "metadata": {}, + "outputs": [], + "source": [ + "THRESHOLD = 0.85\n", + "sim = sims.copy()" + ] + }, + { + "cell_type": "code", + "execution_count": 113, + "id": "f773f222-b60b-458f-8b98-47ac969e3afc", + "metadata": {}, + "outputs": [], + "source": [ + "np.fill_diagonal(sim, 0)\n", + "sim = np.triu(sim)\n", + "#arr = np.where(sim > THRESHOLD, sim, 0)" + ] + }, + { + "cell_type": "code", + "execution_count": 114, + "id": "78b24c4e-0d9d-4496-ad99-5084a06ef441", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "499500" + ] + }, + "execution_count": 114, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "np.count_nonzero(sim)" + ] + }, + { + "cell_type": "code", + "execution_count": 115, + "id": "b3475c04-a4cf-48a8-92f5-0762ba8d16a0", + "metadata": {}, + "outputs": [], + "source": [ + "idx = np.argwhere(sim >= THRESHOLD)" + ] + }, + { + "cell_type": "code", + "execution_count": 116, + "id": "a0861792-2d52-4b2f-bd7f-6d5db85ce78d", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "array([ 1, 15])" + ] + }, + "execution_count": 116, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "idx[0]" + ] + }, + { + "cell_type": "code", + "execution_count": 117, + "id": "c97564aa-c75c-4428-8137-6c0aa94c3679", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Text pair with >>0.9210827350616455<<:\n", + "Wöchentliche Sichtkontrolle / Reinigung\n", + "---\n", + "Wöchentliche Sichtprüfung / Reinigung\n", + "\n", + "\n", + "Text pair with >>0.8897931575775146<<:\n", + "Wöchentliche Sichtkontrolle / Reinigung\n", + "---\n", + "Monatliche Sichtkontrolle / Reinigung\n", + "\n", + "\n", + "Text pair with >>0.8792937397956848<<:\n", + "Prüfung von: - Scharniere - Dichtung - Schließvorrichtung - Schloß - Beschlag - allgemeine Funktion - Schmierung - Festhaltevorrichtung\n", + "---\n", + "Monatliche Prüfung von: - Scharniere - Dichtung - Schließvorrichtung - Schloß - Beschlag - allgemeine Funktion - Schmierung - Festhaltevorrichtung\n", + "\n", + "\n", + "Text pair with >>0.9156877994537354<<:\n", + "Prüfung von: - Scharniere - Dichtung - Schließvorrichtung - Schloß - Beschlag - allgemeine Funktion - Schmierung - Festhaltevorrichtung\n", + "---\n", + "Prüfung von: Hr. Förster - Scharniere - Dichtung - Schließvorrichtung - Schloß - Beschlag - allgemeine Funktion - Schmierung - Festhaltevorrichtung\n", + "\n", + "\n", + "Text pair with >>0.9321640133857727<<:\n", + "Prüfung von: - Scharniere - Dichtung - Schließvorrichtung - Schloß - Beschlag - allgemeine Funktion - Schmierung - Festhaltevorrichtung\n", + "---\n", + "Prüfung von: - Scharnier - Dichtung - Schließvorrichtung - Schloß - Türgriff - allgemeine Funktion - Schmierung - Festhaltevorrichtung\n", + "\n", + "\n", + "Text pair with >>0.8715114593505859<<:\n", + "Wöchentliche Sichtprüfung / Reinigung\n", + "---\n", + "Monatliche Sichtprüfung / Reinigung\n", + "\n", + "\n", + "Text pair with >>0.8931483030319214<<:\n", + "Analyse von: Kesselwasser - Speisewasser - Kondensat Wasserverbrauch überprüfen\n", + "---\n", + "Tägliche Kontrolle: Analyse von: Kesselwasser - Speisewasser - Kondensat - Wasserverbrauch überprüfen\n", + "\n", + "\n", + "Text pair with >>0.9389513731002808<<:\n", + "Tägliche Interne Wartungstätigkeiten durch die Maschinenbediener der Laserabteilung (Arbeitspläne müssen abgearbeitet werden)\n", + "---\n", + "Wöchentliche Interne Wartungstätigkeiten durch die Maschinenbediener der Laserabteilung (Arbeitspläne müssen abgearbeitet werden)\n", + "\n", + "\n", + "Text pair with >>0.8958828449249268<<:\n", + "Tägliche Interne Wartungstätigkeiten durch die Maschinenbediener der Laserabteilung (Arbeitspläne müssen abgearbeitet werden)\n", + "---\n", + "Monatliche Interne Wartungstätigkeiten durch die Maschinenbediener der Laserabteilung (Arbeitspläne müssen abgearbeitet werden)\n", + "\n", + "\n", + "Text pair with >>0.956008791923523<<:\n", + "Vorgabe aus Wartungsplan Firma Menzel (siehe Vorbelegung Extradaten) Rollenkette zweifach - kontrollieren gegebenenfalls reinigen und schmieren\n", + "---\n", + "Vorgabe aus Wartungsplan Firma Menzel (siehe Vorbelegung Extradaten) Rollenkette zweifach - kontrollieren gegebenfalls reinigen und schmieren\n", + "\n", + "\n", + "Text pair with >>0.9408925771713257<<:\n", + "Vorgaben aus Brückner Wartungsplan (siehe Extradaten)\n", + "---\n", + "Vorgaben aus Brückner Wartungsplan siehe Extradaten\n", + "\n", + "\n", + "Text pair with >>0.8816083669662476<<:\n", + "Monatliche Kontrolle des Pflasterschrank Bei Bedarf an Verbandsmaterial bitte Ticket an das Magazin. (Auflistung des Verbandsmaterial findet man unter den Extradaten (UTT intern) des Objektes)\n", + "---\n", + "Monatliche Kontrolle des Pflasterschrank Bei Bedarf an Verbandsmaterial bitte Ticket an das Magazin.\n", + "\n", + "\n", + "Text pair with >>0.9160060882568359<<:\n", + "Wöchentliche Kontrolle der digitalen Feuchte und Temperatursensoren mit Hilfe des Efficio-System. (Messwerte abgleichen - Vorgabe Weberei 65% / 22°C)\n", + "---\n", + "Wöchentliche Kontrolle der digitalen Feuchte und Temperatursensoren mit Hilfe des Efficio-System. (Messwerte abgleichen - Vorgabe Weberei 65% / 22°C) Ahmetaj: Hinweis: derzeit nicht abgleichbar da Erneuerung der Steuerung durch Elektriker Anlage wird aber beobachtet\n", + "\n", + "\n", + "Text pair with >>0.9480097889900208<<:\n", + "2-wöchige Reinigung & Sichtkontrolle (Technische Einrichtungen / Luftdruckkontrolle)\n", + "---\n", + "2-Wöchentliche Reinigung & Sichtkontrolle (Technische Einrichtungen / Luftdruckkontrolle)\n", + "\n", + "\n", + "Text pair with >>0.8540077209472656<<:\n", + "2-wöchige Reinigung & Sichtkontrolle (Technische Einrichtungen / Luftdruckkontrolle)\n", + "---\n", + "2-wöchige Sichtkontrolle (Technische Einrichtungen / Luftdruckkontrolle)\n", + "\n", + "\n", + "Text pair with >>0.9614907503128052<<:\n", + "Wöchentliche Kontrolle Sprinkleranlage\n", + "---\n", + "Wöchentliche Kontrolle der Sprinkleranlage\n", + "\n", + "\n", + "Text pair with >>0.9066085815429688<<:\n", + "Monatliche Sichtkontrolle / Reinigung\n", + "---\n", + "Monatliche Sichtprüfung / Reinigung\n", + "\n", + "\n", + "Text pair with >>0.9329557418823242<<:\n", + "Monatliche Kontrolle / Reinigung / Abschmierung von: Ventilatoren und Motoren -wird alle 3 Monate durchgeführt - Erledigungsdatum wird am Motor angeschrieben - ansonsten nach Bedarf / Wechseln der UV-Röhren (nach Betriebsstunden) / Wäscherkontrolle (Reinigung bei Bedarf) / Trommeln\n", + "---\n", + "Monatliche Kontrolle / Reinigung / Abschmierung von: Ventilatoren und Motoren -wird alle 3 Monate durchgeführt - Erledigungsdatum wird am Motor angeschrieben - ansonsten nach Bedarf / Wäscherkontrolle (Reinigung bei Bedarf) / Trommeln\n", + "\n", + "\n", + "Text pair with >>0.9679458141326904<<:\n", + "- Reinigen des Gerätes von Außen mit einem feuchten Reinigungstuch - keine Lösungsmittel oder \"scharfe\" Reiniger verwenden. - Sichtprüfung des Luftreinigers (Filter und Geräteinneres) auf Verschmutzung und/oder Beschädigungen - Prüfen, dass alle Schrauben fest sitzen. - Vorfilter auf Verunreinigungen prüfen (evtl. tauschen) - Sicherstellung, dass keine Ansaug- und Ausblasöffnungen bedeckt sind und keine Verschmutzungen/lose Fremdkörper auf der Ausblasöffnung liegen.\n", + "---\n", + "- Reinigen des Gerätes von Außen mit einem feuchten Reinigungstuch - keine Lösungsmittel oder \"scharfe\" Reiniger verwenden. - Sichtprüfung des Luftreinigers (Filter und Geräteinneres) auf Verschmutzung und/oder Beschädigungen - Prüfen, dass alle Schrauben fest sitzen. - Vorfilter auf Verunreinigungen prüfen (evtl. tauschen) - Sicherstellung, dass keine Ansaug- und Ausblasöffnungen bedeckt sind und keine Verschmutzungen/lose Fremdkörper auf dem Ausblas liegen.\n", + "\n", + "\n", + "Text pair with >>0.8935885429382324<<:\n", + "Überprüfung von: - Indikator Testomat - Wasserhärte - Filter - Vordruck Enthärtung\n", + "---\n", + "Tägliche Überprüfung von: Indikator Testomat / Wasserhärte / Filter / Vordruck Enthärtung\n", + "\n", + "\n", + "Text pair with >>0.9557639956474304<<:\n", + "Wöchentliche Kontrolle Klimagerät Inneneinheit: Kontrollieren der Filert auf Verschmutzung / Kontrollieren der Temperatur Außeneinheit: Luftansaugseite: Sauberkeit der Filter kontrollieren / Auf Laufgeräusche achten Befeuchter: Kontrollieren der Feuchte / Optische Kontrolle von Ein, Auslassventil und Dampfzylinder (Verkalkung)\n", + "---\n", + "Wöchentliche Kontrolle Klimagerät Inneneinheit: Kontrollieren der Filter auf Verschmutzung / Kontrollieren der Temperatur Außeneinheit: Luftansaugseite: Sauberkeit der Filter kontrollieren / Auf Laufgeräusche achten Befeuchter: Kontrollieren der Feuchte / Optische Kontrolle von Ein, Auslassventil und Dampfzylinder (Verkalkung)\n", + "\n", + "\n", + "Text pair with >>0.8623278141021729<<:\n", + "Prüfung von: Hr. Förster - Scharniere - Dichtung - Schließvorrichtung - Schloß - Beschlag - allgemeine Funktion - Schmierung - Festhaltevorrichtung\n", + "---\n", + "Prüfung von: - Scharnier - Dichtung - Schließvorrichtung - Schloß - Türgriff - allgemeine Funktion - Schmierung - Festhaltevorrichtung\n", + "\n", + "\n", + "Text pair with >>0.9198158979415894<<:\n", + "Jährliche Wartung der RWA-Klappen\n", + "---\n", + "Jährliche Wartung/Prüfung der RWA-Klappen\n", + "\n", + "\n", + "Text pair with >>0.9503133296966553<<:\n", + "Vorgabe aus Wartungsplan Firma Mahlo (siehe Extradaten)\n", + "---\n", + "Vorgabe aus Wartungsplan Firma Mahlo (siehe Vorbelegung Extradaten)\n", + "\n", + "\n", + "Text pair with >>0.9231461882591248<<:\n", + "Wöchentliche Interne Wartungstätigkeiten durch die Maschinenbediener der Laserabteilung (Arbeitspläne müssen abgearbeitet werden)\n", + "---\n", + "Monatliche Interne Wartungstätigkeiten durch die Maschinenbediener der Laserabteilung (Arbeitspläne müssen abgearbeitet werden)\n", + "\n", + "\n", + "Text pair with >>0.9229674339294434<<:\n", + "Vorgabe aus Wartungsplan Firma Menzel (siehe Vorbelegung Extradaten) Stehlager SI-40, mit Hochtemperatureinsatz - Gewindestiftbefestigung - nachschmieren Stehlager SI-40, mit Hochtemperatureinsatz - Exzenterringbefestigung - nachschmieren Flanschlager-quadrat FUU-80 mit Hochtemperatureinsatz - nachschmieren Flanschlager-quadrat FI-40 mit Hochtemperatureinsatz - Exzenterringbefestigung - nachschmieren Flanschlager-quadrat FIS-40 mit Hochtemperatureinsatz - Gewindebefestigung - nachschmieren\n", + "---\n", + "Vorgabe aus Wartungsplan Firma Menzel (siehe Vorbelegung Extradaten) Stehlager SI-40, Gewindestiftbefestigung - nachschmieren Stehlager SI-40, Exzenterringbefestigung - nachschmieren Flanschlager-quadrat FIS-40 mit Hochtemperatureinsatz -Gewindestiftbefestigung - nachschmieren Flanschlager-quadrat FI-40 mit Hochtemperatureinsatz - Exzenterringbefestigung - nachschmieren\n", + "\n", + "\n", + "Text pair with >>0.894595205783844<<:\n", + "Vorgabe aus Wartungsplan Firma Menzel (siehe Vorbelegung Extradaten) Stehlager SI-40, mit Hochtemperatureinsatz - Gewindestiftbefestigung - nachschmieren Stehlager SI-40, mit Hochtemperatureinsatz - Exzenterringbefestigung - nachschmieren Flanschlager-quadrat FUU-80 mit Hochtemperatureinsatz - nachschmieren Flanschlager-quadrat FI-40 mit Hochtemperatureinsatz - Exzenterringbefestigung - nachschmieren Flanschlager-quadrat FIS-40 mit Hochtemperatureinsatz - Gewindebefestigung - nachschmieren\n", + "---\n", + "Vorgabe aus Wartungsplan Firma Menzel (siehe Vorbelegung Extradaten) Flanschlager-quadrat Lagereinsatz Hochtemperatur - nachschmieren Stehlager SI-40 Gewindestiftbefestigung - nachschmieren Stehlager SI-40 Exzenterringbefestigung - nachschmieren Flanschlager-quadrat FIS-40 Gewindestiftbefestigung - nachschmieren Flanschlager-quadrat FI-40 Exzenterringbefestigung - nachschmieren\n", + "\n", + "\n", + "Text pair with >>0.896432638168335<<:\n", + "Vorgabe aus Wartungsplan Firma Menzel (siehe Vorbelegung Extradaten) Stehlager SI-40, mit Hochtemperatureinsatz - Gewindestiftbefestigung - nachschmieren Stehlager SI-40, mit Hochtemperatureinsatz - Exzenterringbefestigung - nachschmieren Flanschlager-quadrat FUU-80 mit Hochtemperatureinsatz - nachschmieren Flanschlager-quadrat FI-40 mit Hochtemperatureinsatz - Exzenterringbefestigung - nachschmieren Flanschlager-quadrat FIS-40 mit Hochtemperatureinsatz - Gewindebefestigung - nachschmieren\n", + "---\n", + "Vorgabe aus Wartungsplan Firma Menzel (siehe Vorbelegung Extradaten) Flanschlager-quadrat FUU-80 mit Hochtemperatureinsatz - nachschmieren Flanschlager-quadrat FI-40 mit Hochtemperatureinsatz - Exzenterringbefestigung - nachschmieren Flanschlager-quadrat FIS-40 mit Hochtemperatureinsatz - Gewindebefestigung - nachschmieren\n", + "\n", + "\n", + "Text pair with >>0.9396674036979675<<:\n", + "Vorgabe aus Wartungsplan Firma Menzel (siehe Vorbelegung Extradaten) Stehlager SI-40, Gewindestiftbefestigung - nachschmieren Stehlager SI-40, Exzenterringbefestigung - nachschmieren Flanschlager-quadrat FIS-40 mit Hochtemperatureinsatz -Gewindestiftbefestigung - nachschmieren Flanschlager-quadrat FI-40 mit Hochtemperatureinsatz - Exzenterringbefestigung - nachschmieren\n", + "---\n", + "Vorgabe aus Wartungsplan Firma Menzel (siehe Vorbelegung Extradaten) Flanschlager-quadrat Lagereinsatz Hochtemperatur - nachschmieren Stehlager SI-40 Gewindestiftbefestigung - nachschmieren Stehlager SI-40 Exzenterringbefestigung - nachschmieren Flanschlager-quadrat FIS-40 Gewindestiftbefestigung - nachschmieren Flanschlager-quadrat FI-40 Exzenterringbefestigung - nachschmieren\n", + "\n", + "\n", + "Text pair with >>0.8566708564758301<<:\n", + "Vorgabe aus Wartungsplan Firma Menzel (siehe Vorbelegung Extradaten) Stehlager SI-40, Gewindestiftbefestigung - nachschmieren Stehlager SI-40, Exzenterringbefestigung - nachschmieren Flanschlager-quadrat FIS-40 mit Hochtemperatureinsatz -Gewindestiftbefestigung - nachschmieren Flanschlager-quadrat FI-40 mit Hochtemperatureinsatz - Exzenterringbefestigung - nachschmieren\n", + "---\n", + "Vorgabe aus Wartungsplan Firma Menzel (siehe Vorbelegung Extradaten) Flanschlager-quadrat FIS-40, Gewindestiftbefestigung - nachschmieren Flanschlager-quadrat FIS-40, Exzenterringbefestigung - nachschmieren\n", + "\n", + "\n" + ] + } + ], + "source": [ + "count = 0\n", + "for entry in idx:\n", + " if count == 30:\n", + " break\n", + " txt1 = entries[entry[0]]\n", + " txt2 = entries[entry[1]]\n", + " value = sim[entry[0],entry[1]]\n", + " print(f'Text pair with >>{value}<<:\\n{txt1}\\n---\\n{txt2}\\n\\n')\n", + "\n", + " count += 1" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "5235664b-0903-4f6f-b266-6cf95f2a8879", + "metadata": { + "jp-MarkdownHeadingCollapsed": true + }, + "outputs": [], + "source": [ + "docs = [\n", + " 'Tägliche Wartungstätigkeiten nach Vorgabe des Maschinenherstellers',\n", + " 'Monatliche Prüfung von: - Scharniere - Dichtung - Schließvorrichtung - Schloß - Beschlag - allgemeine Funktion - Schmierung - Festhaltevorrichtung',\n", + "]" + ] + }, + { + "cell_type": "code", + "execution_count": 293, + "id": "fc275740-6399-4cc9-bb17-6f597b096b5f", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "(2, 2)" + ] + }, + "execution_count": 293, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "embds = model_alt.encode(docs, normalize_embeddings=True)\n", + "sims_t = model_alt.similarity(embds, embds).numpy()\n", + "sims_t.shape" + ] + }, + { + "cell_type": "code", + "execution_count": 294, + "id": "a553ff5a-bc07-4ddf-bd03-8f557d3c738d", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "array([[0.99999976, 0.7587665 ],\n", + " [0.75876653, 1.0000002 ]], dtype=float32)" + ] + }, + "execution_count": 294, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "sims_t" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "7d5b165e-297e-46ad-a16d-ad2b2c6a5802", + "metadata": {}, + "outputs": [], + "source": [] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "06e89222-cc74-4cce-9af0-474e9c26d224", + "metadata": {}, + "outputs": [], + "source": [] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "d0baa781-3a60-45da-ae29-45cd76efec97", + "metadata": {}, + "outputs": [], + "source": [] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3 (ipykernel)", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.11.10" + } + }, + "nbformat": 4, + "nbformat_minor": 5 +} diff --git a/benchmark/stfr.py b/benchmark/stfr.py new file mode 100644 index 0000000..4af8206 --- /dev/null +++ b/benchmark/stfr.py @@ -0,0 +1,57 @@ +import os +from pathlib import Path + +os.environ['LANG_MAIN_STOP_SEARCH_FOLDERNAME'] = 'tom-plugin' +os.environ['LANG_MAIN_BASE_FOLDERNAME'] = 'tom-plugin' + +from lang_main.constants import SimilarityFunction +from lang_main.model_loader import load_sentence_transformer as load_stfr +from lang_main.types import ( + ONNXExecutionProvider, + STFRBackends, + STFRDeviceTypes, + STFRModelArgs, + TorchDTypes, +) + +MODEL_NAME = 'mixedbread-ai/deepset-mxbai-embed-de-large-v1' + +MODEL_ARGS: STFRModelArgs = { + # 'torch_dtype': 'float32', + 'export': False, + # 'file_name': 'onnx/model_uint8.onnx', # type: ignore + 'file_name': 'onnx/model_quantized.onnx', # type: ignore + 'provider': ONNXExecutionProvider.CPU, +} + +MODEL_PATH = Path(r'A:\Arbeitsaufgaben\lang-models') + + +def load_models(model_name: str, trust_remote: bool = False, use_onnx: bool = False): + assert MODEL_PATH.exists(), 'model path not existing' + if use_onnx: + model_kwargs = MODEL_ARGS + backend = STFRBackends.ONNX + else: + model_kwargs = {'torch_dtype': 'float32'} + backend = STFRBackends.TORCH + + stfr_model = load_stfr( + model_name=model_name, # type: ignore + similarity_func=SimilarityFunction.COSINE, + backend=backend, + local_files_only=False, + trust_remote_code=trust_remote, + model_save_folder=str(MODEL_PATH), + model_kwargs=model_kwargs, + ) + + return stfr_model + + +def main(): + load_models(MODEL_NAME) + + +if __name__ == '__main__': + main() diff --git a/benchmark/test.toml b/benchmark/test.toml new file mode 100644 index 0000000..858cb5e --- /dev/null +++ b/benchmark/test.toml @@ -0,0 +1,2 @@ +[test] +t1 = nan \ No newline at end of file diff --git a/build.ps1 b/build.ps1 new file mode 100644 index 0000000..edb0a24 --- /dev/null +++ b/build.ps1 @@ -0,0 +1 @@ +pdm build -d build/ \ No newline at end of file diff --git a/bump_prerelease_num.ps1 b/bump_prerelease_num.ps1 new file mode 100644 index 0000000..2855af1 --- /dev/null +++ b/bump_prerelease_num.ps1 @@ -0,0 +1,2 @@ +pdm run bump-my-version bump pre_n +pdm run bump-my-version show current_version \ No newline at end of file diff --git a/bump_release_type.ps1 b/bump_release_type.ps1 new file mode 100644 index 0000000..3d315ad --- /dev/null +++ b/bump_release_type.ps1 @@ -0,0 +1,2 @@ +pdm run bump-my-version bump pre_l +pdm run bump-my-version show current_version \ No newline at end of file diff --git a/lang_main_config.toml b/lang_main_config.toml new file mode 100644 index 0000000..a50886c --- /dev/null +++ b/lang_main_config.toml @@ -0,0 +1,59 @@ +# d-opt -- lang_main: config file + +[paths] +inputs = './lang-data/in/' +results = './lang-data/out/' +models = './lang-models/converted' + +[models] +use_large_model = false + +[logging] +enabled = true +stderr = true +file = true + +# control which pipelines are executed +[control] +preprocessing_skip = false +token_analysis_skip = false +graph_postprocessing_skip = false +graph_rescaling_skip = false +graph_static_rendering_skip = true +time_analysis_skip = true + +[preprocess] +date_cols = [ + "VorgangsDatum", + "ErledigungsDatum", + "Arbeitsbeginn", + "ErstellungsDatum", +] +target_feature = "VorgangsBeschreibung" +threshold_amount_characters = 5 +threshold_similarity = 0.92 + +[graph_postprocessing] +max_edge_number = -1 + +[time_analysis.uniqueness] +threshold_unique_texts = 5 +criterion_feature = 'HObjektText' +feature_name_obj_id = 'ObjektID' +feature_name_obj_text = 'HObjektText' + +[time_analysis.preparation] +name_delta_feat_to_repair = 'Zeitspanne bis zur Behebung [Tage]' +name_delta_feat_to_next_failure = 'Zeitspanne bis zum nächsten Ereignis [Tage]' + +[time_analysis.model_input] +input_features = [ + 'VorgangsBeschreibung', +] +activity_feature = 'VorgangsTypName' +activity_types = [ + 'Reparaturauftrag (Portal)', + 'Störungsmeldung', +] +threshold_num_activities = 1 +threshold_similarity = 0.8 \ No newline at end of file diff --git a/lang_main_config_old.toml b/lang_main_config_old.toml new file mode 100644 index 0000000..5011212 --- /dev/null +++ b/lang_main_config_old.toml @@ -0,0 +1,56 @@ +# d-opt -- lang_main: config file + +[paths] +inputs = './lang-data/in/' +results = './lang-data/out/' +models = './lang-models/converted' + +[logging] +enabled = true +stderr = true +file = true + +# control which pipelines are executed +[control] +preprocessing_skip = false +token_analysis_skip = false +graph_postprocessing_skip = false +graph_rescaling_skip = false +graph_static_rendering_skip = true +time_analysis_skip = true + +[preprocess] +date_cols = [ + "VorgangsDatum", + "ErledigungsDatum", + "Arbeitsbeginn", + "ErstellungsDatum", +] +target_feature = "VorgangsBeschreibung" +threshold_amount_characters = 5 +threshold_similarity = 0.92 + +[graph_postprocessing] +max_edge_number = -1 + +[time_analysis.uniqueness] +threshold_unique_texts = 5 +criterion_feature = 'HObjektText' +feature_name_obj_id = 'ObjektID' +feature_name_obj_text = 'HObjektText' + +[time_analysis.preparation] +name_delta_feat_to_repair = 'Zeitspanne bis zur Behebung [Tage]' +name_delta_feat_to_next_failure = 'Zeitspanne bis zum nächsten Ereignis [Tage]' + +[time_analysis.model_input] +input_features = [ + 'VorgangsBeschreibung', +] +activity_feature = 'VorgangsTypName' +activity_types = [ + 'Reparaturauftrag (Portal)', + 'Störungsmeldung', +] +threshold_num_activities = 1 +threshold_similarity = 0.8 \ No newline at end of file diff --git a/lang_main_config_old2.toml b/lang_main_config_old2.toml new file mode 100644 index 0000000..075f4de --- /dev/null +++ b/lang_main_config_old2.toml @@ -0,0 +1,63 @@ +# lang_main: Config file + +[paths] +inputs = './lang-data/in' +# results = './results/dummy_N_1000/' +# dataset = '../data/Dummy_Dataset_N_1000.csv' +results = './lang-data/out' +models = './lang-models/converted' + +[logging] +enabled = true +stderr = true +file = true + +# control which pipelines are executed +[control] +preprocessing_skip = false +token_analysis_skip = false +graph_postprocessing_skip = false +graph_rescaling_skip = false +graph_static_rendering_skip = false +time_analysis_skip = true + +[preprocess] +date_cols = [ + "VorgangsDatum", + "ErledigungsDatum", + "Arbeitsbeginn", + "ErstellungsDatum", +] +threshold_amount_characters = 5 +threshold_similarity = 0.8 + +[graph_postprocessing] +threshold_edge_number = 500 +# threshold_edge_weight = 150 + +[time_analysis.uniqueness] +threshold_unique_texts = 4 +criterion_feature = 'HObjektText' +feature_name_obj_id = 'ObjektID' +feature_name_obj_text = 'HObjektText' + +[time_analysis.preparation] +name_delta_feat_to_repair = 'Zeitspanne bis zur Behebung [Tage]' +name_delta_feat_to_next_failure = 'Zeitspanne bis zum nächsten Ereignis [Tage]' + +[time_analysis.model_input] +# input_features = [ +# 'VorgangsTypName', +# 'VorgangsArtText', +# 'VorgangsBeschreibung', +# ] +input_features = [ + 'VorgangsBeschreibung', +] +activity_feature = 'VorgangsTypName' +activity_types = [ + 'Reparaturauftrag (Portal)', + 'Störungsmeldung', +] +threshold_num_acitivities = 1 +threshold_similarity = 0.8 \ No newline at end of file diff --git a/pdm.lock b/pdm.lock new file mode 100644 index 0000000..daffc0d --- /dev/null +++ b/pdm.lock @@ -0,0 +1,3966 @@ +# This file is @generated by PDM. +# It is not intended for manual editing. + +[metadata] +groups = ["default", "dev"] +strategy = ["inherit_metadata"] +lock_version = "4.5.0" +content_hash = "sha256:3ab6b2982d5f572e18f99aaeb49ab8e52ec4a9ddc44855cbed6157dadabfdc88" + +[[metadata.targets]] +requires_python = ">=3.11" + +[[package]] +name = "aiohappyeyeballs" +version = "2.4.4" +requires_python = ">=3.8" +summary = "Happy Eyeballs for asyncio" +groups = ["default"] +files = [ + {file = "aiohappyeyeballs-2.4.4-py3-none-any.whl", hash = "sha256:a980909d50efcd44795c4afeca523296716d50cd756ddca6af8c65b996e27de8"}, + {file = "aiohappyeyeballs-2.4.4.tar.gz", hash = "sha256:5fdd7d87889c63183afc18ce9271f9b0a7d32c2303e394468dd45d514a757745"}, +] + +[[package]] +name = "aiohttp" +version = "3.11.11" +requires_python = ">=3.9" +summary = "Async http client/server framework (asyncio)" +groups = ["default"] +dependencies = [ + "aiohappyeyeballs>=2.3.0", + "aiosignal>=1.1.2", + "async-timeout<6.0,>=4.0; python_version < \"3.11\"", + "attrs>=17.3.0", + "frozenlist>=1.1.1", + "multidict<7.0,>=4.5", + "propcache>=0.2.0", + "yarl<2.0,>=1.17.0", +] +files = [ + {file = "aiohttp-3.11.11-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:ba74ec819177af1ef7f59063c6d35a214a8fde6f987f7661f4f0eecc468a8f76"}, + {file = "aiohttp-3.11.11-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:4af57160800b7a815f3fe0eba9b46bf28aafc195555f1824555fa2cfab6c1538"}, + {file = "aiohttp-3.11.11-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:ffa336210cf9cd8ed117011085817d00abe4c08f99968deef0013ea283547204"}, + {file = "aiohttp-3.11.11-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:81b8fe282183e4a3c7a1b72f5ade1094ed1c6345a8f153506d114af5bf8accd9"}, + {file = "aiohttp-3.11.11-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:3af41686ccec6a0f2bdc66686dc0f403c41ac2089f80e2214a0f82d001052c03"}, + {file = "aiohttp-3.11.11-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:70d1f9dde0e5dd9e292a6d4d00058737052b01f3532f69c0c65818dac26dc287"}, + {file = "aiohttp-3.11.11-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:249cc6912405917344192b9f9ea5cd5b139d49e0d2f5c7f70bdfaf6b4dbf3a2e"}, + {file = "aiohttp-3.11.11-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:0eb98d90b6690827dcc84c246811feeb4e1eea683c0eac6caed7549be9c84665"}, + {file = "aiohttp-3.11.11-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:ec82bf1fda6cecce7f7b915f9196601a1bd1a3079796b76d16ae4cce6d0ef89b"}, + {file = "aiohttp-3.11.11-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:9fd46ce0845cfe28f108888b3ab17abff84ff695e01e73657eec3f96d72eef34"}, + {file = "aiohttp-3.11.11-cp311-cp311-musllinux_1_2_ppc64le.whl", hash = "sha256:bd176afcf8f5d2aed50c3647d4925d0db0579d96f75a31e77cbaf67d8a87742d"}, + {file = "aiohttp-3.11.11-cp311-cp311-musllinux_1_2_s390x.whl", hash = "sha256:ec2aa89305006fba9ffb98970db6c8221541be7bee4c1d027421d6f6df7d1ce2"}, + {file = "aiohttp-3.11.11-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:92cde43018a2e17d48bb09c79e4d4cb0e236de5063ce897a5e40ac7cb4878773"}, + {file = "aiohttp-3.11.11-cp311-cp311-win32.whl", hash = "sha256:aba807f9569455cba566882c8938f1a549f205ee43c27b126e5450dc9f83cc62"}, + {file = "aiohttp-3.11.11-cp311-cp311-win_amd64.whl", hash = "sha256:ae545f31489548c87b0cced5755cfe5a5308d00407000e72c4fa30b19c3220ac"}, + {file = "aiohttp-3.11.11-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:e595c591a48bbc295ebf47cb91aebf9bd32f3ff76749ecf282ea7f9f6bb73886"}, + {file = "aiohttp-3.11.11-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:3ea1b59dc06396b0b424740a10a0a63974c725b1c64736ff788a3689d36c02d2"}, + {file = "aiohttp-3.11.11-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:8811f3f098a78ffa16e0ea36dffd577eb031aea797cbdba81be039a4169e242c"}, + {file = "aiohttp-3.11.11-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:bd7227b87a355ce1f4bf83bfae4399b1f5bb42e0259cb9405824bd03d2f4336a"}, + {file = "aiohttp-3.11.11-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:d40f9da8cabbf295d3a9dae1295c69975b86d941bc20f0a087f0477fa0a66231"}, + {file = "aiohttp-3.11.11-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:ffb3dc385f6bb1568aa974fe65da84723210e5d9707e360e9ecb51f59406cd2e"}, + {file = "aiohttp-3.11.11-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:a8f5f7515f3552d899c61202d99dcb17d6e3b0de777900405611cd747cecd1b8"}, + {file = "aiohttp-3.11.11-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:3499c7ffbfd9c6a3d8d6a2b01c26639da7e43d47c7b4f788016226b1e711caa8"}, + {file = "aiohttp-3.11.11-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:8e2bf8029dbf0810c7bfbc3e594b51c4cc9101fbffb583a3923aea184724203c"}, + {file = "aiohttp-3.11.11-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:b6212a60e5c482ef90f2d788835387070a88d52cf6241d3916733c9176d39eab"}, + {file = "aiohttp-3.11.11-cp312-cp312-musllinux_1_2_ppc64le.whl", hash = "sha256:d119fafe7b634dbfa25a8c597718e69a930e4847f0b88e172744be24515140da"}, + {file = "aiohttp-3.11.11-cp312-cp312-musllinux_1_2_s390x.whl", hash = "sha256:6fba278063559acc730abf49845d0e9a9e1ba74f85f0ee6efd5803f08b285853"}, + {file = "aiohttp-3.11.11-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:92fc484e34b733704ad77210c7957679c5c3877bd1e6b6d74b185e9320cc716e"}, + {file = "aiohttp-3.11.11-cp312-cp312-win32.whl", hash = "sha256:9f5b3c1ed63c8fa937a920b6c1bec78b74ee09593b3f5b979ab2ae5ef60d7600"}, + {file = "aiohttp-3.11.11-cp312-cp312-win_amd64.whl", hash = "sha256:1e69966ea6ef0c14ee53ef7a3d68b564cc408121ea56c0caa2dc918c1b2f553d"}, + {file = "aiohttp-3.11.11-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:541d823548ab69d13d23730a06f97460f4238ad2e5ed966aaf850d7c369782d9"}, + {file = "aiohttp-3.11.11-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:929f3ed33743a49ab127c58c3e0a827de0664bfcda566108989a14068f820194"}, + {file = "aiohttp-3.11.11-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:0882c2820fd0132240edbb4a51eb8ceb6eef8181db9ad5291ab3332e0d71df5f"}, + {file = "aiohttp-3.11.11-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:b63de12e44935d5aca7ed7ed98a255a11e5cb47f83a9fded7a5e41c40277d104"}, + {file = "aiohttp-3.11.11-cp313-cp313-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:aa54f8ef31d23c506910c21163f22b124facb573bff73930735cf9fe38bf7dff"}, + {file = "aiohttp-3.11.11-cp313-cp313-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:a344d5dc18074e3872777b62f5f7d584ae4344cd6006c17ba12103759d407af3"}, + {file = "aiohttp-3.11.11-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:0b7fb429ab1aafa1f48578eb315ca45bd46e9c37de11fe45c7f5f4138091e2f1"}, + {file = "aiohttp-3.11.11-cp313-cp313-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:c341c7d868750e31961d6d8e60ff040fb9d3d3a46d77fd85e1ab8e76c3e9a5c4"}, + {file = "aiohttp-3.11.11-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:ed9ee95614a71e87f1a70bc81603f6c6760128b140bc4030abe6abaa988f1c3d"}, + {file = "aiohttp-3.11.11-cp313-cp313-musllinux_1_2_i686.whl", hash = "sha256:de8d38f1c2810fa2a4f1d995a2e9c70bb8737b18da04ac2afbf3971f65781d87"}, + {file = "aiohttp-3.11.11-cp313-cp313-musllinux_1_2_ppc64le.whl", hash = "sha256:a9b7371665d4f00deb8f32208c7c5e652059b0fda41cf6dbcac6114a041f1cc2"}, + {file = "aiohttp-3.11.11-cp313-cp313-musllinux_1_2_s390x.whl", hash = "sha256:620598717fce1b3bd14dd09947ea53e1ad510317c85dda2c9c65b622edc96b12"}, + {file = "aiohttp-3.11.11-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:bf8d9bfee991d8acc72d060d53860f356e07a50f0e0d09a8dfedea1c554dd0d5"}, + {file = "aiohttp-3.11.11-cp313-cp313-win32.whl", hash = "sha256:9d73ee3725b7a737ad86c2eac5c57a4a97793d9f442599bea5ec67ac9f4bdc3d"}, + {file = "aiohttp-3.11.11-cp313-cp313-win_amd64.whl", hash = "sha256:c7a06301c2fb096bdb0bd25fe2011531c1453b9f2c163c8031600ec73af1cc99"}, + {file = "aiohttp-3.11.11.tar.gz", hash = "sha256:bb49c7f1e6ebf3821a42d81d494f538107610c3a705987f53068546b0e90303e"}, +] + +[[package]] +name = "aiosignal" +version = "1.3.2" +requires_python = ">=3.9" +summary = "aiosignal: a list of registered asynchronous callbacks" +groups = ["default"] +dependencies = [ + "frozenlist>=1.1.0", +] +files = [ + {file = "aiosignal-1.3.2-py2.py3-none-any.whl", hash = "sha256:45cde58e409a301715980c2b01d0c28bdde3770d8290b5eb2173759d9acb31a5"}, + {file = "aiosignal-1.3.2.tar.gz", hash = "sha256:a8c255c66fafb1e499c9351d0bf32ff2d8a0321595ebac3b93713656d2436f54"}, +] + +[[package]] +name = "annotated-types" +version = "0.7.0" +requires_python = ">=3.8" +summary = "Reusable constraint types to use with typing.Annotated" +groups = ["default", "dev"] +dependencies = [ + "typing-extensions>=4.0.0; python_version < \"3.9\"", +] +files = [ + {file = "annotated_types-0.7.0-py3-none-any.whl", hash = "sha256:1f02e8b43a8fbbc3f3e0d4f0f4bfc8131bcb4eebe8849b8e5c773f3a1c582a53"}, + {file = "annotated_types-0.7.0.tar.gz", hash = "sha256:aff07c09a53a08bc8cfccb9c85b05f1aa9a2a6f23728d790723543408344ce89"}, +] + +[[package]] +name = "anyio" +version = "4.8.0" +requires_python = ">=3.9" +summary = "High level compatibility layer for multiple asynchronous event loop implementations" +groups = ["dev"] +dependencies = [ + "exceptiongroup>=1.0.2; python_version < \"3.11\"", + "idna>=2.8", + "sniffio>=1.1", + "typing-extensions>=4.5; python_version < \"3.13\"", +] +files = [ + {file = "anyio-4.8.0-py3-none-any.whl", hash = "sha256:b5011f270ab5eb0abf13385f851315585cc37ef330dd88e27ec3d34d651fd47a"}, + {file = "anyio-4.8.0.tar.gz", hash = "sha256:1d9fe889df5212298c0c0723fa20479d1b94883a2df44bd3897aa91083316f7a"}, +] + +[[package]] +name = "appnope" +version = "0.1.4" +requires_python = ">=3.6" +summary = "Disable App Nap on macOS >= 10.9" +groups = ["dev"] +marker = "platform_system == \"Darwin\"" +files = [ + {file = "appnope-0.1.4-py2.py3-none-any.whl", hash = "sha256:502575ee11cd7a28c0205f379b525beefebab9d161b7c964670864014ed7213c"}, + {file = "appnope-0.1.4.tar.gz", hash = "sha256:1de3860566df9caf38f01f86f65e0e13e379af54f9e4bee1e66b48f2efffd1ee"}, +] + +[[package]] +name = "argon2-cffi" +version = "23.1.0" +requires_python = ">=3.7" +summary = "Argon2 for Python" +groups = ["dev"] +dependencies = [ + "argon2-cffi-bindings", + "typing-extensions; python_version < \"3.8\"", +] +files = [ + {file = "argon2_cffi-23.1.0-py3-none-any.whl", hash = "sha256:c670642b78ba29641818ab2e68bd4e6a78ba53b7eff7b4c3815ae16abf91c7ea"}, + {file = "argon2_cffi-23.1.0.tar.gz", hash = "sha256:879c3e79a2729ce768ebb7d36d4609e3a78a4ca2ec3a9f12286ca057e3d0db08"}, +] + +[[package]] +name = "argon2-cffi-bindings" +version = "21.2.0" +requires_python = ">=3.6" +summary = "Low-level CFFI bindings for Argon2" +groups = ["dev"] +dependencies = [ + "cffi>=1.0.1", +] +files = [ + {file = "argon2-cffi-bindings-21.2.0.tar.gz", hash = "sha256:bb89ceffa6c791807d1305ceb77dbfacc5aa499891d2c55661c6459651fc39e3"}, + {file = "argon2_cffi_bindings-21.2.0-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:ccb949252cb2ab3a08c02024acb77cfb179492d5701c7cbdbfd776124d4d2367"}, + {file = "argon2_cffi_bindings-21.2.0-cp36-abi3-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:9524464572e12979364b7d600abf96181d3541da11e23ddf565a32e70bd4dc0d"}, + {file = "argon2_cffi_bindings-21.2.0-cp36-abi3-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:b746dba803a79238e925d9046a63aa26bf86ab2a2fe74ce6b009a1c3f5c8f2ae"}, + {file = "argon2_cffi_bindings-21.2.0-cp36-abi3-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:58ed19212051f49a523abb1dbe954337dc82d947fb6e5a0da60f7c8471a8476c"}, + {file = "argon2_cffi_bindings-21.2.0-cp36-abi3-musllinux_1_1_aarch64.whl", hash = "sha256:bd46088725ef7f58b5a1ef7ca06647ebaf0eb4baff7d1d0d177c6cc8744abd86"}, + {file = "argon2_cffi_bindings-21.2.0-cp36-abi3-musllinux_1_1_i686.whl", hash = "sha256:8cd69c07dd875537a824deec19f978e0f2078fdda07fd5c42ac29668dda5f40f"}, + {file = "argon2_cffi_bindings-21.2.0-cp36-abi3-musllinux_1_1_x86_64.whl", hash = "sha256:f1152ac548bd5b8bcecfb0b0371f082037e47128653df2e8ba6e914d384f3c3e"}, + {file = "argon2_cffi_bindings-21.2.0-cp36-abi3-win32.whl", hash = "sha256:603ca0aba86b1349b147cab91ae970c63118a0f30444d4bc80355937c950c082"}, + {file = "argon2_cffi_bindings-21.2.0-cp36-abi3-win_amd64.whl", hash = "sha256:b2ef1c30440dbbcba7a5dc3e319408b59676e2e039e2ae11a8775ecf482b192f"}, + {file = "argon2_cffi_bindings-21.2.0-cp38-abi3-macosx_10_9_universal2.whl", hash = "sha256:e415e3f62c8d124ee16018e491a009937f8cf7ebf5eb430ffc5de21b900dad93"}, +] + +[[package]] +name = "arrow" +version = "1.3.0" +requires_python = ">=3.8" +summary = "Better dates & times for Python" +groups = ["dev"] +dependencies = [ + "python-dateutil>=2.7.0", + "types-python-dateutil>=2.8.10", +] +files = [ + {file = "arrow-1.3.0-py3-none-any.whl", hash = "sha256:c728b120ebc00eb84e01882a6f5e7927a53960aa990ce7dd2b10f39005a67f80"}, + {file = "arrow-1.3.0.tar.gz", hash = "sha256:d4540617648cb5f895730f1ad8c82a65f2dad0166f57b75f3ca54759c4d67a85"}, +] + +[[package]] +name = "asttokens" +version = "3.0.0" +requires_python = ">=3.8" +summary = "Annotate AST trees with source code positions" +groups = ["dev"] +files = [ + {file = "asttokens-3.0.0-py3-none-any.whl", hash = "sha256:e3078351a059199dd5138cb1c706e6430c05eff2ff136af5eb4790f9d28932e2"}, + {file = "asttokens-3.0.0.tar.gz", hash = "sha256:0dcd8baa8d62b0c1d118b399b2ddba3c4aff271d0d7a9e0d4c1681c79035bbc7"}, +] + +[[package]] +name = "async-lru" +version = "2.0.4" +requires_python = ">=3.8" +summary = "Simple LRU cache for asyncio" +groups = ["dev"] +dependencies = [ + "typing-extensions>=4.0.0; python_version < \"3.11\"", +] +files = [ + {file = "async-lru-2.0.4.tar.gz", hash = "sha256:b8a59a5df60805ff63220b2a0c5b5393da5521b113cd5465a44eb037d81a5627"}, + {file = "async_lru-2.0.4-py3-none-any.whl", hash = "sha256:ff02944ce3c288c5be660c42dbcca0742b32c3b279d6dceda655190240b99224"}, +] + +[[package]] +name = "attrs" +version = "24.3.0" +requires_python = ">=3.8" +summary = "Classes Without Boilerplate" +groups = ["default", "dev"] +files = [ + {file = "attrs-24.3.0-py3-none-any.whl", hash = "sha256:ac96cd038792094f438ad1f6ff80837353805ac950cd2aa0e0625ef19850c308"}, + {file = "attrs-24.3.0.tar.gz", hash = "sha256:8f5c07333d543103541ba7be0e2ce16eeee8130cb0b3f9238ab904ce1e85baff"}, +] + +[[package]] +name = "babel" +version = "2.16.0" +requires_python = ">=3.8" +summary = "Internationalization utilities" +groups = ["dev"] +dependencies = [ + "pytz>=2015.7; python_version < \"3.9\"", +] +files = [ + {file = "babel-2.16.0-py3-none-any.whl", hash = "sha256:368b5b98b37c06b7daf6696391c3240c938b37767d4584413e8438c5c435fa8b"}, + {file = "babel-2.16.0.tar.gz", hash = "sha256:d1f3554ca26605fe173f3de0c65f750f5a42f924499bf134de6423582298e316"}, +] + +[[package]] +name = "beautifulsoup4" +version = "4.12.3" +requires_python = ">=3.6.0" +summary = "Screen-scraping library" +groups = ["dev"] +dependencies = [ + "soupsieve>1.2", +] +files = [ + {file = "beautifulsoup4-4.12.3-py3-none-any.whl", hash = "sha256:b80878c9f40111313e55da8ba20bdba06d8fa3969fc68304167741bbf9e082ed"}, + {file = "beautifulsoup4-4.12.3.tar.gz", hash = "sha256:74e3d1928edc070d21748185c46e3fb33490f22f52a3addee9aee0f4f7781051"}, +] + +[[package]] +name = "bleach" +version = "6.2.0" +requires_python = ">=3.9" +summary = "An easy safelist-based HTML-sanitizing tool." +groups = ["dev"] +dependencies = [ + "webencodings", +] +files = [ + {file = "bleach-6.2.0-py3-none-any.whl", hash = "sha256:117d9c6097a7c3d22fd578fcd8d35ff1e125df6736f554da4e432fdd63f31e5e"}, + {file = "bleach-6.2.0.tar.gz", hash = "sha256:123e894118b8a599fd80d3ec1a6d4cc7ce4e5882b1317a7e1ba69b56e95f991f"}, +] + +[[package]] +name = "bleach" +version = "6.2.0" +extras = ["css"] +requires_python = ">=3.9" +summary = "An easy safelist-based HTML-sanitizing tool." +groups = ["dev"] +dependencies = [ + "bleach==6.2.0", + "tinycss2<1.5,>=1.1.0", +] +files = [ + {file = "bleach-6.2.0-py3-none-any.whl", hash = "sha256:117d9c6097a7c3d22fd578fcd8d35ff1e125df6736f554da4e432fdd63f31e5e"}, + {file = "bleach-6.2.0.tar.gz", hash = "sha256:123e894118b8a599fd80d3ec1a6d4cc7ce4e5882b1317a7e1ba69b56e95f991f"}, +] + +[[package]] +name = "blis" +version = "1.0.2" +summary = "The Blis BLAS-like linear algebra library, as a self-contained C-extension." +groups = ["default"] +dependencies = [ + "numpy<3.0.0,>=2.0.0", +] +files = [ + {file = "blis-1.0.2-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:1639fbbc531c9666b4f5a396fb546789cb1887d68d07c67b31a28ff5bbabf61d"}, + {file = "blis-1.0.2-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:91a69c723b855354733c59c1269188e49df30675d43262f4ec5cb569f83baec9"}, + {file = "blis-1.0.2-cp311-cp311-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:c66bf7b8bbef048253ba22bacb43b29ad0d4ce2782022234a5b07ce8c8583161"}, + {file = "blis-1.0.2-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:e5aef5aa1eb56b9ea36f7b4c8714b87c039da423db2437336949b0b6d17faf97"}, + {file = "blis-1.0.2-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:a019baf7b22bda35ba9e6e75a138e0ee5f4a8e7bc35bf2e606b2032833874d63"}, + {file = "blis-1.0.2-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:b957fc00303cfb5bafb3e8bd5dceea4cdd0d78f594d92619a84c54a7d9855132"}, + {file = "blis-1.0.2-cp311-cp311-win_amd64.whl", hash = "sha256:e372b1143230b20d199d0b70274f6efa20fef3d9f9ebeafb34291bb8c00244c3"}, + {file = "blis-1.0.2-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:df0c2ba44d0520bae68a3f7978048f961d230dbf93e13b9475455611e7f9eb94"}, + {file = "blis-1.0.2-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:da4ac030c843c6020d1ce9bc7eb918640c2714263f7c6b4ca1db8eafb4a23041"}, + {file = "blis-1.0.2-cp312-cp312-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:411105aef67e0ca9a8254487e7ee0fc9a8acce38e9faeb7bfcf44168604efc16"}, + {file = "blis-1.0.2-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:4bd7b825e7d53449e8ff5077f04737d3d7cb565e3e54892516a81e8bf0ea650b"}, + {file = "blis-1.0.2-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:0497e37b3e1d2afdb1a87b45889ea751e2dbf61a6d8fa7541de2a55e1230dd5d"}, + {file = "blis-1.0.2-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:d38ab8b8bd3beb824a069e952d76bced762f89a646bf8d0835b48bbaf960e061"}, + {file = "blis-1.0.2-cp312-cp312-win_amd64.whl", hash = "sha256:3208346a4376453af03b118e4fa8cd9dc021c165a5227f362663ea36837f0952"}, + {file = "blis-1.0.2-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:ec90d0e9cfddfaecf4a118504f052b3330442a1cfe67a8959f805d000944e1e7"}, + {file = "blis-1.0.2-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:7f43dba62dd2873f133e6642caf75d6f21d7fd87724a25a79156b19a4b6dc573"}, + {file = "blis-1.0.2-cp313-cp313-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:6e571457aab754587067a5298cbcdeeaf7054501fb59222e22f04fc17e40c143"}, + {file = "blis-1.0.2-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:eec0e57473ed62deb886bf1f48a61aba21e1f3388384fe3341837789913aebc8"}, + {file = "blis-1.0.2-cp313-cp313-musllinux_1_2_i686.whl", hash = "sha256:db737d3308ad887e2b812a7e466e2a2c4028fee8bba226aaa7d5c731f8bcc56c"}, + {file = "blis-1.0.2-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:ac705ba0069c3ec3ef494136cef10ba20b8ad444b25476dba031103c6d48ec65"}, + {file = "blis-1.0.2-cp313-cp313-win_amd64.whl", hash = "sha256:0b3979875de89c1f9c1393e39a034fe2e58536599ab199e7665ab268987a1fc8"}, + {file = "blis-1.0.2.tar.gz", hash = "sha256:68df878871a9db34efd58f648e12e06806e381991bd9e70df198c33d7b259383"}, +] + +[[package]] +name = "bracex" +version = "2.5.post1" +requires_python = ">=3.8" +summary = "Bash style brace expander." +groups = ["dev"] +files = [ + {file = "bracex-2.5.post1-py3-none-any.whl", hash = "sha256:13e5732fec27828d6af308628285ad358047cec36801598368cb28bc631dbaf6"}, + {file = "bracex-2.5.post1.tar.gz", hash = "sha256:12c50952415bfa773d2d9ccb8e79651b8cdb1f31a42f6091b804f6ba2b4a66b6"}, +] + +[[package]] +name = "bump-my-version" +version = "0.29.0" +requires_python = ">=3.8" +summary = "Version bump your Python project" +groups = ["dev"] +dependencies = [ + "click", + "pydantic-settings", + "pydantic>=2.0.0", + "questionary", + "rich", + "rich-click", + "tomlkit", + "wcmatch>=8.5.1", +] +files = [ + {file = "bump_my_version-0.29.0-py3-none-any.whl", hash = "sha256:6566ab25bd3eeeec109f4ac7e4464227a3ac1fd57f847d259a24800423cd9037"}, + {file = "bump_my_version-0.29.0.tar.gz", hash = "sha256:e4149ed63b4772f5868b3fcabb8fa5e1191b8abae6d35effd0be980d4b0f55e3"}, +] + +[[package]] +name = "catalogue" +version = "2.0.10" +requires_python = ">=3.6" +summary = "Super lightweight function registries for your library" +groups = ["default"] +dependencies = [ + "typing-extensions>=3.6.4; python_version < \"3.8\"", + "zipp>=0.5; python_version < \"3.8\"", +] +files = [ + {file = "catalogue-2.0.10-py3-none-any.whl", hash = "sha256:58c2de0020aa90f4a2da7dfad161bf7b3b054c86a5f09fcedc0b2b740c109a9f"}, + {file = "catalogue-2.0.10.tar.gz", hash = "sha256:4f56daa940913d3f09d589c191c74e5a6d51762b3a9e37dd53b7437afd6cda15"}, +] + +[[package]] +name = "certifi" +version = "2024.12.14" +requires_python = ">=3.6" +summary = "Python package for providing Mozilla's CA Bundle." +groups = ["default", "dev"] +files = [ + {file = "certifi-2024.12.14-py3-none-any.whl", hash = "sha256:1275f7a45be9464efc1173084eaa30f866fe2e47d389406136d332ed4967ec56"}, + {file = "certifi-2024.12.14.tar.gz", hash = "sha256:b650d30f370c2b724812bee08008be0c4163b163ddaec3f2546c1caf65f191db"}, +] + +[[package]] +name = "cffi" +version = "1.17.1" +requires_python = ">=3.8" +summary = "Foreign Function Interface for Python calling C code." +groups = ["dev"] +dependencies = [ + "pycparser", +] +files = [ + {file = "cffi-1.17.1-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:a45e3c6913c5b87b3ff120dcdc03f6131fa0065027d0ed7ee6190736a74cd401"}, + {file = "cffi-1.17.1-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:30c5e0cb5ae493c04c8b42916e52ca38079f1b235c2f8ae5f4527b963c401caf"}, + {file = "cffi-1.17.1-cp311-cp311-manylinux_2_12_i686.manylinux2010_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:f75c7ab1f9e4aca5414ed4d8e5c0e303a34f4421f8a0d47a4d019ceff0ab6af4"}, + {file = "cffi-1.17.1-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a1ed2dd2972641495a3ec98445e09766f077aee98a1c896dcb4ad0d303628e41"}, + {file = "cffi-1.17.1-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:46bf43160c1a35f7ec506d254e5c890f3c03648a4dbac12d624e4490a7046cd1"}, + {file = "cffi-1.17.1-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:a24ed04c8ffd54b0729c07cee15a81d964e6fee0e3d4d342a27b020d22959dc6"}, + {file = "cffi-1.17.1-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:610faea79c43e44c71e1ec53a554553fa22321b65fae24889706c0a84d4ad86d"}, + {file = "cffi-1.17.1-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:a9b15d491f3ad5d692e11f6b71f7857e7835eb677955c00cc0aefcd0669adaf6"}, + {file = "cffi-1.17.1-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:de2ea4b5833625383e464549fec1bc395c1bdeeb5f25c4a3a82b5a8c756ec22f"}, + {file = "cffi-1.17.1-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:fc48c783f9c87e60831201f2cce7f3b2e4846bf4d8728eabe54d60700b318a0b"}, + {file = "cffi-1.17.1-cp311-cp311-win32.whl", hash = "sha256:85a950a4ac9c359340d5963966e3e0a94a676bd6245a4b55bc43949eee26a655"}, + {file = "cffi-1.17.1-cp311-cp311-win_amd64.whl", hash = "sha256:caaf0640ef5f5517f49bc275eca1406b0ffa6aa184892812030f04c2abf589a0"}, + {file = "cffi-1.17.1-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:805b4371bf7197c329fcb3ead37e710d1bca9da5d583f5073b799d5c5bd1eee4"}, + {file = "cffi-1.17.1-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:733e99bc2df47476e3848417c5a4540522f234dfd4ef3ab7fafdf555b082ec0c"}, + {file = "cffi-1.17.1-cp312-cp312-manylinux_2_12_i686.manylinux2010_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:1257bdabf294dceb59f5e70c64a3e2f462c30c7ad68092d01bbbfb1c16b1ba36"}, + {file = "cffi-1.17.1-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:da95af8214998d77a98cc14e3a3bd00aa191526343078b530ceb0bd710fb48a5"}, + {file = "cffi-1.17.1-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:d63afe322132c194cf832bfec0dc69a99fb9bb6bbd550f161a49e9e855cc78ff"}, + {file = "cffi-1.17.1-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:f79fc4fc25f1c8698ff97788206bb3c2598949bfe0fef03d299eb1b5356ada99"}, + {file = "cffi-1.17.1-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:b62ce867176a75d03a665bad002af8e6d54644fad99a3c70905c543130e39d93"}, + {file = "cffi-1.17.1-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:386c8bf53c502fff58903061338ce4f4950cbdcb23e2902d86c0f722b786bbe3"}, + {file = "cffi-1.17.1-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:4ceb10419a9adf4460ea14cfd6bc43d08701f0835e979bf821052f1805850fe8"}, + {file = "cffi-1.17.1-cp312-cp312-win32.whl", hash = "sha256:a08d7e755f8ed21095a310a693525137cfe756ce62d066e53f502a83dc550f65"}, + {file = "cffi-1.17.1-cp312-cp312-win_amd64.whl", hash = "sha256:51392eae71afec0d0c8fb1a53b204dbb3bcabcb3c9b807eedf3e1e6ccf2de903"}, + {file = "cffi-1.17.1-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:f3a2b4222ce6b60e2e8b337bb9596923045681d71e5a082783484d845390938e"}, + {file = "cffi-1.17.1-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:0984a4925a435b1da406122d4d7968dd861c1385afe3b45ba82b750f229811e2"}, + {file = "cffi-1.17.1-cp313-cp313-manylinux_2_12_i686.manylinux2010_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:d01b12eeeb4427d3110de311e1774046ad344f5b1a7403101878976ecd7a10f3"}, + {file = "cffi-1.17.1-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:706510fe141c86a69c8ddc029c7910003a17353970cff3b904ff0686a5927683"}, + {file = "cffi-1.17.1-cp313-cp313-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:de55b766c7aa2e2a3092c51e0483d700341182f08e67c63630d5b6f200bb28e5"}, + {file = "cffi-1.17.1-cp313-cp313-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:c59d6e989d07460165cc5ad3c61f9fd8f1b4796eacbd81cee78957842b834af4"}, + {file = "cffi-1.17.1-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:dd398dbc6773384a17fe0d3e7eeb8d1a21c2200473ee6806bb5e6a8e62bb73dd"}, + {file = "cffi-1.17.1-cp313-cp313-musllinux_1_1_aarch64.whl", hash = "sha256:3edc8d958eb099c634dace3c7e16560ae474aa3803a5df240542b305d14e14ed"}, + {file = "cffi-1.17.1-cp313-cp313-musllinux_1_1_x86_64.whl", hash = "sha256:72e72408cad3d5419375fc87d289076ee319835bdfa2caad331e377589aebba9"}, + {file = "cffi-1.17.1-cp313-cp313-win32.whl", hash = "sha256:e03eab0a8677fa80d646b5ddece1cbeaf556c313dcfac435ba11f107ba117b5d"}, + {file = "cffi-1.17.1-cp313-cp313-win_amd64.whl", hash = "sha256:f6a16c31041f09ead72d69f583767292f750d24913dadacf5756b966aacb3f1a"}, + {file = "cffi-1.17.1.tar.gz", hash = "sha256:1c39c6016c32bc48dd54561950ebd6836e1670f2ae46128f67cf49e789c52824"}, +] + +[[package]] +name = "charset-normalizer" +version = "3.4.0" +requires_python = ">=3.7.0" +summary = "The Real First Universal Charset Detector. Open, modern and actively maintained alternative to Chardet." +groups = ["default", "dev"] +files = [ + {file = "charset_normalizer-3.4.0-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:0d99dd8ff461990f12d6e42c7347fd9ab2532fb70e9621ba520f9e8637161d7c"}, + {file = "charset_normalizer-3.4.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:c57516e58fd17d03ebe67e181a4e4e2ccab1168f8c2976c6a334d4f819fe5944"}, + {file = "charset_normalizer-3.4.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:6dba5d19c4dfab08e58d5b36304b3f92f3bd5d42c1a3fa37b5ba5cdf6dfcbcee"}, + {file = "charset_normalizer-3.4.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:bf4475b82be41b07cc5e5ff94810e6a01f276e37c2d55571e3fe175e467a1a1c"}, + {file = "charset_normalizer-3.4.0-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:ce031db0408e487fd2775d745ce30a7cd2923667cf3b69d48d219f1d8f5ddeb6"}, + {file = "charset_normalizer-3.4.0-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:8ff4e7cdfdb1ab5698e675ca622e72d58a6fa2a8aa58195de0c0061288e6e3ea"}, + {file = "charset_normalizer-3.4.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:3710a9751938947e6327ea9f3ea6332a09bf0ba0c09cae9cb1f250bd1f1549bc"}, + {file = "charset_normalizer-3.4.0-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:82357d85de703176b5587dbe6ade8ff67f9f69a41c0733cf2425378b49954de5"}, + {file = "charset_normalizer-3.4.0-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:47334db71978b23ebcf3c0f9f5ee98b8d65992b65c9c4f2d34c2eaf5bcaf0594"}, + {file = "charset_normalizer-3.4.0-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:8ce7fd6767a1cc5a92a639b391891bf1c268b03ec7e021c7d6d902285259685c"}, + {file = "charset_normalizer-3.4.0-cp311-cp311-musllinux_1_2_ppc64le.whl", hash = "sha256:f1a2f519ae173b5b6a2c9d5fa3116ce16e48b3462c8b96dfdded11055e3d6365"}, + {file = "charset_normalizer-3.4.0-cp311-cp311-musllinux_1_2_s390x.whl", hash = "sha256:63bc5c4ae26e4bc6be6469943b8253c0fd4e4186c43ad46e713ea61a0ba49129"}, + {file = "charset_normalizer-3.4.0-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:bcb4f8ea87d03bc51ad04add8ceaf9b0f085ac045ab4d74e73bbc2dc033f0236"}, + {file = "charset_normalizer-3.4.0-cp311-cp311-win32.whl", hash = "sha256:9ae4ef0b3f6b41bad6366fb0ea4fc1d7ed051528e113a60fa2a65a9abb5b1d99"}, + {file = "charset_normalizer-3.4.0-cp311-cp311-win_amd64.whl", hash = "sha256:cee4373f4d3ad28f1ab6290684d8e2ebdb9e7a1b74fdc39e4c211995f77bec27"}, + {file = "charset_normalizer-3.4.0-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:0713f3adb9d03d49d365b70b84775d0a0d18e4ab08d12bc46baa6132ba78aaf6"}, + {file = "charset_normalizer-3.4.0-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:de7376c29d95d6719048c194a9cf1a1b0393fbe8488a22008610b0361d834ecf"}, + {file = "charset_normalizer-3.4.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:4a51b48f42d9358460b78725283f04bddaf44a9358197b889657deba38f329db"}, + {file = "charset_normalizer-3.4.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:b295729485b06c1a0683af02a9e42d2caa9db04a373dc38a6a58cdd1e8abddf1"}, + {file = "charset_normalizer-3.4.0-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:ee803480535c44e7f5ad00788526da7d85525cfefaf8acf8ab9a310000be4b03"}, + {file = "charset_normalizer-3.4.0-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:3d59d125ffbd6d552765510e3f31ed75ebac2c7470c7274195b9161a32350284"}, + {file = "charset_normalizer-3.4.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:8cda06946eac330cbe6598f77bb54e690b4ca93f593dee1568ad22b04f347c15"}, + {file = "charset_normalizer-3.4.0-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:07afec21bbbbf8a5cc3651aa96b980afe2526e7f048fdfb7f1014d84acc8b6d8"}, + {file = "charset_normalizer-3.4.0-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:6b40e8d38afe634559e398cc32b1472f376a4099c75fe6299ae607e404c033b2"}, + {file = "charset_normalizer-3.4.0-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:b8dcd239c743aa2f9c22ce674a145e0a25cb1566c495928440a181ca1ccf6719"}, + {file = "charset_normalizer-3.4.0-cp312-cp312-musllinux_1_2_ppc64le.whl", hash = "sha256:84450ba661fb96e9fd67629b93d2941c871ca86fc38d835d19d4225ff946a631"}, + {file = "charset_normalizer-3.4.0-cp312-cp312-musllinux_1_2_s390x.whl", hash = "sha256:44aeb140295a2f0659e113b31cfe92c9061622cadbc9e2a2f7b8ef6b1e29ef4b"}, + {file = "charset_normalizer-3.4.0-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:1db4e7fefefd0f548d73e2e2e041f9df5c59e178b4c72fbac4cc6f535cfb1565"}, + {file = "charset_normalizer-3.4.0-cp312-cp312-win32.whl", hash = "sha256:5726cf76c982532c1863fb64d8c6dd0e4c90b6ece9feb06c9f202417a31f7dd7"}, + {file = "charset_normalizer-3.4.0-cp312-cp312-win_amd64.whl", hash = "sha256:b197e7094f232959f8f20541ead1d9862ac5ebea1d58e9849c1bf979255dfac9"}, + {file = "charset_normalizer-3.4.0-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:dd4eda173a9fcccb5f2e2bd2a9f423d180194b1bf17cf59e3269899235b2a114"}, + {file = "charset_normalizer-3.4.0-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:e9e3c4c9e1ed40ea53acf11e2a386383c3304212c965773704e4603d589343ed"}, + {file = "charset_normalizer-3.4.0-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:92a7e36b000bf022ef3dbb9c46bfe2d52c047d5e3f3343f43204263c5addc250"}, + {file = "charset_normalizer-3.4.0-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:54b6a92d009cbe2fb11054ba694bc9e284dad30a26757b1e372a1fdddaf21920"}, + {file = "charset_normalizer-3.4.0-cp313-cp313-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:1ffd9493de4c922f2a38c2bf62b831dcec90ac673ed1ca182fe11b4d8e9f2a64"}, + {file = "charset_normalizer-3.4.0-cp313-cp313-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:35c404d74c2926d0287fbd63ed5d27eb911eb9e4a3bb2c6d294f3cfd4a9e0c23"}, + {file = "charset_normalizer-3.4.0-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:4796efc4faf6b53a18e3d46343535caed491776a22af773f366534056c4e1fbc"}, + {file = "charset_normalizer-3.4.0-cp313-cp313-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:e7fdd52961feb4c96507aa649550ec2a0d527c086d284749b2f582f2d40a2e0d"}, + {file = "charset_normalizer-3.4.0-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:92db3c28b5b2a273346bebb24857fda45601aef6ae1c011c0a997106581e8a88"}, + {file = "charset_normalizer-3.4.0-cp313-cp313-musllinux_1_2_i686.whl", hash = "sha256:ab973df98fc99ab39080bfb0eb3a925181454d7c3ac8a1e695fddfae696d9e90"}, + {file = "charset_normalizer-3.4.0-cp313-cp313-musllinux_1_2_ppc64le.whl", hash = "sha256:4b67fdab07fdd3c10bb21edab3cbfe8cf5696f453afce75d815d9d7223fbe88b"}, + {file = "charset_normalizer-3.4.0-cp313-cp313-musllinux_1_2_s390x.whl", hash = "sha256:aa41e526a5d4a9dfcfbab0716c7e8a1b215abd3f3df5a45cf18a12721d31cb5d"}, + {file = "charset_normalizer-3.4.0-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:ffc519621dce0c767e96b9c53f09c5d215578e10b02c285809f76509a3931482"}, + {file = "charset_normalizer-3.4.0-cp313-cp313-win32.whl", hash = "sha256:f19c1585933c82098c2a520f8ec1227f20e339e33aca8fa6f956f6691b784e67"}, + {file = "charset_normalizer-3.4.0-cp313-cp313-win_amd64.whl", hash = "sha256:707b82d19e65c9bd28b81dde95249b07bf9f5b90ebe1ef17d9b57473f8a64b7b"}, + {file = "charset_normalizer-3.4.0-py3-none-any.whl", hash = "sha256:fe9f97feb71aa9896b81973a7bbada8c49501dc73e58a10fcef6663af95e5079"}, + {file = "charset_normalizer-3.4.0.tar.gz", hash = "sha256:223217c3d4f82c3ac5e29032b3f1c2eb0fb591b72161f86d93f5719079dae93e"}, +] + +[[package]] +name = "click" +version = "8.1.7" +requires_python = ">=3.7" +summary = "Composable command line interface toolkit" +groups = ["default", "dev"] +dependencies = [ + "colorama; platform_system == \"Windows\"", + "importlib-metadata; python_version < \"3.8\"", +] +files = [ + {file = "click-8.1.7-py3-none-any.whl", hash = "sha256:ae74fb96c20a0277a1d615f1e4d73c8414f5a98db8b799a7931d1582f3390c28"}, + {file = "click-8.1.7.tar.gz", hash = "sha256:ca9853ad459e787e2192211578cc907e7594e294c7ccc834310722b41b9ca6de"}, +] + +[[package]] +name = "cloudpathlib" +version = "0.20.0" +requires_python = ">=3.8" +summary = "pathlib-style classes for cloud storage services." +groups = ["default"] +dependencies = [ + "typing-extensions>4; python_version < \"3.11\"", +] +files = [ + {file = "cloudpathlib-0.20.0-py3-none-any.whl", hash = "sha256:7af3bcefbf73392ae7f31c08b3660ec31607f8c01b7f6262d4d73469a845f641"}, + {file = "cloudpathlib-0.20.0.tar.gz", hash = "sha256:f6ef7ca409a510f7ba4639ba50ab3fc5b6dee82d6dff0d7f5715fd0c9ab35891"}, +] + +[[package]] +name = "colorama" +version = "0.4.6" +requires_python = "!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*,!=3.5.*,!=3.6.*,>=2.7" +summary = "Cross-platform colored terminal text." +groups = ["default", "dev"] +marker = "sys_platform == \"win32\" or platform_system == \"Windows\"" +files = [ + {file = "colorama-0.4.6-py2.py3-none-any.whl", hash = "sha256:4f1d9991f5acc0ca119f9d443620b77f9d6b33703e51011c16baf57afb285fc6"}, + {file = "colorama-0.4.6.tar.gz", hash = "sha256:08695f5cb7ed6e0531a20572697297273c47b8cae5a63ffc6d6ed5c201be6e44"}, +] + +[[package]] +name = "coloredlogs" +version = "15.0.1" +requires_python = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*" +summary = "Colored terminal output for Python's logging module" +groups = ["default"] +dependencies = [ + "humanfriendly>=9.1", +] +files = [ + {file = "coloredlogs-15.0.1-py2.py3-none-any.whl", hash = "sha256:612ee75c546f53e92e70049c9dbfcc18c935a2b9a53b66085ce9ef6a6e5c0934"}, + {file = "coloredlogs-15.0.1.tar.gz", hash = "sha256:7c991aa71a4577af2f82600d8f8f3a89f936baeaf9b50a9c197da014e5bf16b0"}, +] + +[[package]] +name = "comm" +version = "0.2.2" +requires_python = ">=3.8" +summary = "Jupyter Python Comm implementation, for usage in ipykernel, xeus-python etc." +groups = ["dev"] +dependencies = [ + "traitlets>=4", +] +files = [ + {file = "comm-0.2.2-py3-none-any.whl", hash = "sha256:e6fb86cb70ff661ee8c9c14e7d36d6de3b4066f1441be4063df9c5009f0a64d3"}, + {file = "comm-0.2.2.tar.gz", hash = "sha256:3fd7a84065306e07bea1773df6eb8282de51ba82f77c72f9c85716ab11fe980e"}, +] + +[[package]] +name = "confection" +version = "0.1.5" +requires_python = ">=3.6" +summary = "The sweetest config system for Python" +groups = ["default"] +dependencies = [ + "pydantic!=1.8,!=1.8.1,<3.0.0,>=1.7.4", + "srsly<3.0.0,>=2.4.0", + "typing-extensions<5.0.0,>=3.7.4.1; python_version < \"3.8\"", +] +files = [ + {file = "confection-0.1.5-py3-none-any.whl", hash = "sha256:e29d3c3f8eac06b3f77eb9dfb4bf2fc6bcc9622a98ca00a698e3d019c6430b14"}, + {file = "confection-0.1.5.tar.gz", hash = "sha256:8e72dd3ca6bd4f48913cd220f10b8275978e740411654b6e8ca6d7008c590f0e"}, +] + +[[package]] +name = "curated-tokenizers" +version = "0.0.9" +requires_python = ">=3.6" +summary = "Lightweight piece tokenization library" +groups = ["default"] +dependencies = [ + "regex>=2022", +] +files = [ + {file = "curated-tokenizers-0.0.9.tar.gz", hash = "sha256:c93d47e54ab3528a6db2796eeb4bdce5d44e8226c671e42c2f23522ab1d0ce25"}, + {file = "curated_tokenizers-0.0.9-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:899128d78177ca0ac668addc33b430020f737dd08bc6bf3753ff4d9ba0e41e75"}, + {file = "curated_tokenizers-0.0.9-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:2d1fef3e861df50bd6337364a87f447fbd0a6f01c095cec121b7404d15512138"}, + {file = "curated_tokenizers-0.0.9-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:76ff13e8c19f7cdb03441ca5ec9ce85f133da7fd5b9cc574d8d18af41ba8a50a"}, + {file = "curated_tokenizers-0.0.9-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:4079b1cb2220cb76deb271fa55f4867be3764f15e8fdb1bfc0a2041081570224"}, + {file = "curated_tokenizers-0.0.9-cp311-cp311-win_amd64.whl", hash = "sha256:c661d09ffe7a4a9175f28d76034e01c87df9df6fedb998151abbf201f28f1aa0"}, + {file = "curated_tokenizers-0.0.9-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:e66aedfeae0c91f3f3e2980b17933b3d08f3fba6c8ba7057b9b05d596e8a0b27"}, + {file = "curated_tokenizers-0.0.9-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:2abbb571666a9c9b3a15f9df022e25ed1137e9fa8346788aaa747c00f940a3c6"}, + {file = "curated_tokenizers-0.0.9-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:64b9991a9720a0ce8cc72d29791fd73f2cc2bef0241b002fd2a756ec8a629143"}, + {file = "curated_tokenizers-0.0.9-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:35fb208a01f2b3f22172596915d229859549a2d76e484be976dd728b1ca3bdec"}, + {file = "curated_tokenizers-0.0.9-cp312-cp312-win_amd64.whl", hash = "sha256:209d756694c7fb000a0b642016eb6e71c740cfce293adcbf3384aa2a1e701eb2"}, +] + +[[package]] +name = "curated-transformers" +version = "0.1.1" +requires_python = ">=3.6" +summary = "Curated transformer models" +groups = ["default"] +dependencies = [ + "torch>=1.12.0", +] +files = [ + {file = "curated-transformers-0.1.1.tar.gz", hash = "sha256:4671f03314df30efda2ec2b59bc7692ea34fcea44cb65382342c16684e8a2119"}, + {file = "curated_transformers-0.1.1-py2.py3-none-any.whl", hash = "sha256:d716063d73d803c6925d2dab56fde9b9ab8e89e663c2c0587804944ba488ff01"}, +] + +[[package]] +name = "cymem" +version = "2.0.10" +summary = "Manage calls to calloc/free through Cython" +groups = ["default"] +files = [ + {file = "cymem-2.0.10-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:18dc5a7b6a325d5fc0b2b40beb02673f36f64655ee086649c91e44ce092c7b36"}, + {file = "cymem-2.0.10-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:d30ce83ff9009e5c5c8186845d9d583f867dace88113089bfc0ee1c348e45d5a"}, + {file = "cymem-2.0.10-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ce6cb07416c82633503974f331abde9e1514c90aae8b3240884e749c2a60adbc"}, + {file = "cymem-2.0.10-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:34406e2bff8707719f3f4b262e50b04876369233d5277a7c2d0c2e73a8579b46"}, + {file = "cymem-2.0.10-cp311-cp311-win_amd64.whl", hash = "sha256:51218af9645541005a1313d6640bf6e86e7fb4b38a87268a5ea428d50ac3cec2"}, + {file = "cymem-2.0.10-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:c6ed8b1ed448cd65e12405a02aa71b22a4094d8a623205625057c4c73ba4b133"}, + {file = "cymem-2.0.10-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:5e57928d9e93c61265281ea01a1d24499d397625b2766a0c5735b99bceb3ba75"}, + {file = "cymem-2.0.10-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:dc4932060a5d55648fa4a3960f1cad9905572ed5c6f02af42f849e869d2803d4"}, + {file = "cymem-2.0.10-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:f4bc6c823b400d32cddcfeefb3f352d52a0cc911cb0b5c1ef64e3f9741fd56b9"}, + {file = "cymem-2.0.10-cp312-cp312-win_amd64.whl", hash = "sha256:6ae7f22af4bc4311f06c925df61c62219c11939dffc9c91d67caf89a7e1557a5"}, + {file = "cymem-2.0.10-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:5698a515900dc697874444fa05d8d852bbad43543de2e7834ec3895156cc2aad"}, + {file = "cymem-2.0.10-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:6580d657d0f208d675d62cc052fb908529d52d24282342e24a9843de85352b88"}, + {file = "cymem-2.0.10-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ea72cf0e369f3cf1f10038d572143d88ce7c959222cf7d742acbeb45e00ac5c0"}, + {file = "cymem-2.0.10-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:33d7f5014ad36af22995847fccd82ca0bd4b0394fb1d9dd9fef1e8cefdab2444"}, + {file = "cymem-2.0.10-cp313-cp313-win_amd64.whl", hash = "sha256:82f19a39052747309ced6b948b34aff62aa00c795c9d9d3d31a071e8c791efee"}, + {file = "cymem-2.0.10.tar.gz", hash = "sha256:f51700acfa1209b4a221dc892cca8030f4bc10d4c153dec098042f484c7f07a4"}, +] + +[[package]] +name = "datasets" +version = "3.2.0" +requires_python = ">=3.9.0" +summary = "HuggingFace community-driven open-source library of datasets" +groups = ["default"] +dependencies = [ + "aiohttp", + "dill<0.3.9,>=0.3.0", + "filelock", + "fsspec[http]<=2024.9.0,>=2023.1.0", + "huggingface-hub>=0.23.0", + "multiprocess<0.70.17", + "numpy>=1.17", + "packaging", + "pandas", + "pyarrow>=15.0.0", + "pyyaml>=5.1", + "requests>=2.32.2", + "tqdm>=4.66.3", + "xxhash", +] +files = [ + {file = "datasets-3.2.0-py3-none-any.whl", hash = "sha256:f3d2ba2698b7284a4518019658596a6a8bc79f31e51516524249d6c59cf0fe2a"}, + {file = "datasets-3.2.0.tar.gz", hash = "sha256:9a6e1a356052866b5dbdd9c9eedb000bf3fc43d986e3584d9b028f4976937229"}, +] + +[[package]] +name = "de-core-news-md" +version = "3.8.0" +url = "https://github.com/explosion/spacy-models/releases/download/de_core_news_md-3.8.0/de_core_news_md-3.8.0-py3-none-any.whl" +summary = "German pipeline optimized for CPU. Components: tok2vec, tagger, morphologizer, parser, lemmatizer (trainable_lemmatizer), senter, ner." +groups = ["default"] +files = [ + {file = "de_core_news_md-3.8.0-py3-none-any.whl", hash = "sha256:b903f59220f1e76dd672acdaa7fa454d6703fe056c5ccd6457820e70874116d0"}, +] + +[[package]] +name = "de-dep-news-trf" +version = "3.8.0" +url = "https://github.com/explosion/spacy-models/releases/download/de_dep_news_trf-3.8.0/de_dep_news_trf-3.8.0-py3-none-any.whl" +summary = "German transformer pipeline (Transformer(name='bert-base-german-cased', piece_encoder='bert-wordpiece', stride=136, type='bert', width=768, window=176, vocab_size=30000)). Components: transformer, tagger, morphologizer, parser, lemmatizer (trainable_lemmatizer)." +groups = ["default"] +dependencies = [ + "spacy-curated-transformers<1.0.0,>=0.2.2", +] +files = [ + {file = "de_dep_news_trf-3.8.0-py3-none-any.whl", hash = "sha256:6da411d41d5b0465beb1725549039e05caf00fec9ae1dc41794c8f7555824905"}, +] + +[[package]] +name = "debugpy" +version = "1.8.11" +requires_python = ">=3.8" +summary = "An implementation of the Debug Adapter Protocol for Python" +groups = ["dev"] +files = [ + {file = "debugpy-1.8.11-cp311-cp311-macosx_14_0_universal2.whl", hash = "sha256:85de8474ad53ad546ff1c7c7c89230db215b9b8a02754d41cb5a76f70d0be296"}, + {file = "debugpy-1.8.11-cp311-cp311-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:8ffc382e4afa4aee367bf413f55ed17bd91b191dcaf979890af239dda435f2a1"}, + {file = "debugpy-1.8.11-cp311-cp311-win32.whl", hash = "sha256:40499a9979c55f72f4eb2fc38695419546b62594f8af194b879d2a18439c97a9"}, + {file = "debugpy-1.8.11-cp311-cp311-win_amd64.whl", hash = "sha256:987bce16e86efa86f747d5151c54e91b3c1e36acc03ce1ddb50f9d09d16ded0e"}, + {file = "debugpy-1.8.11-cp312-cp312-macosx_14_0_universal2.whl", hash = "sha256:84e511a7545d11683d32cdb8f809ef63fc17ea2a00455cc62d0a4dbb4ed1c308"}, + {file = "debugpy-1.8.11-cp312-cp312-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ce291a5aca4985d82875d6779f61375e959208cdf09fcec40001e65fb0a54768"}, + {file = "debugpy-1.8.11-cp312-cp312-win32.whl", hash = "sha256:28e45b3f827d3bf2592f3cf7ae63282e859f3259db44ed2b129093ca0ac7940b"}, + {file = "debugpy-1.8.11-cp312-cp312-win_amd64.whl", hash = "sha256:44b1b8e6253bceada11f714acf4309ffb98bfa9ac55e4fce14f9e5d4484287a1"}, + {file = "debugpy-1.8.11-cp313-cp313-macosx_14_0_universal2.whl", hash = "sha256:8988f7163e4381b0da7696f37eec7aca19deb02e500245df68a7159739bbd0d3"}, + {file = "debugpy-1.8.11-cp313-cp313-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:6c1f6a173d1140e557347419767d2b14ac1c9cd847e0b4c5444c7f3144697e4e"}, + {file = "debugpy-1.8.11-cp313-cp313-win32.whl", hash = "sha256:bb3b15e25891f38da3ca0740271e63ab9db61f41d4d8541745cfc1824252cb28"}, + {file = "debugpy-1.8.11-cp313-cp313-win_amd64.whl", hash = "sha256:d8768edcbeb34da9e11bcb8b5c2e0958d25218df7a6e56adf415ef262cd7b6d1"}, + {file = "debugpy-1.8.11-py2.py3-none-any.whl", hash = "sha256:0e22f846f4211383e6a416d04b4c13ed174d24cc5d43f5fd52e7821d0ebc8920"}, + {file = "debugpy-1.8.11.tar.gz", hash = "sha256:6ad2688b69235c43b020e04fecccdf6a96c8943ca9c2fb340b8adc103c655e57"}, +] + +[[package]] +name = "decorator" +version = "5.1.1" +requires_python = ">=3.5" +summary = "Decorators for Humans" +groups = ["dev"] +files = [ + {file = "decorator-5.1.1-py3-none-any.whl", hash = "sha256:b8c3f85900b9dc423225913c5aace94729fe1fa9763b38939a95226f02d37186"}, + {file = "decorator-5.1.1.tar.gz", hash = "sha256:637996211036b6385ef91435e4fae22989472f9d571faba8927ba8253acbc330"}, +] + +[[package]] +name = "defusedxml" +version = "0.7.1" +requires_python = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*" +summary = "XML bomb protection for Python stdlib modules" +groups = ["dev"] +files = [ + {file = "defusedxml-0.7.1-py2.py3-none-any.whl", hash = "sha256:a352e7e428770286cc899e2542b6cdaedb2b4953ff269a210103ec58f6198a61"}, + {file = "defusedxml-0.7.1.tar.gz", hash = "sha256:1bb3032db185915b62d7c6209c5a8792be6a32ab2fedacc84e01b52c51aa3e69"}, +] + +[[package]] +name = "dill" +version = "0.3.8" +requires_python = ">=3.8" +summary = "serialize all of Python" +groups = ["default"] +files = [ + {file = "dill-0.3.8-py3-none-any.whl", hash = "sha256:c36ca9ffb54365bdd2f8eb3eff7d2a21237f8452b57ace88b1ac615b7e815bd7"}, + {file = "dill-0.3.8.tar.gz", hash = "sha256:3ebe3c479ad625c4553aca177444d89b486b1d84982eeacded644afc0cf797ca"}, +] + +[[package]] +name = "evaluate" +version = "0.4.3" +requires_python = ">=3.8.0" +summary = "HuggingFace community-driven open-source library of evaluation" +groups = ["default"] +dependencies = [ + "datasets>=2.0.0", + "dill", + "fsspec[http]>=2021.05.0", + "huggingface-hub>=0.7.0", + "importlib-metadata; python_version < \"3.8\"", + "multiprocess", + "numpy>=1.17", + "packaging", + "pandas", + "requests>=2.19.0", + "tqdm>=4.62.1", + "xxhash", +] +files = [ + {file = "evaluate-0.4.3-py3-none-any.whl", hash = "sha256:47d8770bdea76e2c2ed0d40189273027d1a41ccea861bcc7ba12d30ec5d1e517"}, + {file = "evaluate-0.4.3.tar.gz", hash = "sha256:3a5700cf83aabee9549264e1e5666f116367c61dbd4d38352015e859a5e2098d"}, +] + +[[package]] +name = "executing" +version = "2.1.0" +requires_python = ">=3.8" +summary = "Get the currently executing AST node of a frame, and other information" +groups = ["dev"] +files = [ + {file = "executing-2.1.0-py2.py3-none-any.whl", hash = "sha256:8d63781349375b5ebccc3142f4b30350c0cd9c79f921cde38be2be4637e98eaf"}, + {file = "executing-2.1.0.tar.gz", hash = "sha256:8ea27ddd260da8150fa5a708269c4a10e76161e2496ec3e587da9e3c0fe4b9ab"}, +] + +[[package]] +name = "fastjsonschema" +version = "2.21.1" +summary = "Fastest Python implementation of JSON schema" +groups = ["dev"] +files = [ + {file = "fastjsonschema-2.21.1-py3-none-any.whl", hash = "sha256:c9e5b7e908310918cf494a434eeb31384dd84a98b57a30bcb1f535015b554667"}, + {file = "fastjsonschema-2.21.1.tar.gz", hash = "sha256:794d4f0a58f848961ba16af7b9c85a3e88cd360df008c59aac6fc5ae9323b5d4"}, +] + +[[package]] +name = "filelock" +version = "3.16.1" +requires_python = ">=3.8" +summary = "A platform independent file lock." +groups = ["default"] +files = [ + {file = "filelock-3.16.1-py3-none-any.whl", hash = "sha256:2082e5703d51fbf98ea75855d9d5527e33d8ff23099bec374a134febee6946b0"}, + {file = "filelock-3.16.1.tar.gz", hash = "sha256:c249fbfcd5db47e5e2d6d62198e565475ee65e4831e2561c8e313fa7eb961435"}, +] + +[[package]] +name = "flatbuffers" +version = "24.3.25" +summary = "The FlatBuffers serialization format for Python" +groups = ["default"] +files = [ + {file = "flatbuffers-24.3.25-py2.py3-none-any.whl", hash = "sha256:8dbdec58f935f3765e4f7f3cf635ac3a77f83568138d6a2311f524ec96364812"}, + {file = "flatbuffers-24.3.25.tar.gz", hash = "sha256:de2ec5b203f21441716617f38443e0a8ebf3d25bf0d9c0bb0ce68fa00ad546a4"}, +] + +[[package]] +name = "fqdn" +version = "1.5.1" +requires_python = ">=2.7, !=3.0, !=3.1, !=3.2, !=3.3, !=3.4, <4" +summary = "Validates fully-qualified domain names against RFC 1123, so that they are acceptable to modern bowsers" +groups = ["dev"] +dependencies = [ + "cached-property>=1.3.0; python_version < \"3.8\"", +] +files = [ + {file = "fqdn-1.5.1-py3-none-any.whl", hash = "sha256:3a179af3761e4df6eb2e026ff9e1a3033d3587bf980a0b1b2e1e5d08d7358014"}, + {file = "fqdn-1.5.1.tar.gz", hash = "sha256:105ed3677e767fb5ca086a0c1f4bb66ebc3c100be518f0e0d755d9eae164d89f"}, +] + +[[package]] +name = "frozenlist" +version = "1.5.0" +requires_python = ">=3.8" +summary = "A list-like structure which implements collections.abc.MutableSequence" +groups = ["default"] +files = [ + {file = "frozenlist-1.5.0-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:fd74520371c3c4175142d02a976aee0b4cb4a7cc912a60586ffd8d5929979b30"}, + {file = "frozenlist-1.5.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:2f3f7a0fbc219fb4455264cae4d9f01ad41ae6ee8524500f381de64ffaa077d5"}, + {file = "frozenlist-1.5.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:f47c9c9028f55a04ac254346e92977bf0f166c483c74b4232bee19a6697e4778"}, + {file = "frozenlist-1.5.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:0996c66760924da6e88922756d99b47512a71cfd45215f3570bf1e0b694c206a"}, + {file = "frozenlist-1.5.0-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:a2fe128eb4edeabe11896cb6af88fca5346059f6c8d807e3b910069f39157869"}, + {file = "frozenlist-1.5.0-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:1a8ea951bbb6cacd492e3948b8da8c502a3f814f5d20935aae74b5df2b19cf3d"}, + {file = "frozenlist-1.5.0-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:de537c11e4aa01d37db0d403b57bd6f0546e71a82347a97c6a9f0dcc532b3a45"}, + {file = "frozenlist-1.5.0-cp311-cp311-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:9c2623347b933fcb9095841f1cc5d4ff0b278addd743e0e966cb3d460278840d"}, + {file = "frozenlist-1.5.0-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:cee6798eaf8b1416ef6909b06f7dc04b60755206bddc599f52232606e18179d3"}, + {file = "frozenlist-1.5.0-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:f5f9da7f5dbc00a604fe74aa02ae7c98bcede8a3b8b9666f9f86fc13993bc71a"}, + {file = "frozenlist-1.5.0-cp311-cp311-musllinux_1_2_ppc64le.whl", hash = "sha256:90646abbc7a5d5c7c19461d2e3eeb76eb0b204919e6ece342feb6032c9325ae9"}, + {file = "frozenlist-1.5.0-cp311-cp311-musllinux_1_2_s390x.whl", hash = "sha256:bdac3c7d9b705d253b2ce370fde941836a5f8b3c5c2b8fd70940a3ea3af7f4f2"}, + {file = "frozenlist-1.5.0-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:03d33c2ddbc1816237a67f66336616416e2bbb6beb306e5f890f2eb22b959cdf"}, + {file = "frozenlist-1.5.0-cp311-cp311-win32.whl", hash = "sha256:237f6b23ee0f44066219dae14c70ae38a63f0440ce6750f868ee08775073f942"}, + {file = "frozenlist-1.5.0-cp311-cp311-win_amd64.whl", hash = "sha256:0cc974cc93d32c42e7b0f6cf242a6bd941c57c61b618e78b6c0a96cb72788c1d"}, + {file = "frozenlist-1.5.0-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:31115ba75889723431aa9a4e77d5f398f5cf976eea3bdf61749731f62d4a4a21"}, + {file = "frozenlist-1.5.0-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:7437601c4d89d070eac8323f121fcf25f88674627505334654fd027b091db09d"}, + {file = "frozenlist-1.5.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:7948140d9f8ece1745be806f2bfdf390127cf1a763b925c4a805c603df5e697e"}, + {file = "frozenlist-1.5.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:feeb64bc9bcc6b45c6311c9e9b99406660a9c05ca8a5b30d14a78555088b0b3a"}, + {file = "frozenlist-1.5.0-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:683173d371daad49cffb8309779e886e59c2f369430ad28fe715f66d08d4ab1a"}, + {file = "frozenlist-1.5.0-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:7d57d8f702221405a9d9b40f9da8ac2e4a1a8b5285aac6100f3393675f0a85ee"}, + {file = "frozenlist-1.5.0-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:30c72000fbcc35b129cb09956836c7d7abf78ab5416595e4857d1cae8d6251a6"}, + {file = "frozenlist-1.5.0-cp312-cp312-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:000a77d6034fbad9b6bb880f7ec073027908f1b40254b5d6f26210d2dab1240e"}, + {file = "frozenlist-1.5.0-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:5d7f5a50342475962eb18b740f3beecc685a15b52c91f7d975257e13e029eca9"}, + {file = "frozenlist-1.5.0-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:87f724d055eb4785d9be84e9ebf0f24e392ddfad00b3fe036e43f489fafc9039"}, + {file = "frozenlist-1.5.0-cp312-cp312-musllinux_1_2_ppc64le.whl", hash = "sha256:6e9080bb2fb195a046e5177f10d9d82b8a204c0736a97a153c2466127de87784"}, + {file = "frozenlist-1.5.0-cp312-cp312-musllinux_1_2_s390x.whl", hash = "sha256:9b93d7aaa36c966fa42efcaf716e6b3900438632a626fb09c049f6a2f09fc631"}, + {file = "frozenlist-1.5.0-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:52ef692a4bc60a6dd57f507429636c2af8b6046db8b31b18dac02cbc8f507f7f"}, + {file = "frozenlist-1.5.0-cp312-cp312-win32.whl", hash = "sha256:29d94c256679247b33a3dc96cce0f93cbc69c23bf75ff715919332fdbb6a32b8"}, + {file = "frozenlist-1.5.0-cp312-cp312-win_amd64.whl", hash = "sha256:8969190d709e7c48ea386db202d708eb94bdb29207a1f269bab1196ce0dcca1f"}, + {file = "frozenlist-1.5.0-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:7a1a048f9215c90973402e26c01d1cff8a209e1f1b53f72b95c13db61b00f953"}, + {file = "frozenlist-1.5.0-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:dd47a5181ce5fcb463b5d9e17ecfdb02b678cca31280639255ce9d0e5aa67af0"}, + {file = "frozenlist-1.5.0-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:1431d60b36d15cda188ea222033eec8e0eab488f39a272461f2e6d9e1a8e63c2"}, + {file = "frozenlist-1.5.0-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:6482a5851f5d72767fbd0e507e80737f9c8646ae7fd303def99bfe813f76cf7f"}, + {file = "frozenlist-1.5.0-cp313-cp313-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:44c49271a937625619e862baacbd037a7ef86dd1ee215afc298a417ff3270608"}, + {file = "frozenlist-1.5.0-cp313-cp313-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:12f78f98c2f1c2429d42e6a485f433722b0061d5c0b0139efa64f396efb5886b"}, + {file = "frozenlist-1.5.0-cp313-cp313-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:ce3aa154c452d2467487765e3adc730a8c153af77ad84096bc19ce19a2400840"}, + {file = "frozenlist-1.5.0-cp313-cp313-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:9b7dc0c4338e6b8b091e8faf0db3168a37101943e687f373dce00959583f7439"}, + {file = "frozenlist-1.5.0-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:45e0896250900b5aa25180f9aec243e84e92ac84bd4a74d9ad4138ef3f5c97de"}, + {file = "frozenlist-1.5.0-cp313-cp313-musllinux_1_2_i686.whl", hash = "sha256:561eb1c9579d495fddb6da8959fd2a1fca2c6d060d4113f5844b433fc02f2641"}, + {file = "frozenlist-1.5.0-cp313-cp313-musllinux_1_2_ppc64le.whl", hash = "sha256:df6e2f325bfee1f49f81aaac97d2aa757c7646534a06f8f577ce184afe2f0a9e"}, + {file = "frozenlist-1.5.0-cp313-cp313-musllinux_1_2_s390x.whl", hash = "sha256:140228863501b44b809fb39ec56b5d4071f4d0aa6d216c19cbb08b8c5a7eadb9"}, + {file = "frozenlist-1.5.0-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:7707a25d6a77f5d27ea7dc7d1fc608aa0a478193823f88511ef5e6b8a48f9d03"}, + {file = "frozenlist-1.5.0-cp313-cp313-win32.whl", hash = "sha256:31a9ac2b38ab9b5a8933b693db4939764ad3f299fcaa931a3e605bc3460e693c"}, + {file = "frozenlist-1.5.0-cp313-cp313-win_amd64.whl", hash = "sha256:11aabdd62b8b9c4b84081a3c246506d1cddd2dd93ff0ad53ede5defec7886b28"}, + {file = "frozenlist-1.5.0-py3-none-any.whl", hash = "sha256:d994863bba198a4a518b467bb971c56e1db3f180a25c6cf7bb1949c267f748c3"}, + {file = "frozenlist-1.5.0.tar.gz", hash = "sha256:81d5af29e61b9c8348e876d442253723928dce6433e0e76cd925cd83f1b4b817"}, +] + +[[package]] +name = "fsspec" +version = "2024.9.0" +requires_python = ">=3.8" +summary = "File-system specification" +groups = ["default"] +files = [ + {file = "fsspec-2024.9.0-py3-none-any.whl", hash = "sha256:a0947d552d8a6efa72cc2c730b12c41d043509156966cca4fb157b0f2a0c574b"}, + {file = "fsspec-2024.9.0.tar.gz", hash = "sha256:4b0afb90c2f21832df142f292649035d80b421f60a9e1c027802e5a0da2b04e8"}, +] + +[[package]] +name = "fsspec" +version = "2024.9.0" +extras = ["http"] +requires_python = ">=3.8" +summary = "File-system specification" +groups = ["default"] +dependencies = [ + "aiohttp!=4.0.0a0,!=4.0.0a1", + "fsspec==2024.9.0", +] +files = [ + {file = "fsspec-2024.9.0-py3-none-any.whl", hash = "sha256:a0947d552d8a6efa72cc2c730b12c41d043509156966cca4fb157b0f2a0c574b"}, + {file = "fsspec-2024.9.0.tar.gz", hash = "sha256:4b0afb90c2f21832df142f292649035d80b421f60a9e1c027802e5a0da2b04e8"}, +] + +[[package]] +name = "h11" +version = "0.14.0" +requires_python = ">=3.7" +summary = "A pure-Python, bring-your-own-I/O implementation of HTTP/1.1" +groups = ["dev"] +dependencies = [ + "typing-extensions; python_version < \"3.8\"", +] +files = [ + {file = "h11-0.14.0-py3-none-any.whl", hash = "sha256:e3fe4ac4b851c468cc8363d500db52c2ead036020723024a109d37346efaa761"}, + {file = "h11-0.14.0.tar.gz", hash = "sha256:8f19fbbe99e72420ff35c00b27a34cb9937e902a8b810e2c88300c6f0a3b699d"}, +] + +[[package]] +name = "httpcore" +version = "1.0.7" +requires_python = ">=3.8" +summary = "A minimal low-level HTTP client." +groups = ["dev"] +dependencies = [ + "certifi", + "h11<0.15,>=0.13", +] +files = [ + {file = "httpcore-1.0.7-py3-none-any.whl", hash = "sha256:a3fff8f43dc260d5bd363d9f9cf1830fa3a458b332856f34282de498ed420edd"}, + {file = "httpcore-1.0.7.tar.gz", hash = "sha256:8551cb62a169ec7162ac7be8d4817d561f60e08eaa485234898414bb5a8a0b4c"}, +] + +[[package]] +name = "httpx" +version = "0.28.1" +requires_python = ">=3.8" +summary = "The next generation HTTP client." +groups = ["dev"] +dependencies = [ + "anyio", + "certifi", + "httpcore==1.*", + "idna", +] +files = [ + {file = "httpx-0.28.1-py3-none-any.whl", hash = "sha256:d909fcccc110f8c7faf814ca82a9a4d816bc5a6dbfea25d6591d6985b8ba59ad"}, + {file = "httpx-0.28.1.tar.gz", hash = "sha256:75e98c5f16b0f35b567856f597f06ff2270a374470a5c2392242528e3e3e42fc"}, +] + +[[package]] +name = "huggingface-hub" +version = "0.27.0" +requires_python = ">=3.8.0" +summary = "Client library to download and publish models, datasets and other repos on the huggingface.co hub" +groups = ["default"] +dependencies = [ + "filelock", + "fsspec>=2023.5.0", + "packaging>=20.9", + "pyyaml>=5.1", + "requests", + "tqdm>=4.42.1", + "typing-extensions>=3.7.4.3", +] +files = [ + {file = "huggingface_hub-0.27.0-py3-none-any.whl", hash = "sha256:8f2e834517f1f1ddf1ecc716f91b120d7333011b7485f665a9a412eacb1a2a81"}, + {file = "huggingface_hub-0.27.0.tar.gz", hash = "sha256:902cce1a1be5739f5589e560198a65a8edcfd3b830b1666f36e4b961f0454fac"}, +] + +[[package]] +name = "humanfriendly" +version = "10.0" +requires_python = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*" +summary = "Human friendly output for text interfaces using Python" +groups = ["default"] +dependencies = [ + "monotonic; python_version == \"2.7\"", + "pyreadline3; sys_platform == \"win32\" and python_version >= \"3.8\"", + "pyreadline; sys_platform == \"win32\" and python_version < \"3.8\"", +] +files = [ + {file = "humanfriendly-10.0-py2.py3-none-any.whl", hash = "sha256:1697e1a8a8f550fd43c2865cd84542fc175a61dcb779b6fee18cf6b6ccba1477"}, + {file = "humanfriendly-10.0.tar.gz", hash = "sha256:6b0b831ce8f15f7300721aa49829fc4e83921a9a301cc7f606be6686a2288ddc"}, +] + +[[package]] +name = "idna" +version = "3.10" +requires_python = ">=3.6" +summary = "Internationalized Domain Names in Applications (IDNA)" +groups = ["default", "dev"] +files = [ + {file = "idna-3.10-py3-none-any.whl", hash = "sha256:946d195a0d259cbba61165e88e65941f16e9b36ea6ddb97f00452bae8b1287d3"}, + {file = "idna-3.10.tar.gz", hash = "sha256:12f65c9b470abda6dc35cf8e63cc574b1c52b11df2c86030af0ac09b01b13ea9"}, +] + +[[package]] +name = "ipykernel" +version = "6.29.5" +requires_python = ">=3.8" +summary = "IPython Kernel for Jupyter" +groups = ["dev"] +dependencies = [ + "appnope; platform_system == \"Darwin\"", + "comm>=0.1.1", + "debugpy>=1.6.5", + "ipython>=7.23.1", + "jupyter-client>=6.1.12", + "jupyter-core!=5.0.*,>=4.12", + "matplotlib-inline>=0.1", + "nest-asyncio", + "packaging", + "psutil", + "pyzmq>=24", + "tornado>=6.1", + "traitlets>=5.4.0", +] +files = [ + {file = "ipykernel-6.29.5-py3-none-any.whl", hash = "sha256:afdb66ba5aa354b09b91379bac28ae4afebbb30e8b39510c9690afb7a10421b5"}, + {file = "ipykernel-6.29.5.tar.gz", hash = "sha256:f093a22c4a40f8828f8e330a9c297cb93dcab13bd9678ded6de8e5cf81c56215"}, +] + +[[package]] +name = "ipython" +version = "8.31.0" +requires_python = ">=3.10" +summary = "IPython: Productive Interactive Computing" +groups = ["dev"] +dependencies = [ + "colorama; sys_platform == \"win32\"", + "decorator", + "exceptiongroup; python_version < \"3.11\"", + "jedi>=0.16", + "matplotlib-inline", + "pexpect>4.3; sys_platform != \"win32\" and sys_platform != \"emscripten\"", + "prompt-toolkit<3.1.0,>=3.0.41", + "pygments>=2.4.0", + "stack-data", + "traitlets>=5.13.0", + "typing-extensions>=4.6; python_version < \"3.12\"", +] +files = [ + {file = "ipython-8.31.0-py3-none-any.whl", hash = "sha256:46ec58f8d3d076a61d128fe517a51eb730e3aaf0c184ea8c17d16e366660c6a6"}, + {file = "ipython-8.31.0.tar.gz", hash = "sha256:b6a2274606bec6166405ff05e54932ed6e5cfecaca1fc05f2cacde7bb074d70b"}, +] + +[[package]] +name = "ipywidgets" +version = "8.1.5" +requires_python = ">=3.7" +summary = "Jupyter interactive widgets" +groups = ["dev"] +dependencies = [ + "comm>=0.1.3", + "ipython>=6.1.0", + "jupyterlab-widgets~=3.0.12", + "traitlets>=4.3.1", + "widgetsnbextension~=4.0.12", +] +files = [ + {file = "ipywidgets-8.1.5-py3-none-any.whl", hash = "sha256:3290f526f87ae6e77655555baba4f36681c555b8bdbbff430b70e52c34c86245"}, + {file = "ipywidgets-8.1.5.tar.gz", hash = "sha256:870e43b1a35656a80c18c9503bbf2d16802db1cb487eec6fab27d683381dde17"}, +] + +[[package]] +name = "isoduration" +version = "20.11.0" +requires_python = ">=3.7" +summary = "Operations with ISO 8601 durations" +groups = ["dev"] +dependencies = [ + "arrow>=0.15.0", +] +files = [ + {file = "isoduration-20.11.0-py3-none-any.whl", hash = "sha256:b2904c2a4228c3d44f409c8ae8e2370eb21a26f7ac2ec5446df141dde3452042"}, + {file = "isoduration-20.11.0.tar.gz", hash = "sha256:ac2f9015137935279eac671f94f89eb00584f940f5dc49462a0c4ee692ba1bd9"}, +] + +[[package]] +name = "jedi" +version = "0.19.2" +requires_python = ">=3.6" +summary = "An autocompletion tool for Python that can be used for text editors." +groups = ["dev"] +dependencies = [ + "parso<0.9.0,>=0.8.4", +] +files = [ + {file = "jedi-0.19.2-py2.py3-none-any.whl", hash = "sha256:a8ef22bde8490f57fe5c7681a3c83cb58874daf72b4784de3cce5b6ef6edb5b9"}, + {file = "jedi-0.19.2.tar.gz", hash = "sha256:4770dc3de41bde3966b02eb84fbcf557fb33cce26ad23da12c742fb50ecb11f0"}, +] + +[[package]] +name = "jinja2" +version = "3.1.4" +requires_python = ">=3.7" +summary = "A very fast and expressive template engine." +groups = ["default", "dev"] +dependencies = [ + "MarkupSafe>=2.0", +] +files = [ + {file = "jinja2-3.1.4-py3-none-any.whl", hash = "sha256:bc5dd2abb727a5319567b7a813e6a2e7318c39f4f487cfe6c89c6f9c7d25197d"}, + {file = "jinja2-3.1.4.tar.gz", hash = "sha256:4a3aee7acbbe7303aede8e9648d13b8bf88a429282aa6122a993f0ac800cb369"}, +] + +[[package]] +name = "joblib" +version = "1.4.2" +requires_python = ">=3.8" +summary = "Lightweight pipelining with Python functions" +groups = ["default"] +files = [ + {file = "joblib-1.4.2-py3-none-any.whl", hash = "sha256:06d478d5674cbc267e7496a410ee875abd68e4340feff4490bcb7afb88060ae6"}, + {file = "joblib-1.4.2.tar.gz", hash = "sha256:2382c5816b2636fbd20a09e0f4e9dad4736765fdfb7dca582943b9c1366b3f0e"}, +] + +[[package]] +name = "json5" +version = "0.10.0" +requires_python = ">=3.8.0" +summary = "A Python implementation of the JSON5 data format." +groups = ["dev"] +files = [ + {file = "json5-0.10.0-py3-none-any.whl", hash = "sha256:19b23410220a7271e8377f81ba8aacba2fdd56947fbb137ee5977cbe1f5e8dfa"}, + {file = "json5-0.10.0.tar.gz", hash = "sha256:e66941c8f0a02026943c52c2eb34ebeb2a6f819a0be05920a6f5243cd30fd559"}, +] + +[[package]] +name = "jsonpointer" +version = "3.0.0" +requires_python = ">=3.7" +summary = "Identify specific nodes in a JSON document (RFC 6901) " +groups = ["dev"] +files = [ + {file = "jsonpointer-3.0.0-py2.py3-none-any.whl", hash = "sha256:13e088adc14fca8b6aa8177c044e12701e6ad4b28ff10e65f2267a90109c9942"}, + {file = "jsonpointer-3.0.0.tar.gz", hash = "sha256:2b2d729f2091522d61c3b31f82e11870f60b68f43fbc705cb76bf4b832af59ef"}, +] + +[[package]] +name = "jsonschema" +version = "4.23.0" +requires_python = ">=3.8" +summary = "An implementation of JSON Schema validation for Python" +groups = ["dev"] +dependencies = [ + "attrs>=22.2.0", + "importlib-resources>=1.4.0; python_version < \"3.9\"", + "jsonschema-specifications>=2023.03.6", + "pkgutil-resolve-name>=1.3.10; python_version < \"3.9\"", + "referencing>=0.28.4", + "rpds-py>=0.7.1", +] +files = [ + {file = "jsonschema-4.23.0-py3-none-any.whl", hash = "sha256:fbadb6f8b144a8f8cf9f0b89ba94501d143e50411a1278633f56a7acf7fd5566"}, + {file = "jsonschema-4.23.0.tar.gz", hash = "sha256:d71497fef26351a33265337fa77ffeb82423f3ea21283cd9467bb03999266bc4"}, +] + +[[package]] +name = "jsonschema-specifications" +version = "2024.10.1" +requires_python = ">=3.9" +summary = "The JSON Schema meta-schemas and vocabularies, exposed as a Registry" +groups = ["dev"] +dependencies = [ + "referencing>=0.31.0", +] +files = [ + {file = "jsonschema_specifications-2024.10.1-py3-none-any.whl", hash = "sha256:a09a0680616357d9a0ecf05c12ad234479f549239d0f5b55f3deea67475da9bf"}, + {file = "jsonschema_specifications-2024.10.1.tar.gz", hash = "sha256:0f38b83639958ce1152d02a7f062902c41c8fd20d558b0c34344292d417ae272"}, +] + +[[package]] +name = "jsonschema" +version = "4.23.0" +extras = ["format-nongpl"] +requires_python = ">=3.8" +summary = "An implementation of JSON Schema validation for Python" +groups = ["dev"] +dependencies = [ + "fqdn", + "idna", + "isoduration", + "jsonpointer>1.13", + "jsonschema==4.23.0", + "rfc3339-validator", + "rfc3986-validator>0.1.0", + "uri-template", + "webcolors>=24.6.0", +] +files = [ + {file = "jsonschema-4.23.0-py3-none-any.whl", hash = "sha256:fbadb6f8b144a8f8cf9f0b89ba94501d143e50411a1278633f56a7acf7fd5566"}, + {file = "jsonschema-4.23.0.tar.gz", hash = "sha256:d71497fef26351a33265337fa77ffeb82423f3ea21283cd9467bb03999266bc4"}, +] + +[[package]] +name = "jupyter-client" +version = "8.6.3" +requires_python = ">=3.8" +summary = "Jupyter protocol implementation and client libraries" +groups = ["dev"] +dependencies = [ + "importlib-metadata>=4.8.3; python_version < \"3.10\"", + "jupyter-core!=5.0.*,>=4.12", + "python-dateutil>=2.8.2", + "pyzmq>=23.0", + "tornado>=6.2", + "traitlets>=5.3", +] +files = [ + {file = "jupyter_client-8.6.3-py3-none-any.whl", hash = "sha256:e8a19cc986cc45905ac3362915f410f3af85424b4c0905e94fa5f2cb08e8f23f"}, + {file = "jupyter_client-8.6.3.tar.gz", hash = "sha256:35b3a0947c4a6e9d589eb97d7d4cd5e90f910ee73101611f01283732bd6d9419"}, +] + +[[package]] +name = "jupyter-core" +version = "5.7.2" +requires_python = ">=3.8" +summary = "Jupyter core package. A base package on which Jupyter projects rely." +groups = ["dev"] +dependencies = [ + "platformdirs>=2.5", + "pywin32>=300; sys_platform == \"win32\" and platform_python_implementation != \"PyPy\"", + "traitlets>=5.3", +] +files = [ + {file = "jupyter_core-5.7.2-py3-none-any.whl", hash = "sha256:4f7315d2f6b4bcf2e3e7cb6e46772eba760ae459cd1f59d29eb57b0a01bd7409"}, + {file = "jupyter_core-5.7.2.tar.gz", hash = "sha256:aa5f8d32bbf6b431ac830496da7392035d6f61b4f54872f15c4bd2a9c3f536d9"}, +] + +[[package]] +name = "jupyter-events" +version = "0.11.0" +requires_python = ">=3.9" +summary = "Jupyter Event System library" +groups = ["dev"] +dependencies = [ + "jsonschema[format-nongpl]>=4.18.0", + "python-json-logger>=2.0.4", + "pyyaml>=5.3", + "referencing", + "rfc3339-validator", + "rfc3986-validator>=0.1.1", + "traitlets>=5.3", +] +files = [ + {file = "jupyter_events-0.11.0-py3-none-any.whl", hash = "sha256:36399b41ce1ca45fe8b8271067d6a140ffa54cec4028e95491c93b78a855cacf"}, + {file = "jupyter_events-0.11.0.tar.gz", hash = "sha256:c0bc56a37aac29c1fbc3bcfbddb8c8c49533f9cf11f1c4e6adadba936574ab90"}, +] + +[[package]] +name = "jupyter-lsp" +version = "2.2.5" +requires_python = ">=3.8" +summary = "Multi-Language Server WebSocket proxy for Jupyter Notebook/Lab server" +groups = ["dev"] +dependencies = [ + "importlib-metadata>=4.8.3; python_version < \"3.10\"", + "jupyter-server>=1.1.2", +] +files = [ + {file = "jupyter-lsp-2.2.5.tar.gz", hash = "sha256:793147a05ad446f809fd53ef1cd19a9f5256fd0a2d6b7ce943a982cb4f545001"}, + {file = "jupyter_lsp-2.2.5-py3-none-any.whl", hash = "sha256:45fbddbd505f3fbfb0b6cb2f1bc5e15e83ab7c79cd6e89416b248cb3c00c11da"}, +] + +[[package]] +name = "jupyter-server" +version = "2.15.0" +requires_python = ">=3.9" +summary = "The backend—i.e. core services, APIs, and REST endpoints—to Jupyter web applications." +groups = ["dev"] +dependencies = [ + "anyio>=3.1.0", + "argon2-cffi>=21.1", + "jinja2>=3.0.3", + "jupyter-client>=7.4.4", + "jupyter-core!=5.0.*,>=4.12", + "jupyter-events>=0.11.0", + "jupyter-server-terminals>=0.4.4", + "nbconvert>=6.4.4", + "nbformat>=5.3.0", + "overrides>=5.0", + "packaging>=22.0", + "prometheus-client>=0.9", + "pywinpty>=2.0.1; os_name == \"nt\"", + "pyzmq>=24", + "send2trash>=1.8.2", + "terminado>=0.8.3", + "tornado>=6.2.0", + "traitlets>=5.6.0", + "websocket-client>=1.7", +] +files = [ + {file = "jupyter_server-2.15.0-py3-none-any.whl", hash = "sha256:872d989becf83517012ee669f09604aa4a28097c0bd90b2f424310156c2cdae3"}, + {file = "jupyter_server-2.15.0.tar.gz", hash = "sha256:9d446b8697b4f7337a1b7cdcac40778babdd93ba614b6d68ab1c0c918f1c4084"}, +] + +[[package]] +name = "jupyter-server-terminals" +version = "0.5.3" +requires_python = ">=3.8" +summary = "A Jupyter Server Extension Providing Terminals." +groups = ["dev"] +dependencies = [ + "pywinpty>=2.0.3; os_name == \"nt\"", + "terminado>=0.8.3", +] +files = [ + {file = "jupyter_server_terminals-0.5.3-py3-none-any.whl", hash = "sha256:41ee0d7dc0ebf2809c668e0fc726dfaf258fcd3e769568996ca731b6194ae9aa"}, + {file = "jupyter_server_terminals-0.5.3.tar.gz", hash = "sha256:5ae0295167220e9ace0edcfdb212afd2b01ee8d179fe6f23c899590e9b8a5269"}, +] + +[[package]] +name = "jupyterlab" +version = "4.3.4" +requires_python = ">=3.8" +summary = "JupyterLab computational environment" +groups = ["dev"] +dependencies = [ + "async-lru>=1.0.0", + "httpx>=0.25.0", + "importlib-metadata>=4.8.3; python_version < \"3.10\"", + "importlib-resources>=1.4; python_version < \"3.9\"", + "ipykernel>=6.5.0", + "jinja2>=3.0.3", + "jupyter-core", + "jupyter-lsp>=2.0.0", + "jupyter-server<3,>=2.4.0", + "jupyterlab-server<3,>=2.27.1", + "notebook-shim>=0.2", + "packaging", + "setuptools>=40.8.0", + "tomli>=1.2.2; python_version < \"3.11\"", + "tornado>=6.2.0", + "traitlets", +] +files = [ + {file = "jupyterlab-4.3.4-py3-none-any.whl", hash = "sha256:b754c2601c5be6adf87cb5a1d8495d653ffb945f021939f77776acaa94dae952"}, + {file = "jupyterlab-4.3.4.tar.gz", hash = "sha256:f0bb9b09a04766e3423cccc2fc23169aa2ffedcdf8713e9e0fb33cac0b6859d0"}, +] + +[[package]] +name = "jupyterlab-pygments" +version = "0.3.0" +requires_python = ">=3.8" +summary = "Pygments theme using JupyterLab CSS variables" +groups = ["dev"] +files = [ + {file = "jupyterlab_pygments-0.3.0-py3-none-any.whl", hash = "sha256:841a89020971da1d8693f1a99997aefc5dc424bb1b251fd6322462a1b8842780"}, + {file = "jupyterlab_pygments-0.3.0.tar.gz", hash = "sha256:721aca4d9029252b11cfa9d185e5b5af4d54772bb8072f9b7036f4170054d35d"}, +] + +[[package]] +name = "jupyterlab-server" +version = "2.27.3" +requires_python = ">=3.8" +summary = "A set of server components for JupyterLab and JupyterLab like applications." +groups = ["dev"] +dependencies = [ + "babel>=2.10", + "importlib-metadata>=4.8.3; python_version < \"3.10\"", + "jinja2>=3.0.3", + "json5>=0.9.0", + "jsonschema>=4.18.0", + "jupyter-server<3,>=1.21", + "packaging>=21.3", + "requests>=2.31", +] +files = [ + {file = "jupyterlab_server-2.27.3-py3-none-any.whl", hash = "sha256:e697488f66c3db49df675158a77b3b017520d772c6e1548c7d9bcc5df7944ee4"}, + {file = "jupyterlab_server-2.27.3.tar.gz", hash = "sha256:eb36caca59e74471988f0ae25c77945610b887f777255aa21f8065def9e51ed4"}, +] + +[[package]] +name = "jupyterlab-widgets" +version = "3.0.13" +requires_python = ">=3.7" +summary = "Jupyter interactive widgets for JupyterLab" +groups = ["dev"] +files = [ + {file = "jupyterlab_widgets-3.0.13-py3-none-any.whl", hash = "sha256:e3cda2c233ce144192f1e29914ad522b2f4c40e77214b0cc97377ca3d323db54"}, + {file = "jupyterlab_widgets-3.0.13.tar.gz", hash = "sha256:a2966d385328c1942b683a8cd96b89b8dd82c8b8f81dda902bb2bc06d46f5bed"}, +] + +[[package]] +name = "lang-main" +version = "0.1.0" +requires_python = ">=3.11" +summary = "Several tools to analyse TOM's data with strong focus on language processing" +groups = ["default"] +dependencies = [ + "networkx>=3.3", + "numpy>=1.26.4", + "onnx==1.16.1", + "pandas>=2.2.2", + "pip>=24.0", + "python-dateutil>=2.9.0.post0", + "sentence-transformers[onnx]>=3.2.0", + "spacy>=3.7.4", + "tqdm>=4.67.0", + "typing-extensions>=4.12.2", +] +files = [ + {file = "lang_main-0.1.0-py3-none-any.whl", hash = "sha256:82e742d1bb62ce8aa160002258c1be4121b34c60e8f229e383388b9399ea22e3"}, + {file = "lang_main-0.1.0.tar.gz", hash = "sha256:71ebb7b40121d5e18c6aa7e9053d85ccb4cff258427638bb93c9fcb90a6378e7"}, +] + +[[package]] +name = "lang-main" +version = "0.1.0" +extras = ["spacy-md", "spacy-trf"] +requires_python = ">=3.11" +summary = "Several tools to analyse TOM's data with strong focus on language processing" +groups = ["default"] +dependencies = [ + "de-core-news-md @ https://github.com/explosion/spacy-models/releases/download/de_core_news_md-3.8.0/de_core_news_md-3.8.0-py3-none-any.whl", + "de-dep-news-trf @ https://github.com/explosion/spacy-models/releases/download/de_dep_news_trf-3.8.0/de_dep_news_trf-3.8.0-py3-none-any.whl", + "lang-main==0.1.0", +] +files = [ + {file = "lang_main-0.1.0-py3-none-any.whl", hash = "sha256:82e742d1bb62ce8aa160002258c1be4121b34c60e8f229e383388b9399ea22e3"}, + {file = "lang_main-0.1.0.tar.gz", hash = "sha256:71ebb7b40121d5e18c6aa7e9053d85ccb4cff258427638bb93c9fcb90a6378e7"}, +] + +[[package]] +name = "langcodes" +version = "3.5.0" +requires_python = ">=3.9" +summary = "Tools for labeling human languages with IETF language tags" +groups = ["default"] +dependencies = [ + "language-data>=1.2", +] +files = [ + {file = "langcodes-3.5.0-py3-none-any.whl", hash = "sha256:853c69d1a35e0e13da2f427bb68fb2fa4a8f4fb899e0c62ad8df8d073dcfed33"}, + {file = "langcodes-3.5.0.tar.gz", hash = "sha256:1eef8168d07e51e131a2497ffecad4b663f6208e7c3ae3b8dc15c51734a6f801"}, +] + +[[package]] +name = "language-data" +version = "1.3.0" +summary = "Supplementary data about languages used by the langcodes module" +groups = ["default"] +dependencies = [ + "marisa-trie>=1.1.0", +] +files = [ + {file = "language_data-1.3.0-py3-none-any.whl", hash = "sha256:e2ee943551b5ae5f89cd0e801d1fc3835bb0ef5b7e9c3a4e8e17b2b214548fbf"}, + {file = "language_data-1.3.0.tar.gz", hash = "sha256:7600ef8aa39555145d06c89f0c324bf7dab834ea0b0a439d8243762e3ebad7ec"}, +] + +[[package]] +name = "marisa-trie" +version = "1.2.1" +requires_python = ">=3.7" +summary = "Static memory-efficient and fast Trie-like structures for Python." +groups = ["default"] +dependencies = [ + "setuptools", +] +files = [ + {file = "marisa_trie-1.2.1-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:ed3fb4ed7f2084597e862bcd56c56c5529e773729a426c083238682dba540e98"}, + {file = "marisa_trie-1.2.1-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:0fe69fb9ffb2767746181f7b3b29bbd3454d1d24717b5958e030494f3d3cddf3"}, + {file = "marisa_trie-1.2.1-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:4728ed3ae372d1ea2cdbd5eaa27b8f20a10e415d1f9d153314831e67d963f281"}, + {file = "marisa_trie-1.2.1-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:8cf4f25cf895692b232f49aa5397af6aba78bb679fb917a05fce8d3cb1ee446d"}, + {file = "marisa_trie-1.2.1-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:7cca7f96236ffdbf49be4b2e42c132e3df05968ac424544034767650913524de"}, + {file = "marisa_trie-1.2.1-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:d7eb20bf0e8b55a58d2a9b518aabc4c18278787bdba476c551dd1c1ed109e509"}, + {file = "marisa_trie-1.2.1-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:b1ec93f0d1ee6d7ab680a6d8ea1a08bf264636358e92692072170032dda652ba"}, + {file = "marisa_trie-1.2.1-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:e2699255d7ac610dee26d4ae7bda5951d05c7d9123a22e1f7c6a6f1964e0a4e4"}, + {file = "marisa_trie-1.2.1-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:c484410911182457a8a1a0249d0c09c01e2071b78a0a8538cd5f7fa45589b13a"}, + {file = "marisa_trie-1.2.1-cp311-cp311-win32.whl", hash = "sha256:ad548117744b2bcf0e3d97374608be0a92d18c2af13d98b728d37cd06248e571"}, + {file = "marisa_trie-1.2.1-cp311-cp311-win_amd64.whl", hash = "sha256:436f62d27714970b9cdd3b3c41bdad046f260e62ebb0daa38125ef70536fc73b"}, + {file = "marisa_trie-1.2.1-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:638506eacf20ca503fff72221a7e66a6eadbf28d6a4a6f949fcf5b1701bb05ec"}, + {file = "marisa_trie-1.2.1-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:de1665eaafefa48a308e4753786519888021740501a15461c77bdfd57638e6b4"}, + {file = "marisa_trie-1.2.1-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:f713af9b8aa66a34cd3a78c7d150a560a75734713abe818a69021fd269e927fa"}, + {file = "marisa_trie-1.2.1-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:b2a7d00f53f4945320b551bccb826b3fb26948bde1a10d50bb9802fabb611b10"}, + {file = "marisa_trie-1.2.1-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:98042040d1d6085792e8d0f74004fc0f5f9ca6091c298f593dd81a22a4643854"}, + {file = "marisa_trie-1.2.1-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:6532615111eec2c79e711965ece0bc95adac1ff547a7fff5ffca525463116deb"}, + {file = "marisa_trie-1.2.1-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:20948e40ab2038e62b7000ca6b4a913bc16c91a2c2e6da501bd1f917eeb28d51"}, + {file = "marisa_trie-1.2.1-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:66b23e5b35dd547f85bf98db7c749bc0ffc57916ade2534a6bbc32db9a4abc44"}, + {file = "marisa_trie-1.2.1-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:6704adf0247d2dda42e876b793be40775dff46624309ad99bc7537098bee106d"}, + {file = "marisa_trie-1.2.1-cp312-cp312-win32.whl", hash = "sha256:3ad356442c2fea4c2a6f514738ddf213d23930f942299a2b2c05df464a00848a"}, + {file = "marisa_trie-1.2.1-cp312-cp312-win_amd64.whl", hash = "sha256:f2806f75817392cedcacb24ac5d80b0350dde8d3861d67d045c1d9b109764114"}, + {file = "marisa_trie-1.2.1-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:b5ea16e69bfda0ac028c921b58de1a4aaf83d43934892977368579cd3c0a2554"}, + {file = "marisa_trie-1.2.1-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:9f627f4e41be710b6cb6ed54b0128b229ac9d50e2054d9cde3af0fef277c23cf"}, + {file = "marisa_trie-1.2.1-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:5e649f3dc8ab5476732094f2828cc90cac3be7c79bc0c8318b6fda0c1d248db4"}, + {file = "marisa_trie-1.2.1-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:46e528ee71808c961baf8c3ce1c46a8337ec7a96cc55389d11baafe5b632f8e9"}, + {file = "marisa_trie-1.2.1-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:36aa4401a1180615f74d575571a6550081d84fc6461e9aefc0bb7b2427af098e"}, + {file = "marisa_trie-1.2.1-cp313-cp313-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:ce59bcd2cda9bb52b0e90cc7f36413cd86c3d0ce7224143447424aafb9f4aa48"}, + {file = "marisa_trie-1.2.1-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:f4cd800704a5fc57e53c39c3a6b0c9b1519ebdbcb644ede3ee67a06eb542697d"}, + {file = "marisa_trie-1.2.1-cp313-cp313-musllinux_1_2_i686.whl", hash = "sha256:2428b495003c189695fb91ceeb499f9fcced3a2dce853e17fa475519433c67ff"}, + {file = "marisa_trie-1.2.1-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:735c363d9aaac82eaf516a28f7c6b95084c2e176d8231c87328dc80e112a9afa"}, + {file = "marisa_trie-1.2.1-cp313-cp313-win32.whl", hash = "sha256:eba6ca45500ca1a042466a0684aacc9838e7f20fe2605521ee19f2853062798f"}, + {file = "marisa_trie-1.2.1-cp313-cp313-win_amd64.whl", hash = "sha256:aa7cd17e1c690ce96c538b2f4aae003d9a498e65067dd433c52dd069009951d4"}, + {file = "marisa_trie-1.2.1.tar.gz", hash = "sha256:3a27c408e2aefc03e0f1d25b2ff2afb85aac3568f6fa2ae2a53b57a2e87ce29d"}, +] + +[[package]] +name = "markdown-it-py" +version = "3.0.0" +requires_python = ">=3.8" +summary = "Python port of markdown-it. Markdown parsing, done right!" +groups = ["default", "dev"] +dependencies = [ + "mdurl~=0.1", +] +files = [ + {file = "markdown-it-py-3.0.0.tar.gz", hash = "sha256:e3f60a94fa066dc52ec76661e37c851cb232d92f9886b15cb560aaada2df8feb"}, + {file = "markdown_it_py-3.0.0-py3-none-any.whl", hash = "sha256:355216845c60bd96232cd8d8c40e8f9765cc86f46880e43a8fd22dc1a1a8cab1"}, +] + +[[package]] +name = "markupsafe" +version = "3.0.2" +requires_python = ">=3.9" +summary = "Safely add untrusted strings to HTML/XML markup." +groups = ["default", "dev"] +files = [ + {file = "MarkupSafe-3.0.2-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:9025b4018f3a1314059769c7bf15441064b2207cb3f065e6ea1e7359cb46db9d"}, + {file = "MarkupSafe-3.0.2-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:93335ca3812df2f366e80509ae119189886b0f3c2b81325d39efdb84a1e2ae93"}, + {file = "MarkupSafe-3.0.2-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:2cb8438c3cbb25e220c2ab33bb226559e7afb3baec11c4f218ffa7308603c832"}, + {file = "MarkupSafe-3.0.2-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:a123e330ef0853c6e822384873bef7507557d8e4a082961e1defa947aa59ba84"}, + {file = "MarkupSafe-3.0.2-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:1e084f686b92e5b83186b07e8a17fc09e38fff551f3602b249881fec658d3eca"}, + {file = "MarkupSafe-3.0.2-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:d8213e09c917a951de9d09ecee036d5c7d36cb6cb7dbaece4c71a60d79fb9798"}, + {file = "MarkupSafe-3.0.2-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:5b02fb34468b6aaa40dfc198d813a641e3a63b98c2b05a16b9f80b7ec314185e"}, + {file = "MarkupSafe-3.0.2-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:0bff5e0ae4ef2e1ae4fdf2dfd5b76c75e5c2fa4132d05fc1b0dabcd20c7e28c4"}, + {file = "MarkupSafe-3.0.2-cp311-cp311-win32.whl", hash = "sha256:6c89876f41da747c8d3677a2b540fb32ef5715f97b66eeb0c6b66f5e3ef6f59d"}, + {file = "MarkupSafe-3.0.2-cp311-cp311-win_amd64.whl", hash = "sha256:70a87b411535ccad5ef2f1df5136506a10775d267e197e4cf531ced10537bd6b"}, + {file = "MarkupSafe-3.0.2-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:9778bd8ab0a994ebf6f84c2b949e65736d5575320a17ae8984a77fab08db94cf"}, + {file = "MarkupSafe-3.0.2-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:846ade7b71e3536c4e56b386c2a47adf5741d2d8b94ec9dc3e92e5e1ee1e2225"}, + {file = "MarkupSafe-3.0.2-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:1c99d261bd2d5f6b59325c92c73df481e05e57f19837bdca8413b9eac4bd8028"}, + {file = "MarkupSafe-3.0.2-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:e17c96c14e19278594aa4841ec148115f9c7615a47382ecb6b82bd8fea3ab0c8"}, + {file = "MarkupSafe-3.0.2-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:88416bd1e65dcea10bc7569faacb2c20ce071dd1f87539ca2ab364bf6231393c"}, + {file = "MarkupSafe-3.0.2-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:2181e67807fc2fa785d0592dc2d6206c019b9502410671cc905d132a92866557"}, + {file = "MarkupSafe-3.0.2-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:52305740fe773d09cffb16f8ed0427942901f00adedac82ec8b67752f58a1b22"}, + {file = "MarkupSafe-3.0.2-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:ad10d3ded218f1039f11a75f8091880239651b52e9bb592ca27de44eed242a48"}, + {file = "MarkupSafe-3.0.2-cp312-cp312-win32.whl", hash = "sha256:0f4ca02bea9a23221c0182836703cbf8930c5e9454bacce27e767509fa286a30"}, + {file = "MarkupSafe-3.0.2-cp312-cp312-win_amd64.whl", hash = "sha256:8e06879fc22a25ca47312fbe7c8264eb0b662f6db27cb2d3bbbc74b1df4b9b87"}, + {file = "MarkupSafe-3.0.2-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:ba9527cdd4c926ed0760bc301f6728ef34d841f405abf9d4f959c478421e4efd"}, + {file = "MarkupSafe-3.0.2-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:f8b3d067f2e40fe93e1ccdd6b2e1d16c43140e76f02fb1319a05cf2b79d99430"}, + {file = "MarkupSafe-3.0.2-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:569511d3b58c8791ab4c2e1285575265991e6d8f8700c7be0e88f86cb0672094"}, + {file = "MarkupSafe-3.0.2-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:15ab75ef81add55874e7ab7055e9c397312385bd9ced94920f2802310c930396"}, + {file = "MarkupSafe-3.0.2-cp313-cp313-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:f3818cb119498c0678015754eba762e0d61e5b52d34c8b13d770f0719f7b1d79"}, + {file = "MarkupSafe-3.0.2-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:cdb82a876c47801bb54a690c5ae105a46b392ac6099881cdfb9f6e95e4014c6a"}, + {file = "MarkupSafe-3.0.2-cp313-cp313-musllinux_1_2_i686.whl", hash = "sha256:cabc348d87e913db6ab4aa100f01b08f481097838bdddf7c7a84b7575b7309ca"}, + {file = "MarkupSafe-3.0.2-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:444dcda765c8a838eaae23112db52f1efaf750daddb2d9ca300bcae1039adc5c"}, + {file = "MarkupSafe-3.0.2-cp313-cp313-win32.whl", hash = "sha256:bcf3e58998965654fdaff38e58584d8937aa3096ab5354d493c77d1fdd66d7a1"}, + {file = "MarkupSafe-3.0.2-cp313-cp313-win_amd64.whl", hash = "sha256:e6a2a455bd412959b57a172ce6328d2dd1f01cb2135efda2e4576e8a23fa3b0f"}, + {file = "MarkupSafe-3.0.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:b5a6b3ada725cea8a5e634536b1b01c30bcdcd7f9c6fff4151548d5bf6b3a36c"}, + {file = "MarkupSafe-3.0.2-cp313-cp313t-macosx_11_0_arm64.whl", hash = "sha256:a904af0a6162c73e3edcb969eeeb53a63ceeb5d8cf642fade7d39e7963a22ddb"}, + {file = "MarkupSafe-3.0.2-cp313-cp313t-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:4aa4e5faecf353ed117801a068ebab7b7e09ffb6e1d5e412dc852e0da018126c"}, + {file = "MarkupSafe-3.0.2-cp313-cp313t-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:c0ef13eaeee5b615fb07c9a7dadb38eac06a0608b41570d8ade51c56539e509d"}, + {file = "MarkupSafe-3.0.2-cp313-cp313t-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:d16a81a06776313e817c951135cf7340a3e91e8c1ff2fac444cfd75fffa04afe"}, + {file = "MarkupSafe-3.0.2-cp313-cp313t-musllinux_1_2_aarch64.whl", hash = "sha256:6381026f158fdb7c72a168278597a5e3a5222e83ea18f543112b2662a9b699c5"}, + {file = "MarkupSafe-3.0.2-cp313-cp313t-musllinux_1_2_i686.whl", hash = "sha256:3d79d162e7be8f996986c064d1c7c817f6df3a77fe3d6859f6f9e7be4b8c213a"}, + {file = "MarkupSafe-3.0.2-cp313-cp313t-musllinux_1_2_x86_64.whl", hash = "sha256:131a3c7689c85f5ad20f9f6fb1b866f402c445b220c19fe4308c0b147ccd2ad9"}, + {file = "MarkupSafe-3.0.2-cp313-cp313t-win32.whl", hash = "sha256:ba8062ed2cf21c07a9e295d5b8a2a5ce678b913b45fdf68c32d95d6c1291e0b6"}, + {file = "MarkupSafe-3.0.2-cp313-cp313t-win_amd64.whl", hash = "sha256:e444a31f8db13eb18ada366ab3cf45fd4b31e4db1236a4448f68778c1d1a5a2f"}, + {file = "markupsafe-3.0.2.tar.gz", hash = "sha256:ee55d3edf80167e48ea11a923c7386f4669df67d7994554387f84e7d8b0a2bf0"}, +] + +[[package]] +name = "matplotlib-inline" +version = "0.1.7" +requires_python = ">=3.8" +summary = "Inline Matplotlib backend for Jupyter" +groups = ["dev"] +dependencies = [ + "traitlets", +] +files = [ + {file = "matplotlib_inline-0.1.7-py3-none-any.whl", hash = "sha256:df192d39a4ff8f21b1895d72e6a13f5fcc5099f00fa84384e0ea28c2cc0653ca"}, + {file = "matplotlib_inline-0.1.7.tar.gz", hash = "sha256:8423b23ec666be3d16e16b60bdd8ac4e86e840ebd1dd11a30b9f117f2fa0ab90"}, +] + +[[package]] +name = "mdurl" +version = "0.1.2" +requires_python = ">=3.7" +summary = "Markdown URL utilities" +groups = ["default", "dev"] +files = [ + {file = "mdurl-0.1.2-py3-none-any.whl", hash = "sha256:84008a41e51615a49fc9966191ff91509e3c40b939176e643fd50a5c2196b8f8"}, + {file = "mdurl-0.1.2.tar.gz", hash = "sha256:bb413d29f5eea38f31dd4754dd7377d4465116fb207585f97bf925588687c1ba"}, +] + +[[package]] +name = "mistune" +version = "3.1.0" +requires_python = ">=3.8" +summary = "A sane and fast Markdown parser with useful plugins and renderers" +groups = ["dev"] +dependencies = [ + "typing-extensions; python_version < \"3.11\"", +] +files = [ + {file = "mistune-3.1.0-py3-none-any.whl", hash = "sha256:b05198cf6d671b3deba6c87ec6cf0d4eb7b72c524636eddb6dbf13823b52cee1"}, + {file = "mistune-3.1.0.tar.gz", hash = "sha256:dbcac2f78292b9dc066cd03b7a3a26b62d85f8159f2ea5fd28e55df79908d667"}, +] + +[[package]] +name = "mpmath" +version = "1.3.0" +summary = "Python library for arbitrary-precision floating-point arithmetic" +groups = ["default"] +files = [ + {file = "mpmath-1.3.0-py3-none-any.whl", hash = "sha256:a0b2b9fe80bbcd81a6647ff13108738cfb482d481d826cc0e02f5b35e5c88d2c"}, + {file = "mpmath-1.3.0.tar.gz", hash = "sha256:7a28eb2a9774d00c7bc92411c19a89209d5da7c4c9a9e227be8330a23a25b91f"}, +] + +[[package]] +name = "multidict" +version = "6.1.0" +requires_python = ">=3.8" +summary = "multidict implementation" +groups = ["default"] +dependencies = [ + "typing-extensions>=4.1.0; python_version < \"3.11\"", +] +files = [ + {file = "multidict-6.1.0-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:3efe2c2cb5763f2f1b275ad2bf7a287d3f7ebbef35648a9726e3b69284a4f3d6"}, + {file = "multidict-6.1.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:c7053d3b0353a8b9de430a4f4b4268ac9a4fb3481af37dfe49825bf45ca24156"}, + {file = "multidict-6.1.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:27e5fc84ccef8dfaabb09d82b7d179c7cf1a3fbc8a966f8274fcb4ab2eb4cadb"}, + {file = "multidict-6.1.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:0e2b90b43e696f25c62656389d32236e049568b39320e2735d51f08fd362761b"}, + {file = "multidict-6.1.0-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:d83a047959d38a7ff552ff94be767b7fd79b831ad1cd9920662db05fec24fe72"}, + {file = "multidict-6.1.0-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:d1a9dd711d0877a1ece3d2e4fea11a8e75741ca21954c919406b44e7cf971304"}, + {file = "multidict-6.1.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ec2abea24d98246b94913b76a125e855eb5c434f7c46546046372fe60f666351"}, + {file = "multidict-6.1.0-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:4867cafcbc6585e4b678876c489b9273b13e9fff9f6d6d66add5e15d11d926cb"}, + {file = "multidict-6.1.0-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:5b48204e8d955c47c55b72779802b219a39acc3ee3d0116d5080c388970b76e3"}, + {file = "multidict-6.1.0-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:d8fff389528cad1618fb4b26b95550327495462cd745d879a8c7c2115248e399"}, + {file = "multidict-6.1.0-cp311-cp311-musllinux_1_2_ppc64le.whl", hash = "sha256:a7a9541cd308eed5e30318430a9c74d2132e9a8cb46b901326272d780bf2d423"}, + {file = "multidict-6.1.0-cp311-cp311-musllinux_1_2_s390x.whl", hash = "sha256:da1758c76f50c39a2efd5e9859ce7d776317eb1dd34317c8152ac9251fc574a3"}, + {file = "multidict-6.1.0-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:c943a53e9186688b45b323602298ab727d8865d8c9ee0b17f8d62d14b56f0753"}, + {file = "multidict-6.1.0-cp311-cp311-win32.whl", hash = "sha256:90f8717cb649eea3504091e640a1b8568faad18bd4b9fcd692853a04475a4b80"}, + {file = "multidict-6.1.0-cp311-cp311-win_amd64.whl", hash = "sha256:82176036e65644a6cc5bd619f65f6f19781e8ec2e5330f51aa9ada7504cc1926"}, + {file = "multidict-6.1.0-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:b04772ed465fa3cc947db808fa306d79b43e896beb677a56fb2347ca1a49c1fa"}, + {file = "multidict-6.1.0-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:6180c0ae073bddeb5a97a38c03f30c233e0a4d39cd86166251617d1bbd0af436"}, + {file = "multidict-6.1.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:071120490b47aa997cca00666923a83f02c7fbb44f71cf7f136df753f7fa8761"}, + {file = "multidict-6.1.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:50b3a2710631848991d0bf7de077502e8994c804bb805aeb2925a981de58ec2e"}, + {file = "multidict-6.1.0-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:b58c621844d55e71c1b7f7c498ce5aa6985d743a1a59034c57a905b3f153c1ef"}, + {file = "multidict-6.1.0-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:55b6d90641869892caa9ca42ff913f7ff1c5ece06474fbd32fb2cf6834726c95"}, + {file = "multidict-6.1.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:4b820514bfc0b98a30e3d85462084779900347e4d49267f747ff54060cc33925"}, + {file = "multidict-6.1.0-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:10a9b09aba0c5b48c53761b7c720aaaf7cf236d5fe394cd399c7ba662d5f9966"}, + {file = "multidict-6.1.0-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:1e16bf3e5fc9f44632affb159d30a437bfe286ce9e02754759be5536b169b305"}, + {file = "multidict-6.1.0-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:76f364861c3bfc98cbbcbd402d83454ed9e01a5224bb3a28bf70002a230f73e2"}, + {file = "multidict-6.1.0-cp312-cp312-musllinux_1_2_ppc64le.whl", hash = "sha256:820c661588bd01a0aa62a1283f20d2be4281b086f80dad9e955e690c75fb54a2"}, + {file = "multidict-6.1.0-cp312-cp312-musllinux_1_2_s390x.whl", hash = "sha256:0e5f362e895bc5b9e67fe6e4ded2492d8124bdf817827f33c5b46c2fe3ffaca6"}, + {file = "multidict-6.1.0-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:3ec660d19bbc671e3a6443325f07263be452c453ac9e512f5eb935e7d4ac28b3"}, + {file = "multidict-6.1.0-cp312-cp312-win32.whl", hash = "sha256:58130ecf8f7b8112cdb841486404f1282b9c86ccb30d3519faf301b2e5659133"}, + {file = "multidict-6.1.0-cp312-cp312-win_amd64.whl", hash = "sha256:188215fc0aafb8e03341995e7c4797860181562380f81ed0a87ff455b70bf1f1"}, + {file = "multidict-6.1.0-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:d569388c381b24671589335a3be6e1d45546c2988c2ebe30fdcada8457a31008"}, + {file = "multidict-6.1.0-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:052e10d2d37810b99cc170b785945421141bf7bb7d2f8799d431e7db229c385f"}, + {file = "multidict-6.1.0-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:f90c822a402cb865e396a504f9fc8173ef34212a342d92e362ca498cad308e28"}, + {file = "multidict-6.1.0-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:b225d95519a5bf73860323e633a664b0d85ad3d5bede6d30d95b35d4dfe8805b"}, + {file = "multidict-6.1.0-cp313-cp313-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:23bfd518810af7de1116313ebd9092cb9aa629beb12f6ed631ad53356ed6b86c"}, + {file = "multidict-6.1.0-cp313-cp313-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:5c09fcfdccdd0b57867577b719c69e347a436b86cd83747f179dbf0cc0d4c1f3"}, + {file = "multidict-6.1.0-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:bf6bea52ec97e95560af5ae576bdac3aa3aae0b6758c6efa115236d9e07dae44"}, + {file = "multidict-6.1.0-cp313-cp313-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:57feec87371dbb3520da6192213c7d6fc892d5589a93db548331954de8248fd2"}, + {file = "multidict-6.1.0-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:0c3f390dc53279cbc8ba976e5f8035eab997829066756d811616b652b00a23a3"}, + {file = "multidict-6.1.0-cp313-cp313-musllinux_1_2_i686.whl", hash = "sha256:59bfeae4b25ec05b34f1956eaa1cb38032282cd4dfabc5056d0a1ec4d696d3aa"}, + {file = "multidict-6.1.0-cp313-cp313-musllinux_1_2_ppc64le.whl", hash = "sha256:b2f59caeaf7632cc633b5cf6fc449372b83bbdf0da4ae04d5be36118e46cc0aa"}, + {file = "multidict-6.1.0-cp313-cp313-musllinux_1_2_s390x.whl", hash = "sha256:37bb93b2178e02b7b618893990941900fd25b6b9ac0fa49931a40aecdf083fe4"}, + {file = "multidict-6.1.0-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:4e9f48f58c2c523d5a06faea47866cd35b32655c46b443f163d08c6d0ddb17d6"}, + {file = "multidict-6.1.0-cp313-cp313-win32.whl", hash = "sha256:3a37ffb35399029b45c6cc33640a92bef403c9fd388acce75cdc88f58bd19a81"}, + {file = "multidict-6.1.0-cp313-cp313-win_amd64.whl", hash = "sha256:e9aa71e15d9d9beaad2c6b9319edcdc0a49a43ef5c0a4c8265ca9ee7d6c67774"}, + {file = "multidict-6.1.0-py3-none-any.whl", hash = "sha256:48e171e52d1c4d33888e529b999e5900356b9ae588c2f09a52dcefb158b27506"}, + {file = "multidict-6.1.0.tar.gz", hash = "sha256:22ae2ebf9b0c69d206c003e2f6a914ea33f0a932d4aa16f236afc049d9958f4a"}, +] + +[[package]] +name = "multiprocess" +version = "0.70.16" +requires_python = ">=3.8" +summary = "better multiprocessing and multithreading in Python" +groups = ["default"] +dependencies = [ + "dill>=0.3.8", +] +files = [ + {file = "multiprocess-0.70.16-py311-none-any.whl", hash = "sha256:af4cabb0dac72abfb1e794fa7855c325fd2b55a10a44628a3c1ad3311c04127a"}, + {file = "multiprocess-0.70.16-py312-none-any.whl", hash = "sha256:fc0544c531920dde3b00c29863377f87e1632601092ea2daca74e4beb40faa2e"}, + {file = "multiprocess-0.70.16.tar.gz", hash = "sha256:161af703d4652a0e1410be6abccecde4a7ddffd19341be0a7011b94aeb171ac1"}, +] + +[[package]] +name = "murmurhash" +version = "1.0.11" +requires_python = ">=3.6" +summary = "Cython bindings for MurmurHash" +groups = ["default"] +files = [ + {file = "murmurhash-1.0.11-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:53ed86ce0bef2475af9314f732ca66456e7b00abb1d1a6c29c432e5f0f49bad5"}, + {file = "murmurhash-1.0.11-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:51e7c61f59e0ee1c465c841f530ef6373a98dc028059048fc0c857dfd5d57b1c"}, + {file = "murmurhash-1.0.11-cp311-cp311-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:5b9a5109e29d43c79bfdca8dbad9bee7190846a88ec6d4135754727fb49a64e5"}, + {file = "murmurhash-1.0.11-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:12845ad43a2e54734b52f58e8d228eacd03803d368b689b3868a0bdec4c10da1"}, + {file = "murmurhash-1.0.11-cp311-cp311-win_amd64.whl", hash = "sha256:e3d0bdbffd82924725cd6549b03ee11997a2c58253f0fdda571a5fedacc894a1"}, + {file = "murmurhash-1.0.11-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:185b2cd20b81fa876eaa2249faafd0b7b3d0c54ef04714e38135d9f482cf6ce9"}, + {file = "murmurhash-1.0.11-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:fd3083c6d977c2bc1e2f35ff999c39de43de09fd588f780243ec78debb316406"}, + {file = "murmurhash-1.0.11-cp312-cp312-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:49a3cf4d26f7213d0f4a6c2c49496cbe9f78b30d56b1c3b17fbc74676372ea3f"}, + {file = "murmurhash-1.0.11-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:a1bdb3c3fe32d93f7c461f11e6b2f7bbe64b3d70f56e48052490435853ed5c91"}, + {file = "murmurhash-1.0.11-cp312-cp312-win_amd64.whl", hash = "sha256:0b507dd8ea10f3e5204b397ea9917a3a5f11756859d91406a8f485f18a411bdf"}, + {file = "murmurhash-1.0.11-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:036aea55d160d65698888a903fd2a19c4258be711f7bf2ab1b6cebdf41e09e09"}, + {file = "murmurhash-1.0.11-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:61f4b991b5bd88f5d57550a6328f8adb2f16656781e9eade9c16e55b41f6fab7"}, + {file = "murmurhash-1.0.11-cp313-cp313-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:b5527ec305236a2ef404a38e0e57b1dc886a431e2032acf4c7ce3b17382c49ef"}, + {file = "murmurhash-1.0.11-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:b26cf1be87c13fb242b9c252f11a25da71056c8fb5f22623e455129cce99592a"}, + {file = "murmurhash-1.0.11-cp313-cp313-win_amd64.whl", hash = "sha256:24aba80a793bf371de70fffffc1f16c06810e4d8b90125b5bb762aabda3174d1"}, + {file = "murmurhash-1.0.11.tar.gz", hash = "sha256:87ff68a255e54e7648d0729ff4130f43f7f38f03288a376e567934e16db93767"}, +] + +[[package]] +name = "nbclient" +version = "0.10.2" +requires_python = ">=3.9.0" +summary = "A client library for executing notebooks. Formerly nbconvert's ExecutePreprocessor." +groups = ["dev"] +dependencies = [ + "jupyter-client>=6.1.12", + "jupyter-core!=5.0.*,>=4.12", + "nbformat>=5.1", + "traitlets>=5.4", +] +files = [ + {file = "nbclient-0.10.2-py3-none-any.whl", hash = "sha256:4ffee11e788b4a27fabeb7955547e4318a5298f34342a4bfd01f2e1faaeadc3d"}, + {file = "nbclient-0.10.2.tar.gz", hash = "sha256:90b7fc6b810630db87a6d0c2250b1f0ab4cf4d3c27a299b0cde78a4ed3fd9193"}, +] + +[[package]] +name = "nbconvert" +version = "7.16.5" +requires_python = ">=3.8" +summary = "Converting Jupyter Notebooks (.ipynb files) to other formats. Output formats include asciidoc, html, latex, markdown, pdf, py, rst, script. nbconvert can be used both as a Python library (`import nbconvert`) or as a command line tool (invoked as `jupyter nbconvert ...`)." +groups = ["dev"] +dependencies = [ + "beautifulsoup4", + "bleach[css]!=5.0.0", + "defusedxml", + "importlib-metadata>=3.6; python_version < \"3.10\"", + "jinja2>=3.0", + "jupyter-core>=4.7", + "jupyterlab-pygments", + "markupsafe>=2.0", + "mistune<4,>=2.0.3", + "nbclient>=0.5.0", + "nbformat>=5.7", + "packaging", + "pandocfilters>=1.4.1", + "pygments>=2.4.1", + "traitlets>=5.1", +] +files = [ + {file = "nbconvert-7.16.5-py3-none-any.whl", hash = "sha256:e12eac052d6fd03040af4166c563d76e7aeead2e9aadf5356db552a1784bd547"}, + {file = "nbconvert-7.16.5.tar.gz", hash = "sha256:c83467bb5777fdfaac5ebbb8e864f300b277f68692ecc04d6dab72f2d8442344"}, +] + +[[package]] +name = "nbformat" +version = "5.10.4" +requires_python = ">=3.8" +summary = "The Jupyter Notebook format" +groups = ["dev"] +dependencies = [ + "fastjsonschema>=2.15", + "jsonschema>=2.6", + "jupyter-core!=5.0.*,>=4.12", + "traitlets>=5.1", +] +files = [ + {file = "nbformat-5.10.4-py3-none-any.whl", hash = "sha256:3b48d6c8fbca4b299bf3982ea7db1af21580e4fec269ad087b9e81588891200b"}, + {file = "nbformat-5.10.4.tar.gz", hash = "sha256:322168b14f937a5d11362988ecac2a4952d3d8e3a2cbeb2319584631226d5b3a"}, +] + +[[package]] +name = "nest-asyncio" +version = "1.6.0" +requires_python = ">=3.5" +summary = "Patch asyncio to allow nested event loops" +groups = ["dev"] +files = [ + {file = "nest_asyncio-1.6.0-py3-none-any.whl", hash = "sha256:87af6efd6b5e897c81050477ef65c62e2b2f35d51703cae01aff2905b1852e1c"}, + {file = "nest_asyncio-1.6.0.tar.gz", hash = "sha256:6f172d5449aca15afd6c646851f4e31e02c598d553a667e38cafa997cfec55fe"}, +] + +[[package]] +name = "networkx" +version = "3.4.2" +requires_python = ">=3.10" +summary = "Python package for creating and manipulating graphs and networks" +groups = ["default"] +files = [ + {file = "networkx-3.4.2-py3-none-any.whl", hash = "sha256:df5d4365b724cf81b8c6a7312509d0c22386097011ad1abe274afd5e9d3bbc5f"}, + {file = "networkx-3.4.2.tar.gz", hash = "sha256:307c3669428c5362aab27c8a1260aa8f47c4e91d3891f48be0141738d8d053e1"}, +] + +[[package]] +name = "notebook-shim" +version = "0.2.4" +requires_python = ">=3.7" +summary = "A shim layer for notebook traits and config" +groups = ["dev"] +dependencies = [ + "jupyter-server<3,>=1.8", +] +files = [ + {file = "notebook_shim-0.2.4-py3-none-any.whl", hash = "sha256:411a5be4e9dc882a074ccbcae671eda64cceb068767e9a3419096986560e1cef"}, + {file = "notebook_shim-0.2.4.tar.gz", hash = "sha256:b4b2cfa1b65d98307ca24361f5b30fe785b53c3fd07b7a47e89acb5e6ac638cb"}, +] + +[[package]] +name = "numpy" +version = "2.0.2" +requires_python = ">=3.9" +summary = "Fundamental package for array computing in Python" +groups = ["default"] +files = [ + {file = "numpy-2.0.2-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:49ca4decb342d66018b01932139c0961a8f9ddc7589611158cb3c27cbcf76448"}, + {file = "numpy-2.0.2-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:11a76c372d1d37437857280aa142086476136a8c0f373b2e648ab2c8f18fb195"}, + {file = "numpy-2.0.2-cp311-cp311-macosx_14_0_arm64.whl", hash = "sha256:807ec44583fd708a21d4a11d94aedf2f4f3c3719035c76a2bbe1fe8e217bdc57"}, + {file = "numpy-2.0.2-cp311-cp311-macosx_14_0_x86_64.whl", hash = "sha256:8cafab480740e22f8d833acefed5cc87ce276f4ece12fdaa2e8903db2f82897a"}, + {file = "numpy-2.0.2-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a15f476a45e6e5a3a79d8a14e62161d27ad897381fecfa4a09ed5322f2085669"}, + {file = "numpy-2.0.2-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:13e689d772146140a252c3a28501da66dfecd77490b498b168b501835041f951"}, + {file = "numpy-2.0.2-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:9ea91dfb7c3d1c56a0e55657c0afb38cf1eeae4544c208dc465c3c9f3a7c09f9"}, + {file = "numpy-2.0.2-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:c1c9307701fec8f3f7a1e6711f9089c06e6284b3afbbcd259f7791282d660a15"}, + {file = "numpy-2.0.2-cp311-cp311-win32.whl", hash = "sha256:a392a68bd329eafac5817e5aefeb39038c48b671afd242710b451e76090e81f4"}, + {file = "numpy-2.0.2-cp311-cp311-win_amd64.whl", hash = "sha256:286cd40ce2b7d652a6f22efdfc6d1edf879440e53e76a75955bc0c826c7e64dc"}, + {file = "numpy-2.0.2-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:df55d490dea7934f330006d0f81e8551ba6010a5bf035a249ef61a94f21c500b"}, + {file = "numpy-2.0.2-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:8df823f570d9adf0978347d1f926b2a867d5608f434a7cff7f7908c6570dcf5e"}, + {file = "numpy-2.0.2-cp312-cp312-macosx_14_0_arm64.whl", hash = "sha256:9a92ae5c14811e390f3767053ff54eaee3bf84576d99a2456391401323f4ec2c"}, + {file = "numpy-2.0.2-cp312-cp312-macosx_14_0_x86_64.whl", hash = "sha256:a842d573724391493a97a62ebbb8e731f8a5dcc5d285dfc99141ca15a3302d0c"}, + {file = "numpy-2.0.2-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:c05e238064fc0610c840d1cf6a13bf63d7e391717d247f1bf0318172e759e692"}, + {file = "numpy-2.0.2-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:0123ffdaa88fa4ab64835dcbde75dcdf89c453c922f18dced6e27c90d1d0ec5a"}, + {file = "numpy-2.0.2-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:96a55f64139912d61de9137f11bf39a55ec8faec288c75a54f93dfd39f7eb40c"}, + {file = "numpy-2.0.2-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:ec9852fb39354b5a45a80bdab5ac02dd02b15f44b3804e9f00c556bf24b4bded"}, + {file = "numpy-2.0.2-cp312-cp312-win32.whl", hash = "sha256:671bec6496f83202ed2d3c8fdc486a8fc86942f2e69ff0e986140339a63bcbe5"}, + {file = "numpy-2.0.2-cp312-cp312-win_amd64.whl", hash = "sha256:cfd41e13fdc257aa5778496b8caa5e856dc4896d4ccf01841daee1d96465467a"}, + {file = "numpy-2.0.2.tar.gz", hash = "sha256:883c987dee1880e2a864ab0dc9892292582510604156762362d9326444636e78"}, +] + +[[package]] +name = "nvidia-cublas-cu12" +version = "12.4.5.8" +requires_python = ">=3" +summary = "CUBLAS native runtime libraries" +groups = ["default"] +marker = "platform_system == \"Linux\" and platform_machine == \"x86_64\"" +files = [ + {file = "nvidia_cublas_cu12-12.4.5.8-py3-none-manylinux2014_aarch64.whl", hash = "sha256:0f8aa1706812e00b9f19dfe0cdb3999b092ccb8ca168c0db5b8ea712456fd9b3"}, + {file = "nvidia_cublas_cu12-12.4.5.8-py3-none-manylinux2014_x86_64.whl", hash = "sha256:2fc8da60df463fdefa81e323eef2e36489e1c94335b5358bcb38360adf75ac9b"}, + {file = "nvidia_cublas_cu12-12.4.5.8-py3-none-win_amd64.whl", hash = "sha256:5a796786da89203a0657eda402bcdcec6180254a8ac22d72213abc42069522dc"}, +] + +[[package]] +name = "nvidia-cuda-cupti-cu12" +version = "12.4.127" +requires_python = ">=3" +summary = "CUDA profiling tools runtime libs." +groups = ["default"] +marker = "platform_system == \"Linux\" and platform_machine == \"x86_64\"" +files = [ + {file = "nvidia_cuda_cupti_cu12-12.4.127-py3-none-manylinux2014_aarch64.whl", hash = "sha256:79279b35cf6f91da114182a5ce1864997fd52294a87a16179ce275773799458a"}, + {file = "nvidia_cuda_cupti_cu12-12.4.127-py3-none-manylinux2014_x86_64.whl", hash = "sha256:9dec60f5ac126f7bb551c055072b69d85392b13311fcc1bcda2202d172df30fb"}, + {file = "nvidia_cuda_cupti_cu12-12.4.127-py3-none-win_amd64.whl", hash = "sha256:5688d203301ab051449a2b1cb6690fbe90d2b372f411521c86018b950f3d7922"}, +] + +[[package]] +name = "nvidia-cuda-nvrtc-cu12" +version = "12.4.127" +requires_python = ">=3" +summary = "NVRTC native runtime libraries" +groups = ["default"] +marker = "platform_system == \"Linux\" and platform_machine == \"x86_64\"" +files = [ + {file = "nvidia_cuda_nvrtc_cu12-12.4.127-py3-none-manylinux2014_aarch64.whl", hash = "sha256:0eedf14185e04b76aa05b1fea04133e59f465b6f960c0cbf4e37c3cb6b0ea198"}, + {file = "nvidia_cuda_nvrtc_cu12-12.4.127-py3-none-manylinux2014_x86_64.whl", hash = "sha256:a178759ebb095827bd30ef56598ec182b85547f1508941a3d560eb7ea1fbf338"}, + {file = "nvidia_cuda_nvrtc_cu12-12.4.127-py3-none-win_amd64.whl", hash = "sha256:a961b2f1d5f17b14867c619ceb99ef6fcec12e46612711bcec78eb05068a60ec"}, +] + +[[package]] +name = "nvidia-cuda-runtime-cu12" +version = "12.4.127" +requires_python = ">=3" +summary = "CUDA Runtime native Libraries" +groups = ["default"] +marker = "platform_system == \"Linux\" and platform_machine == \"x86_64\"" +files = [ + {file = "nvidia_cuda_runtime_cu12-12.4.127-py3-none-manylinux2014_aarch64.whl", hash = "sha256:961fe0e2e716a2a1d967aab7caee97512f71767f852f67432d572e36cb3a11f3"}, + {file = "nvidia_cuda_runtime_cu12-12.4.127-py3-none-manylinux2014_x86_64.whl", hash = "sha256:64403288fa2136ee8e467cdc9c9427e0434110899d07c779f25b5c068934faa5"}, + {file = "nvidia_cuda_runtime_cu12-12.4.127-py3-none-win_amd64.whl", hash = "sha256:09c2e35f48359752dfa822c09918211844a3d93c100a715d79b59591130c5e1e"}, +] + +[[package]] +name = "nvidia-cudnn-cu12" +version = "9.1.0.70" +requires_python = ">=3" +summary = "cuDNN runtime libraries" +groups = ["default"] +marker = "platform_system == \"Linux\" and platform_machine == \"x86_64\"" +dependencies = [ + "nvidia-cublas-cu12", +] +files = [ + {file = "nvidia_cudnn_cu12-9.1.0.70-py3-none-manylinux2014_x86_64.whl", hash = "sha256:165764f44ef8c61fcdfdfdbe769d687e06374059fbb388b6c89ecb0e28793a6f"}, + {file = "nvidia_cudnn_cu12-9.1.0.70-py3-none-win_amd64.whl", hash = "sha256:6278562929433d68365a07a4a1546c237ba2849852c0d4b2262a486e805b977a"}, +] + +[[package]] +name = "nvidia-cufft-cu12" +version = "11.2.1.3" +requires_python = ">=3" +summary = "CUFFT native runtime libraries" +groups = ["default"] +marker = "platform_system == \"Linux\" and platform_machine == \"x86_64\"" +dependencies = [ + "nvidia-nvjitlink-cu12", +] +files = [ + {file = "nvidia_cufft_cu12-11.2.1.3-py3-none-manylinux2014_aarch64.whl", hash = "sha256:5dad8008fc7f92f5ddfa2101430917ce2ffacd86824914c82e28990ad7f00399"}, + {file = "nvidia_cufft_cu12-11.2.1.3-py3-none-manylinux2014_x86_64.whl", hash = "sha256:f083fc24912aa410be21fa16d157fed2055dab1cc4b6934a0e03cba69eb242b9"}, + {file = "nvidia_cufft_cu12-11.2.1.3-py3-none-win_amd64.whl", hash = "sha256:d802f4954291101186078ccbe22fc285a902136f974d369540fd4a5333d1440b"}, +] + +[[package]] +name = "nvidia-curand-cu12" +version = "10.3.5.147" +requires_python = ">=3" +summary = "CURAND native runtime libraries" +groups = ["default"] +marker = "platform_system == \"Linux\" and platform_machine == \"x86_64\"" +files = [ + {file = "nvidia_curand_cu12-10.3.5.147-py3-none-manylinux2014_aarch64.whl", hash = "sha256:1f173f09e3e3c76ab084aba0de819c49e56614feae5c12f69883f4ae9bb5fad9"}, + {file = "nvidia_curand_cu12-10.3.5.147-py3-none-manylinux2014_x86_64.whl", hash = "sha256:a88f583d4e0bb643c49743469964103aa59f7f708d862c3ddb0fc07f851e3b8b"}, + {file = "nvidia_curand_cu12-10.3.5.147-py3-none-win_amd64.whl", hash = "sha256:f307cc191f96efe9e8f05a87096abc20d08845a841889ef78cb06924437f6771"}, +] + +[[package]] +name = "nvidia-cusolver-cu12" +version = "11.6.1.9" +requires_python = ">=3" +summary = "CUDA solver native runtime libraries" +groups = ["default"] +marker = "platform_system == \"Linux\" and platform_machine == \"x86_64\"" +dependencies = [ + "nvidia-cublas-cu12", + "nvidia-cusparse-cu12", + "nvidia-nvjitlink-cu12", +] +files = [ + {file = "nvidia_cusolver_cu12-11.6.1.9-py3-none-manylinux2014_aarch64.whl", hash = "sha256:d338f155f174f90724bbde3758b7ac375a70ce8e706d70b018dd3375545fc84e"}, + {file = "nvidia_cusolver_cu12-11.6.1.9-py3-none-manylinux2014_x86_64.whl", hash = "sha256:19e33fa442bcfd085b3086c4ebf7e8debc07cfe01e11513cc6d332fd918ac260"}, + {file = "nvidia_cusolver_cu12-11.6.1.9-py3-none-win_amd64.whl", hash = "sha256:e77314c9d7b694fcebc84f58989f3aa4fb4cb442f12ca1a9bde50f5e8f6d1b9c"}, +] + +[[package]] +name = "nvidia-cusparse-cu12" +version = "12.3.1.170" +requires_python = ">=3" +summary = "CUSPARSE native runtime libraries" +groups = ["default"] +marker = "platform_system == \"Linux\" and platform_machine == \"x86_64\"" +dependencies = [ + "nvidia-nvjitlink-cu12", +] +files = [ + {file = "nvidia_cusparse_cu12-12.3.1.170-py3-none-manylinux2014_aarch64.whl", hash = "sha256:9d32f62896231ebe0480efd8a7f702e143c98cfaa0e8a76df3386c1ba2b54df3"}, + {file = "nvidia_cusparse_cu12-12.3.1.170-py3-none-manylinux2014_x86_64.whl", hash = "sha256:ea4f11a2904e2a8dc4b1833cc1b5181cde564edd0d5cd33e3c168eff2d1863f1"}, + {file = "nvidia_cusparse_cu12-12.3.1.170-py3-none-win_amd64.whl", hash = "sha256:9bc90fb087bc7b4c15641521f31c0371e9a612fc2ba12c338d3ae032e6b6797f"}, +] + +[[package]] +name = "nvidia-nccl-cu12" +version = "2.21.5" +requires_python = ">=3" +summary = "NVIDIA Collective Communication Library (NCCL) Runtime" +groups = ["default"] +marker = "platform_system == \"Linux\" and platform_machine == \"x86_64\"" +files = [ + {file = "nvidia_nccl_cu12-2.21.5-py3-none-manylinux2014_x86_64.whl", hash = "sha256:8579076d30a8c24988834445f8d633c697d42397e92ffc3f63fa26766d25e0a0"}, +] + +[[package]] +name = "nvidia-nvjitlink-cu12" +version = "12.4.127" +requires_python = ">=3" +summary = "Nvidia JIT LTO Library" +groups = ["default"] +marker = "platform_system == \"Linux\" and platform_machine == \"x86_64\"" +files = [ + {file = "nvidia_nvjitlink_cu12-12.4.127-py3-none-manylinux2014_aarch64.whl", hash = "sha256:4abe7fef64914ccfa909bc2ba39739670ecc9e820c83ccc7a6ed414122599b83"}, + {file = "nvidia_nvjitlink_cu12-12.4.127-py3-none-manylinux2014_x86_64.whl", hash = "sha256:06b3b9b25bf3f8af351d664978ca26a16d2c5127dbd53c0497e28d1fb9611d57"}, + {file = "nvidia_nvjitlink_cu12-12.4.127-py3-none-win_amd64.whl", hash = "sha256:fd9020c501d27d135f983c6d3e244b197a7ccad769e34df53a42e276b0e25fa1"}, +] + +[[package]] +name = "nvidia-nvtx-cu12" +version = "12.4.127" +requires_python = ">=3" +summary = "NVIDIA Tools Extension" +groups = ["default"] +marker = "platform_system == \"Linux\" and platform_machine == \"x86_64\"" +files = [ + {file = "nvidia_nvtx_cu12-12.4.127-py3-none-manylinux2014_aarch64.whl", hash = "sha256:7959ad635db13edf4fc65c06a6e9f9e55fc2f92596db928d169c0bb031e88ef3"}, + {file = "nvidia_nvtx_cu12-12.4.127-py3-none-manylinux2014_x86_64.whl", hash = "sha256:781e950d9b9f60d8241ccea575b32f5105a5baf4c2351cab5256a24869f12a1a"}, + {file = "nvidia_nvtx_cu12-12.4.127-py3-none-win_amd64.whl", hash = "sha256:641dccaaa1139f3ffb0d3164b4b84f9d253397e38246a4f2f36728b48566d485"}, +] + +[[package]] +name = "onnx" +version = "1.16.1" +requires_python = ">=3.8" +summary = "Open Neural Network Exchange" +groups = ["default"] +dependencies = [ + "numpy>=1.20", + "protobuf>=3.20.2", +] +files = [ + {file = "onnx-1.16.1-cp311-cp311-macosx_11_0_universal2.whl", hash = "sha256:006ba5059c85ce43e89a1486cc0276d0f1a8ec9c6efd1a9334fd3fa0f6e33b64"}, + {file = "onnx-1.16.1-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:1521ea7cd3497ecaf57d3b5e72d637ca5ebca632122a0806a9df99bedbeecdf8"}, + {file = "onnx-1.16.1-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:45cf20421aeac03872bea5fd6ebf92abe15c4d1461a2572eb839add5059e2a09"}, + {file = "onnx-1.16.1-cp311-cp311-win32.whl", hash = "sha256:f98e275b4f46a617a9c527e60c02531eae03cf67a04c26db8a1c20acee539533"}, + {file = "onnx-1.16.1-cp311-cp311-win_amd64.whl", hash = "sha256:95aa20aa65a9035d7543e81713e8b0f611e213fc02171959ef4ee09311d1bf28"}, + {file = "onnx-1.16.1-cp312-cp312-macosx_11_0_universal2.whl", hash = "sha256:32e11d39bee04f927fab09f74c46cf76584094462311bab1aca9ccdae6ed3366"}, + {file = "onnx-1.16.1-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:8884bf53b552873c0c9b072cb8625e7d4e8f3cc0529191632d24e3de58a3b93a"}, + {file = "onnx-1.16.1-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:595b2830093f81361961295f7b0ebb6000423bcd04123d516d081c306002e387"}, + {file = "onnx-1.16.1-cp312-cp312-win32.whl", hash = "sha256:2fde4dd5bc278b3fc8148f460bce8807b2874c66f48529df9444cdbc9ecf456b"}, + {file = "onnx-1.16.1-cp312-cp312-win_amd64.whl", hash = "sha256:e69ad8c110d8c37d759cad019d498fdf3fd24e0bfaeb960e52fed0469a5d2974"}, + {file = "onnx-1.16.1.tar.gz", hash = "sha256:8299193f0f2a3849bfc069641aa8e4f93696602da8d165632af8ee48ec7556b6"}, +] + +[[package]] +name = "onnxruntime" +version = "1.20.1" +summary = "ONNX Runtime is a runtime accelerator for Machine Learning models" +groups = ["default"] +dependencies = [ + "coloredlogs", + "flatbuffers", + "numpy>=1.21.6", + "packaging", + "protobuf", + "sympy", +] +files = [ + {file = "onnxruntime-1.20.1-cp311-cp311-macosx_13_0_universal2.whl", hash = "sha256:06bfbf02ca9ab5f28946e0f912a562a5f005301d0c419283dc57b3ed7969bb7b"}, + {file = "onnxruntime-1.20.1-cp311-cp311-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:f6243e34d74423bdd1edf0ae9596dd61023b260f546ee17d701723915f06a9f7"}, + {file = "onnxruntime-1.20.1-cp311-cp311-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:5eec64c0269dcdb8d9a9a53dc4d64f87b9e0c19801d9321246a53b7eb5a7d1bc"}, + {file = "onnxruntime-1.20.1-cp311-cp311-win32.whl", hash = "sha256:a19bc6e8c70e2485a1725b3d517a2319603acc14c1f1a017dda0afe6d4665b41"}, + {file = "onnxruntime-1.20.1-cp311-cp311-win_amd64.whl", hash = "sha256:8508887eb1c5f9537a4071768723ec7c30c28eb2518a00d0adcd32c89dea3221"}, + {file = "onnxruntime-1.20.1-cp312-cp312-macosx_13_0_universal2.whl", hash = "sha256:22b0655e2bf4f2161d52706e31f517a0e54939dc393e92577df51808a7edc8c9"}, + {file = "onnxruntime-1.20.1-cp312-cp312-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:f1f56e898815963d6dc4ee1c35fc6c36506466eff6d16f3cb9848cea4e8c8172"}, + {file = "onnxruntime-1.20.1-cp312-cp312-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:bb71a814f66517a65628c9e4a2bb530a6edd2cd5d87ffa0af0f6f773a027d99e"}, + {file = "onnxruntime-1.20.1-cp312-cp312-win32.whl", hash = "sha256:bd386cc9ee5f686ee8a75ba74037750aca55183085bf1941da8efcfe12d5b120"}, + {file = "onnxruntime-1.20.1-cp312-cp312-win_amd64.whl", hash = "sha256:19c2d843eb074f385e8bbb753a40df780511061a63f9def1b216bf53860223fb"}, + {file = "onnxruntime-1.20.1-cp313-cp313-macosx_13_0_universal2.whl", hash = "sha256:cc01437a32d0042b606f462245c8bbae269e5442797f6213e36ce61d5abdd8cc"}, + {file = "onnxruntime-1.20.1-cp313-cp313-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:fb44b08e017a648924dbe91b82d89b0c105b1adcfe31e90d1dc06b8677ad37be"}, + {file = "onnxruntime-1.20.1-cp313-cp313-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:bda6aebdf7917c1d811f21d41633df00c58aff2bef2f598f69289c1f1dabc4b3"}, + {file = "onnxruntime-1.20.1-cp313-cp313-win_amd64.whl", hash = "sha256:d30367df7e70f1d9fc5a6a68106f5961686d39b54d3221f760085524e8d38e16"}, + {file = "onnxruntime-1.20.1-cp313-cp313t-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:c9158465745423b2b5d97ed25aa7740c7d38d2993ee2e5c3bfacb0c4145c49d8"}, + {file = "onnxruntime-1.20.1-cp313-cp313t-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:0df6f2df83d61f46e842dbcde610ede27218947c33e994545a22333491e72a3b"}, +] + +[[package]] +name = "optimum" +version = "1.23.3" +requires_python = ">=3.7.0" +summary = "Optimum Library is an extension of the Hugging Face Transformers library, providing a framework to integrate third-party libraries from Hardware Partners and interface with their specific functionality." +groups = ["default"] +dependencies = [ + "coloredlogs", + "datasets", + "huggingface-hub>=0.8.0", + "numpy", + "packaging", + "sympy", + "torch>=1.11", + "transformers>=4.29", +] +files = [ + {file = "optimum-1.23.3-py3-none-any.whl", hash = "sha256:ac34b497310e74e919e8eb3bc01cfea48bca304ade3e3ce8a7707d125120001a"}, + {file = "optimum-1.23.3.tar.gz", hash = "sha256:2089bd73d1232686473a80effd53800f8a8c385c02126e80d35c07227c1b9bf5"}, +] + +[[package]] +name = "optimum" +version = "1.23.3" +extras = ["onnxruntime"] +requires_python = ">=3.7.0" +summary = "Optimum Library is an extension of the Hugging Face Transformers library, providing a framework to integrate third-party libraries from Hardware Partners and interface with their specific functionality." +groups = ["default"] +dependencies = [ + "datasets>=1.2.1", + "evaluate", + "onnx", + "onnxruntime>=1.11.0", + "optimum==1.23.3", + "protobuf>=3.20.1", + "transformers<4.47.0", +] +files = [ + {file = "optimum-1.23.3-py3-none-any.whl", hash = "sha256:ac34b497310e74e919e8eb3bc01cfea48bca304ade3e3ce8a7707d125120001a"}, + {file = "optimum-1.23.3.tar.gz", hash = "sha256:2089bd73d1232686473a80effd53800f8a8c385c02126e80d35c07227c1b9bf5"}, +] + +[[package]] +name = "overrides" +version = "7.7.0" +requires_python = ">=3.6" +summary = "A decorator to automatically detect mismatch when overriding a method." +groups = ["dev"] +dependencies = [ + "typing; python_version < \"3.5\"", +] +files = [ + {file = "overrides-7.7.0-py3-none-any.whl", hash = "sha256:c7ed9d062f78b8e4c1a7b70bd8796b35ead4d9f510227ef9c5dc7626c60d7e49"}, + {file = "overrides-7.7.0.tar.gz", hash = "sha256:55158fa3d93b98cc75299b1e67078ad9003ca27945c76162c1c0766d6f91820a"}, +] + +[[package]] +name = "packaging" +version = "24.2" +requires_python = ">=3.8" +summary = "Core utilities for Python packages" +groups = ["default", "dev"] +files = [ + {file = "packaging-24.2-py3-none-any.whl", hash = "sha256:09abb1bccd265c01f4a3aa3f7a7db064b36514d2cba19a2f694fe6150451a759"}, + {file = "packaging-24.2.tar.gz", hash = "sha256:c228a6dc5e932d346bc5739379109d49e8853dd8223571c7c5b55260edc0b97f"}, +] + +[[package]] +name = "pandas" +version = "2.2.3" +requires_python = ">=3.9" +summary = "Powerful data structures for data analysis, time series, and statistics" +groups = ["default"] +dependencies = [ + "numpy>=1.22.4; python_version < \"3.11\"", + "numpy>=1.23.2; python_version == \"3.11\"", + "numpy>=1.26.0; python_version >= \"3.12\"", + "python-dateutil>=2.8.2", + "pytz>=2020.1", + "tzdata>=2022.7", +] +files = [ + {file = "pandas-2.2.3-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:66108071e1b935240e74525006034333f98bcdb87ea116de573a6a0dccb6c039"}, + {file = "pandas-2.2.3-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:7c2875855b0ff77b2a64a0365e24455d9990730d6431b9e0ee18ad8acee13dbd"}, + {file = "pandas-2.2.3-cp311-cp311-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:cd8d0c3be0515c12fed0bdbae072551c8b54b7192c7b1fda0ba56059a0179698"}, + {file = "pandas-2.2.3-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:c124333816c3a9b03fbeef3a9f230ba9a737e9e5bb4060aa2107a86cc0a497fc"}, + {file = "pandas-2.2.3-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:63cc132e40a2e084cf01adf0775b15ac515ba905d7dcca47e9a251819c575ef3"}, + {file = "pandas-2.2.3-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:29401dbfa9ad77319367d36940cd8a0b3a11aba16063e39632d98b0e931ddf32"}, + {file = "pandas-2.2.3-cp311-cp311-win_amd64.whl", hash = "sha256:3fc6873a41186404dad67245896a6e440baacc92f5b716ccd1bc9ed2995ab2c5"}, + {file = "pandas-2.2.3-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:b1d432e8d08679a40e2a6d8b2f9770a5c21793a6f9f47fdd52c5ce1948a5a8a9"}, + {file = "pandas-2.2.3-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:a5a1595fe639f5988ba6a8e5bc9649af3baf26df3998a0abe56c02609392e0a4"}, + {file = "pandas-2.2.3-cp312-cp312-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:5de54125a92bb4d1c051c0659e6fcb75256bf799a732a87184e5ea503965bce3"}, + {file = "pandas-2.2.3-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:fffb8ae78d8af97f849404f21411c95062db1496aeb3e56f146f0355c9989319"}, + {file = "pandas-2.2.3-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:6dfcb5ee8d4d50c06a51c2fffa6cff6272098ad6540aed1a76d15fb9318194d8"}, + {file = "pandas-2.2.3-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:062309c1b9ea12a50e8ce661145c6aab431b1e99530d3cd60640e255778bd43a"}, + {file = "pandas-2.2.3-cp312-cp312-win_amd64.whl", hash = "sha256:59ef3764d0fe818125a5097d2ae867ca3fa64df032331b7e0917cf5d7bf66b13"}, + {file = "pandas-2.2.3-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:f00d1345d84d8c86a63e476bb4955e46458b304b9575dcf71102b5c705320015"}, + {file = "pandas-2.2.3-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:3508d914817e153ad359d7e069d752cdd736a247c322d932eb89e6bc84217f28"}, + {file = "pandas-2.2.3-cp313-cp313-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:22a9d949bfc9a502d320aa04e5d02feab689d61da4e7764b62c30b991c42c5f0"}, + {file = "pandas-2.2.3-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:f3a255b2c19987fbbe62a9dfd6cff7ff2aa9ccab3fc75218fd4b7530f01efa24"}, + {file = "pandas-2.2.3-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:800250ecdadb6d9c78eae4990da62743b857b470883fa27f652db8bdde7f6659"}, + {file = "pandas-2.2.3-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:6374c452ff3ec675a8f46fd9ab25c4ad0ba590b71cf0656f8b6daa5202bca3fb"}, + {file = "pandas-2.2.3-cp313-cp313-win_amd64.whl", hash = "sha256:61c5ad4043f791b61dd4752191d9f07f0ae412515d59ba8f005832a532f8736d"}, + {file = "pandas-2.2.3-cp313-cp313t-macosx_10_13_x86_64.whl", hash = "sha256:3b71f27954685ee685317063bf13c7709a7ba74fc996b84fc6821c59b0f06468"}, + {file = "pandas-2.2.3-cp313-cp313t-macosx_11_0_arm64.whl", hash = "sha256:38cf8125c40dae9d5acc10fa66af8ea6fdf760b2714ee482ca691fc66e6fcb18"}, + {file = "pandas-2.2.3-cp313-cp313t-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:ba96630bc17c875161df3818780af30e43be9b166ce51c9a18c1feae342906c2"}, + {file = "pandas-2.2.3-cp313-cp313t-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:1db71525a1538b30142094edb9adc10be3f3e176748cd7acc2240c2f2e5aa3a4"}, + {file = "pandas-2.2.3-cp313-cp313t-musllinux_1_2_aarch64.whl", hash = "sha256:15c0e1e02e93116177d29ff83e8b1619c93ddc9c49083f237d4312337a61165d"}, + {file = "pandas-2.2.3-cp313-cp313t-musllinux_1_2_x86_64.whl", hash = "sha256:ad5b65698ab28ed8d7f18790a0dc58005c7629f227be9ecc1072aa74c0c1d43a"}, + {file = "pandas-2.2.3.tar.gz", hash = "sha256:4f18ba62b61d7e192368b84517265a99b4d7ee8912f8708660fb4a366cc82667"}, +] + +[[package]] +name = "pandocfilters" +version = "1.5.1" +requires_python = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*" +summary = "Utilities for writing pandoc filters in python" +groups = ["dev"] +files = [ + {file = "pandocfilters-1.5.1-py2.py3-none-any.whl", hash = "sha256:93be382804a9cdb0a7267585f157e5d1731bbe5545a85b268d6f5fe6232de2bc"}, + {file = "pandocfilters-1.5.1.tar.gz", hash = "sha256:002b4a555ee4ebc03f8b66307e287fa492e4a77b4ea14d3f934328297bb4939e"}, +] + +[[package]] +name = "parso" +version = "0.8.4" +requires_python = ">=3.6" +summary = "A Python Parser" +groups = ["dev"] +files = [ + {file = "parso-0.8.4-py2.py3-none-any.whl", hash = "sha256:a418670a20291dacd2dddc80c377c5c3791378ee1e8d12bffc35420643d43f18"}, + {file = "parso-0.8.4.tar.gz", hash = "sha256:eb3a7b58240fb99099a345571deecc0f9540ea5f4dd2fe14c2a99d6b281ab92d"}, +] + +[[package]] +name = "pexpect" +version = "4.9.0" +summary = "Pexpect allows easy control of interactive console applications." +groups = ["dev"] +marker = "sys_platform != \"win32\" and sys_platform != \"emscripten\"" +dependencies = [ + "ptyprocess>=0.5", +] +files = [ + {file = "pexpect-4.9.0-py2.py3-none-any.whl", hash = "sha256:7236d1e080e4936be2dc3e326cec0af72acf9212a7e1d060210e70a47e253523"}, + {file = "pexpect-4.9.0.tar.gz", hash = "sha256:ee7d41123f3c9911050ea2c2dac107568dc43b2d3b0c7557a33212c398ead30f"}, +] + +[[package]] +name = "pillow" +version = "11.0.0" +requires_python = ">=3.9" +summary = "Python Imaging Library (Fork)" +groups = ["default"] +files = [ + {file = "pillow-11.0.0-cp311-cp311-macosx_10_10_x86_64.whl", hash = "sha256:1c1d72714f429a521d8d2d018badc42414c3077eb187a59579f28e4270b4b0fc"}, + {file = "pillow-11.0.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:499c3a1b0d6fc8213519e193796eb1a86a1be4b1877d678b30f83fd979811d1a"}, + {file = "pillow-11.0.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:c8b2351c85d855293a299038e1f89db92a2f35e8d2f783489c6f0b2b5f3fe8a3"}, + {file = "pillow-11.0.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:6f4dba50cfa56f910241eb7f883c20f1e7b1d8f7d91c750cd0b318bad443f4d5"}, + {file = "pillow-11.0.0-cp311-cp311-manylinux_2_28_aarch64.whl", hash = "sha256:5ddbfd761ee00c12ee1be86c9c0683ecf5bb14c9772ddbd782085779a63dd55b"}, + {file = "pillow-11.0.0-cp311-cp311-manylinux_2_28_x86_64.whl", hash = "sha256:45c566eb10b8967d71bf1ab8e4a525e5a93519e29ea071459ce517f6b903d7fa"}, + {file = "pillow-11.0.0-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:b4fd7bd29610a83a8c9b564d457cf5bd92b4e11e79a4ee4716a63c959699b306"}, + {file = "pillow-11.0.0-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:cb929ca942d0ec4fac404cbf520ee6cac37bf35be479b970c4ffadf2b6a1cad9"}, + {file = "pillow-11.0.0-cp311-cp311-win32.whl", hash = "sha256:006bcdd307cc47ba43e924099a038cbf9591062e6c50e570819743f5607404f5"}, + {file = "pillow-11.0.0-cp311-cp311-win_amd64.whl", hash = "sha256:52a2d8323a465f84faaba5236567d212c3668f2ab53e1c74c15583cf507a0291"}, + {file = "pillow-11.0.0-cp311-cp311-win_arm64.whl", hash = "sha256:16095692a253047fe3ec028e951fa4221a1f3ed3d80c397e83541a3037ff67c9"}, + {file = "pillow-11.0.0-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:d2c0a187a92a1cb5ef2c8ed5412dd8d4334272617f532d4ad4de31e0495bd923"}, + {file = "pillow-11.0.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:084a07ef0821cfe4858fe86652fffac8e187b6ae677e9906e192aafcc1b69903"}, + {file = "pillow-11.0.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:8069c5179902dcdce0be9bfc8235347fdbac249d23bd90514b7a47a72d9fecf4"}, + {file = "pillow-11.0.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:f02541ef64077f22bf4924f225c0fd1248c168f86e4b7abdedd87d6ebaceab0f"}, + {file = "pillow-11.0.0-cp312-cp312-manylinux_2_28_aarch64.whl", hash = "sha256:fcb4621042ac4b7865c179bb972ed0da0218a076dc1820ffc48b1d74c1e37fe9"}, + {file = "pillow-11.0.0-cp312-cp312-manylinux_2_28_x86_64.whl", hash = "sha256:00177a63030d612148e659b55ba99527803288cea7c75fb05766ab7981a8c1b7"}, + {file = "pillow-11.0.0-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:8853a3bf12afddfdf15f57c4b02d7ded92c7a75a5d7331d19f4f9572a89c17e6"}, + {file = "pillow-11.0.0-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:3107c66e43bda25359d5ef446f59c497de2b5ed4c7fdba0894f8d6cf3822dafc"}, + {file = "pillow-11.0.0-cp312-cp312-win32.whl", hash = "sha256:86510e3f5eca0ab87429dd77fafc04693195eec7fd6a137c389c3eeb4cfb77c6"}, + {file = "pillow-11.0.0-cp312-cp312-win_amd64.whl", hash = "sha256:8ec4a89295cd6cd4d1058a5e6aec6bf51e0eaaf9714774e1bfac7cfc9051db47"}, + {file = "pillow-11.0.0-cp312-cp312-win_arm64.whl", hash = "sha256:27a7860107500d813fcd203b4ea19b04babe79448268403172782754870dac25"}, + {file = "pillow-11.0.0-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:bcd1fb5bb7b07f64c15618c89efcc2cfa3e95f0e3bcdbaf4642509de1942a699"}, + {file = "pillow-11.0.0-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:0e038b0745997c7dcaae350d35859c9715c71e92ffb7e0f4a8e8a16732150f38"}, + {file = "pillow-11.0.0-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:0ae08bd8ffc41aebf578c2af2f9d8749d91f448b3bfd41d7d9ff573d74f2a6b2"}, + {file = "pillow-11.0.0-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:d69bfd8ec3219ae71bcde1f942b728903cad25fafe3100ba2258b973bd2bc1b2"}, + {file = "pillow-11.0.0-cp313-cp313-manylinux_2_28_aarch64.whl", hash = "sha256:61b887f9ddba63ddf62fd02a3ba7add935d053b6dd7d58998c630e6dbade8527"}, + {file = "pillow-11.0.0-cp313-cp313-manylinux_2_28_x86_64.whl", hash = "sha256:c6a660307ca9d4867caa8d9ca2c2658ab685de83792d1876274991adec7b93fa"}, + {file = "pillow-11.0.0-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:73e3a0200cdda995c7e43dd47436c1548f87a30bb27fb871f352a22ab8dcf45f"}, + {file = "pillow-11.0.0-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:fba162b8872d30fea8c52b258a542c5dfd7b235fb5cb352240c8d63b414013eb"}, + {file = "pillow-11.0.0-cp313-cp313-win32.whl", hash = "sha256:f1b82c27e89fffc6da125d5eb0ca6e68017faf5efc078128cfaa42cf5cb38798"}, + {file = "pillow-11.0.0-cp313-cp313-win_amd64.whl", hash = "sha256:8ba470552b48e5835f1d23ecb936bb7f71d206f9dfeee64245f30c3270b994de"}, + {file = "pillow-11.0.0-cp313-cp313-win_arm64.whl", hash = "sha256:846e193e103b41e984ac921b335df59195356ce3f71dcfd155aa79c603873b84"}, + {file = "pillow-11.0.0-cp313-cp313t-macosx_10_13_x86_64.whl", hash = "sha256:4ad70c4214f67d7466bea6a08061eba35c01b1b89eaa098040a35272a8efb22b"}, + {file = "pillow-11.0.0-cp313-cp313t-macosx_11_0_arm64.whl", hash = "sha256:6ec0d5af64f2e3d64a165f490d96368bb5dea8b8f9ad04487f9ab60dc4bb6003"}, + {file = "pillow-11.0.0-cp313-cp313t-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:c809a70e43c7977c4a42aefd62f0131823ebf7dd73556fa5d5950f5b354087e2"}, + {file = "pillow-11.0.0-cp313-cp313t-manylinux_2_28_x86_64.whl", hash = "sha256:4b60c9520f7207aaf2e1d94de026682fc227806c6e1f55bba7606d1c94dd623a"}, + {file = "pillow-11.0.0-cp313-cp313t-musllinux_1_2_x86_64.whl", hash = "sha256:1e2688958a840c822279fda0086fec1fdab2f95bf2b717b66871c4ad9859d7e8"}, + {file = "pillow-11.0.0-cp313-cp313t-win32.whl", hash = "sha256:607bbe123c74e272e381a8d1957083a9463401f7bd01287f50521ecb05a313f8"}, + {file = "pillow-11.0.0-cp313-cp313t-win_amd64.whl", hash = "sha256:5c39ed17edea3bc69c743a8dd3e9853b7509625c2462532e62baa0732163a904"}, + {file = "pillow-11.0.0-cp313-cp313t-win_arm64.whl", hash = "sha256:75acbbeb05b86bc53cbe7b7e6fe00fbcf82ad7c684b3ad82e3d711da9ba287d3"}, + {file = "pillow-11.0.0.tar.gz", hash = "sha256:72bacbaf24ac003fea9bff9837d1eedb6088758d41e100c1552930151f677739"}, +] + +[[package]] +name = "pip" +version = "24.3.1" +requires_python = ">=3.8" +summary = "The PyPA recommended tool for installing Python packages." +groups = ["default"] +files = [ + {file = "pip-24.3.1-py3-none-any.whl", hash = "sha256:3790624780082365f47549d032f3770eeb2b1e8bd1f7b2e02dace1afa361b4ed"}, + {file = "pip-24.3.1.tar.gz", hash = "sha256:ebcb60557f2aefabc2e0f918751cd24ea0d56d8ec5445fe1807f1d2109660b99"}, +] + +[[package]] +name = "platformdirs" +version = "4.3.6" +requires_python = ">=3.8" +summary = "A small Python package for determining appropriate platform-specific dirs, e.g. a `user data dir`." +groups = ["dev"] +files = [ + {file = "platformdirs-4.3.6-py3-none-any.whl", hash = "sha256:73e575e1408ab8103900836b97580d5307456908a03e92031bab39e4554cc3fb"}, + {file = "platformdirs-4.3.6.tar.gz", hash = "sha256:357fb2acbc885b0419afd3ce3ed34564c13c9b95c89360cd9563f73aa5e2b907"}, +] + +[[package]] +name = "preshed" +version = "3.0.9" +requires_python = ">=3.6" +summary = "Cython hash table that trusts the keys are pre-hashed" +groups = ["default"] +dependencies = [ + "cymem<2.1.0,>=2.0.2", + "murmurhash<1.1.0,>=0.28.0", +] +files = [ + {file = "preshed-3.0.9-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:e7c2364da27f2875524ce1ca754dc071515a9ad26eb5def4c7e69129a13c9a59"}, + {file = "preshed-3.0.9-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:182138033c0730c683a6d97e567ceb8a3e83f3bff5704f300d582238dbd384b3"}, + {file = "preshed-3.0.9-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:345a10be3b86bcc6c0591d343a6dc2bfd86aa6838c30ced4256dfcfa836c3a64"}, + {file = "preshed-3.0.9-cp311-cp311-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:51d0192274aa061699b284f9fd08416065348edbafd64840c3889617ee1609de"}, + {file = "preshed-3.0.9-cp311-cp311-win_amd64.whl", hash = "sha256:96b857d7a62cbccc3845ac8c41fd23addf052821be4eb987f2eb0da3d8745aa1"}, + {file = "preshed-3.0.9-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:b4fe6720012c62e6d550d6a5c1c7ad88cacef8388d186dad4bafea4140d9d198"}, + {file = "preshed-3.0.9-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:e04f05758875be9751e483bd3c519c22b00d3b07f5a64441ec328bb9e3c03700"}, + {file = "preshed-3.0.9-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:4a55091d0e395f1fdb62ab43401bb9f8b46c7d7794d5b071813c29dc1ab22fd0"}, + {file = "preshed-3.0.9-cp312-cp312-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:7de8f5138bcac7870424e09684dc3dd33c8e30e81b269f6c9ede3d8c7bb8e257"}, + {file = "preshed-3.0.9-cp312-cp312-win_amd64.whl", hash = "sha256:24229c77364628743bc29c5620c5d6607ed104f0e02ae31f8a030f99a78a5ceb"}, + {file = "preshed-3.0.9.tar.gz", hash = "sha256:721863c5244ffcd2651ad0928951a2c7c77b102f4e11a251ad85d37ee7621660"}, +] + +[[package]] +name = "prometheus-client" +version = "0.21.1" +requires_python = ">=3.8" +summary = "Python client for the Prometheus monitoring system." +groups = ["dev"] +files = [ + {file = "prometheus_client-0.21.1-py3-none-any.whl", hash = "sha256:594b45c410d6f4f8888940fe80b5cc2521b305a1fafe1c58609ef715a001f301"}, + {file = "prometheus_client-0.21.1.tar.gz", hash = "sha256:252505a722ac04b0456be05c05f75f45d760c2911ffc45f2a06bcaed9f3ae3fb"}, +] + +[[package]] +name = "prompt-toolkit" +version = "3.0.48" +requires_python = ">=3.7.0" +summary = "Library for building powerful interactive command lines in Python" +groups = ["dev"] +dependencies = [ + "wcwidth", +] +files = [ + {file = "prompt_toolkit-3.0.48-py3-none-any.whl", hash = "sha256:f49a827f90062e411f1ce1f854f2aedb3c23353244f8108b89283587397ac10e"}, + {file = "prompt_toolkit-3.0.48.tar.gz", hash = "sha256:d6623ab0477a80df74e646bdbc93621143f5caf104206aa29294d53de1a03d90"}, +] + +[[package]] +name = "propcache" +version = "0.2.1" +requires_python = ">=3.9" +summary = "Accelerated property cache" +groups = ["default"] +files = [ + {file = "propcache-0.2.1-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:1ffc3cca89bb438fb9c95c13fc874012f7b9466b89328c3c8b1aa93cdcfadd16"}, + {file = "propcache-0.2.1-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:f174bbd484294ed9fdf09437f889f95807e5f229d5d93588d34e92106fbf6717"}, + {file = "propcache-0.2.1-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:70693319e0b8fd35dd863e3e29513875eb15c51945bf32519ef52927ca883bc3"}, + {file = "propcache-0.2.1-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:b480c6a4e1138e1aa137c0079b9b6305ec6dcc1098a8ca5196283e8a49df95a9"}, + {file = "propcache-0.2.1-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:d27b84d5880f6d8aa9ae3edb253c59d9f6642ffbb2c889b78b60361eed449787"}, + {file = "propcache-0.2.1-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:857112b22acd417c40fa4595db2fe28ab900c8c5fe4670c7989b1c0230955465"}, + {file = "propcache-0.2.1-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:cf6c4150f8c0e32d241436526f3c3f9cbd34429492abddbada2ffcff506c51af"}, + {file = "propcache-0.2.1-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:66d4cfda1d8ed687daa4bc0274fcfd5267873db9a5bc0418c2da19273040eeb7"}, + {file = "propcache-0.2.1-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:c2f992c07c0fca81655066705beae35fc95a2fa7366467366db627d9f2ee097f"}, + {file = "propcache-0.2.1-cp311-cp311-musllinux_1_2_armv7l.whl", hash = "sha256:4a571d97dbe66ef38e472703067021b1467025ec85707d57e78711c085984e54"}, + {file = "propcache-0.2.1-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:bb6178c241278d5fe853b3de743087be7f5f4c6f7d6d22a3b524d323eecec505"}, + {file = "propcache-0.2.1-cp311-cp311-musllinux_1_2_ppc64le.whl", hash = "sha256:ad1af54a62ffe39cf34db1aa6ed1a1873bd548f6401db39d8e7cd060b9211f82"}, + {file = "propcache-0.2.1-cp311-cp311-musllinux_1_2_s390x.whl", hash = "sha256:e7048abd75fe40712005bcfc06bb44b9dfcd8e101dda2ecf2f5aa46115ad07ca"}, + {file = "propcache-0.2.1-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:160291c60081f23ee43d44b08a7e5fb76681221a8e10b3139618c5a9a291b84e"}, + {file = "propcache-0.2.1-cp311-cp311-win32.whl", hash = "sha256:819ce3b883b7576ca28da3861c7e1a88afd08cc8c96908e08a3f4dd64a228034"}, + {file = "propcache-0.2.1-cp311-cp311-win_amd64.whl", hash = "sha256:edc9fc7051e3350643ad929df55c451899bb9ae6d24998a949d2e4c87fb596d3"}, + {file = "propcache-0.2.1-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:081a430aa8d5e8876c6909b67bd2d937bfd531b0382d3fdedb82612c618bc41a"}, + {file = "propcache-0.2.1-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:d2ccec9ac47cf4e04897619c0e0c1a48c54a71bdf045117d3a26f80d38ab1fb0"}, + {file = "propcache-0.2.1-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:14d86fe14b7e04fa306e0c43cdbeebe6b2c2156a0c9ce56b815faacc193e320d"}, + {file = "propcache-0.2.1-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:049324ee97bb67285b49632132db351b41e77833678432be52bdd0289c0e05e4"}, + {file = "propcache-0.2.1-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:1cd9a1d071158de1cc1c71a26014dcdfa7dd3d5f4f88c298c7f90ad6f27bb46d"}, + {file = "propcache-0.2.1-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:98110aa363f1bb4c073e8dcfaefd3a5cea0f0834c2aab23dda657e4dab2f53b5"}, + {file = "propcache-0.2.1-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:647894f5ae99c4cf6bb82a1bb3a796f6e06af3caa3d32e26d2350d0e3e3faf24"}, + {file = "propcache-0.2.1-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:bfd3223c15bebe26518d58ccf9a39b93948d3dcb3e57a20480dfdd315356baff"}, + {file = "propcache-0.2.1-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:d71264a80f3fcf512eb4f18f59423fe82d6e346ee97b90625f283df56aee103f"}, + {file = "propcache-0.2.1-cp312-cp312-musllinux_1_2_armv7l.whl", hash = "sha256:e73091191e4280403bde6c9a52a6999d69cdfde498f1fdf629105247599b57ec"}, + {file = "propcache-0.2.1-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:3935bfa5fede35fb202c4b569bb9c042f337ca4ff7bd540a0aa5e37131659348"}, + {file = "propcache-0.2.1-cp312-cp312-musllinux_1_2_ppc64le.whl", hash = "sha256:f508b0491767bb1f2b87fdfacaba5f7eddc2f867740ec69ece6d1946d29029a6"}, + {file = "propcache-0.2.1-cp312-cp312-musllinux_1_2_s390x.whl", hash = "sha256:1672137af7c46662a1c2be1e8dc78cb6d224319aaa40271c9257d886be4363a6"}, + {file = "propcache-0.2.1-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:b74c261802d3d2b85c9df2dfb2fa81b6f90deeef63c2db9f0e029a3cac50b518"}, + {file = "propcache-0.2.1-cp312-cp312-win32.whl", hash = "sha256:d09c333d36c1409d56a9d29b3a1b800a42c76a57a5a8907eacdbce3f18768246"}, + {file = "propcache-0.2.1-cp312-cp312-win_amd64.whl", hash = "sha256:c214999039d4f2a5b2073ac506bba279945233da8c786e490d411dfc30f855c1"}, + {file = "propcache-0.2.1-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:aca405706e0b0a44cc6bfd41fbe89919a6a56999157f6de7e182a990c36e37bc"}, + {file = "propcache-0.2.1-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:12d1083f001ace206fe34b6bdc2cb94be66d57a850866f0b908972f90996b3e9"}, + {file = "propcache-0.2.1-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:d93f3307ad32a27bda2e88ec81134b823c240aa3abb55821a8da553eed8d9439"}, + {file = "propcache-0.2.1-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:ba278acf14471d36316159c94a802933d10b6a1e117b8554fe0d0d9b75c9d536"}, + {file = "propcache-0.2.1-cp313-cp313-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:4e6281aedfca15301c41f74d7005e6e3f4ca143584ba696ac69df4f02f40d629"}, + {file = "propcache-0.2.1-cp313-cp313-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:5b750a8e5a1262434fb1517ddf64b5de58327f1adc3524a5e44c2ca43305eb0b"}, + {file = "propcache-0.2.1-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:bf72af5e0fb40e9babf594308911436c8efde3cb5e75b6f206c34ad18be5c052"}, + {file = "propcache-0.2.1-cp313-cp313-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:b2d0a12018b04f4cb820781ec0dffb5f7c7c1d2a5cd22bff7fb055a2cb19ebce"}, + {file = "propcache-0.2.1-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:e800776a79a5aabdb17dcc2346a7d66d0777e942e4cd251defeb084762ecd17d"}, + {file = "propcache-0.2.1-cp313-cp313-musllinux_1_2_armv7l.whl", hash = "sha256:4160d9283bd382fa6c0c2b5e017acc95bc183570cd70968b9202ad6d8fc48dce"}, + {file = "propcache-0.2.1-cp313-cp313-musllinux_1_2_i686.whl", hash = "sha256:30b43e74f1359353341a7adb783c8f1b1c676367b011709f466f42fda2045e95"}, + {file = "propcache-0.2.1-cp313-cp313-musllinux_1_2_ppc64le.whl", hash = "sha256:58791550b27d5488b1bb52bc96328456095d96206a250d28d874fafe11b3dfaf"}, + {file = "propcache-0.2.1-cp313-cp313-musllinux_1_2_s390x.whl", hash = "sha256:0f022d381747f0dfe27e99d928e31bc51a18b65bb9e481ae0af1380a6725dd1f"}, + {file = "propcache-0.2.1-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:297878dc9d0a334358f9b608b56d02e72899f3b8499fc6044133f0d319e2ec30"}, + {file = "propcache-0.2.1-cp313-cp313-win32.whl", hash = "sha256:ddfab44e4489bd79bda09d84c430677fc7f0a4939a73d2bba3073036f487a0a6"}, + {file = "propcache-0.2.1-cp313-cp313-win_amd64.whl", hash = "sha256:556fc6c10989f19a179e4321e5d678db8eb2924131e64652a51fe83e4c3db0e1"}, + {file = "propcache-0.2.1-py3-none-any.whl", hash = "sha256:52277518d6aae65536e9cea52d4e7fd2f7a66f4aa2d30ed3f2fcea620ace3c54"}, + {file = "propcache-0.2.1.tar.gz", hash = "sha256:3f77ce728b19cb537714499928fe800c3dda29e8d9428778fc7c186da4c09a64"}, +] + +[[package]] +name = "protobuf" +version = "5.29.2" +requires_python = ">=3.8" +summary = "" +groups = ["default"] +files = [ + {file = "protobuf-5.29.2-cp310-abi3-win32.whl", hash = "sha256:c12ba8249f5624300cf51c3d0bfe5be71a60c63e4dcf51ffe9a68771d958c851"}, + {file = "protobuf-5.29.2-cp310-abi3-win_amd64.whl", hash = "sha256:842de6d9241134a973aab719ab42b008a18a90f9f07f06ba480df268f86432f9"}, + {file = "protobuf-5.29.2-cp38-abi3-macosx_10_9_universal2.whl", hash = "sha256:a0c53d78383c851bfa97eb42e3703aefdc96d2036a41482ffd55dc5f529466eb"}, + {file = "protobuf-5.29.2-cp38-abi3-manylinux2014_aarch64.whl", hash = "sha256:494229ecd8c9009dd71eda5fd57528395d1eacdf307dbece6c12ad0dd09e912e"}, + {file = "protobuf-5.29.2-cp38-abi3-manylinux2014_x86_64.whl", hash = "sha256:b6b0d416bbbb9d4fbf9d0561dbfc4e324fd522f61f7af0fe0f282ab67b22477e"}, + {file = "protobuf-5.29.2-py3-none-any.whl", hash = "sha256:fde4554c0e578a5a0bcc9a276339594848d1e89f9ea47b4427c80e5d72f90181"}, + {file = "protobuf-5.29.2.tar.gz", hash = "sha256:b2cc8e8bb7c9326996f0e160137b0861f1a82162502658df2951209d0cb0309e"}, +] + +[[package]] +name = "psutil" +version = "6.1.1" +requires_python = "!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*,!=3.5.*,>=2.7" +summary = "Cross-platform lib for process and system monitoring in Python." +groups = ["dev"] +files = [ + {file = "psutil-6.1.1-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:fc0ed7fe2231a444fc219b9c42d0376e0a9a1a72f16c5cfa0f68d19f1a0663e8"}, + {file = "psutil-6.1.1-cp36-abi3-macosx_11_0_arm64.whl", hash = "sha256:0bdd4eab935276290ad3cb718e9809412895ca6b5b334f5a9111ee6d9aff9377"}, + {file = "psutil-6.1.1-cp36-abi3-manylinux_2_12_i686.manylinux2010_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:b6e06c20c05fe95a3d7302d74e7097756d4ba1247975ad6905441ae1b5b66003"}, + {file = "psutil-6.1.1-cp36-abi3-manylinux_2_12_x86_64.manylinux2010_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:97f7cb9921fbec4904f522d972f0c0e1f4fabbdd4e0287813b21215074a0f160"}, + {file = "psutil-6.1.1-cp36-abi3-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:33431e84fee02bc84ea36d9e2c4a6d395d479c9dd9bba2376c1f6ee8f3a4e0b3"}, + {file = "psutil-6.1.1-cp37-abi3-win32.whl", hash = "sha256:eaa912e0b11848c4d9279a93d7e2783df352b082f40111e078388701fd479e53"}, + {file = "psutil-6.1.1-cp37-abi3-win_amd64.whl", hash = "sha256:f35cfccb065fff93529d2afb4a2e89e363fe63ca1e4a5da22b603a85833c2649"}, + {file = "psutil-6.1.1.tar.gz", hash = "sha256:cf8496728c18f2d0b45198f06895be52f36611711746b7f30c464b422b50e2f5"}, +] + +[[package]] +name = "ptyprocess" +version = "0.7.0" +summary = "Run a subprocess in a pseudo terminal" +groups = ["dev"] +marker = "sys_platform != \"win32\" and sys_platform != \"emscripten\" or os_name != \"nt\"" +files = [ + {file = "ptyprocess-0.7.0-py2.py3-none-any.whl", hash = "sha256:4b41f3967fce3af57cc7e94b888626c18bf37a083e3651ca8feeb66d492fef35"}, + {file = "ptyprocess-0.7.0.tar.gz", hash = "sha256:5c5d0a3b48ceee0b48485e0c26037c0acd7d29765ca3fbb5cb3831d347423220"}, +] + +[[package]] +name = "pure-eval" +version = "0.2.3" +summary = "Safely evaluate AST nodes without side effects" +groups = ["dev"] +files = [ + {file = "pure_eval-0.2.3-py3-none-any.whl", hash = "sha256:1db8e35b67b3d218d818ae653e27f06c3aa420901fa7b081ca98cbedc874e0d0"}, + {file = "pure_eval-0.2.3.tar.gz", hash = "sha256:5f4e983f40564c576c7c8635ae88db5956bb2229d7e9237d03b3c0b0190eaf42"}, +] + +[[package]] +name = "pyarrow" +version = "18.1.0" +requires_python = ">=3.9" +summary = "Python library for Apache Arrow" +groups = ["default"] +files = [ + {file = "pyarrow-18.1.0-cp311-cp311-macosx_12_0_arm64.whl", hash = "sha256:eaeabf638408de2772ce3d7793b2668d4bb93807deed1725413b70e3156a7854"}, + {file = "pyarrow-18.1.0-cp311-cp311-macosx_12_0_x86_64.whl", hash = "sha256:3b2e2239339c538f3464308fd345113f886ad031ef8266c6f004d49769bb074c"}, + {file = "pyarrow-18.1.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:f39a2e0ed32a0970e4e46c262753417a60c43a3246972cfc2d3eb85aedd01b21"}, + {file = "pyarrow-18.1.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:e31e9417ba9c42627574bdbfeada7217ad8a4cbbe45b9d6bdd4b62abbca4c6f6"}, + {file = "pyarrow-18.1.0-cp311-cp311-manylinux_2_28_aarch64.whl", hash = "sha256:01c034b576ce0eef554f7c3d8c341714954be9b3f5d5bc7117006b85fcf302fe"}, + {file = "pyarrow-18.1.0-cp311-cp311-manylinux_2_28_x86_64.whl", hash = "sha256:f266a2c0fc31995a06ebd30bcfdb7f615d7278035ec5b1cd71c48d56daaf30b0"}, + {file = "pyarrow-18.1.0-cp311-cp311-win_amd64.whl", hash = "sha256:d4f13eee18433f99adefaeb7e01d83b59f73360c231d4782d9ddfaf1c3fbde0a"}, + {file = "pyarrow-18.1.0-cp312-cp312-macosx_12_0_arm64.whl", hash = "sha256:9f3a76670b263dc41d0ae877f09124ab96ce10e4e48f3e3e4257273cee61ad0d"}, + {file = "pyarrow-18.1.0-cp312-cp312-macosx_12_0_x86_64.whl", hash = "sha256:da31fbca07c435be88a0c321402c4e31a2ba61593ec7473630769de8346b54ee"}, + {file = "pyarrow-18.1.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:543ad8459bc438efc46d29a759e1079436290bd583141384c6f7a1068ed6f992"}, + {file = "pyarrow-18.1.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:0743e503c55be0fdb5c08e7d44853da27f19dc854531c0570f9f394ec9671d54"}, + {file = "pyarrow-18.1.0-cp312-cp312-manylinux_2_28_aarch64.whl", hash = "sha256:d4b3d2a34780645bed6414e22dda55a92e0fcd1b8a637fba86800ad737057e33"}, + {file = "pyarrow-18.1.0-cp312-cp312-manylinux_2_28_x86_64.whl", hash = "sha256:c52f81aa6f6575058d8e2c782bf79d4f9fdc89887f16825ec3a66607a5dd8e30"}, + {file = "pyarrow-18.1.0-cp312-cp312-win_amd64.whl", hash = "sha256:0ad4892617e1a6c7a551cfc827e072a633eaff758fa09f21c4ee548c30bcaf99"}, + {file = "pyarrow-18.1.0-cp313-cp313-macosx_12_0_arm64.whl", hash = "sha256:84e314d22231357d473eabec709d0ba285fa706a72377f9cc8e1cb3c8013813b"}, + {file = "pyarrow-18.1.0-cp313-cp313-macosx_12_0_x86_64.whl", hash = "sha256:f591704ac05dfd0477bb8f8e0bd4b5dc52c1cadf50503858dce3a15db6e46ff2"}, + {file = "pyarrow-18.1.0-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:acb7564204d3c40babf93a05624fc6a8ec1ab1def295c363afc40b0c9e66c191"}, + {file = "pyarrow-18.1.0-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:74de649d1d2ccb778f7c3afff6085bd5092aed4c23df9feeb45dd6b16f3811aa"}, + {file = "pyarrow-18.1.0-cp313-cp313-manylinux_2_28_aarch64.whl", hash = "sha256:f96bd502cb11abb08efea6dab09c003305161cb6c9eafd432e35e76e7fa9b90c"}, + {file = "pyarrow-18.1.0-cp313-cp313-manylinux_2_28_x86_64.whl", hash = "sha256:36ac22d7782554754a3b50201b607d553a8d71b78cdf03b33c1125be4b52397c"}, + {file = "pyarrow-18.1.0-cp313-cp313-win_amd64.whl", hash = "sha256:25dbacab8c5952df0ca6ca0af28f50d45bd31c1ff6fcf79e2d120b4a65ee7181"}, + {file = "pyarrow-18.1.0-cp313-cp313t-macosx_12_0_arm64.whl", hash = "sha256:6a276190309aba7bc9d5bd2933230458b3521a4317acfefe69a354f2fe59f2bc"}, + {file = "pyarrow-18.1.0-cp313-cp313t-macosx_12_0_x86_64.whl", hash = "sha256:ad514dbfcffe30124ce655d72771ae070f30bf850b48bc4d9d3b25993ee0e386"}, + {file = "pyarrow-18.1.0-cp313-cp313t-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:aebc13a11ed3032d8dd6e7171eb6e86d40d67a5639d96c35142bd568b9299324"}, + {file = "pyarrow-18.1.0-cp313-cp313t-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:d6cf5c05f3cee251d80e98726b5c7cc9f21bab9e9783673bac58e6dfab57ecc8"}, + {file = "pyarrow-18.1.0-cp313-cp313t-manylinux_2_28_aarch64.whl", hash = "sha256:11b676cd410cf162d3f6a70b43fb9e1e40affbc542a1e9ed3681895f2962d3d9"}, + {file = "pyarrow-18.1.0-cp313-cp313t-manylinux_2_28_x86_64.whl", hash = "sha256:b76130d835261b38f14fc41fdfb39ad8d672afb84c447126b84d5472244cfaba"}, + {file = "pyarrow-18.1.0.tar.gz", hash = "sha256:9386d3ca9c145b5539a1cfc75df07757dff870168c959b473a0bccbc3abc8c73"}, +] + +[[package]] +name = "pycparser" +version = "2.22" +requires_python = ">=3.8" +summary = "C parser in Python" +groups = ["dev"] +files = [ + {file = "pycparser-2.22-py3-none-any.whl", hash = "sha256:c3702b6d3dd8c7abc1afa565d7e63d53a1d0bd86cdc24edd75470f4de499cfcc"}, + {file = "pycparser-2.22.tar.gz", hash = "sha256:491c8be9c040f5390f5bf44a5b07752bd07f56edf992381b05c701439eec10f6"}, +] + +[[package]] +name = "pydantic" +version = "2.10.4" +requires_python = ">=3.8" +summary = "Data validation using Python type hints" +groups = ["default", "dev"] +dependencies = [ + "annotated-types>=0.6.0", + "pydantic-core==2.27.2", + "typing-extensions>=4.12.2", +] +files = [ + {file = "pydantic-2.10.4-py3-none-any.whl", hash = "sha256:597e135ea68be3a37552fb524bc7d0d66dcf93d395acd93a00682f1efcb8ee3d"}, + {file = "pydantic-2.10.4.tar.gz", hash = "sha256:82f12e9723da6de4fe2ba888b5971157b3be7ad914267dea8f05f82b28254f06"}, +] + +[[package]] +name = "pydantic-core" +version = "2.27.2" +requires_python = ">=3.8" +summary = "Core functionality for Pydantic validation and serialization" +groups = ["default", "dev"] +dependencies = [ + "typing-extensions!=4.7.0,>=4.6.0", +] +files = [ + {file = "pydantic_core-2.27.2-cp311-cp311-macosx_10_12_x86_64.whl", hash = "sha256:8e10c99ef58cfdf2a66fc15d66b16c4a04f62bca39db589ae8cba08bc55331bc"}, + {file = "pydantic_core-2.27.2-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:26f32e0adf166a84d0cb63be85c562ca8a6fa8de28e5f0d92250c6b7e9e2aff7"}, + {file = "pydantic_core-2.27.2-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:8c19d1ea0673cd13cc2f872f6c9ab42acc4e4f492a7ca9d3795ce2b112dd7e15"}, + {file = "pydantic_core-2.27.2-cp311-cp311-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:5e68c4446fe0810e959cdff46ab0a41ce2f2c86d227d96dc3847af0ba7def306"}, + {file = "pydantic_core-2.27.2-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:d9640b0059ff4f14d1f37321b94061c6db164fbe49b334b31643e0528d100d99"}, + {file = "pydantic_core-2.27.2-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:40d02e7d45c9f8af700f3452f329ead92da4c5f4317ca9b896de7ce7199ea459"}, + {file = "pydantic_core-2.27.2-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:1c1fd185014191700554795c99b347d64f2bb637966c4cfc16998a0ca700d048"}, + {file = "pydantic_core-2.27.2-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:d81d2068e1c1228a565af076598f9e7451712700b673de8f502f0334f281387d"}, + {file = "pydantic_core-2.27.2-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:1a4207639fb02ec2dbb76227d7c751a20b1a6b4bc52850568e52260cae64ca3b"}, + {file = "pydantic_core-2.27.2-cp311-cp311-musllinux_1_1_armv7l.whl", hash = "sha256:3de3ce3c9ddc8bbd88f6e0e304dea0e66d843ec9de1b0042b0911c1663ffd474"}, + {file = "pydantic_core-2.27.2-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:30c5f68ded0c36466acede341551106821043e9afaad516adfb6e8fa80a4e6a6"}, + {file = "pydantic_core-2.27.2-cp311-cp311-win32.whl", hash = "sha256:c70c26d2c99f78b125a3459f8afe1aed4d9687c24fd677c6a4436bc042e50d6c"}, + {file = "pydantic_core-2.27.2-cp311-cp311-win_amd64.whl", hash = "sha256:08e125dbdc505fa69ca7d9c499639ab6407cfa909214d500897d02afb816e7cc"}, + {file = "pydantic_core-2.27.2-cp311-cp311-win_arm64.whl", hash = "sha256:26f0d68d4b235a2bae0c3fc585c585b4ecc51382db0e3ba402a22cbc440915e4"}, + {file = "pydantic_core-2.27.2-cp312-cp312-macosx_10_12_x86_64.whl", hash = "sha256:9e0c8cfefa0ef83b4da9588448b6d8d2a2bf1a53c3f1ae5fca39eb3061e2f0b0"}, + {file = "pydantic_core-2.27.2-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:83097677b8e3bd7eaa6775720ec8e0405f1575015a463285a92bfdfe254529ef"}, + {file = "pydantic_core-2.27.2-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:172fce187655fece0c90d90a678424b013f8fbb0ca8b036ac266749c09438cb7"}, + {file = "pydantic_core-2.27.2-cp312-cp312-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:519f29f5213271eeeeb3093f662ba2fd512b91c5f188f3bb7b27bc5973816934"}, + {file = "pydantic_core-2.27.2-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:05e3a55d124407fffba0dd6b0c0cd056d10e983ceb4e5dbd10dda135c31071d6"}, + {file = "pydantic_core-2.27.2-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:9c3ed807c7b91de05e63930188f19e921d1fe90de6b4f5cd43ee7fcc3525cb8c"}, + {file = "pydantic_core-2.27.2-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:6fb4aadc0b9a0c063206846d603b92030eb6f03069151a625667f982887153e2"}, + {file = "pydantic_core-2.27.2-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:28ccb213807e037460326424ceb8b5245acb88f32f3d2777427476e1b32c48c4"}, + {file = "pydantic_core-2.27.2-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:de3cd1899e2c279b140adde9357c4495ed9d47131b4a4eaff9052f23398076b3"}, + {file = "pydantic_core-2.27.2-cp312-cp312-musllinux_1_1_armv7l.whl", hash = "sha256:220f892729375e2d736b97d0e51466252ad84c51857d4d15f5e9692f9ef12be4"}, + {file = "pydantic_core-2.27.2-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:a0fcd29cd6b4e74fe8ddd2c90330fd8edf2e30cb52acda47f06dd615ae72da57"}, + {file = "pydantic_core-2.27.2-cp312-cp312-win32.whl", hash = "sha256:1e2cb691ed9834cd6a8be61228471d0a503731abfb42f82458ff27be7b2186fc"}, + {file = "pydantic_core-2.27.2-cp312-cp312-win_amd64.whl", hash = "sha256:cc3f1a99a4f4f9dd1de4fe0312c114e740b5ddead65bb4102884b384c15d8bc9"}, + {file = "pydantic_core-2.27.2-cp312-cp312-win_arm64.whl", hash = "sha256:3911ac9284cd8a1792d3cb26a2da18f3ca26c6908cc434a18f730dc0db7bfa3b"}, + {file = "pydantic_core-2.27.2-cp313-cp313-macosx_10_12_x86_64.whl", hash = "sha256:7d14bd329640e63852364c306f4d23eb744e0f8193148d4044dd3dacdaacbd8b"}, + {file = "pydantic_core-2.27.2-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:82f91663004eb8ed30ff478d77c4d1179b3563df6cdb15c0817cd1cdaf34d154"}, + {file = "pydantic_core-2.27.2-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:71b24c7d61131bb83df10cc7e687433609963a944ccf45190cfc21e0887b08c9"}, + {file = "pydantic_core-2.27.2-cp313-cp313-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:fa8e459d4954f608fa26116118bb67f56b93b209c39b008277ace29937453dc9"}, + {file = "pydantic_core-2.27.2-cp313-cp313-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:ce8918cbebc8da707ba805b7fd0b382816858728ae7fe19a942080c24e5b7cd1"}, + {file = "pydantic_core-2.27.2-cp313-cp313-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:eda3f5c2a021bbc5d976107bb302e0131351c2ba54343f8a496dc8783d3d3a6a"}, + {file = "pydantic_core-2.27.2-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:bd8086fa684c4775c27f03f062cbb9eaa6e17f064307e86b21b9e0abc9c0f02e"}, + {file = "pydantic_core-2.27.2-cp313-cp313-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:8d9b3388db186ba0c099a6d20f0604a44eabdeef1777ddd94786cdae158729e4"}, + {file = "pydantic_core-2.27.2-cp313-cp313-musllinux_1_1_aarch64.whl", hash = "sha256:7a66efda2387de898c8f38c0cf7f14fca0b51a8ef0b24bfea5849f1b3c95af27"}, + {file = "pydantic_core-2.27.2-cp313-cp313-musllinux_1_1_armv7l.whl", hash = "sha256:18a101c168e4e092ab40dbc2503bdc0f62010e95d292b27827871dc85450d7ee"}, + {file = "pydantic_core-2.27.2-cp313-cp313-musllinux_1_1_x86_64.whl", hash = "sha256:ba5dd002f88b78a4215ed2f8ddbdf85e8513382820ba15ad5ad8955ce0ca19a1"}, + {file = "pydantic_core-2.27.2-cp313-cp313-win32.whl", hash = "sha256:1ebaf1d0481914d004a573394f4be3a7616334be70261007e47c2a6fe7e50130"}, + {file = "pydantic_core-2.27.2-cp313-cp313-win_amd64.whl", hash = "sha256:953101387ecf2f5652883208769a79e48db18c6df442568a0b5ccd8c2723abee"}, + {file = "pydantic_core-2.27.2-cp313-cp313-win_arm64.whl", hash = "sha256:ac4dbfd1691affb8f48c2c13241a2e3b60ff23247cbcf981759c768b6633cf8b"}, + {file = "pydantic_core-2.27.2.tar.gz", hash = "sha256:eb026e5a4c1fee05726072337ff51d1efb6f59090b7da90d30ea58625b1ffb39"}, +] + +[[package]] +name = "pydantic-settings" +version = "2.7.0" +requires_python = ">=3.8" +summary = "Settings management using Pydantic" +groups = ["dev"] +dependencies = [ + "pydantic>=2.7.0", + "python-dotenv>=0.21.0", +] +files = [ + {file = "pydantic_settings-2.7.0-py3-none-any.whl", hash = "sha256:e00c05d5fa6cbbb227c84bd7487c5c1065084119b750df7c8c1a554aed236eb5"}, + {file = "pydantic_settings-2.7.0.tar.gz", hash = "sha256:ac4bfd4a36831a48dbf8b2d9325425b549a0a6f18cea118436d728eb4f1c4d66"}, +] + +[[package]] +name = "pygments" +version = "2.18.0" +requires_python = ">=3.8" +summary = "Pygments is a syntax highlighting package written in Python." +groups = ["default", "dev"] +files = [ + {file = "pygments-2.18.0-py3-none-any.whl", hash = "sha256:b8e6aca0523f3ab76fee51799c488e38782ac06eafcf95e7ba832985c8e7b13a"}, + {file = "pygments-2.18.0.tar.gz", hash = "sha256:786ff802f32e91311bff3889f6e9a86e81505fe99f2735bb6d60ae0c5004f199"}, +] + +[[package]] +name = "pyreadline3" +version = "3.5.4" +requires_python = ">=3.8" +summary = "A python implementation of GNU readline." +groups = ["default"] +marker = "sys_platform == \"win32\" and python_version >= \"3.8\"" +files = [ + {file = "pyreadline3-3.5.4-py3-none-any.whl", hash = "sha256:eaf8e6cc3c49bcccf145fc6067ba8643d1df34d604a1ec0eccbf7a18e6d3fae6"}, + {file = "pyreadline3-3.5.4.tar.gz", hash = "sha256:8d57d53039a1c75adba8e50dd3d992b28143480816187ea5efbd5c78e6c885b7"}, +] + +[[package]] +name = "python-dateutil" +version = "2.9.0.post0" +requires_python = "!=3.0.*,!=3.1.*,!=3.2.*,>=2.7" +summary = "Extensions to the standard Python datetime module" +groups = ["default", "dev"] +dependencies = [ + "six>=1.5", +] +files = [ + {file = "python-dateutil-2.9.0.post0.tar.gz", hash = "sha256:37dd54208da7e1cd875388217d5e00ebd4179249f90fb72437e91a35459a0ad3"}, + {file = "python_dateutil-2.9.0.post0-py2.py3-none-any.whl", hash = "sha256:a8b2bc7bffae282281c8140a97d3aa9c14da0b136dfe83f850eea9a5f7470427"}, +] + +[[package]] +name = "python-dotenv" +version = "1.0.1" +requires_python = ">=3.8" +summary = "Read key-value pairs from a .env file and set them as environment variables" +groups = ["dev"] +files = [ + {file = "python-dotenv-1.0.1.tar.gz", hash = "sha256:e324ee90a023d808f1959c46bcbc04446a10ced277783dc6ee09987c37ec10ca"}, + {file = "python_dotenv-1.0.1-py3-none-any.whl", hash = "sha256:f7b63ef50f1b690dddf550d03497b66d609393b40b564ed0d674909a68ebf16a"}, +] + +[[package]] +name = "python-json-logger" +version = "3.2.1" +requires_python = ">=3.8" +summary = "JSON Log Formatter for the Python Logging Package" +groups = ["dev"] +dependencies = [ + "typing-extensions; python_version < \"3.10\"", +] +files = [ + {file = "python_json_logger-3.2.1-py3-none-any.whl", hash = "sha256:cdc17047eb5374bd311e748b42f99d71223f3b0e186f4206cc5d52aefe85b090"}, + {file = "python_json_logger-3.2.1.tar.gz", hash = "sha256:8eb0554ea17cb75b05d2848bc14fb02fbdbd9d6972120781b974380bfa162008"}, +] + +[[package]] +name = "pytz" +version = "2024.2" +summary = "World timezone definitions, modern and historical" +groups = ["default"] +files = [ + {file = "pytz-2024.2-py2.py3-none-any.whl", hash = "sha256:31c7c1817eb7fae7ca4b8c7ee50c72f93aa2dd863de768e1ef4245d426aa0725"}, + {file = "pytz-2024.2.tar.gz", hash = "sha256:2aa355083c50a0f93fa581709deac0c9ad65cca8a9e9beac660adcbd493c798a"}, +] + +[[package]] +name = "pywin32" +version = "308" +summary = "Python for Window Extensions" +groups = ["dev"] +marker = "sys_platform == \"win32\" and platform_python_implementation != \"PyPy\"" +files = [ + {file = "pywin32-308-cp311-cp311-win32.whl", hash = "sha256:5d8c8015b24a7d6855b1550d8e660d8daa09983c80e5daf89a273e5c6fb5095a"}, + {file = "pywin32-308-cp311-cp311-win_amd64.whl", hash = "sha256:575621b90f0dc2695fec346b2d6302faebd4f0f45c05ea29404cefe35d89442b"}, + {file = "pywin32-308-cp311-cp311-win_arm64.whl", hash = "sha256:100a5442b7332070983c4cd03f2e906a5648a5104b8a7f50175f7906efd16bb6"}, + {file = "pywin32-308-cp312-cp312-win32.whl", hash = "sha256:587f3e19696f4bf96fde9d8a57cec74a57021ad5f204c9e627e15c33ff568897"}, + {file = "pywin32-308-cp312-cp312-win_amd64.whl", hash = "sha256:00b3e11ef09ede56c6a43c71f2d31857cf7c54b0ab6e78ac659497abd2834f47"}, + {file = "pywin32-308-cp312-cp312-win_arm64.whl", hash = "sha256:9b4de86c8d909aed15b7011182c8cab38c8850de36e6afb1f0db22b8959e3091"}, + {file = "pywin32-308-cp313-cp313-win32.whl", hash = "sha256:1c44539a37a5b7b21d02ab34e6a4d314e0788f1690d65b48e9b0b89f31abbbed"}, + {file = "pywin32-308-cp313-cp313-win_amd64.whl", hash = "sha256:fd380990e792eaf6827fcb7e187b2b4b1cede0585e3d0c9e84201ec27b9905e4"}, + {file = "pywin32-308-cp313-cp313-win_arm64.whl", hash = "sha256:ef313c46d4c18dfb82a2431e3051ac8f112ccee1a34f29c263c583c568db63cd"}, +] + +[[package]] +name = "pywinpty" +version = "2.0.14" +requires_python = ">=3.8" +summary = "Pseudo terminal support for Windows from Python." +groups = ["dev"] +marker = "os_name == \"nt\"" +files = [ + {file = "pywinpty-2.0.14-cp311-none-win_amd64.whl", hash = "sha256:cf2a43ac7065b3e0dc8510f8c1f13a75fb8fde805efa3b8cff7599a1ef497bc7"}, + {file = "pywinpty-2.0.14-cp312-none-win_amd64.whl", hash = "sha256:55dad362ef3e9408ade68fd173e4f9032b3ce08f68cfe7eacb2c263ea1179737"}, + {file = "pywinpty-2.0.14-cp313-none-win_amd64.whl", hash = "sha256:074fb988a56ec79ca90ed03a896d40707131897cefb8f76f926e3834227f2819"}, + {file = "pywinpty-2.0.14.tar.gz", hash = "sha256:18bd9529e4a5daf2d9719aa17788ba6013e594ae94c5a0c27e83df3278b0660e"}, +] + +[[package]] +name = "pyyaml" +version = "6.0.2" +requires_python = ">=3.8" +summary = "YAML parser and emitter for Python" +groups = ["default", "dev"] +files = [ + {file = "PyYAML-6.0.2-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:cc1c1159b3d456576af7a3e4d1ba7e6924cb39de8f67111c735f6fc832082774"}, + {file = "PyYAML-6.0.2-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:1e2120ef853f59c7419231f3bf4e7021f1b936f6ebd222406c3b60212205d2ee"}, + {file = "PyYAML-6.0.2-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:5d225db5a45f21e78dd9358e58a98702a0302f2659a3c6cd320564b75b86f47c"}, + {file = "PyYAML-6.0.2-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:5ac9328ec4831237bec75defaf839f7d4564be1e6b25ac710bd1a96321cc8317"}, + {file = "PyYAML-6.0.2-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:3ad2a3decf9aaba3d29c8f537ac4b243e36bef957511b4766cb0057d32b0be85"}, + {file = "PyYAML-6.0.2-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:ff3824dc5261f50c9b0dfb3be22b4567a6f938ccce4587b38952d85fd9e9afe4"}, + {file = "PyYAML-6.0.2-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:797b4f722ffa07cc8d62053e4cff1486fa6dc094105d13fea7b1de7d8bf71c9e"}, + {file = "PyYAML-6.0.2-cp311-cp311-win32.whl", hash = "sha256:11d8f3dd2b9c1207dcaf2ee0bbbfd5991f571186ec9cc78427ba5bd32afae4b5"}, + {file = "PyYAML-6.0.2-cp311-cp311-win_amd64.whl", hash = "sha256:e10ce637b18caea04431ce14fabcf5c64a1c61ec9c56b071a4b7ca131ca52d44"}, + {file = "PyYAML-6.0.2-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:c70c95198c015b85feafc136515252a261a84561b7b1d51e3384e0655ddf25ab"}, + {file = "PyYAML-6.0.2-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:ce826d6ef20b1bc864f0a68340c8b3287705cae2f8b4b1d932177dcc76721725"}, + {file = "PyYAML-6.0.2-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:1f71ea527786de97d1a0cc0eacd1defc0985dcf6b3f17bb77dcfc8c34bec4dc5"}, + {file = "PyYAML-6.0.2-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:9b22676e8097e9e22e36d6b7bda33190d0d400f345f23d4065d48f4ca7ae0425"}, + {file = "PyYAML-6.0.2-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:80bab7bfc629882493af4aa31a4cfa43a4c57c83813253626916b8c7ada83476"}, + {file = "PyYAML-6.0.2-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:0833f8694549e586547b576dcfaba4a6b55b9e96098b36cdc7ebefe667dfed48"}, + {file = "PyYAML-6.0.2-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:8b9c7197f7cb2738065c481a0461e50ad02f18c78cd75775628afb4d7137fb3b"}, + {file = "PyYAML-6.0.2-cp312-cp312-win32.whl", hash = "sha256:ef6107725bd54b262d6dedcc2af448a266975032bc85ef0172c5f059da6325b4"}, + {file = "PyYAML-6.0.2-cp312-cp312-win_amd64.whl", hash = "sha256:7e7401d0de89a9a855c839bc697c079a4af81cf878373abd7dc625847d25cbd8"}, + {file = "PyYAML-6.0.2-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:efdca5630322a10774e8e98e1af481aad470dd62c3170801852d752aa7a783ba"}, + {file = "PyYAML-6.0.2-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:50187695423ffe49e2deacb8cd10510bc361faac997de9efef88badc3bb9e2d1"}, + {file = "PyYAML-6.0.2-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:0ffe8360bab4910ef1b9e87fb812d8bc0a308b0d0eef8c8f44e0254ab3b07133"}, + {file = "PyYAML-6.0.2-cp313-cp313-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:17e311b6c678207928d649faa7cb0d7b4c26a0ba73d41e99c4fff6b6c3276484"}, + {file = "PyYAML-6.0.2-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:70b189594dbe54f75ab3a1acec5f1e3faa7e8cf2f1e08d9b561cb41b845f69d5"}, + {file = "PyYAML-6.0.2-cp313-cp313-musllinux_1_1_aarch64.whl", hash = "sha256:41e4e3953a79407c794916fa277a82531dd93aad34e29c2a514c2c0c5fe971cc"}, + {file = "PyYAML-6.0.2-cp313-cp313-musllinux_1_1_x86_64.whl", hash = "sha256:68ccc6023a3400877818152ad9a1033e3db8625d899c72eacb5a668902e4d652"}, + {file = "PyYAML-6.0.2-cp313-cp313-win32.whl", hash = "sha256:bc2fa7c6b47d6bc618dd7fb02ef6fdedb1090ec036abab80d4681424b84c1183"}, + {file = "PyYAML-6.0.2-cp313-cp313-win_amd64.whl", hash = "sha256:8388ee1976c416731879ac16da0aff3f63b286ffdd57cdeb95f3f2e085687563"}, + {file = "pyyaml-6.0.2.tar.gz", hash = "sha256:d584d9ec91ad65861cc08d42e834324ef890a082e591037abe114850ff7bbc3e"}, +] + +[[package]] +name = "pyzmq" +version = "26.2.0" +requires_python = ">=3.7" +summary = "Python bindings for 0MQ" +groups = ["dev"] +dependencies = [ + "cffi; implementation_name == \"pypy\"", +] +files = [ + {file = "pyzmq-26.2.0-cp311-cp311-macosx_10_15_universal2.whl", hash = "sha256:8f7e66c7113c684c2b3f1c83cdd3376103ee0ce4c49ff80a648643e57fb22218"}, + {file = "pyzmq-26.2.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:3a495b30fc91db2db25120df5847d9833af237546fd59170701acd816ccc01c4"}, + {file = "pyzmq-26.2.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:77eb0968da535cba0470a5165468b2cac7772cfb569977cff92e240f57e31bef"}, + {file = "pyzmq-26.2.0-cp311-cp311-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:6ace4f71f1900a548f48407fc9be59c6ba9d9aaf658c2eea6cf2779e72f9f317"}, + {file = "pyzmq-26.2.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:92a78853d7280bffb93df0a4a6a2498cba10ee793cc8076ef797ef2f74d107cf"}, + {file = "pyzmq-26.2.0-cp311-cp311-manylinux_2_28_x86_64.whl", hash = "sha256:689c5d781014956a4a6de61d74ba97b23547e431e9e7d64f27d4922ba96e9d6e"}, + {file = "pyzmq-26.2.0-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:0aca98bc423eb7d153214b2df397c6421ba6373d3397b26c057af3c904452e37"}, + {file = "pyzmq-26.2.0-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:1f3496d76b89d9429a656293744ceca4d2ac2a10ae59b84c1da9b5165f429ad3"}, + {file = "pyzmq-26.2.0-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:5c2b3bfd4b9689919db068ac6c9911f3fcb231c39f7dd30e3138be94896d18e6"}, + {file = "pyzmq-26.2.0-cp311-cp311-win32.whl", hash = "sha256:eac5174677da084abf378739dbf4ad245661635f1600edd1221f150b165343f4"}, + {file = "pyzmq-26.2.0-cp311-cp311-win_amd64.whl", hash = "sha256:5a509df7d0a83a4b178d0f937ef14286659225ef4e8812e05580776c70e155d5"}, + {file = "pyzmq-26.2.0-cp311-cp311-win_arm64.whl", hash = "sha256:c0e6091b157d48cbe37bd67233318dbb53e1e6327d6fc3bb284afd585d141003"}, + {file = "pyzmq-26.2.0-cp312-cp312-macosx_10_15_universal2.whl", hash = "sha256:ded0fc7d90fe93ae0b18059930086c51e640cdd3baebdc783a695c77f123dcd9"}, + {file = "pyzmq-26.2.0-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:17bf5a931c7f6618023cdacc7081f3f266aecb68ca692adac015c383a134ca52"}, + {file = "pyzmq-26.2.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:55cf66647e49d4621a7e20c8d13511ef1fe1efbbccf670811864452487007e08"}, + {file = "pyzmq-26.2.0-cp312-cp312-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:4661c88db4a9e0f958c8abc2b97472e23061f0bc737f6f6179d7a27024e1faa5"}, + {file = "pyzmq-26.2.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ea7f69de383cb47522c9c208aec6dd17697db7875a4674c4af3f8cfdac0bdeae"}, + {file = "pyzmq-26.2.0-cp312-cp312-manylinux_2_28_x86_64.whl", hash = "sha256:7f98f6dfa8b8ccaf39163ce872bddacca38f6a67289116c8937a02e30bbe9711"}, + {file = "pyzmq-26.2.0-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:e3e0210287329272539eea617830a6a28161fbbd8a3271bf4150ae3e58c5d0e6"}, + {file = "pyzmq-26.2.0-cp312-cp312-musllinux_1_1_i686.whl", hash = "sha256:6b274e0762c33c7471f1a7471d1a2085b1a35eba5cdc48d2ae319f28b6fc4de3"}, + {file = "pyzmq-26.2.0-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:29c6a4635eef69d68a00321e12a7d2559fe2dfccfa8efae3ffb8e91cd0b36a8b"}, + {file = "pyzmq-26.2.0-cp312-cp312-win32.whl", hash = "sha256:989d842dc06dc59feea09e58c74ca3e1678c812a4a8a2a419046d711031f69c7"}, + {file = "pyzmq-26.2.0-cp312-cp312-win_amd64.whl", hash = "sha256:2a50625acdc7801bc6f74698c5c583a491c61d73c6b7ea4dee3901bb99adb27a"}, + {file = "pyzmq-26.2.0-cp312-cp312-win_arm64.whl", hash = "sha256:4d29ab8592b6ad12ebbf92ac2ed2bedcfd1cec192d8e559e2e099f648570e19b"}, + {file = "pyzmq-26.2.0-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:9dd8cd1aeb00775f527ec60022004d030ddc51d783d056e3e23e74e623e33726"}, + {file = "pyzmq-26.2.0-cp313-cp313-macosx_10_15_universal2.whl", hash = "sha256:28c812d9757fe8acecc910c9ac9dafd2ce968c00f9e619db09e9f8f54c3a68a3"}, + {file = "pyzmq-26.2.0-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:4d80b1dd99c1942f74ed608ddb38b181b87476c6a966a88a950c7dee118fdf50"}, + {file = "pyzmq-26.2.0-cp313-cp313-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:8c997098cc65e3208eca09303630e84d42718620e83b733d0fd69543a9cab9cb"}, + {file = "pyzmq-26.2.0-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:7ad1bc8d1b7a18497dda9600b12dc193c577beb391beae5cd2349184db40f187"}, + {file = "pyzmq-26.2.0-cp313-cp313-manylinux_2_28_x86_64.whl", hash = "sha256:bea2acdd8ea4275e1278350ced63da0b166421928276c7c8e3f9729d7402a57b"}, + {file = "pyzmq-26.2.0-cp313-cp313-musllinux_1_1_aarch64.whl", hash = "sha256:23f4aad749d13698f3f7b64aad34f5fc02d6f20f05999eebc96b89b01262fb18"}, + {file = "pyzmq-26.2.0-cp313-cp313-musllinux_1_1_i686.whl", hash = "sha256:a4f96f0d88accc3dbe4a9025f785ba830f968e21e3e2c6321ccdfc9aef755115"}, + {file = "pyzmq-26.2.0-cp313-cp313-musllinux_1_1_x86_64.whl", hash = "sha256:ced65e5a985398827cc9276b93ef6dfabe0273c23de8c7931339d7e141c2818e"}, + {file = "pyzmq-26.2.0-cp313-cp313-win32.whl", hash = "sha256:31507f7b47cc1ead1f6e86927f8ebb196a0bab043f6345ce070f412a59bf87b5"}, + {file = "pyzmq-26.2.0-cp313-cp313-win_amd64.whl", hash = "sha256:70fc7fcf0410d16ebdda9b26cbd8bf8d803d220a7f3522e060a69a9c87bf7bad"}, + {file = "pyzmq-26.2.0-cp313-cp313-win_arm64.whl", hash = "sha256:c3789bd5768ab5618ebf09cef6ec2b35fed88709b104351748a63045f0ff9797"}, + {file = "pyzmq-26.2.0-cp313-cp313t-macosx_10_13_x86_64.whl", hash = "sha256:034da5fc55d9f8da09015d368f519478a52675e558c989bfcb5cf6d4e16a7d2a"}, + {file = "pyzmq-26.2.0-cp313-cp313t-macosx_10_15_universal2.whl", hash = "sha256:c92d73464b886931308ccc45b2744e5968cbaade0b1d6aeb40d8ab537765f5bc"}, + {file = "pyzmq-26.2.0-cp313-cp313t-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:794a4562dcb374f7dbbfb3f51d28fb40123b5a2abadee7b4091f93054909add5"}, + {file = "pyzmq-26.2.0-cp313-cp313t-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:aee22939bb6075e7afededabad1a56a905da0b3c4e3e0c45e75810ebe3a52672"}, + {file = "pyzmq-26.2.0-cp313-cp313t-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:2ae90ff9dad33a1cfe947d2c40cb9cb5e600d759ac4f0fd22616ce6540f72797"}, + {file = "pyzmq-26.2.0-cp313-cp313t-manylinux_2_28_x86_64.whl", hash = "sha256:43a47408ac52647dfabbc66a25b05b6a61700b5165807e3fbd40063fcaf46386"}, + {file = "pyzmq-26.2.0-cp313-cp313t-musllinux_1_1_aarch64.whl", hash = "sha256:25bf2374a2a8433633c65ccb9553350d5e17e60c8eb4de4d92cc6bd60f01d306"}, + {file = "pyzmq-26.2.0-cp313-cp313t-musllinux_1_1_i686.whl", hash = "sha256:007137c9ac9ad5ea21e6ad97d3489af654381324d5d3ba614c323f60dab8fae6"}, + {file = "pyzmq-26.2.0-cp313-cp313t-musllinux_1_1_x86_64.whl", hash = "sha256:470d4a4f6d48fb34e92d768b4e8a5cc3780db0d69107abf1cd7ff734b9766eb0"}, + {file = "pyzmq-26.2.0.tar.gz", hash = "sha256:070672c258581c8e4f640b5159297580a9974b026043bd4ab0470be9ed324f1f"}, +] + +[[package]] +name = "questionary" +version = "2.1.0" +requires_python = ">=3.8" +summary = "Python library to build pretty command line user prompts ⭐️" +groups = ["dev"] +dependencies = [ + "prompt-toolkit<4.0,>=2.0", +] +files = [ + {file = "questionary-2.1.0-py3-none-any.whl", hash = "sha256:44174d237b68bc828e4878c763a9ad6790ee61990e0ae72927694ead57bab8ec"}, + {file = "questionary-2.1.0.tar.gz", hash = "sha256:6302cdd645b19667d8f6e6634774e9538bfcd1aad9be287e743d96cacaf95587"}, +] + +[[package]] +name = "referencing" +version = "0.35.1" +requires_python = ">=3.8" +summary = "JSON Referencing + Python" +groups = ["dev"] +dependencies = [ + "attrs>=22.2.0", + "rpds-py>=0.7.0", +] +files = [ + {file = "referencing-0.35.1-py3-none-any.whl", hash = "sha256:eda6d3234d62814d1c64e305c1331c9a3a6132da475ab6382eaa997b21ee75de"}, + {file = "referencing-0.35.1.tar.gz", hash = "sha256:25b42124a6c8b632a425174f24087783efb348a6f1e0008e63cd4466fedf703c"}, +] + +[[package]] +name = "regex" +version = "2024.11.6" +requires_python = ">=3.8" +summary = "Alternative regular expression module, to replace re." +groups = ["default"] +files = [ + {file = "regex-2024.11.6-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:5478c6962ad548b54a591778e93cd7c456a7a29f8eca9c49e4f9a806dcc5d638"}, + {file = "regex-2024.11.6-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:2c89a8cc122b25ce6945f0423dc1352cb9593c68abd19223eebbd4e56612c5b7"}, + {file = "regex-2024.11.6-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:94d87b689cdd831934fa3ce16cc15cd65748e6d689f5d2b8f4f4df2065c9fa20"}, + {file = "regex-2024.11.6-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:1062b39a0a2b75a9c694f7a08e7183a80c63c0d62b301418ffd9c35f55aaa114"}, + {file = "regex-2024.11.6-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:167ed4852351d8a750da48712c3930b031f6efdaa0f22fa1933716bfcd6bf4a3"}, + {file = "regex-2024.11.6-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:2d548dafee61f06ebdb584080621f3e0c23fff312f0de1afc776e2a2ba99a74f"}, + {file = "regex-2024.11.6-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:f2a19f302cd1ce5dd01a9099aaa19cae6173306d1302a43b627f62e21cf18ac0"}, + {file = "regex-2024.11.6-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:bec9931dfb61ddd8ef2ebc05646293812cb6b16b60cf7c9511a832b6f1854b55"}, + {file = "regex-2024.11.6-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:9714398225f299aa85267fd222f7142fcb5c769e73d7733344efc46f2ef5cf89"}, + {file = "regex-2024.11.6-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:202eb32e89f60fc147a41e55cb086db2a3f8cb82f9a9a88440dcfc5d37faae8d"}, + {file = "regex-2024.11.6-cp311-cp311-musllinux_1_2_ppc64le.whl", hash = "sha256:4181b814e56078e9b00427ca358ec44333765f5ca1b45597ec7446d3a1ef6e34"}, + {file = "regex-2024.11.6-cp311-cp311-musllinux_1_2_s390x.whl", hash = "sha256:068376da5a7e4da51968ce4c122a7cd31afaaec4fccc7856c92f63876e57b51d"}, + {file = "regex-2024.11.6-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:ac10f2c4184420d881a3475fb2c6f4d95d53a8d50209a2500723d831036f7c45"}, + {file = "regex-2024.11.6-cp311-cp311-win32.whl", hash = "sha256:c36f9b6f5f8649bb251a5f3f66564438977b7ef8386a52460ae77e6070d309d9"}, + {file = "regex-2024.11.6-cp311-cp311-win_amd64.whl", hash = "sha256:02e28184be537f0e75c1f9b2f8847dc51e08e6e171c6bde130b2687e0c33cf60"}, + {file = "regex-2024.11.6-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:52fb28f528778f184f870b7cf8f225f5eef0a8f6e3778529bdd40c7b3920796a"}, + {file = "regex-2024.11.6-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:fdd6028445d2460f33136c55eeb1f601ab06d74cb3347132e1c24250187500d9"}, + {file = "regex-2024.11.6-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:805e6b60c54bf766b251e94526ebad60b7de0c70f70a4e6210ee2891acb70bf2"}, + {file = "regex-2024.11.6-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:b85c2530be953a890eaffde05485238f07029600e8f098cdf1848d414a8b45e4"}, + {file = "regex-2024.11.6-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:bb26437975da7dc36b7efad18aa9dd4ea569d2357ae6b783bf1118dabd9ea577"}, + {file = "regex-2024.11.6-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:abfa5080c374a76a251ba60683242bc17eeb2c9818d0d30117b4486be10c59d3"}, + {file = "regex-2024.11.6-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:70b7fa6606c2881c1db9479b0eaa11ed5dfa11c8d60a474ff0e095099f39d98e"}, + {file = "regex-2024.11.6-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:0c32f75920cf99fe6b6c539c399a4a128452eaf1af27f39bce8909c9a3fd8cbe"}, + {file = "regex-2024.11.6-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:982e6d21414e78e1f51cf595d7f321dcd14de1f2881c5dc6a6e23bbbbd68435e"}, + {file = "regex-2024.11.6-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:a7c2155f790e2fb448faed6dd241386719802296ec588a8b9051c1f5c481bc29"}, + {file = "regex-2024.11.6-cp312-cp312-musllinux_1_2_ppc64le.whl", hash = "sha256:149f5008d286636e48cd0b1dd65018548944e495b0265b45e1bffecce1ef7f39"}, + {file = "regex-2024.11.6-cp312-cp312-musllinux_1_2_s390x.whl", hash = "sha256:e5364a4502efca094731680e80009632ad6624084aff9a23ce8c8c6820de3e51"}, + {file = "regex-2024.11.6-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:0a86e7eeca091c09e021db8eb72d54751e527fa47b8d5787caf96d9831bd02ad"}, + {file = "regex-2024.11.6-cp312-cp312-win32.whl", hash = "sha256:32f9a4c643baad4efa81d549c2aadefaeba12249b2adc5af541759237eee1c54"}, + {file = "regex-2024.11.6-cp312-cp312-win_amd64.whl", hash = "sha256:a93c194e2df18f7d264092dc8539b8ffb86b45b899ab976aa15d48214138e81b"}, + {file = "regex-2024.11.6-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:a6ba92c0bcdf96cbf43a12c717eae4bc98325ca3730f6b130ffa2e3c3c723d84"}, + {file = "regex-2024.11.6-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:525eab0b789891ac3be914d36893bdf972d483fe66551f79d3e27146191a37d4"}, + {file = "regex-2024.11.6-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:086a27a0b4ca227941700e0b31425e7a28ef1ae8e5e05a33826e17e47fbfdba0"}, + {file = "regex-2024.11.6-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:bde01f35767c4a7899b7eb6e823b125a64de314a8ee9791367c9a34d56af18d0"}, + {file = "regex-2024.11.6-cp313-cp313-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:b583904576650166b3d920d2bcce13971f6f9e9a396c673187f49811b2769dc7"}, + {file = "regex-2024.11.6-cp313-cp313-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:1c4de13f06a0d54fa0d5ab1b7138bfa0d883220965a29616e3ea61b35d5f5fc7"}, + {file = "regex-2024.11.6-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:3cde6e9f2580eb1665965ce9bf17ff4952f34f5b126beb509fee8f4e994f143c"}, + {file = "regex-2024.11.6-cp313-cp313-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:0d7f453dca13f40a02b79636a339c5b62b670141e63efd511d3f8f73fba162b3"}, + {file = "regex-2024.11.6-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:59dfe1ed21aea057a65c6b586afd2a945de04fc7db3de0a6e3ed5397ad491b07"}, + {file = "regex-2024.11.6-cp313-cp313-musllinux_1_2_i686.whl", hash = "sha256:b97c1e0bd37c5cd7902e65f410779d39eeda155800b65fc4d04cc432efa9bc6e"}, + {file = "regex-2024.11.6-cp313-cp313-musllinux_1_2_ppc64le.whl", hash = "sha256:f9d1e379028e0fc2ae3654bac3cbbef81bf3fd571272a42d56c24007979bafb6"}, + {file = "regex-2024.11.6-cp313-cp313-musllinux_1_2_s390x.whl", hash = "sha256:13291b39131e2d002a7940fb176e120bec5145f3aeb7621be6534e46251912c4"}, + {file = "regex-2024.11.6-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:4f51f88c126370dcec4908576c5a627220da6c09d0bff31cfa89f2523843316d"}, + {file = "regex-2024.11.6-cp313-cp313-win32.whl", hash = "sha256:63b13cfd72e9601125027202cad74995ab26921d8cd935c25f09c630436348ff"}, + {file = "regex-2024.11.6-cp313-cp313-win_amd64.whl", hash = "sha256:2b3361af3198667e99927da8b84c1b010752fa4b1115ee30beaa332cabc3ef1a"}, + {file = "regex-2024.11.6.tar.gz", hash = "sha256:7ab159b063c52a0333c884e4679f8d7a85112ee3078fe3d9004b2dd875585519"}, +] + +[[package]] +name = "requests" +version = "2.32.3" +requires_python = ">=3.8" +summary = "Python HTTP for Humans." +groups = ["default", "dev"] +dependencies = [ + "certifi>=2017.4.17", + "charset-normalizer<4,>=2", + "idna<4,>=2.5", + "urllib3<3,>=1.21.1", +] +files = [ + {file = "requests-2.32.3-py3-none-any.whl", hash = "sha256:70761cfe03c773ceb22aa2f671b4757976145175cdfca038c02654d061d6dcc6"}, + {file = "requests-2.32.3.tar.gz", hash = "sha256:55365417734eb18255590a9ff9eb97e9e1da868d4ccd6402399eaf68af20a760"}, +] + +[[package]] +name = "rfc3339-validator" +version = "0.1.4" +requires_python = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*" +summary = "A pure python RFC3339 validator" +groups = ["dev"] +dependencies = [ + "six", +] +files = [ + {file = "rfc3339_validator-0.1.4-py2.py3-none-any.whl", hash = "sha256:24f6ec1eda14ef823da9e36ec7113124b39c04d50a4d3d3a3c2859577e7791fa"}, + {file = "rfc3339_validator-0.1.4.tar.gz", hash = "sha256:138a2abdf93304ad60530167e51d2dfb9549521a836871b88d7f4695d0022f6b"}, +] + +[[package]] +name = "rfc3986-validator" +version = "0.1.1" +requires_python = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*" +summary = "Pure python rfc3986 validator" +groups = ["dev"] +files = [ + {file = "rfc3986_validator-0.1.1-py2.py3-none-any.whl", hash = "sha256:2f235c432ef459970b4306369336b9d5dbdda31b510ca1e327636e01f528bfa9"}, + {file = "rfc3986_validator-0.1.1.tar.gz", hash = "sha256:3d44bde7921b3b9ec3ae4e3adca370438eccebc676456449b145d533b240d055"}, +] + +[[package]] +name = "rich" +version = "13.9.4" +requires_python = ">=3.8.0" +summary = "Render rich text, tables, progress bars, syntax highlighting, markdown and more to the terminal" +groups = ["default", "dev"] +dependencies = [ + "markdown-it-py>=2.2.0", + "pygments<3.0.0,>=2.13.0", + "typing-extensions<5.0,>=4.0.0; python_version < \"3.11\"", +] +files = [ + {file = "rich-13.9.4-py3-none-any.whl", hash = "sha256:6049d5e6ec054bf2779ab3358186963bac2ea89175919d699e378b99738c2a90"}, + {file = "rich-13.9.4.tar.gz", hash = "sha256:439594978a49a09530cff7ebc4b5c7103ef57baf48d5ea3184f21d9a2befa098"}, +] + +[[package]] +name = "rich-click" +version = "1.8.5" +requires_python = ">=3.7" +summary = "Format click help output nicely with rich" +groups = ["dev"] +dependencies = [ + "click>=7", + "importlib-metadata; python_version < \"3.8\"", + "rich>=10.7", + "typing-extensions>=4", +] +files = [ + {file = "rich_click-1.8.5-py3-none-any.whl", hash = "sha256:0fab7bb5b66c15da17c210b4104277cd45f3653a7322e0098820a169880baee0"}, + {file = "rich_click-1.8.5.tar.gz", hash = "sha256:a3eebe81da1c9da3c32f3810017c79bd687ff1b3fa35bfc9d8a3338797f1d1a1"}, +] + +[[package]] +name = "rpds-py" +version = "0.22.3" +requires_python = ">=3.9" +summary = "Python bindings to Rust's persistent data structures (rpds)" +groups = ["dev"] +files = [ + {file = "rpds_py-0.22.3-cp311-cp311-macosx_10_12_x86_64.whl", hash = "sha256:d20cfb4e099748ea39e6f7b16c91ab057989712d31761d3300d43134e26e165f"}, + {file = "rpds_py-0.22.3-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:68049202f67380ff9aa52f12e92b1c30115f32e6895cd7198fa2a7961621fc5a"}, + {file = "rpds_py-0.22.3-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:fb4f868f712b2dd4bcc538b0a0c1f63a2b1d584c925e69a224d759e7070a12d5"}, + {file = "rpds_py-0.22.3-cp311-cp311-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:bc51abd01f08117283c5ebf64844a35144a0843ff7b2983e0648e4d3d9f10dbb"}, + {file = "rpds_py-0.22.3-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:0f3cec041684de9a4684b1572fe28c7267410e02450f4561700ca5a3bc6695a2"}, + {file = "rpds_py-0.22.3-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:7ef9d9da710be50ff6809fed8f1963fecdfecc8b86656cadfca3bc24289414b0"}, + {file = "rpds_py-0.22.3-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:59f4a79c19232a5774aee369a0c296712ad0e77f24e62cad53160312b1c1eaa1"}, + {file = "rpds_py-0.22.3-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:1a60bce91f81ddaac922a40bbb571a12c1070cb20ebd6d49c48e0b101d87300d"}, + {file = "rpds_py-0.22.3-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:e89391e6d60251560f0a8f4bd32137b077a80d9b7dbe6d5cab1cd80d2746f648"}, + {file = "rpds_py-0.22.3-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:e3fb866d9932a3d7d0c82da76d816996d1667c44891bd861a0f97ba27e84fc74"}, + {file = "rpds_py-0.22.3-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:1352ae4f7c717ae8cba93421a63373e582d19d55d2ee2cbb184344c82d2ae55a"}, + {file = "rpds_py-0.22.3-cp311-cp311-win32.whl", hash = "sha256:b0b4136a252cadfa1adb705bb81524eee47d9f6aab4f2ee4fa1e9d3cd4581f64"}, + {file = "rpds_py-0.22.3-cp311-cp311-win_amd64.whl", hash = "sha256:8bd7c8cfc0b8247c8799080fbff54e0b9619e17cdfeb0478ba7295d43f635d7c"}, + {file = "rpds_py-0.22.3-cp312-cp312-macosx_10_12_x86_64.whl", hash = "sha256:27e98004595899949bd7a7b34e91fa7c44d7a97c40fcaf1d874168bb652ec67e"}, + {file = "rpds_py-0.22.3-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:1978d0021e943aae58b9b0b196fb4895a25cc53d3956b8e35e0b7682eefb6d56"}, + {file = "rpds_py-0.22.3-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:655ca44a831ecb238d124e0402d98f6212ac527a0ba6c55ca26f616604e60a45"}, + {file = "rpds_py-0.22.3-cp312-cp312-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:feea821ee2a9273771bae61194004ee2fc33f8ec7db08117ef9147d4bbcbca8e"}, + {file = "rpds_py-0.22.3-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:22bebe05a9ffc70ebfa127efbc429bc26ec9e9b4ee4d15a740033efda515cf3d"}, + {file = "rpds_py-0.22.3-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:3af6e48651c4e0d2d166dc1b033b7042ea3f871504b6805ba5f4fe31581d8d38"}, + {file = "rpds_py-0.22.3-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:e67ba3c290821343c192f7eae1d8fd5999ca2dc99994114643e2f2d3e6138b15"}, + {file = "rpds_py-0.22.3-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:02fbb9c288ae08bcb34fb41d516d5eeb0455ac35b5512d03181d755d80810059"}, + {file = "rpds_py-0.22.3-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:f56a6b404f74ab372da986d240e2e002769a7d7102cc73eb238a4f72eec5284e"}, + {file = "rpds_py-0.22.3-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:0a0461200769ab3b9ab7e513f6013b7a97fdeee41c29b9db343f3c5a8e2b9e61"}, + {file = "rpds_py-0.22.3-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:8633e471c6207a039eff6aa116e35f69f3156b3989ea3e2d755f7bc41754a4a7"}, + {file = "rpds_py-0.22.3-cp312-cp312-win32.whl", hash = "sha256:593eba61ba0c3baae5bc9be2f5232430453fb4432048de28399ca7376de9c627"}, + {file = "rpds_py-0.22.3-cp312-cp312-win_amd64.whl", hash = "sha256:d115bffdd417c6d806ea9069237a4ae02f513b778e3789a359bc5856e0404cc4"}, + {file = "rpds_py-0.22.3-cp313-cp313-macosx_10_12_x86_64.whl", hash = "sha256:ea7433ce7e4bfc3a85654aeb6747babe3f66eaf9a1d0c1e7a4435bbdf27fea84"}, + {file = "rpds_py-0.22.3-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:6dd9412824c4ce1aca56c47b0991e65bebb7ac3f4edccfd3f156150c96a7bf25"}, + {file = "rpds_py-0.22.3-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:20070c65396f7373f5df4005862fa162db5d25d56150bddd0b3e8214e8ef45b4"}, + {file = "rpds_py-0.22.3-cp313-cp313-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:0b09865a9abc0ddff4e50b5ef65467cd94176bf1e0004184eb915cbc10fc05c5"}, + {file = "rpds_py-0.22.3-cp313-cp313-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:3453e8d41fe5f17d1f8e9c383a7473cd46a63661628ec58e07777c2fff7196dc"}, + {file = "rpds_py-0.22.3-cp313-cp313-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:f5d36399a1b96e1a5fdc91e0522544580dbebeb1f77f27b2b0ab25559e103b8b"}, + {file = "rpds_py-0.22.3-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:009de23c9c9ee54bf11303a966edf4d9087cd43a6003672e6aa7def643d06518"}, + {file = "rpds_py-0.22.3-cp313-cp313-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:1aef18820ef3e4587ebe8b3bc9ba6e55892a6d7b93bac6d29d9f631a3b4befbd"}, + {file = "rpds_py-0.22.3-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:f60bd8423be1d9d833f230fdbccf8f57af322d96bcad6599e5a771b151398eb2"}, + {file = "rpds_py-0.22.3-cp313-cp313-musllinux_1_2_i686.whl", hash = "sha256:62d9cfcf4948683a18a9aff0ab7e1474d407b7bab2ca03116109f8464698ab16"}, + {file = "rpds_py-0.22.3-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:9253fc214112405f0afa7db88739294295f0e08466987f1d70e29930262b4c8f"}, + {file = "rpds_py-0.22.3-cp313-cp313-win32.whl", hash = "sha256:fb0ba113b4983beac1a2eb16faffd76cb41e176bf58c4afe3e14b9c681f702de"}, + {file = "rpds_py-0.22.3-cp313-cp313-win_amd64.whl", hash = "sha256:c58e2339def52ef6b71b8f36d13c3688ea23fa093353f3a4fee2556e62086ec9"}, + {file = "rpds_py-0.22.3-cp313-cp313t-macosx_10_12_x86_64.whl", hash = "sha256:f82a116a1d03628a8ace4859556fb39fd1424c933341a08ea3ed6de1edb0283b"}, + {file = "rpds_py-0.22.3-cp313-cp313t-macosx_11_0_arm64.whl", hash = "sha256:3dfcbc95bd7992b16f3f7ba05af8a64ca694331bd24f9157b49dadeeb287493b"}, + {file = "rpds_py-0.22.3-cp313-cp313t-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:59259dc58e57b10e7e18ce02c311804c10c5a793e6568f8af4dead03264584d1"}, + {file = "rpds_py-0.22.3-cp313-cp313t-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:5725dd9cc02068996d4438d397e255dcb1df776b7ceea3b9cb972bdb11260a83"}, + {file = "rpds_py-0.22.3-cp313-cp313t-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:99b37292234e61325e7a5bb9689e55e48c3f5f603af88b1642666277a81f1fbd"}, + {file = "rpds_py-0.22.3-cp313-cp313t-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:27b1d3b3915a99208fee9ab092b8184c420f2905b7d7feb4aeb5e4a9c509b8a1"}, + {file = "rpds_py-0.22.3-cp313-cp313t-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:f612463ac081803f243ff13cccc648578e2279295048f2a8d5eb430af2bae6e3"}, + {file = "rpds_py-0.22.3-cp313-cp313t-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:f73d3fef726b3243a811121de45193c0ca75f6407fe66f3f4e183c983573e130"}, + {file = "rpds_py-0.22.3-cp313-cp313t-musllinux_1_2_aarch64.whl", hash = "sha256:3f21f0495edea7fdbaaa87e633a8689cd285f8f4af5c869f27bc8074638ad69c"}, + {file = "rpds_py-0.22.3-cp313-cp313t-musllinux_1_2_i686.whl", hash = "sha256:1e9663daaf7a63ceccbbb8e3808fe90415b0757e2abddbfc2e06c857bf8c5e2b"}, + {file = "rpds_py-0.22.3-cp313-cp313t-musllinux_1_2_x86_64.whl", hash = "sha256:a76e42402542b1fae59798fab64432b2d015ab9d0c8c47ba7addddbaf7952333"}, + {file = "rpds_py-0.22.3-cp313-cp313t-win32.whl", hash = "sha256:69803198097467ee7282750acb507fba35ca22cc3b85f16cf45fb01cb9097730"}, + {file = "rpds_py-0.22.3-cp313-cp313t-win_amd64.whl", hash = "sha256:f5cf2a0c2bdadf3791b5c205d55a37a54025c6e18a71c71f82bb536cf9a454bf"}, + {file = "rpds_py-0.22.3.tar.gz", hash = "sha256:e32fee8ab45d3c2db6da19a5323bc3362237c8b653c70194414b892fd06a080d"}, +] + +[[package]] +name = "safetensors" +version = "0.4.5" +requires_python = ">=3.7" +summary = "" +groups = ["default"] +files = [ + {file = "safetensors-0.4.5-cp311-cp311-macosx_10_12_x86_64.whl", hash = "sha256:21f848d7aebd5954f92538552d6d75f7c1b4500f51664078b5b49720d180e47c"}, + {file = "safetensors-0.4.5-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:bb07000b19d41e35eecef9a454f31a8b4718a185293f0d0b1c4b61d6e4487971"}, + {file = "safetensors-0.4.5-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:09dedf7c2fda934ee68143202acff6e9e8eb0ddeeb4cfc24182bef999efa9f42"}, + {file = "safetensors-0.4.5-cp311-cp311-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:59b77e4b7a708988d84f26de3ebead61ef1659c73dcbc9946c18f3b1786d2688"}, + {file = "safetensors-0.4.5-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:5d3bc83e14d67adc2e9387e511097f254bd1b43c3020440e708858c684cbac68"}, + {file = "safetensors-0.4.5-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:39371fc551c1072976073ab258c3119395294cf49cdc1f8476794627de3130df"}, + {file = "safetensors-0.4.5-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:a6c19feda32b931cae0acd42748a670bdf56bee6476a046af20181ad3fee4090"}, + {file = "safetensors-0.4.5-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:a659467495de201e2f282063808a41170448c78bada1e62707b07a27b05e6943"}, + {file = "safetensors-0.4.5-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:bad5e4b2476949bcd638a89f71b6916fa9a5cae5c1ae7eede337aca2100435c0"}, + {file = "safetensors-0.4.5-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:a3a315a6d0054bc6889a17f5668a73f94f7fe55121ff59e0a199e3519c08565f"}, + {file = "safetensors-0.4.5-cp311-none-win32.whl", hash = "sha256:a01e232e6d3d5cf8b1667bc3b657a77bdab73f0743c26c1d3c5dd7ce86bd3a92"}, + {file = "safetensors-0.4.5-cp311-none-win_amd64.whl", hash = "sha256:cbd39cae1ad3e3ef6f63a6f07296b080c951f24cec60188378e43d3713000c04"}, + {file = "safetensors-0.4.5-cp312-cp312-macosx_10_12_x86_64.whl", hash = "sha256:473300314e026bd1043cef391bb16a8689453363381561b8a3e443870937cc1e"}, + {file = "safetensors-0.4.5-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:801183a0f76dc647f51a2d9141ad341f9665602a7899a693207a82fb102cc53e"}, + {file = "safetensors-0.4.5-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:1524b54246e422ad6fb6aea1ac71edeeb77666efa67230e1faf6999df9b2e27f"}, + {file = "safetensors-0.4.5-cp312-cp312-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:b3139098e3e8b2ad7afbca96d30ad29157b50c90861084e69fcb80dec7430461"}, + {file = "safetensors-0.4.5-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:65573dc35be9059770808e276b017256fa30058802c29e1038eb1c00028502ea"}, + {file = "safetensors-0.4.5-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:fd33da8e9407559f8779c82a0448e2133737f922d71f884da27184549416bfed"}, + {file = "safetensors-0.4.5-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:3685ce7ed036f916316b567152482b7e959dc754fcc4a8342333d222e05f407c"}, + {file = "safetensors-0.4.5-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:dde2bf390d25f67908278d6f5d59e46211ef98e44108727084d4637ee70ab4f1"}, + {file = "safetensors-0.4.5-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:7469d70d3de970b1698d47c11ebbf296a308702cbaae7fcb993944751cf985f4"}, + {file = "safetensors-0.4.5-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:3a6ba28118636a130ccbb968bc33d4684c48678695dba2590169d5ab03a45646"}, + {file = "safetensors-0.4.5-cp312-none-win32.whl", hash = "sha256:c859c7ed90b0047f58ee27751c8e56951452ed36a67afee1b0a87847d065eec6"}, + {file = "safetensors-0.4.5-cp312-none-win_amd64.whl", hash = "sha256:b5a8810ad6a6f933fff6c276eae92c1da217b39b4d8b1bc1c0b8af2d270dc532"}, + {file = "safetensors-0.4.5-cp313-cp313-macosx_10_12_x86_64.whl", hash = "sha256:25e5f8e2e92a74f05b4ca55686234c32aac19927903792b30ee6d7bd5653d54e"}, + {file = "safetensors-0.4.5-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:81efb124b58af39fcd684254c645e35692fea81c51627259cdf6d67ff4458916"}, + {file = "safetensors-0.4.5-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:585f1703a518b437f5103aa9cf70e9bd437cb78eea9c51024329e4fb8a3e3679"}, + {file = "safetensors-0.4.5-cp313-cp313-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:4b99fbf72e3faf0b2f5f16e5e3458b93b7d0a83984fe8d5364c60aa169f2da89"}, + {file = "safetensors-0.4.5-cp313-cp313-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:b17b299ca9966ca983ecda1c0791a3f07f9ca6ab5ded8ef3d283fff45f6bcd5f"}, + {file = "safetensors-0.4.5-cp313-cp313-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:76ded72f69209c9780fdb23ea89e56d35c54ae6abcdec67ccb22af8e696e449a"}, + {file = "safetensors-0.4.5-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:2783956926303dcfeb1de91a4d1204cd4089ab441e622e7caee0642281109db3"}, + {file = "safetensors-0.4.5-cp313-cp313-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:d94581aab8c6b204def4d7320f07534d6ee34cd4855688004a4354e63b639a35"}, + {file = "safetensors-0.4.5-cp313-cp313-musllinux_1_1_aarch64.whl", hash = "sha256:67e1e7cb8678bb1b37ac48ec0df04faf689e2f4e9e81e566b5c63d9f23748523"}, + {file = "safetensors-0.4.5-cp313-cp313-musllinux_1_1_x86_64.whl", hash = "sha256:dbd280b07e6054ea68b0cb4b16ad9703e7d63cd6890f577cb98acc5354780142"}, + {file = "safetensors-0.4.5.tar.gz", hash = "sha256:d73de19682deabb02524b3d5d1f8b3aaba94c72f1bbfc7911b9b9d5d391c0310"}, +] + +[[package]] +name = "scikit-learn" +version = "1.6.0" +requires_python = ">=3.9" +summary = "A set of python modules for machine learning and data mining" +groups = ["default"] +dependencies = [ + "joblib>=1.2.0", + "numpy>=1.19.5", + "scipy>=1.6.0", + "threadpoolctl>=3.1.0", +] +files = [ + {file = "scikit_learn-1.6.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:1f50b4f24cf12a81c3c09958ae3b864d7534934ca66ded3822de4996d25d7285"}, + {file = "scikit_learn-1.6.0-cp311-cp311-macosx_12_0_arm64.whl", hash = "sha256:eb9ae21f387826da14b0b9cb1034f5048ddb9182da429c689f5f4a87dc96930b"}, + {file = "scikit_learn-1.6.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:0baa91eeb8c32632628874a5c91885eaedd23b71504d24227925080da075837a"}, + {file = "scikit_learn-1.6.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:3c716d13ba0a2f8762d96ff78d3e0cde90bc9c9b5c13d6ab6bb9b2d6ca6705fd"}, + {file = "scikit_learn-1.6.0-cp311-cp311-win_amd64.whl", hash = "sha256:9aafd94bafc841b626681e626be27bf1233d5a0f20f0a6fdb4bee1a1963c6643"}, + {file = "scikit_learn-1.6.0-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:04a5ba45c12a5ff81518aa4f1604e826a45d20e53da47b15871526cda4ff5174"}, + {file = "scikit_learn-1.6.0-cp312-cp312-macosx_12_0_arm64.whl", hash = "sha256:21fadfc2ad7a1ce8bd1d90f23d17875b84ec765eecbbfc924ff11fb73db582ce"}, + {file = "scikit_learn-1.6.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:30f34bb5fde90e020653bb84dcb38b6c83f90c70680dbd8c38bd9becbad7a127"}, + {file = "scikit_learn-1.6.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:1dad624cffe3062276a0881d4e441bc9e3b19d02d17757cd6ae79a9d192a0027"}, + {file = "scikit_learn-1.6.0-cp312-cp312-win_amd64.whl", hash = "sha256:2fce7950a3fad85e0a61dc403df0f9345b53432ac0e47c50da210d22c60b6d85"}, + {file = "scikit_learn-1.6.0-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:e5453b2e87ef8accedc5a8a4e6709f887ca01896cd7cc8a174fe39bd4bb00aef"}, + {file = "scikit_learn-1.6.0-cp313-cp313-macosx_12_0_arm64.whl", hash = "sha256:5fe11794236fb83bead2af26a87ced5d26e3370b8487430818b915dafab1724e"}, + {file = "scikit_learn-1.6.0-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:61fe3dcec0d82ae280877a818ab652f4988371e32dd5451e75251bece79668b1"}, + {file = "scikit_learn-1.6.0-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:b44e3a51e181933bdf9a4953cc69c6025b40d2b49e238233f149b98849beb4bf"}, + {file = "scikit_learn-1.6.0-cp313-cp313-win_amd64.whl", hash = "sha256:a17860a562bac54384454d40b3f6155200c1c737c9399e6a97962c63fce503ac"}, + {file = "scikit_learn-1.6.0-cp313-cp313t-macosx_10_13_x86_64.whl", hash = "sha256:98717d3c152f6842d36a70f21e1468fb2f1a2f8f2624d9a3f382211798516426"}, + {file = "scikit_learn-1.6.0-cp313-cp313t-macosx_12_0_arm64.whl", hash = "sha256:34e20bfac8ff0ebe0ff20fb16a4d6df5dc4cc9ce383e00c2ab67a526a3c67b18"}, + {file = "scikit_learn-1.6.0-cp313-cp313t-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:eba06d75815406091419e06dd650b91ebd1c5f836392a0d833ff36447c2b1bfa"}, + {file = "scikit_learn-1.6.0-cp313-cp313t-win_amd64.whl", hash = "sha256:b6916d1cec1ff163c7d281e699d7a6a709da2f2c5ec7b10547e08cc788ddd3ae"}, + {file = "scikit_learn-1.6.0.tar.gz", hash = "sha256:9d58481f9f7499dff4196927aedd4285a0baec8caa3790efbe205f13de37dd6e"}, +] + +[[package]] +name = "scipy" +version = "1.14.1" +requires_python = ">=3.10" +summary = "Fundamental algorithms for scientific computing in Python" +groups = ["default"] +dependencies = [ + "numpy<2.3,>=1.23.5", +] +files = [ + {file = "scipy-1.14.1-cp311-cp311-macosx_10_13_x86_64.whl", hash = "sha256:2da0469a4ef0ecd3693761acbdc20f2fdeafb69e6819cc081308cc978153c675"}, + {file = "scipy-1.14.1-cp311-cp311-macosx_12_0_arm64.whl", hash = "sha256:c0ee987efa6737242745f347835da2cc5bb9f1b42996a4d97d5c7ff7928cb6f2"}, + {file = "scipy-1.14.1-cp311-cp311-macosx_14_0_arm64.whl", hash = "sha256:3a1b111fac6baec1c1d92f27e76511c9e7218f1695d61b59e05e0fe04dc59617"}, + {file = "scipy-1.14.1-cp311-cp311-macosx_14_0_x86_64.whl", hash = "sha256:8475230e55549ab3f207bff11ebfc91c805dc3463ef62eda3ccf593254524ce8"}, + {file = "scipy-1.14.1-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:278266012eb69f4a720827bdd2dc54b2271c97d84255b2faaa8f161a158c3b37"}, + {file = "scipy-1.14.1-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:fef8c87f8abfb884dac04e97824b61299880c43f4ce675dd2cbeadd3c9b466d2"}, + {file = "scipy-1.14.1-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:b05d43735bb2f07d689f56f7b474788a13ed8adc484a85aa65c0fd931cf9ccd2"}, + {file = "scipy-1.14.1-cp311-cp311-win_amd64.whl", hash = "sha256:716e389b694c4bb564b4fc0c51bc84d381735e0d39d3f26ec1af2556ec6aad94"}, + {file = "scipy-1.14.1-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:631f07b3734d34aced009aaf6fedfd0eb3498a97e581c3b1e5f14a04164a456d"}, + {file = "scipy-1.14.1-cp312-cp312-macosx_12_0_arm64.whl", hash = "sha256:af29a935803cc707ab2ed7791c44288a682f9c8107bc00f0eccc4f92c08d6e07"}, + {file = "scipy-1.14.1-cp312-cp312-macosx_14_0_arm64.whl", hash = "sha256:2843f2d527d9eebec9a43e6b406fb7266f3af25a751aa91d62ff416f54170bc5"}, + {file = "scipy-1.14.1-cp312-cp312-macosx_14_0_x86_64.whl", hash = "sha256:eb58ca0abd96911932f688528977858681a59d61a7ce908ffd355957f7025cfc"}, + {file = "scipy-1.14.1-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:30ac8812c1d2aab7131a79ba62933a2a76f582d5dbbc695192453dae67ad6310"}, + {file = "scipy-1.14.1-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:8f9ea80f2e65bdaa0b7627fb00cbeb2daf163caa015e59b7516395fe3bd1e066"}, + {file = "scipy-1.14.1-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:edaf02b82cd7639db00dbff629995ef185c8df4c3ffa71a5562a595765a06ce1"}, + {file = "scipy-1.14.1-cp312-cp312-win_amd64.whl", hash = "sha256:2ff38e22128e6c03ff73b6bb0f85f897d2362f8c052e3b8ad00532198fbdae3f"}, + {file = "scipy-1.14.1-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:1729560c906963fc8389f6aac023739ff3983e727b1a4d87696b7bf108316a79"}, + {file = "scipy-1.14.1-cp313-cp313-macosx_12_0_arm64.whl", hash = "sha256:4079b90df244709e675cdc8b93bfd8a395d59af40b72e339c2287c91860deb8e"}, + {file = "scipy-1.14.1-cp313-cp313-macosx_14_0_arm64.whl", hash = "sha256:e0cf28db0f24a38b2a0ca33a85a54852586e43cf6fd876365c86e0657cfe7d73"}, + {file = "scipy-1.14.1-cp313-cp313-macosx_14_0_x86_64.whl", hash = "sha256:0c2f95de3b04e26f5f3ad5bb05e74ba7f68b837133a4492414b3afd79dfe540e"}, + {file = "scipy-1.14.1-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:b99722ea48b7ea25e8e015e8341ae74624f72e5f21fc2abd45f3a93266de4c5d"}, + {file = "scipy-1.14.1-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:5149e3fd2d686e42144a093b206aef01932a0059c2a33ddfa67f5f035bdfe13e"}, + {file = "scipy-1.14.1-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:e4f5a7c49323533f9103d4dacf4e4f07078f360743dec7f7596949149efeec06"}, + {file = "scipy-1.14.1-cp313-cp313-win_amd64.whl", hash = "sha256:baff393942b550823bfce952bb62270ee17504d02a1801d7fd0719534dfb9c84"}, + {file = "scipy-1.14.1.tar.gz", hash = "sha256:5a275584e726026a5699459aa72f828a610821006228e841b94275c4a7c08417"}, +] + +[[package]] +name = "send2trash" +version = "1.8.3" +requires_python = "!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*,!=3.5.*,>=2.7" +summary = "Send file to trash natively under Mac OS X, Windows and Linux" +groups = ["dev"] +files = [ + {file = "Send2Trash-1.8.3-py3-none-any.whl", hash = "sha256:0c31227e0bd08961c7665474a3d1ef7193929fedda4233843689baa056be46c9"}, + {file = "Send2Trash-1.8.3.tar.gz", hash = "sha256:b18e7a3966d99871aefeb00cfbcfdced55ce4871194810fc71f4aa484b953abf"}, +] + +[[package]] +name = "sentence-transformers" +version = "3.3.1" +requires_python = ">=3.9" +summary = "State-of-the-Art Text Embeddings" +groups = ["default"] +dependencies = [ + "Pillow", + "huggingface-hub>=0.20.0", + "scikit-learn", + "scipy", + "torch>=1.11.0", + "tqdm", + "transformers<5.0.0,>=4.41.0", +] +files = [ + {file = "sentence_transformers-3.3.1-py3-none-any.whl", hash = "sha256:abffcc79dab37b7d18d21a26d5914223dd42239cfe18cb5e111c66c54b658ae7"}, + {file = "sentence_transformers-3.3.1.tar.gz", hash = "sha256:9635dbfb11c6b01d036b9cfcee29f7716ab64cf2407ad9f403a2e607da2ac48b"}, +] + +[[package]] +name = "sentence-transformers" +version = "3.3.1" +extras = ["onnx"] +requires_python = ">=3.9" +summary = "State-of-the-Art Text Embeddings" +groups = ["default"] +dependencies = [ + "optimum[onnxruntime]>=1.23.1", + "sentence-transformers==3.3.1", +] +files = [ + {file = "sentence_transformers-3.3.1-py3-none-any.whl", hash = "sha256:abffcc79dab37b7d18d21a26d5914223dd42239cfe18cb5e111c66c54b658ae7"}, + {file = "sentence_transformers-3.3.1.tar.gz", hash = "sha256:9635dbfb11c6b01d036b9cfcee29f7716ab64cf2407ad9f403a2e607da2ac48b"}, +] + +[[package]] +name = "setuptools" +version = "75.6.0" +requires_python = ">=3.9" +summary = "Easily download, build, install, upgrade, and uninstall Python packages" +groups = ["default", "dev"] +files = [ + {file = "setuptools-75.6.0-py3-none-any.whl", hash = "sha256:ce74b49e8f7110f9bf04883b730f4765b774ef3ef28f722cce7c273d253aaf7d"}, + {file = "setuptools-75.6.0.tar.gz", hash = "sha256:8199222558df7c86216af4f84c30e9b34a61d8ba19366cc914424cdbd28252f6"}, +] + +[[package]] +name = "shellingham" +version = "1.5.4" +requires_python = ">=3.7" +summary = "Tool to Detect Surrounding Shell" +groups = ["default"] +files = [ + {file = "shellingham-1.5.4-py2.py3-none-any.whl", hash = "sha256:7ecfff8f2fd72616f7481040475a65b2bf8af90a56c89140852d1120324e8686"}, + {file = "shellingham-1.5.4.tar.gz", hash = "sha256:8dbca0739d487e5bd35ab3ca4b36e11c4078f3a234bfce294b0a0291363404de"}, +] + +[[package]] +name = "six" +version = "1.17.0" +requires_python = "!=3.0.*,!=3.1.*,!=3.2.*,>=2.7" +summary = "Python 2 and 3 compatibility utilities" +groups = ["default", "dev"] +files = [ + {file = "six-1.17.0-py2.py3-none-any.whl", hash = "sha256:4721f391ed90541fddacab5acf947aa0d3dc7d27b2e1e8eda2be8970586c3274"}, + {file = "six-1.17.0.tar.gz", hash = "sha256:ff70335d468e7eb6ec65b95b99d3a2836546063f63acc5171de367e834932a81"}, +] + +[[package]] +name = "smart-open" +version = "7.1.0" +requires_python = "<4.0,>=3.7" +summary = "Utils for streaming large files (S3, HDFS, GCS, Azure Blob Storage, gzip, bz2...)" +groups = ["default"] +dependencies = [ + "wrapt", +] +files = [ + {file = "smart_open-7.1.0-py3-none-any.whl", hash = "sha256:4b8489bb6058196258bafe901730c7db0dcf4f083f316e97269c66f45502055b"}, + {file = "smart_open-7.1.0.tar.gz", hash = "sha256:a4f09f84f0f6d3637c6543aca7b5487438877a21360e7368ccf1f704789752ba"}, +] + +[[package]] +name = "sniffio" +version = "1.3.1" +requires_python = ">=3.7" +summary = "Sniff out which async library your code is running under" +groups = ["dev"] +files = [ + {file = "sniffio-1.3.1-py3-none-any.whl", hash = "sha256:2f6da418d1f1e0fddd844478f41680e794e6051915791a034ff65e5f100525a2"}, + {file = "sniffio-1.3.1.tar.gz", hash = "sha256:f4324edc670a0f49750a81b895f35c3adb843cca46f0530f79fc1babb23789dc"}, +] + +[[package]] +name = "soupsieve" +version = "2.6" +requires_python = ">=3.8" +summary = "A modern CSS selector implementation for Beautiful Soup." +groups = ["dev"] +files = [ + {file = "soupsieve-2.6-py3-none-any.whl", hash = "sha256:e72c4ff06e4fb6e4b5a9f0f55fe6e81514581fca1515028625d0f299c602ccc9"}, + {file = "soupsieve-2.6.tar.gz", hash = "sha256:e2e68417777af359ec65daac1057404a3c8a5455bb8abc36f1a9866ab1a51abb"}, +] + +[[package]] +name = "spacy" +version = "3.8.2" +requires_python = ">=3.7" +summary = "Industrial-strength Natural Language Processing (NLP) in Python" +groups = ["default"] +dependencies = [ + "catalogue<2.1.0,>=2.0.6", + "cymem<2.1.0,>=2.0.2", + "jinja2", + "langcodes<4.0.0,>=3.2.0", + "murmurhash<1.1.0,>=0.28.0", + "numpy>=1.15.0; python_version < \"3.9\"", + "numpy>=1.19.0; python_version >= \"3.9\"", + "packaging>=20.0", + "preshed<3.1.0,>=3.0.2", + "pydantic!=1.8,!=1.8.1,<3.0.0,>=1.7.4", + "requests<3.0.0,>=2.13.0", + "setuptools", + "spacy-legacy<3.1.0,>=3.0.11", + "spacy-loggers<2.0.0,>=1.0.0", + "srsly<3.0.0,>=2.4.3", + "thinc<8.4.0,>=8.3.0", + "tqdm<5.0.0,>=4.38.0", + "typer<1.0.0,>=0.3.0", + "wasabi<1.2.0,>=0.9.1", + "weasel<0.5.0,>=0.1.0", +] +files = [ + {file = "spacy-3.8.2-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:7e5d48918028cff6d69d9915dad64f0e32ebd5f1e4f1fa81a2e17e56a6f61e05"}, + {file = "spacy-3.8.2-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:455f845b88ed795d7e595070ee84b65b3ea382357811e09fc744789a20b7b5f7"}, + {file = "spacy-3.8.2-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:05d8a4cbfdb90049053564790a0d12fa790c9471580cb6a1f8bdc2b6e74703dd"}, + {file = "spacy-3.8.2-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:e3c3e67f786f1410d08420ffcaba0f80dc58387ab6172dcdac1a73353d3a85c7"}, + {file = "spacy-3.8.2-cp311-cp311-win_amd64.whl", hash = "sha256:cfe0c4558f635c67677e36d9a315f51d51f824870589c4846c95e880042a2ceb"}, + {file = "spacy-3.8.2-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:0ce56f3c46dd4cebb5aaa3a40966e813b7fc6a540d547788a7d00cca10cd60a9"}, + {file = "spacy-3.8.2-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:09faa873cf23d5136b1c1ce6378054a885f650fda96e1655a3ab49e2e7fdd15b"}, + {file = "spacy-3.8.2-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:33e992a11de9b727c61288541945c0ffc37ed998aca76bfd557937c2c195d7d4"}, + {file = "spacy-3.8.2-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:be962a8188fb20d6c2065e1e865d1799ebbf544c1af67ab8c75cb279bf5448c7"}, + {file = "spacy-3.8.2-cp312-cp312-win_amd64.whl", hash = "sha256:04546c5f5ed607387d4e9ecf57614e90c5784866a10a3c6dbe5b06e9b18a2f29"}, + {file = "spacy-3.8.2.tar.gz", hash = "sha256:4b37ebd25ada4059b0dc9e0893e70dde5df83485329a068ef04580e70892a65d"}, +] + +[[package]] +name = "spacy-curated-transformers" +version = "0.3.0" +requires_python = ">=3.9" +summary = "Curated transformer models for spaCy pipelines" +groups = ["default"] +dependencies = [ + "curated-tokenizers<0.1.0,>=0.0.9", + "curated-transformers<0.2.0,>=0.1.0", + "torch>=1.12.0", +] +files = [ + {file = "spacy_curated_transformers-0.3.0-py2.py3-none-any.whl", hash = "sha256:ddfd33e81b53ad798dac841ab022189f9543718ff874eda1081fce6ff93de377"}, + {file = "spacy_curated_transformers-0.3.0.tar.gz", hash = "sha256:989a6bf2aa7becd1ac8c3be5f245cd489223d4e16e7218f6b69479c7e2689937"}, +] + +[[package]] +name = "spacy-legacy" +version = "3.0.12" +requires_python = ">=3.6" +summary = "Legacy registered functions for spaCy backwards compatibility" +groups = ["default"] +files = [ + {file = "spacy-legacy-3.0.12.tar.gz", hash = "sha256:b37d6e0c9b6e1d7ca1cf5bc7152ab64a4c4671f59c85adaf7a3fcb870357a774"}, + {file = "spacy_legacy-3.0.12-py2.py3-none-any.whl", hash = "sha256:476e3bd0d05f8c339ed60f40986c07387c0a71479245d6d0f4298dbd52cda55f"}, +] + +[[package]] +name = "spacy-loggers" +version = "1.0.5" +requires_python = ">=3.6" +summary = "Logging utilities for SpaCy" +groups = ["default"] +files = [ + {file = "spacy-loggers-1.0.5.tar.gz", hash = "sha256:d60b0bdbf915a60e516cc2e653baeff946f0cfc461b452d11a4d5458c6fe5f24"}, + {file = "spacy_loggers-1.0.5-py3-none-any.whl", hash = "sha256:196284c9c446cc0cdb944005384270d775fdeaf4f494d8e269466cfa497ef645"}, +] + +[[package]] +name = "srsly" +version = "2.4.8" +requires_python = ">=3.6" +summary = "Modern high-performance serialization utilities for Python" +groups = ["default"] +dependencies = [ + "catalogue<2.1.0,>=2.0.3", +] +files = [ + {file = "srsly-2.4.8-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:5472ed9f581e10c32e79424c996cf54c46c42237759f4224806a0cd4bb770993"}, + {file = "srsly-2.4.8-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:50f10afe9230072c5aad9f6636115ea99b32c102f4c61e8236d8642c73ec7a13"}, + {file = "srsly-2.4.8-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:c994a89ba247a4d4f63ef9fdefb93aa3e1f98740e4800d5351ebd56992ac75e3"}, + {file = "srsly-2.4.8-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ace7ed4a0c20fa54d90032be32f9c656b6d75445168da78d14fe9080a0c208ad"}, + {file = "srsly-2.4.8-cp311-cp311-win_amd64.whl", hash = "sha256:7a919236a090fb93081fbd1cec030f675910f3863825b34a9afbcae71f643127"}, + {file = "srsly-2.4.8-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:7583c03d114b4478b7a357a1915305163e9eac2dfe080da900555c975cca2a11"}, + {file = "srsly-2.4.8-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:94ccdd2f6db824c31266aaf93e0f31c1c43b8bc531cd2b3a1d924e3c26a4f294"}, + {file = "srsly-2.4.8-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:db72d2974f91aee652d606c7def98744ca6b899bd7dd3009fd75ebe0b5a51034"}, + {file = "srsly-2.4.8-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:6a60c905fd2c15e848ce1fc315fd34d8a9cc72c1dee022a0d8f4c62991131307"}, + {file = "srsly-2.4.8-cp312-cp312-win_amd64.whl", hash = "sha256:e0b8d5722057000694edf105b8f492e7eb2f3aa6247a5f0c9170d1e0d074151c"}, + {file = "srsly-2.4.8.tar.gz", hash = "sha256:b24d95a65009c2447e0b49cda043ac53fecf4f09e358d87a57446458f91b8a91"}, +] + +[[package]] +name = "stack-data" +version = "0.6.3" +summary = "Extract data from python stack frames and tracebacks for informative displays" +groups = ["dev"] +dependencies = [ + "asttokens>=2.1.0", + "executing>=1.2.0", + "pure-eval", +] +files = [ + {file = "stack_data-0.6.3-py3-none-any.whl", hash = "sha256:d5558e0c25a4cb0853cddad3d77da9891a08cb85dd9f9f91b9f8cd66e511e695"}, + {file = "stack_data-0.6.3.tar.gz", hash = "sha256:836a778de4fec4dcd1dcd89ed8abff8a221f58308462e1c4aa2a3cf30148f0b9"}, +] + +[[package]] +name = "sympy" +version = "1.13.1" +requires_python = ">=3.8" +summary = "Computer algebra system (CAS) in Python" +groups = ["default"] +dependencies = [ + "mpmath<1.4,>=1.1.0", +] +files = [ + {file = "sympy-1.13.1-py3-none-any.whl", hash = "sha256:db36cdc64bf61b9b24578b6f7bab1ecdd2452cf008f34faa33776680c26d66f8"}, + {file = "sympy-1.13.1.tar.gz", hash = "sha256:9cebf7e04ff162015ce31c9c6c9144daa34a93bd082f54fd8f12deca4f47515f"}, +] + +[[package]] +name = "terminado" +version = "0.18.1" +requires_python = ">=3.8" +summary = "Tornado websocket backend for the Xterm.js Javascript terminal emulator library." +groups = ["dev"] +dependencies = [ + "ptyprocess; os_name != \"nt\"", + "pywinpty>=1.1.0; os_name == \"nt\"", + "tornado>=6.1.0", +] +files = [ + {file = "terminado-0.18.1-py3-none-any.whl", hash = "sha256:a4468e1b37bb318f8a86514f65814e1afc977cf29b3992a4500d9dd305dcceb0"}, + {file = "terminado-0.18.1.tar.gz", hash = "sha256:de09f2c4b85de4765f7714688fff57d3e75bad1f909b589fde880460c753fd2e"}, +] + +[[package]] +name = "thinc" +version = "8.3.2" +requires_python = ">=3.6" +summary = "A refreshing functional take on deep learning, compatible with your favorite libraries" +groups = ["default"] +dependencies = [ + "blis<1.1.0,>=1.0.0", + "catalogue<2.1.0,>=2.0.4", + "confection<1.0.0,>=0.0.1", + "contextvars<3,>=2.4; python_version < \"3.7\"", + "cymem<2.1.0,>=2.0.2", + "dataclasses<1.0,>=0.6; python_version < \"3.7\"", + "murmurhash<1.1.0,>=1.0.2", + "numpy<2.1.0,>=2.0.0; python_version < \"3.9\"", + "numpy<2.1.0,>=2.0.0; python_version >= \"3.9\"", + "packaging>=20.0", + "preshed<3.1.0,>=3.0.2", + "pydantic!=1.8,!=1.8.1,<3.0.0,>=1.7.4", + "setuptools", + "srsly<3.0.0,>=2.4.0", + "typing-extensions<5.0.0,>=3.7.4.1; python_version < \"3.8\"", + "wasabi<1.2.0,>=0.8.1", +] +files = [ + {file = "thinc-8.3.2-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:12e998780f40d36d4d5f3b760ef60ac60637643f2965ebe1948801ba44261a03"}, + {file = "thinc-8.3.2-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:54a5411daaca1718a73982767b714c1d0a5e142de73c916367baf1c13d79e8f0"}, + {file = "thinc-8.3.2-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ed88275031dcaadd85d3deeb8eb12d1ec0ee6b4679e24cc893c81a30409ac4ee"}, + {file = "thinc-8.3.2-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:ef0868e55108f05300f4508e6896ae4e9492f3415220e3da65579f693225816e"}, + {file = "thinc-8.3.2-cp311-cp311-win_amd64.whl", hash = "sha256:813942d59881c4e4165ce95fef37ba30ce3366dac43289697d13a952a8208854"}, + {file = "thinc-8.3.2-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:bce8ca6a62ab82f4595210ba7f18bbdb6e33561277c59060f2f04bdb93ac4fbc"}, + {file = "thinc-8.3.2-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:b014a282e9ea6330a678b472d74f479c7a38168cbf570bdc740e50d960dd78a1"}, + {file = "thinc-8.3.2-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:a80384c228ac6bbaf4ab7f7c9ca4a53c6053f2fb37b2b50c4730b9057f07e9fd"}, + {file = "thinc-8.3.2-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:ae309b0788478984eafeac4e3c33a2de84a6ea251fd1e3528d8018d4b4347247"}, + {file = "thinc-8.3.2-cp312-cp312-win_amd64.whl", hash = "sha256:fe8dac2749db23f8ebf09d7a7f29e1b99d67e7d7b183e106aa2b6c9b570f3015"}, + {file = "thinc-8.3.2.tar.gz", hash = "sha256:3e8ef69eac89a601e11d47fc9e43d26ffe7ef682dcf667c94ff35ff690549aeb"}, +] + +[[package]] +name = "threadpoolctl" +version = "3.5.0" +requires_python = ">=3.8" +summary = "threadpoolctl" +groups = ["default"] +files = [ + {file = "threadpoolctl-3.5.0-py3-none-any.whl", hash = "sha256:56c1e26c150397e58c4926da8eeee87533b1e32bef131bd4bf6a2f45f3185467"}, + {file = "threadpoolctl-3.5.0.tar.gz", hash = "sha256:082433502dd922bf738de0d8bcc4fdcbf0979ff44c42bd40f5af8a282f6fa107"}, +] + +[[package]] +name = "tinycss2" +version = "1.4.0" +requires_python = ">=3.8" +summary = "A tiny CSS parser" +groups = ["dev"] +dependencies = [ + "webencodings>=0.4", +] +files = [ + {file = "tinycss2-1.4.0-py3-none-any.whl", hash = "sha256:3a49cf47b7675da0b15d0c6e1df8df4ebd96e9394bb905a5775adb0d884c5289"}, + {file = "tinycss2-1.4.0.tar.gz", hash = "sha256:10c0972f6fc0fbee87c3edb76549357415e94548c1ae10ebccdea16fb404a9b7"}, +] + +[[package]] +name = "tokenizers" +version = "0.20.3" +requires_python = ">=3.7" +summary = "" +groups = ["default"] +dependencies = [ + "huggingface-hub<1.0,>=0.16.4", +] +files = [ + {file = "tokenizers-0.20.3-cp311-cp311-macosx_10_12_x86_64.whl", hash = "sha256:585b51e06ca1f4839ce7759941e66766d7b060dccfdc57c4ca1e5b9a33013a90"}, + {file = "tokenizers-0.20.3-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:61cbf11954f3b481d08723ebd048ba4b11e582986f9be74d2c3bdd9293a4538d"}, + {file = "tokenizers-0.20.3-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:ef820880d5e4e8484e2fa54ff8d297bb32519eaa7815694dc835ace9130a3eea"}, + {file = "tokenizers-0.20.3-cp311-cp311-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:67ef4dcb8841a4988cd00dd288fb95dfc8e22ed021f01f37348fd51c2b055ba9"}, + {file = "tokenizers-0.20.3-cp311-cp311-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:ff1ef8bd47a02b0dc191688ccb4da53600df5d4c9a05a4b68e1e3de4823e78eb"}, + {file = "tokenizers-0.20.3-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:444d188186eab3148baf0615b522461b41b1f0cd58cd57b862ec94b6ac9780f1"}, + {file = "tokenizers-0.20.3-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:37c04c032c1442740b2c2d925f1857885c07619224a533123ac7ea71ca5713da"}, + {file = "tokenizers-0.20.3-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:453c7769d22231960ee0e883d1005c93c68015025a5e4ae56275406d94a3c907"}, + {file = "tokenizers-0.20.3-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:4bb31f7b2847e439766aaa9cc7bccf7ac7088052deccdb2275c952d96f691c6a"}, + {file = "tokenizers-0.20.3-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:843729bf0f991b29655a069a2ff58a4c24375a553c70955e15e37a90dd4e045c"}, + {file = "tokenizers-0.20.3-cp311-none-win32.whl", hash = "sha256:efcce3a927b1e20ca694ba13f7a68c59b0bd859ef71e441db68ee42cf20c2442"}, + {file = "tokenizers-0.20.3-cp311-none-win_amd64.whl", hash = "sha256:88301aa0801f225725b6df5dea3d77c80365ff2362ca7e252583f2b4809c4cc0"}, + {file = "tokenizers-0.20.3-cp312-cp312-macosx_10_12_x86_64.whl", hash = "sha256:49d12a32e190fad0e79e5bdb788d05da2f20d8e006b13a70859ac47fecf6ab2f"}, + {file = "tokenizers-0.20.3-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:282848cacfb9c06d5e51489f38ec5aa0b3cd1e247a023061945f71f41d949d73"}, + {file = "tokenizers-0.20.3-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:abe4e08c7d0cd6154c795deb5bf81d2122f36daf075e0c12a8b050d824ef0a64"}, + {file = "tokenizers-0.20.3-cp312-cp312-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:ca94fc1b73b3883c98f0c88c77700b13d55b49f1071dfd57df2b06f3ff7afd64"}, + {file = "tokenizers-0.20.3-cp312-cp312-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:ef279c7e239f95c8bdd6ff319d9870f30f0d24915b04895f55b1adcf96d6c60d"}, + {file = "tokenizers-0.20.3-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:16384073973f6ccbde9852157a4fdfe632bb65208139c9d0c0bd0176a71fd67f"}, + {file = "tokenizers-0.20.3-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:312d522caeb8a1a42ebdec87118d99b22667782b67898a76c963c058a7e41d4f"}, + {file = "tokenizers-0.20.3-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:f2b7cb962564785a83dafbba0144ecb7f579f1d57d8c406cdaa7f32fe32f18ad"}, + {file = "tokenizers-0.20.3-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:124c5882ebb88dadae1fc788a582299fcd3a8bd84fc3e260b9918cf28b8751f5"}, + {file = "tokenizers-0.20.3-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:2b6e54e71f84c4202111a489879005cb14b92616a87417f6c102c833af961ea2"}, + {file = "tokenizers-0.20.3-cp312-none-win32.whl", hash = "sha256:83d9bfbe9af86f2d9df4833c22e94d94750f1d0cd9bfb22a7bb90a86f61cdb1c"}, + {file = "tokenizers-0.20.3-cp312-none-win_amd64.whl", hash = "sha256:44def74cee574d609a36e17c8914311d1b5dbcfe37c55fd29369d42591b91cf2"}, + {file = "tokenizers-0.20.3-cp313-cp313-macosx_10_12_x86_64.whl", hash = "sha256:e0b630e0b536ef0e3c8b42c685c1bc93bd19e98c0f1543db52911f8ede42cf84"}, + {file = "tokenizers-0.20.3-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:a02d160d2b19bcbfdf28bd9a4bf11be4cb97d0499c000d95d4c4b1a4312740b6"}, + {file = "tokenizers-0.20.3-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:0e3d80d89b068bc30034034b5319218c7c0a91b00af19679833f55f3becb6945"}, + {file = "tokenizers-0.20.3-cp313-cp313-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:174a54910bed1b089226512b4458ea60d6d6fd93060254734d3bc3540953c51c"}, + {file = "tokenizers-0.20.3-cp313-cp313-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:098b8a632b8656aa5802c46689462c5c48f02510f24029d71c208ec2c822e771"}, + {file = "tokenizers-0.20.3-cp313-cp313-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:78c8c143e3ae41e718588281eb3e212c2b31623c9d6d40410ec464d7d6221fb5"}, + {file = "tokenizers-0.20.3-cp313-cp313-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:2b26b0aadb18cd8701077362ba359a06683662d5cafe3e8e8aba10eb05c037f1"}, + {file = "tokenizers-0.20.3-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:07d7851a72717321022f3774e84aa9d595a041d643fafa2e87fbc9b18711dac0"}, + {file = "tokenizers-0.20.3-cp313-cp313-musllinux_1_1_aarch64.whl", hash = "sha256:bd44e48a430ada902c6266a8245f5036c4fe744fcb51f699999fbe82aa438797"}, + {file = "tokenizers-0.20.3-cp313-cp313-musllinux_1_1_x86_64.whl", hash = "sha256:a4c186bb006ccbe1f5cc4e0380d1ce7806f5955c244074fd96abc55e27b77f01"}, + {file = "tokenizers-0.20.3-cp313-none-win32.whl", hash = "sha256:6e19e0f1d854d6ab7ea0c743d06e764d1d9a546932be0a67f33087645f00fe13"}, + {file = "tokenizers-0.20.3-cp313-none-win_amd64.whl", hash = "sha256:d50ede425c7e60966a9680d41b58b3a0950afa1bb570488e2972fa61662c4273"}, + {file = "tokenizers-0.20.3.tar.gz", hash = "sha256:2278b34c5d0dd78e087e1ca7f9b1dcbf129d80211afa645f214bd6e051037539"}, +] + +[[package]] +name = "tomlkit" +version = "0.13.2" +requires_python = ">=3.8" +summary = "Style preserving TOML library" +groups = ["dev"] +files = [ + {file = "tomlkit-0.13.2-py3-none-any.whl", hash = "sha256:7a974427f6e119197f670fbbbeae7bef749a6c14e793db934baefc1b5f03efde"}, + {file = "tomlkit-0.13.2.tar.gz", hash = "sha256:fff5fe59a87295b278abd31bec92c15d9bc4a06885ab12bcea52c71119392e79"}, +] + +[[package]] +name = "torch" +version = "2.5.1" +requires_python = ">=3.8.0" +summary = "Tensors and Dynamic neural networks in Python with strong GPU acceleration" +groups = ["default"] +dependencies = [ + "filelock", + "fsspec", + "jinja2", + "networkx", + "nvidia-cublas-cu12==12.4.5.8; platform_system == \"Linux\" and platform_machine == \"x86_64\"", + "nvidia-cuda-cupti-cu12==12.4.127; platform_system == \"Linux\" and platform_machine == \"x86_64\"", + "nvidia-cuda-nvrtc-cu12==12.4.127; platform_system == \"Linux\" and platform_machine == \"x86_64\"", + "nvidia-cuda-runtime-cu12==12.4.127; platform_system == \"Linux\" and platform_machine == \"x86_64\"", + "nvidia-cudnn-cu12==9.1.0.70; platform_system == \"Linux\" and platform_machine == \"x86_64\"", + "nvidia-cufft-cu12==11.2.1.3; platform_system == \"Linux\" and platform_machine == \"x86_64\"", + "nvidia-curand-cu12==10.3.5.147; platform_system == \"Linux\" and platform_machine == \"x86_64\"", + "nvidia-cusolver-cu12==11.6.1.9; platform_system == \"Linux\" and platform_machine == \"x86_64\"", + "nvidia-cusparse-cu12==12.3.1.170; platform_system == \"Linux\" and platform_machine == \"x86_64\"", + "nvidia-nccl-cu12==2.21.5; platform_system == \"Linux\" and platform_machine == \"x86_64\"", + "nvidia-nvjitlink-cu12==12.4.127; platform_system == \"Linux\" and platform_machine == \"x86_64\"", + "nvidia-nvtx-cu12==12.4.127; platform_system == \"Linux\" and platform_machine == \"x86_64\"", + "setuptools; python_version >= \"3.12\"", + "sympy==1.12.1; python_version == \"3.8\"", + "sympy==1.13.1; python_version >= \"3.9\"", + "triton==3.1.0; platform_system == \"Linux\" and platform_machine == \"x86_64\" and python_version < \"3.13\"", + "typing-extensions>=4.8.0", +] +files = [ + {file = "torch-2.5.1-cp311-cp311-manylinux1_x86_64.whl", hash = "sha256:de5b7d6740c4b636ef4db92be922f0edc425b65ed78c5076c43c42d362a45457"}, + {file = "torch-2.5.1-cp311-cp311-manylinux2014_aarch64.whl", hash = "sha256:340ce0432cad0d37f5a31be666896e16788f1adf8ad7be481196b503dad675b9"}, + {file = "torch-2.5.1-cp311-cp311-win_amd64.whl", hash = "sha256:603c52d2fe06433c18b747d25f5c333f9c1d58615620578c326d66f258686f9a"}, + {file = "torch-2.5.1-cp311-none-macosx_11_0_arm64.whl", hash = "sha256:31f8c39660962f9ae4eeec995e3049b5492eb7360dd4f07377658ef4d728fa4c"}, + {file = "torch-2.5.1-cp312-cp312-manylinux1_x86_64.whl", hash = "sha256:ed231a4b3a5952177fafb661213d690a72caaad97d5824dd4fc17ab9e15cec03"}, + {file = "torch-2.5.1-cp312-cp312-manylinux2014_aarch64.whl", hash = "sha256:3f4b7f10a247e0dcd7ea97dc2d3bfbfc90302ed36d7f3952b0008d0df264e697"}, + {file = "torch-2.5.1-cp312-cp312-win_amd64.whl", hash = "sha256:73e58e78f7d220917c5dbfad1a40e09df9929d3b95d25e57d9f8558f84c9a11c"}, + {file = "torch-2.5.1-cp312-none-macosx_11_0_arm64.whl", hash = "sha256:8c712df61101964eb11910a846514011f0b6f5920c55dbf567bff8a34163d5b1"}, + {file = "torch-2.5.1-cp313-cp313-manylinux1_x86_64.whl", hash = "sha256:9b61edf3b4f6e3b0e0adda8b3960266b9009d02b37555971f4d1c8f7a05afed7"}, +] + +[[package]] +name = "tornado" +version = "6.4.2" +requires_python = ">=3.8" +summary = "Tornado is a Python web framework and asynchronous networking library, originally developed at FriendFeed." +groups = ["dev"] +files = [ + {file = "tornado-6.4.2-cp38-abi3-macosx_10_9_universal2.whl", hash = "sha256:e828cce1123e9e44ae2a50a9de3055497ab1d0aeb440c5ac23064d9e44880da1"}, + {file = "tornado-6.4.2-cp38-abi3-macosx_10_9_x86_64.whl", hash = "sha256:072ce12ada169c5b00b7d92a99ba089447ccc993ea2143c9ede887e0937aa803"}, + {file = "tornado-6.4.2-cp38-abi3-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:1a017d239bd1bb0919f72af256a970624241f070496635784d9bf0db640d3fec"}, + {file = "tornado-6.4.2-cp38-abi3-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:c36e62ce8f63409301537222faffcef7dfc5284f27eec227389f2ad11b09d946"}, + {file = "tornado-6.4.2-cp38-abi3-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:bca9eb02196e789c9cb5c3c7c0f04fb447dc2adffd95265b2c7223a8a615ccbf"}, + {file = "tornado-6.4.2-cp38-abi3-musllinux_1_2_aarch64.whl", hash = "sha256:304463bd0772442ff4d0f5149c6f1c2135a1fae045adf070821c6cdc76980634"}, + {file = "tornado-6.4.2-cp38-abi3-musllinux_1_2_i686.whl", hash = "sha256:c82c46813ba483a385ab2a99caeaedf92585a1f90defb5693351fa7e4ea0bf73"}, + {file = "tornado-6.4.2-cp38-abi3-musllinux_1_2_x86_64.whl", hash = "sha256:932d195ca9015956fa502c6b56af9eb06106140d844a335590c1ec7f5277d10c"}, + {file = "tornado-6.4.2-cp38-abi3-win32.whl", hash = "sha256:2876cef82e6c5978fde1e0d5b1f919d756968d5b4282418f3146b79b58556482"}, + {file = "tornado-6.4.2-cp38-abi3-win_amd64.whl", hash = "sha256:908b71bf3ff37d81073356a5fadcc660eb10c1476ee6e2725588626ce7e5ca38"}, + {file = "tornado-6.4.2.tar.gz", hash = "sha256:92bad5b4746e9879fd7bf1eb21dce4e3fc5128d71601f80005afa39237ad620b"}, +] + +[[package]] +name = "tqdm" +version = "4.67.1" +requires_python = ">=3.7" +summary = "Fast, Extensible Progress Meter" +groups = ["default"] +dependencies = [ + "colorama; platform_system == \"Windows\"", +] +files = [ + {file = "tqdm-4.67.1-py3-none-any.whl", hash = "sha256:26445eca388f82e72884e0d580d5464cd801a3ea01e63e5601bdff9ba6a48de2"}, + {file = "tqdm-4.67.1.tar.gz", hash = "sha256:f8aef9c52c08c13a65f30ea34f4e5aac3fd1a34959879d7e59e63027286627f2"}, +] + +[[package]] +name = "traitlets" +version = "5.14.3" +requires_python = ">=3.8" +summary = "Traitlets Python configuration system" +groups = ["dev"] +files = [ + {file = "traitlets-5.14.3-py3-none-any.whl", hash = "sha256:b74e89e397b1ed28cc831db7aea759ba6640cb3de13090ca145426688ff1ac4f"}, + {file = "traitlets-5.14.3.tar.gz", hash = "sha256:9ed0579d3502c94b4b3732ac120375cda96f923114522847de4b3bb98b96b6b7"}, +] + +[[package]] +name = "transformers" +version = "4.46.3" +requires_python = ">=3.8.0" +summary = "State-of-the-art Machine Learning for JAX, PyTorch and TensorFlow" +groups = ["default"] +dependencies = [ + "filelock", + "huggingface-hub<1.0,>=0.23.2", + "numpy>=1.17", + "packaging>=20.0", + "pyyaml>=5.1", + "regex!=2019.12.17", + "requests", + "safetensors>=0.4.1", + "tokenizers<0.21,>=0.20", + "tqdm>=4.27", +] +files = [ + {file = "transformers-4.46.3-py3-none-any.whl", hash = "sha256:a12ef6f52841fd190a3e5602145b542d03507222f2c64ebb7ee92e8788093aef"}, + {file = "transformers-4.46.3.tar.gz", hash = "sha256:8ee4b3ae943fe33e82afff8e837f4b052058b07ca9be3cb5b729ed31295f72cc"}, +] + +[[package]] +name = "triton" +version = "3.1.0" +summary = "A language and compiler for custom Deep Learning operations" +groups = ["default"] +marker = "platform_system == \"Linux\" and platform_machine == \"x86_64\" and python_version < \"3.13\"" +dependencies = [ + "filelock", +] +files = [ + {file = "triton-3.1.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:0f34f6e7885d1bf0eaaf7ba875a5f0ce6f3c13ba98f9503651c1e6dc6757ed5c"}, + {file = "triton-3.1.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:c8182f42fd8080a7d39d666814fa36c5e30cc00ea7eeeb1a2983dbb4c99a0fdc"}, +] + +[[package]] +name = "typer" +version = "0.15.1" +requires_python = ">=3.7" +summary = "Typer, build great CLIs. Easy to code. Based on Python type hints." +groups = ["default"] +dependencies = [ + "click>=8.0.0", + "rich>=10.11.0", + "shellingham>=1.3.0", + "typing-extensions>=3.7.4.3", +] +files = [ + {file = "typer-0.15.1-py3-none-any.whl", hash = "sha256:7994fb7b8155b64d3402518560648446072864beefd44aa2dc36972a5972e847"}, + {file = "typer-0.15.1.tar.gz", hash = "sha256:a0588c0a7fa68a1978a069818657778f86abe6ff5ea6abf472f940a08bfe4f0a"}, +] + +[[package]] +name = "types-python-dateutil" +version = "2.9.0.20241206" +requires_python = ">=3.8" +summary = "Typing stubs for python-dateutil" +groups = ["dev"] +files = [ + {file = "types_python_dateutil-2.9.0.20241206-py3-none-any.whl", hash = "sha256:e248a4bc70a486d3e3ec84d0dc30eec3a5f979d6e7ee4123ae043eedbb987f53"}, + {file = "types_python_dateutil-2.9.0.20241206.tar.gz", hash = "sha256:18f493414c26ffba692a72369fea7a154c502646301ebfe3d56a04b3767284cb"}, +] + +[[package]] +name = "typing-extensions" +version = "4.12.2" +requires_python = ">=3.8" +summary = "Backported and Experimental Type Hints for Python 3.8+" +groups = ["default", "dev"] +files = [ + {file = "typing_extensions-4.12.2-py3-none-any.whl", hash = "sha256:04e5ca0351e0f3f85c6853954072df659d0d13fac324d0072316b67d7794700d"}, + {file = "typing_extensions-4.12.2.tar.gz", hash = "sha256:1a7ead55c7e559dd4dee8856e3a88b41225abfe1ce8df57b7c13915fe121ffb8"}, +] + +[[package]] +name = "tzdata" +version = "2024.2" +requires_python = ">=2" +summary = "Provider of IANA time zone data" +groups = ["default"] +files = [ + {file = "tzdata-2024.2-py2.py3-none-any.whl", hash = "sha256:a48093786cdcde33cad18c2555e8532f34422074448fbc874186f0abd79565cd"}, + {file = "tzdata-2024.2.tar.gz", hash = "sha256:7d85cc416e9382e69095b7bdf4afd9e3880418a2413feec7069d533d6b4e31cc"}, +] + +[[package]] +name = "uri-template" +version = "1.3.0" +requires_python = ">=3.7" +summary = "RFC 6570 URI Template Processor" +groups = ["dev"] +files = [ + {file = "uri-template-1.3.0.tar.gz", hash = "sha256:0e00f8eb65e18c7de20d595a14336e9f337ead580c70934141624b6d1ffdacc7"}, + {file = "uri_template-1.3.0-py3-none-any.whl", hash = "sha256:a44a133ea12d44a0c0f06d7d42a52d71282e77e2f937d8abd5655b8d56fc1363"}, +] + +[[package]] +name = "urllib3" +version = "2.2.3" +requires_python = ">=3.8" +summary = "HTTP library with thread-safe connection pooling, file post, and more." +groups = ["default", "dev"] +files = [ + {file = "urllib3-2.2.3-py3-none-any.whl", hash = "sha256:ca899ca043dcb1bafa3e262d73aa25c465bfb49e0bd9dd5d59f1d0acba2f8fac"}, + {file = "urllib3-2.2.3.tar.gz", hash = "sha256:e7d814a81dad81e6caf2ec9fdedb284ecc9c73076b62654547cc64ccdcae26e9"}, +] + +[[package]] +name = "wasabi" +version = "1.1.3" +requires_python = ">=3.6" +summary = "A lightweight console printing and formatting toolkit" +groups = ["default"] +dependencies = [ + "colorama>=0.4.6; sys_platform == \"win32\" and python_version >= \"3.7\"", + "typing-extensions<5.0.0,>=3.7.4.1; python_version < \"3.8\"", +] +files = [ + {file = "wasabi-1.1.3-py3-none-any.whl", hash = "sha256:f76e16e8f7e79f8c4c8be49b4024ac725713ab10cd7f19350ad18a8e3f71728c"}, + {file = "wasabi-1.1.3.tar.gz", hash = "sha256:4bb3008f003809db0c3e28b4daf20906ea871a2bb43f9914197d540f4f2e0878"}, +] + +[[package]] +name = "wcmatch" +version = "10.0" +requires_python = ">=3.8" +summary = "Wildcard/glob file name matcher." +groups = ["dev"] +dependencies = [ + "bracex>=2.1.1", +] +files = [ + {file = "wcmatch-10.0-py3-none-any.whl", hash = "sha256:0dd927072d03c0a6527a20d2e6ad5ba8d0380e60870c383bc533b71744df7b7a"}, + {file = "wcmatch-10.0.tar.gz", hash = "sha256:e72f0de09bba6a04e0de70937b0cf06e55f36f37b3deb422dfaf854b867b840a"}, +] + +[[package]] +name = "wcwidth" +version = "0.2.13" +summary = "Measures the displayed width of unicode strings in a terminal" +groups = ["dev"] +dependencies = [ + "backports-functools-lru-cache>=1.2.1; python_version < \"3.2\"", +] +files = [ + {file = "wcwidth-0.2.13-py2.py3-none-any.whl", hash = "sha256:3da69048e4540d84af32131829ff948f1e022c1c6bdb8d6102117aac784f6859"}, + {file = "wcwidth-0.2.13.tar.gz", hash = "sha256:72ea0c06399eb286d978fdedb6923a9eb47e1c486ce63e9b4e64fc18303972b5"}, +] + +[[package]] +name = "weasel" +version = "0.4.1" +requires_python = ">=3.7" +summary = "Weasel: A small and easy workflow system" +groups = ["default"] +dependencies = [ + "cloudpathlib<1.0.0,>=0.7.0", + "confection<0.2.0,>=0.0.4", + "packaging>=20.0", + "pydantic!=1.8,!=1.8.1,<3.0.0,>=1.7.4", + "requests<3.0.0,>=2.13.0", + "smart-open<8.0.0,>=5.2.1", + "srsly<3.0.0,>=2.4.3", + "typer<1.0.0,>=0.3.0", + "wasabi<1.2.0,>=0.9.1", +] +files = [ + {file = "weasel-0.4.1-py3-none-any.whl", hash = "sha256:24140a090ea1ac512a2b2f479cc64192fd1d527a7f3627671268d08ed5ac418c"}, + {file = "weasel-0.4.1.tar.gz", hash = "sha256:aabc210f072e13f6744e5c3a28037f93702433405cd35673f7c6279147085aa9"}, +] + +[[package]] +name = "webcolors" +version = "24.11.1" +requires_python = ">=3.9" +summary = "A library for working with the color formats defined by HTML and CSS." +groups = ["dev"] +files = [ + {file = "webcolors-24.11.1-py3-none-any.whl", hash = "sha256:515291393b4cdf0eb19c155749a096f779f7d909f7cceea072791cb9095b92e9"}, + {file = "webcolors-24.11.1.tar.gz", hash = "sha256:ecb3d768f32202af770477b8b65f318fa4f566c22948673a977b00d589dd80f6"}, +] + +[[package]] +name = "webencodings" +version = "0.5.1" +summary = "Character encoding aliases for legacy web content" +groups = ["dev"] +files = [ + {file = "webencodings-0.5.1-py2.py3-none-any.whl", hash = "sha256:a0af1213f3c2226497a97e2b3aa01a7e4bee4f403f95be16fc9acd2947514a78"}, + {file = "webencodings-0.5.1.tar.gz", hash = "sha256:b36a1c245f2d304965eb4e0a82848379241dc04b865afcc4aab16748587e1923"}, +] + +[[package]] +name = "websocket-client" +version = "1.8.0" +requires_python = ">=3.8" +summary = "WebSocket client for Python with low level API options" +groups = ["dev"] +files = [ + {file = "websocket_client-1.8.0-py3-none-any.whl", hash = "sha256:17b44cc997f5c498e809b22cdf2d9c7a9e71c02c8cc2b6c56e7c2d1239bfa526"}, + {file = "websocket_client-1.8.0.tar.gz", hash = "sha256:3239df9f44da632f96012472805d40a23281a991027ce11d2f45a6f24ac4c3da"}, +] + +[[package]] +name = "widgetsnbextension" +version = "4.0.13" +requires_python = ">=3.7" +summary = "Jupyter interactive widgets for Jupyter Notebook" +groups = ["dev"] +files = [ + {file = "widgetsnbextension-4.0.13-py3-none-any.whl", hash = "sha256:74b2692e8500525cc38c2b877236ba51d34541e6385eeed5aec15a70f88a6c71"}, + {file = "widgetsnbextension-4.0.13.tar.gz", hash = "sha256:ffcb67bc9febd10234a362795f643927f4e0c05d9342c727b65d2384f8feacb6"}, +] + +[[package]] +name = "wrapt" +version = "1.17.0" +requires_python = ">=3.8" +summary = "Module for decorators, wrappers and monkey patching." +groups = ["default"] +files = [ + {file = "wrapt-1.17.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:74bf625b1b4caaa7bad51d9003f8b07a468a704e0644a700e936c357c17dd45a"}, + {file = "wrapt-1.17.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:0f2a28eb35cf99d5f5bd12f5dd44a0f41d206db226535b37b0c60e9da162c3ed"}, + {file = "wrapt-1.17.0-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:81b1289e99cf4bad07c23393ab447e5e96db0ab50974a280f7954b071d41b489"}, + {file = "wrapt-1.17.0-cp311-cp311-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:9f2939cd4a2a52ca32bc0b359015718472d7f6de870760342e7ba295be9ebaf9"}, + {file = "wrapt-1.17.0-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:6a9653131bda68a1f029c52157fd81e11f07d485df55410401f745007bd6d339"}, + {file = "wrapt-1.17.0-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:4e4b4385363de9052dac1a67bfb535c376f3d19c238b5f36bddc95efae15e12d"}, + {file = "wrapt-1.17.0-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:bdf62d25234290db1837875d4dceb2151e4ea7f9fff2ed41c0fde23ed542eb5b"}, + {file = "wrapt-1.17.0-cp311-cp311-win32.whl", hash = "sha256:5d8fd17635b262448ab8f99230fe4dac991af1dabdbb92f7a70a6afac8a7e346"}, + {file = "wrapt-1.17.0-cp311-cp311-win_amd64.whl", hash = "sha256:92a3d214d5e53cb1db8b015f30d544bc9d3f7179a05feb8f16df713cecc2620a"}, + {file = "wrapt-1.17.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:89fc28495896097622c3fc238915c79365dd0ede02f9a82ce436b13bd0ab7569"}, + {file = "wrapt-1.17.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:875d240fdbdbe9e11f9831901fb8719da0bd4e6131f83aa9f69b96d18fae7504"}, + {file = "wrapt-1.17.0-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:e5ed16d95fd142e9c72b6c10b06514ad30e846a0d0917ab406186541fe68b451"}, + {file = "wrapt-1.17.0-cp312-cp312-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:18b956061b8db634120b58f668592a772e87e2e78bc1f6a906cfcaa0cc7991c1"}, + {file = "wrapt-1.17.0-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:daba396199399ccabafbfc509037ac635a6bc18510ad1add8fd16d4739cdd106"}, + {file = "wrapt-1.17.0-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:4d63f4d446e10ad19ed01188d6c1e1bb134cde8c18b0aa2acfd973d41fcc5ada"}, + {file = "wrapt-1.17.0-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:8a5e7cc39a45fc430af1aefc4d77ee6bad72c5bcdb1322cfde852c15192b8bd4"}, + {file = "wrapt-1.17.0-cp312-cp312-win32.whl", hash = "sha256:0a0a1a1ec28b641f2a3a2c35cbe86c00051c04fffcfcc577ffcdd707df3f8635"}, + {file = "wrapt-1.17.0-cp312-cp312-win_amd64.whl", hash = "sha256:3c34f6896a01b84bab196f7119770fd8466c8ae3dfa73c59c0bb281e7b588ce7"}, + {file = "wrapt-1.17.0-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:714c12485aa52efbc0fc0ade1e9ab3a70343db82627f90f2ecbc898fdf0bb181"}, + {file = "wrapt-1.17.0-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:da427d311782324a376cacb47c1a4adc43f99fd9d996ffc1b3e8529c4074d393"}, + {file = "wrapt-1.17.0-cp313-cp313-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:ba1739fb38441a27a676f4de4123d3e858e494fac05868b7a281c0a383c098f4"}, + {file = "wrapt-1.17.0-cp313-cp313-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:e711fc1acc7468463bc084d1b68561e40d1eaa135d8c509a65dd534403d83d7b"}, + {file = "wrapt-1.17.0-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:140ea00c87fafc42739bd74a94a5a9003f8e72c27c47cd4f61d8e05e6dec8721"}, + {file = "wrapt-1.17.0-cp313-cp313-musllinux_1_2_i686.whl", hash = "sha256:73a96fd11d2b2e77d623a7f26e004cc31f131a365add1ce1ce9a19e55a1eef90"}, + {file = "wrapt-1.17.0-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:0b48554952f0f387984da81ccfa73b62e52817a4386d070c75e4db7d43a28c4a"}, + {file = "wrapt-1.17.0-cp313-cp313-win32.whl", hash = "sha256:498fec8da10e3e62edd1e7368f4b24aa362ac0ad931e678332d1b209aec93045"}, + {file = "wrapt-1.17.0-cp313-cp313-win_amd64.whl", hash = "sha256:fd136bb85f4568fffca995bd3c8d52080b1e5b225dbf1c2b17b66b4c5fa02838"}, + {file = "wrapt-1.17.0-cp313-cp313t-macosx_11_0_arm64.whl", hash = "sha256:17fcf043d0b4724858f25b8826c36e08f9fb2e475410bece0ec44a22d533da9b"}, + {file = "wrapt-1.17.0-cp313-cp313t-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:e4a557d97f12813dc5e18dad9fa765ae44ddd56a672bb5de4825527c847d6379"}, + {file = "wrapt-1.17.0-cp313-cp313t-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:0229b247b0fc7dee0d36176cbb79dbaf2a9eb7ecc50ec3121f40ef443155fb1d"}, + {file = "wrapt-1.17.0-cp313-cp313t-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:8425cfce27b8b20c9b89d77fb50e368d8306a90bf2b6eef2cdf5cd5083adf83f"}, + {file = "wrapt-1.17.0-cp313-cp313t-musllinux_1_2_aarch64.whl", hash = "sha256:9c900108df470060174108012de06d45f514aa4ec21a191e7ab42988ff42a86c"}, + {file = "wrapt-1.17.0-cp313-cp313t-musllinux_1_2_i686.whl", hash = "sha256:4e547b447073fc0dbfcbff15154c1be8823d10dab4ad401bdb1575e3fdedff1b"}, + {file = "wrapt-1.17.0-cp313-cp313t-musllinux_1_2_x86_64.whl", hash = "sha256:914f66f3b6fc7b915d46c1cc424bc2441841083de01b90f9e81109c9759e43ab"}, + {file = "wrapt-1.17.0-cp313-cp313t-win32.whl", hash = "sha256:a4192b45dff127c7d69b3bdfb4d3e47b64179a0b9900b6351859f3001397dabf"}, + {file = "wrapt-1.17.0-cp313-cp313t-win_amd64.whl", hash = "sha256:4f643df3d4419ea3f856c5c3f40fec1d65ea2e89ec812c83f7767c8730f9827a"}, + {file = "wrapt-1.17.0-py3-none-any.whl", hash = "sha256:d2c63b93548eda58abf5188e505ffed0229bf675f7c3090f8e36ad55b8cbc371"}, + {file = "wrapt-1.17.0.tar.gz", hash = "sha256:16187aa2317c731170a88ef35e8937ae0f533c402872c1ee5e6d079fcf320801"}, +] + +[[package]] +name = "xxhash" +version = "3.5.0" +requires_python = ">=3.7" +summary = "Python binding for xxHash" +groups = ["default"] +files = [ + {file = "xxhash-3.5.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:02c2e816896dc6f85922ced60097bcf6f008dedfc5073dcba32f9c8dd786f3c1"}, + {file = "xxhash-3.5.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:6027dcd885e21581e46d3c7f682cfb2b870942feeed58a21c29583512c3f09f8"}, + {file = "xxhash-3.5.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:1308fa542bbdbf2fa85e9e66b1077eea3a88bef38ee8a06270b4298a7a62a166"}, + {file = "xxhash-3.5.0-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:c28b2fdcee797e1c1961cd3bcd3d545cab22ad202c846235197935e1df2f8ef7"}, + {file = "xxhash-3.5.0-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:924361811732ddad75ff23e90efd9ccfda4f664132feecb90895bade6a1b4623"}, + {file = "xxhash-3.5.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:89997aa1c4b6a5b1e5b588979d1da048a3c6f15e55c11d117a56b75c84531f5a"}, + {file = "xxhash-3.5.0-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:685c4f4e8c59837de103344eb1c8a3851f670309eb5c361f746805c5471b8c88"}, + {file = "xxhash-3.5.0-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:dbd2ecfbfee70bc1a4acb7461fa6af7748ec2ab08ac0fa298f281c51518f982c"}, + {file = "xxhash-3.5.0-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:25b5a51dc3dfb20a10833c8eee25903fd2e14059e9afcd329c9da20609a307b2"}, + {file = "xxhash-3.5.0-cp311-cp311-musllinux_1_2_ppc64le.whl", hash = "sha256:a8fb786fb754ef6ff8c120cb96629fb518f8eb5a61a16aac3a979a9dbd40a084"}, + {file = "xxhash-3.5.0-cp311-cp311-musllinux_1_2_s390x.whl", hash = "sha256:a905ad00ad1e1c34fe4e9d7c1d949ab09c6fa90c919860c1534ff479f40fd12d"}, + {file = "xxhash-3.5.0-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:963be41bcd49f53af6d795f65c0da9b4cc518c0dd9c47145c98f61cb464f4839"}, + {file = "xxhash-3.5.0-cp311-cp311-win32.whl", hash = "sha256:109b436096d0a2dd039c355fa3414160ec4d843dfecc64a14077332a00aeb7da"}, + {file = "xxhash-3.5.0-cp311-cp311-win_amd64.whl", hash = "sha256:b702f806693201ad6c0a05ddbbe4c8f359626d0b3305f766077d51388a6bac58"}, + {file = "xxhash-3.5.0-cp311-cp311-win_arm64.whl", hash = "sha256:c4dcb4120d0cc3cc448624147dba64e9021b278c63e34a38789b688fd0da9bf3"}, + {file = "xxhash-3.5.0-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:14470ace8bd3b5d51318782cd94e6f94431974f16cb3b8dc15d52f3b69df8e00"}, + {file = "xxhash-3.5.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:59aa1203de1cb96dbeab595ded0ad0c0056bb2245ae11fac11c0ceea861382b9"}, + {file = "xxhash-3.5.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:08424f6648526076e28fae6ea2806c0a7d504b9ef05ae61d196d571e5c879c84"}, + {file = "xxhash-3.5.0-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:61a1ff00674879725b194695e17f23d3248998b843eb5e933007ca743310f793"}, + {file = "xxhash-3.5.0-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:f2f2c61bee5844d41c3eb015ac652a0229e901074951ae48581d58bfb2ba01be"}, + {file = "xxhash-3.5.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:9d32a592cac88d18cc09a89172e1c32d7f2a6e516c3dfde1b9adb90ab5df54a6"}, + {file = "xxhash-3.5.0-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:70dabf941dede727cca579e8c205e61121afc9b28516752fd65724be1355cc90"}, + {file = "xxhash-3.5.0-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:e5d0ddaca65ecca9c10dcf01730165fd858533d0be84c75c327487c37a906a27"}, + {file = "xxhash-3.5.0-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:3e5b5e16c5a480fe5f59f56c30abdeba09ffd75da8d13f6b9b6fd224d0b4d0a2"}, + {file = "xxhash-3.5.0-cp312-cp312-musllinux_1_2_ppc64le.whl", hash = "sha256:149b7914451eb154b3dfaa721315117ea1dac2cc55a01bfbd4df7c68c5dd683d"}, + {file = "xxhash-3.5.0-cp312-cp312-musllinux_1_2_s390x.whl", hash = "sha256:eade977f5c96c677035ff39c56ac74d851b1cca7d607ab3d8f23c6b859379cab"}, + {file = "xxhash-3.5.0-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:fa9f547bd98f5553d03160967866a71056a60960be00356a15ecc44efb40ba8e"}, + {file = "xxhash-3.5.0-cp312-cp312-win32.whl", hash = "sha256:f7b58d1fd3551b8c80a971199543379be1cee3d0d409e1f6d8b01c1a2eebf1f8"}, + {file = "xxhash-3.5.0-cp312-cp312-win_amd64.whl", hash = "sha256:fa0cafd3a2af231b4e113fba24a65d7922af91aeb23774a8b78228e6cd785e3e"}, + {file = "xxhash-3.5.0-cp312-cp312-win_arm64.whl", hash = "sha256:586886c7e89cb9828bcd8a5686b12e161368e0064d040e225e72607b43858ba2"}, + {file = "xxhash-3.5.0-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:37889a0d13b0b7d739cfc128b1c902f04e32de17b33d74b637ad42f1c55101f6"}, + {file = "xxhash-3.5.0-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:97a662338797c660178e682f3bc180277b9569a59abfb5925e8620fba00b9fc5"}, + {file = "xxhash-3.5.0-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:7f85e0108d51092bdda90672476c7d909c04ada6923c14ff9d913c4f7dc8a3bc"}, + {file = "xxhash-3.5.0-cp313-cp313-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:cd2fd827b0ba763ac919440042302315c564fdb797294d86e8cdd4578e3bc7f3"}, + {file = "xxhash-3.5.0-cp313-cp313-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:82085c2abec437abebf457c1d12fccb30cc8b3774a0814872511f0f0562c768c"}, + {file = "xxhash-3.5.0-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:07fda5de378626e502b42b311b049848c2ef38784d0d67b6f30bb5008642f8eb"}, + {file = "xxhash-3.5.0-cp313-cp313-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:c279f0d2b34ef15f922b77966640ade58b4ccdfef1c4d94b20f2a364617a493f"}, + {file = "xxhash-3.5.0-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:89e66ceed67b213dec5a773e2f7a9e8c58f64daeb38c7859d8815d2c89f39ad7"}, + {file = "xxhash-3.5.0-cp313-cp313-musllinux_1_2_i686.whl", hash = "sha256:bcd51708a633410737111e998ceb3b45d3dbc98c0931f743d9bb0a209033a326"}, + {file = "xxhash-3.5.0-cp313-cp313-musllinux_1_2_ppc64le.whl", hash = "sha256:3ff2c0a34eae7df88c868be53a8dd56fbdf592109e21d4bfa092a27b0bf4a7bf"}, + {file = "xxhash-3.5.0-cp313-cp313-musllinux_1_2_s390x.whl", hash = "sha256:4e28503dccc7d32e0b9817aa0cbfc1f45f563b2c995b7a66c4c8a0d232e840c7"}, + {file = "xxhash-3.5.0-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:a6c50017518329ed65a9e4829154626f008916d36295b6a3ba336e2458824c8c"}, + {file = "xxhash-3.5.0-cp313-cp313-win32.whl", hash = "sha256:53a068fe70301ec30d868ece566ac90d873e3bb059cf83c32e76012c889b8637"}, + {file = "xxhash-3.5.0-cp313-cp313-win_amd64.whl", hash = "sha256:80babcc30e7a1a484eab952d76a4f4673ff601f54d5142c26826502740e70b43"}, + {file = "xxhash-3.5.0-cp313-cp313-win_arm64.whl", hash = "sha256:4811336f1ce11cac89dcbd18f3a25c527c16311709a89313c3acaf771def2d4b"}, + {file = "xxhash-3.5.0.tar.gz", hash = "sha256:84f2caddf951c9cbf8dc2e22a89d4ccf5d86391ac6418fe81e3c67d0cf60b45f"}, +] + +[[package]] +name = "yarl" +version = "1.18.3" +requires_python = ">=3.9" +summary = "Yet another URL library" +groups = ["default"] +dependencies = [ + "idna>=2.0", + "multidict>=4.0", + "propcache>=0.2.0", +] +files = [ + {file = "yarl-1.18.3-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:8503ad47387b8ebd39cbbbdf0bf113e17330ffd339ba1144074da24c545f0069"}, + {file = "yarl-1.18.3-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:02ddb6756f8f4517a2d5e99d8b2f272488e18dd0bfbc802f31c16c6c20f22193"}, + {file = "yarl-1.18.3-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:67a283dd2882ac98cc6318384f565bffc751ab564605959df4752d42483ad889"}, + {file = "yarl-1.18.3-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d980e0325b6eddc81331d3f4551e2a333999fb176fd153e075c6d1c2530aa8a8"}, + {file = "yarl-1.18.3-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:b643562c12680b01e17239be267bc306bbc6aac1f34f6444d1bded0c5ce438ca"}, + {file = "yarl-1.18.3-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:c017a3b6df3a1bd45b9fa49a0f54005e53fbcad16633870104b66fa1a30a29d8"}, + {file = "yarl-1.18.3-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:75674776d96d7b851b6498f17824ba17849d790a44d282929c42dbb77d4f17ae"}, + {file = "yarl-1.18.3-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:ccaa3a4b521b780a7e771cc336a2dba389a0861592bbce09a476190bb0c8b4b3"}, + {file = "yarl-1.18.3-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:2d06d3005e668744e11ed80812e61efd77d70bb7f03e33c1598c301eea20efbb"}, + {file = "yarl-1.18.3-cp311-cp311-musllinux_1_2_armv7l.whl", hash = "sha256:9d41beda9dc97ca9ab0b9888cb71f7539124bc05df02c0cff6e5acc5a19dcc6e"}, + {file = "yarl-1.18.3-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:ba23302c0c61a9999784e73809427c9dbedd79f66a13d84ad1b1943802eaaf59"}, + {file = "yarl-1.18.3-cp311-cp311-musllinux_1_2_ppc64le.whl", hash = "sha256:6748dbf9bfa5ba1afcc7556b71cda0d7ce5f24768043a02a58846e4a443d808d"}, + {file = "yarl-1.18.3-cp311-cp311-musllinux_1_2_s390x.whl", hash = "sha256:0b0cad37311123211dc91eadcb322ef4d4a66008d3e1bdc404808992260e1a0e"}, + {file = "yarl-1.18.3-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:0fb2171a4486bb075316ee754c6d8382ea6eb8b399d4ec62fde2b591f879778a"}, + {file = "yarl-1.18.3-cp311-cp311-win32.whl", hash = "sha256:61b1a825a13bef4a5f10b1885245377d3cd0bf87cba068e1d9a88c2ae36880e1"}, + {file = "yarl-1.18.3-cp311-cp311-win_amd64.whl", hash = "sha256:b9d60031cf568c627d028239693fd718025719c02c9f55df0a53e587aab951b5"}, + {file = "yarl-1.18.3-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:1dd4bdd05407ced96fed3d7f25dbbf88d2ffb045a0db60dbc247f5b3c5c25d50"}, + {file = "yarl-1.18.3-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:7c33dd1931a95e5d9a772d0ac5e44cac8957eaf58e3c8da8c1414de7dd27c576"}, + {file = "yarl-1.18.3-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:25b411eddcfd56a2f0cd6a384e9f4f7aa3efee14b188de13048c25b5e91f1640"}, + {file = "yarl-1.18.3-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:436c4fc0a4d66b2badc6c5fc5ef4e47bb10e4fd9bf0c79524ac719a01f3607c2"}, + {file = "yarl-1.18.3-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:e35ef8683211db69ffe129a25d5634319a677570ab6b2eba4afa860f54eeaf75"}, + {file = "yarl-1.18.3-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:84b2deecba4a3f1a398df819151eb72d29bfeb3b69abb145a00ddc8d30094512"}, + {file = "yarl-1.18.3-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:00e5a1fea0fd4f5bfa7440a47eff01d9822a65b4488f7cff83155a0f31a2ecba"}, + {file = "yarl-1.18.3-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:d0e883008013c0e4aef84dcfe2a0b172c4d23c2669412cf5b3371003941f72bb"}, + {file = "yarl-1.18.3-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:5a3f356548e34a70b0172d8890006c37be92995f62d95a07b4a42e90fba54272"}, + {file = "yarl-1.18.3-cp312-cp312-musllinux_1_2_armv7l.whl", hash = "sha256:ccd17349166b1bee6e529b4add61727d3f55edb7babbe4069b5764c9587a8cc6"}, + {file = "yarl-1.18.3-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:b958ddd075ddba5b09bb0be8a6d9906d2ce933aee81100db289badbeb966f54e"}, + {file = "yarl-1.18.3-cp312-cp312-musllinux_1_2_ppc64le.whl", hash = "sha256:c7d79f7d9aabd6011004e33b22bc13056a3e3fb54794d138af57f5ee9d9032cb"}, + {file = "yarl-1.18.3-cp312-cp312-musllinux_1_2_s390x.whl", hash = "sha256:4891ed92157e5430874dad17b15eb1fda57627710756c27422200c52d8a4e393"}, + {file = "yarl-1.18.3-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:ce1af883b94304f493698b00d0f006d56aea98aeb49d75ec7d98cd4a777e9285"}, + {file = "yarl-1.18.3-cp312-cp312-win32.whl", hash = "sha256:f91c4803173928a25e1a55b943c81f55b8872f0018be83e3ad4938adffb77dd2"}, + {file = "yarl-1.18.3-cp312-cp312-win_amd64.whl", hash = "sha256:7e2ee16578af3b52ac2f334c3b1f92262f47e02cc6193c598502bd46f5cd1477"}, + {file = "yarl-1.18.3-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:90adb47ad432332d4f0bc28f83a5963f426ce9a1a8809f5e584e704b82685dcb"}, + {file = "yarl-1.18.3-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:913829534200eb0f789d45349e55203a091f45c37a2674678744ae52fae23efa"}, + {file = "yarl-1.18.3-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:ef9f7768395923c3039055c14334ba4d926f3baf7b776c923c93d80195624782"}, + {file = "yarl-1.18.3-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:88a19f62ff30117e706ebc9090b8ecc79aeb77d0b1f5ec10d2d27a12bc9f66d0"}, + {file = "yarl-1.18.3-cp313-cp313-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:e17c9361d46a4d5addf777c6dd5eab0715a7684c2f11b88c67ac37edfba6c482"}, + {file = "yarl-1.18.3-cp313-cp313-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:1a74a13a4c857a84a845505fd2d68e54826a2cd01935a96efb1e9d86c728e186"}, + {file = "yarl-1.18.3-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:41f7ce59d6ee7741af71d82020346af364949314ed3d87553763a2df1829cc58"}, + {file = "yarl-1.18.3-cp313-cp313-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:f52a265001d830bc425f82ca9eabda94a64a4d753b07d623a9f2863fde532b53"}, + {file = "yarl-1.18.3-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:82123d0c954dc58db301f5021a01854a85bf1f3bb7d12ae0c01afc414a882ca2"}, + {file = "yarl-1.18.3-cp313-cp313-musllinux_1_2_armv7l.whl", hash = "sha256:2ec9bbba33b2d00999af4631a3397d1fd78290c48e2a3e52d8dd72db3a067ac8"}, + {file = "yarl-1.18.3-cp313-cp313-musllinux_1_2_i686.whl", hash = "sha256:fbd6748e8ab9b41171bb95c6142faf068f5ef1511935a0aa07025438dd9a9bc1"}, + {file = "yarl-1.18.3-cp313-cp313-musllinux_1_2_ppc64le.whl", hash = "sha256:877d209b6aebeb5b16c42cbb377f5f94d9e556626b1bfff66d7b0d115be88d0a"}, + {file = "yarl-1.18.3-cp313-cp313-musllinux_1_2_s390x.whl", hash = "sha256:b464c4ab4bfcb41e3bfd3f1c26600d038376c2de3297760dfe064d2cb7ea8e10"}, + {file = "yarl-1.18.3-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:8d39d351e7faf01483cc7ff7c0213c412e38e5a340238826be7e0e4da450fdc8"}, + {file = "yarl-1.18.3-cp313-cp313-win32.whl", hash = "sha256:61ee62ead9b68b9123ec24bc866cbef297dd266175d53296e2db5e7f797f902d"}, + {file = "yarl-1.18.3-cp313-cp313-win_amd64.whl", hash = "sha256:578e281c393af575879990861823ef19d66e2b1d0098414855dd367e234f5b3c"}, + {file = "yarl-1.18.3-py3-none-any.whl", hash = "sha256:b57f4f58099328dfb26c6a771d09fb20dbbae81d20cfb66141251ea063bd101b"}, + {file = "yarl-1.18.3.tar.gz", hash = "sha256:ac1801c45cbf77b6c99242eeff4fffb5e4e73a800b5c4ad4fc0be5def634d2e1"}, +] diff --git a/publish.ps1 b/publish.ps1 new file mode 100644 index 0000000..d16fc9c --- /dev/null +++ b/publish.ps1 @@ -0,0 +1 @@ +pdm publish -r local --skip-existing \ No newline at end of file diff --git a/pyproject.toml b/pyproject.toml new file mode 100644 index 0000000..07b2936 --- /dev/null +++ b/pyproject.toml @@ -0,0 +1,139 @@ +[project] +name = "tom-plugin" +version = "0.1.0" +description = "Wrapper for TOM plugins with different helper CLIs, primarily integration testing" +authors = [ + {name = "d-opt GmbH, resp. Florian Förster", email = "f.foerster@d-opt.com"}, +] +dependencies = ["lang-main[spacy-md,spacy-trf]>=0.1.0"] +requires-python = ">=3.11" +readme = "README.md" +license = {text = "MIT"} + +[project.scripts] +model-download = "tom_plugin._tools._load_model:main" +pipeline-test = "tom_plugin._tools._run:main" + + +[build-system] +requires = ["pdm-backend"] +build-backend = "pdm.backend" + +[tool.ruff] +line-length = 94 +indent-width = 4 +target-version = "py311" +src = ["src"] + +[tool.ruff.format] +quote-style = "single" +skip-magic-trailing-comma = false + +[tool.ruff.lint] +select = ["E", "F", "I"] + +[tool.ruff.lint.isort] +extra-standard-library = ["typing_extensions"] + +[tool.pytest.ini_options] +addopts = [ + "-vvl", + "--import-mode=importlib", +] +testpaths = [ + "tests", +] +filterwarnings = [ + 'ignore:pkg_resources is deprecated as an API.:DeprecationWarning' +] +markers = [ +] +log_cli = true + +[tool.coverage.run] +relative_files = true +source = [ + "tom_plugin", + "tests/", +] + +[tool.coverage.report] +exclude_also = [ + "def __repr__", + "def __str__", + "@overload", + "if logging", + "if TYPE_CHECKING", + "@pytest.fixture", + "if __name__ == __main__:", +] + +[tool.coverage.html] +directory = "reports/coverage" + + + +[tool.pdm] +distribution = true + +[tool.pdm.resolution] +respect-source-order = true + +[[tool.pdm.source]] +name = "private" +url = "http://localhost:8001/simple" +verify_ssl = false + +[[tool.pdm.source]] +name = "pypi" +url = "https://pypi.org/simple" +exclude_packages = ["lang-main*", "tom-plugin*"] + +[dependency-groups] +dev = [ + "bump-my-version>=0.29.0", + "jupyterlab>=4.3.4", + "ipywidgets>=8.1.5", +] + +[tool.bumpversion] +current_version = "0.1.0" +parse = """(?x) + (?P0|[1-9]\\d*)\\. + (?P0|[1-9]\\d*)\\. + (?P0|[1-9]\\d*) + (?: + # separator for pre-release section + (?P[a-zA-Z-]+) # pre-release label + (?P0|[1-9]\\d*) # pre-release version number + )? # pre-release section is optional +""" +serialize = [ + "{major}.{minor}.{patch}{pre_l}{pre_n}", + "{major}.{minor}.{patch}", +] +search = "{current_version}" +replace = "{new_version}" +regex = false +ignore_missing_version = false +ignore_missing_files = false +tag = false +sign_tags = false +tag_name = "v{new_version}" +tag_message = "Bump version: {current_version} → {new_version}" +allow_dirty = true +commit = false +message = "Bump version: {current_version} → {new_version}" +commit_args = "" +setup_hooks = [] +pre_commit_hooks = [] +post_commit_hooks = [] + +[tool.bumpversion.parts.pre_l] +values = ["dev", "a", "b", "rc", "final"] +optional_value = "final" + +[[tool.bumpversion.files]] +filename = "pyproject.toml" +search = "version = \"{current_version}\"" +replace = "version = \"{new_version}\"" \ No newline at end of file diff --git a/src/tom_plugin/__init__.py b/src/tom_plugin/__init__.py new file mode 100644 index 0000000..d55fb8d --- /dev/null +++ b/src/tom_plugin/__init__.py @@ -0,0 +1,3 @@ +from tom_plugin import _env_vars as env + +env.set() diff --git a/src/tom_plugin/_env_vars.py b/src/tom_plugin/_env_vars.py new file mode 100644 index 0000000..49546cd --- /dev/null +++ b/src/tom_plugin/_env_vars.py @@ -0,0 +1,46 @@ +import os +from typing import Final + + +# ** ENV VARS +def set() -> None: + library_mode = os.environ.get('DOPT_TOM_PLUGIN_LIBRARY_USAGE', None) + LIBRARY_MODE: Final[bool] = bool(library_mode) + + if LIBRARY_MODE: + _set_lib_mode() + else: + _set_app_mode( + spacy_model=None, + STFR_model=None, + ) + + +def _set_lib_mode() -> None: + os.environ['LANG_MAIN_STFR_BACKEND'] = 'onnx' + + +def _set_app_mode( + spacy_model: str | None = None, + STFR_model: str | None = None, +) -> None: + os.environ['LANG_MAIN_STFR_BACKEND'] = 'onnx' + os.environ['LANG_MAIN_STOP_SEARCH_FOLDERNAME'] = 'tom-plugin' + os.environ['LANG_MAIN_BASE_FOLDERNAME'] = 'tom-plugin' + + if spacy_model is not None: + _set_spacy_model(spacy_model) + if STFR_model is not None: + _set_STFR_model(STFR_model) + + +def _set_spacy_model( + model_name: str = 'de_core_news_md', +) -> None: + os.environ['LANG_MAIN_SPACY_MODEL'] = model_name + + +def _set_STFR_model( + model_name: str = 'all-mpnet-base-v2', +) -> None: + os.environ['LANG_MAIN_SPACY_MODEL'] = model_name diff --git a/src/tom_plugin/_tools/__init__.py b/src/tom_plugin/_tools/__init__.py new file mode 100644 index 0000000..e69de29 diff --git a/src/tom_plugin/_tools/_load_model.py b/src/tom_plugin/_tools/_load_model.py new file mode 100644 index 0000000..34df5e0 --- /dev/null +++ b/src/tom_plugin/_tools/_load_model.py @@ -0,0 +1,194 @@ +import argparse +import os +from dataclasses import dataclass +from pathlib import Path +from typing import Any, cast + +from lang_main.constants import stfr_model_args_default +from lang_main.model_loader import ( + MODEL_BASE_FOLDER, + STFR_BACKEND, + STFR_DEVICE, + STFR_MODEL_ARGS, + STFR_MODEL_NAME, + STFR_SIMILARITY, + load_sentence_transformer, +) +from lang_main.types import ( + SentenceTransformer, + STFRBackends, + STFRModelArgs, + STFRONNXFilenames, +) +from sentence_transformers.backend import ( + export_dynamic_quantized_onnx_model, + export_optimized_onnx_model, +) + + +@dataclass +class TypedArgumentParser: + default: bool + model: str + path: Path | None + convert: bool + optim: bool + quant: bool + + +def get_model_name_from_repo( + full_model_name: str, +) -> str: + return full_model_name.split('/')[-1] + + +def _preload_STFR_model( + model_name_repo: str, + backend: STFRBackends, + model_kwargs: STFRModelArgs | dict[str, Any] | None, + target_folder: Path | str | None, +) -> SentenceTransformer: + save_folder: str | None = None + if target_folder is not None: + save_folder = str(target_folder) + + return load_sentence_transformer( + model_name=model_name_repo, + similarity_func=STFR_SIMILARITY, + backend=backend, + device=STFR_DEVICE, + model_kwargs=model_kwargs, + model_save_folder=save_folder, + local_files_only=False, + force_download=True, + ) + + +def _load_config_STFR_model() -> None: + _ = _preload_STFR_model( + model_name_repo=STFR_MODEL_NAME, + backend=STFR_BACKEND, + model_kwargs=STFR_MODEL_ARGS, + target_folder=None, + ) + + +def _model_conversion( + model_name_repo: str, + quant: bool, + optimise: bool, + target_folder: Path | None, +) -> None: + model_name = get_model_name_from_repo(model_name_repo) + base_folder: Path = MODEL_BASE_FOLDER + if target_folder is not None: + base_folder = target_folder + + if base_folder.stem == 'converted': + export_folder = (base_folder / model_name).resolve() + else: + export_folder = (base_folder / 'converted' / model_name).resolve() + + # attempt to download base model if not present + _ = _preload_STFR_model( + model_name_repo=model_name_repo, + backend=STFRBackends.TORCH, + model_kwargs=stfr_model_args_default, + target_folder=base_folder, + ) + + model_onnx = _preload_STFR_model( + model_name_repo=model_name_repo, + backend=STFRBackends.ONNX, + model_kwargs=None, + target_folder=base_folder, + ) + model_onnx.save_pretrained(path=str(export_folder), safe_serialization=True) + path_export_onnx_base = export_folder / 'onnx' / 'model.onnx' + assert path_export_onnx_base.exists(), 'ONNX base weights not existing' + print(f'Saved converted ONNX model under: {path_export_onnx_base}') + + if quant: + export_dynamic_quantized_onnx_model( + model_onnx, quantization_config='avx2', model_name_or_path=str(export_folder) + ) + path_export_onnx_quant = export_folder / STFRONNXFilenames.ONNX_Q_UINT8 + assert path_export_onnx_quant.exists(), 'ONNX quant weights not existing' + print(f'Saved quantised ONNX model under: {path_export_onnx_quant}') + os.remove(path_export_onnx_base) + if optimise: + export_optimized_onnx_model( + model_onnx, optimization_config='O3', model_name_or_path=str(export_folder) + ) + path_export_onnx_optim = export_folder / STFRONNXFilenames.ONNX_OPT_O3 + assert path_export_onnx_optim.exists(), 'ONNX optimised weights not existing' + print(f'Saved optimised ONNX model under: {path_export_onnx_optim}') + os.remove(path_export_onnx_base) + + +def main() -> None: + parser = argparse.ArgumentParser( + prog='STFR-Model-Loader', + description=( + 'Helper program to pre-download SentenceTransformer models ' + 'and convert them to different formats if desired' + ), + ) + parser.add_argument( + '-d', '--default', action='store_true', help='load model from default config' + ) + parser.add_argument( + '-m', + '--model', + default=STFR_MODEL_NAME, + help='model to load (full repo name from Hugging Face Hub)', + ) + parser.add_argument( + '-p', '--path', type=Path, default=None, help='path to save models to' + ) + parser.add_argument( + '-c', '--convert', action='store_true', help='convert model to ONNX format' + ) + parser.add_argument( + '-o', + '--optim', + action='store_true', + help=( + 'optimise ONNX model with O3 profile, , model is ' + 'always converted to ONNX beforehand' + ), + ) + # parser.add_argument('--onnx', action='store_true', help='use ONNX backend') + parser.add_argument( + '--quant', + action='store_true', + help=( + 'quantise model with "AVX2" configuration, model is always ' + 'converted to ONNX beforehand' + ), + ) + + args = cast(TypedArgumentParser, parser.parse_args()) + use_default_model = args.default + convert_model = args.convert + optimise_model = args.optim + quantise_model = args.quant + + if use_default_model and convert_model: + raise ValueError('Loading default model does not allow model conversion') + + path_models: Path | None = None + if args.path is not None: + path_models = args.path.resolve() + assert path_models.exists(), 'model saving path not existing' + assert path_models.is_dir(), 'model saving path not a directory' + + if args.default: + _load_config_STFR_model() + else: + _model_conversion( + model_name_repo=args.model, + quant=quantise_model, + optimise=optimise_model, + target_folder=path_models, + ) diff --git a/src/tom_plugin/_tools/_run.py b/src/tom_plugin/_tools/_run.py new file mode 100644 index 0000000..83692ab --- /dev/null +++ b/src/tom_plugin/_tools/_run.py @@ -0,0 +1,29 @@ +import argparse +import time +from datetime import timedelta + +from tom_plugin.pipeline import run_on_csv_data + + +def main() -> None: + parser = argparse.ArgumentParser( + prog='TOM-Plugin-Demo-Runner', + description='integration testing of provided pipelines in TOM-Plugin', + ) + subparsers = parser.add_subparsers(dest='subparser') + parser_csv = subparsers.add_parser('csv', help='run on CSV data') + parser_csv.add_argument('id', help='ID for data set') + parser_csv.add_argument('filename', help='filename from configured input directory') + + args = parser.parse_args() + if args.subparser == 'csv': + t1 = time.perf_counter() + run_on_csv_data(args.id, args.filename) + t2 = time.perf_counter() + run_time = t2 - t1 + td = timedelta(seconds=run_time) + print(f'Application runtime was. {td}') + + +if __name__ == '__main__': + main() diff --git a/src/tom_plugin/env_vars.txt b/src/tom_plugin/env_vars.txt new file mode 100644 index 0000000..860f158 --- /dev/null +++ b/src/tom_plugin/env_vars.txt @@ -0,0 +1,2 @@ +# list of all library's environment variables +DOPT_TOM_PLUGIN_LIBRARY_USAGE : indicate that this wrapper application is in library mode (used to set different environment variables) \ No newline at end of file diff --git a/src/tom_plugin/pipeline.py b/src/tom_plugin/pipeline.py new file mode 100644 index 0000000..cf6d8ae --- /dev/null +++ b/src/tom_plugin/pipeline.py @@ -0,0 +1,276 @@ +from __future__ import annotations + +import os +import typing +from pathlib import Path +from typing import cast + +from lang_main.analysis.graphs import ( + Graph, + TokenGraph, + save_to_GraphML, +) +from lang_main.constants import ( + CYTO_BASE_NETWORK_NAME, + INPUT_PATH_FOLDER, + SAVE_PATH_FOLDER, + SKIP_GRAPH_POSTPROCESSING, + SKIP_GRAPH_RESCALING, + SKIP_GRAPH_STATIC_RENDERING, + SKIP_PREPROCESSING, + SKIP_TIME_ANALYSIS, + SKIP_TOKEN_ANALYSIS, +) +from lang_main.errors import DependencyMissingError +from lang_main.io import create_saving_folder, get_entry_point, load_pickle +from lang_main.pipelines.base import Pipeline +from lang_main.pipelines.predefined import ( + build_base_target_feature_pipe, + build_merge_duplicates_pipe, + build_timeline_pipe, + build_tk_graph_pipe, + build_tk_graph_post_pipe, + build_tk_graph_render_pipe, + build_tk_graph_rescaling_pipe, +) +from lang_main.types import ( + EntryPoints, + ObjectID, + PandasIndex, + SpacyDoc, + TimelineCandidates, +) +from pandas import DataFrame + +# ** build pipelines +pipe_target_feat_on_csv = build_base_target_feature_pipe() +pipe_merge = build_merge_duplicates_pipe() +pipe_token_analysis = build_tk_graph_pipe() +pipe_graph_postprocessing = build_tk_graph_post_pipe() +pipe_graph_rescaling = build_tk_graph_rescaling_pipe( + save_result=True, + exit_point=EntryPoints.TK_GRAPH_ANALYSIS_RESCALED, +) +pipe_timeline = build_timeline_pipe() + +pipe_static_graph_rendering: Pipeline | None = None +# rendering depending on optional dependencies +try: + pipe_static_graph_rendering = build_tk_graph_render_pipe( + with_subgraphs=True, + base_network_name=CYTO_BASE_NETWORK_NAME, + ) +except (ImportError, DependencyMissingError): + pass + + +all_pipes: tuple[Pipeline | None, ...] = ( + pipe_target_feat_on_csv, + pipe_merge, + pipe_token_analysis, + pipe_graph_postprocessing, + pipe_graph_rescaling, + pipe_static_graph_rendering, + pipe_timeline, +) + + +# ENV variable: LANG_MAIN_SAVE_FOLDER : path for saving folder of current run +# ENV variable: LANG_MAIN_INPUT_DATA : path for input data of current run +def get_save_folder() -> Path: + save_folder_env = os.environ.get('LANG_MAIN_SAVE_FOLDER', None) + assert save_folder_env is not None, 'saving folder not defined as ENV variable' + save_folder = Path(save_folder_env) + assert save_folder.exists(), 'save folder does not exist' + + return save_folder + + +def get_path_to_dataset() -> Path: + data_pth_env = os.environ.get('LANG_MAIN_INPUT_DATA', None) + assert data_pth_env is not None, 'path to dataset not defined as ENV variable' + data_pth = Path(data_pth_env) + assert data_pth.exists(), 'path to dataset does not exist' + + return data_pth + + +def _set_save_folder( + target_folder: Path, +) -> None: + # save_folder = get_save_folder() + + for pipe in all_pipes: + if pipe is not None: + pipe.working_dir = target_folder + + +# ** preparation +def _prepare_run_on_csv( + id: str, + filename: str, +) -> tuple[Path, Path]: + # output directory for intermediate results + print(f'Saving path: {SAVE_PATH_FOLDER}', flush=True) + target_folder = SAVE_PATH_FOLDER / id + create_saving_folder( + saving_path_folder=target_folder, + overwrite_existing=True, + ) + assert target_folder.exists(), 'target folder not existing after creation' + # data set + data_pth = (INPUT_PATH_FOLDER / filename).with_suffix('.csv') + + assert data_pth.exists(), 'path to data not existing' + assert data_pth.is_file(), 'data is not a file' + print(f'Data path: {data_pth}', flush=True) + + return target_folder, data_pth + + +# ** preprocessing pipeline +def _run_preprocessing_on_csv( + target_folder: Path, + data_pth: Path, +) -> Path: + # data_pth = get_path_to_dataset() + # run pipelines + ret = typing.cast( + tuple[DataFrame], pipe_target_feat_on_csv.run(starting_values=(data_pth,)) + ) + target_feat_data = ret[0] + _ = typing.cast(tuple[DataFrame], pipe_merge.run(starting_values=(target_feat_data,))) + + return target_folder + + +# ** token analysis +def _run_token_analysis( + target_folder: Path, +) -> Path: + # load entry point + # save_folder = get_save_folder() + entry_point_path = get_entry_point(target_folder, EntryPoints.TOKEN_ANALYSIS) + loaded_results = cast(tuple[DataFrame], load_pickle(entry_point_path)) + preprocessed_data = loaded_results[0] + # build token graph + (tk_graph, _) = typing.cast( + tuple[TokenGraph, dict[PandasIndex, SpacyDoc] | None], + pipe_token_analysis.run(starting_values=(preprocessed_data,)), + ) + tk_graph.to_GraphML(target_folder, filename='TokenGraph', directed=False) + + return target_folder + + +def _run_graph_postprocessing( + target_folder: Path, +) -> Path: + # load entry point + # save_folder = get_save_folder() + entry_point_path = get_entry_point(target_folder, EntryPoints.TK_GRAPH_POST) + loaded_results = cast( + tuple[TokenGraph, dict[PandasIndex, SpacyDoc] | None], + load_pickle(entry_point_path), + ) + tk_graph = loaded_results[0] + # filter graph by edge weight and remove single nodes (no connection) + ret = cast(tuple[TokenGraph], pipe_graph_postprocessing.run(starting_values=(tk_graph,))) + tk_graph_filtered = ret[0] + tk_graph_filtered.to_GraphML( + target_folder, filename='TokenGraph-filtered', directed=False + ) + + return target_folder + + +def _run_graph_edge_rescaling( + target_folder: Path, +) -> Path: + # load entry point + # save_folder = get_save_folder() + entry_point_path = get_entry_point(target_folder, EntryPoints.TK_GRAPH_ANALYSIS) + loaded_results = cast( + tuple[TokenGraph], + load_pickle(entry_point_path), + ) + tk_graph = loaded_results[0] + tk_graph_rescaled, tk_graph_rescaled_undirected = cast( + tuple[TokenGraph, Graph], pipe_graph_rescaling.run(starting_values=(tk_graph,)) + ) + tk_graph_rescaled.to_GraphML( + target_folder, filename='TokenGraph-directed-rescaled', directed=False + ) + save_to_GraphML( + tk_graph_rescaled_undirected, + saving_path=target_folder, + filename='TokenGraph-undirected-rescaled', + ) + + return target_folder + + +def _run_static_graph_rendering( + target_folder: Path, +) -> Path: + # load entry point + # save_folder = get_save_folder() + entry_point_path = get_entry_point( + target_folder, + EntryPoints.TK_GRAPH_ANALYSIS_RESCALED, + ) + loaded_results = cast( + tuple[TokenGraph, Graph], + load_pickle(entry_point_path), + ) + _ = loaded_results[0] + tk_graph_rescaled_undirected = loaded_results[1] + + if pipe_static_graph_rendering is not None: + _ = pipe_static_graph_rendering.run(starting_values=(tk_graph_rescaled_undirected,)) + + return target_folder + + +# ** time analysis +def _run_time_analysis( + target_folder: Path, +) -> Path: + # load entry point + # save_folder = get_save_folder() + entry_point_path = get_entry_point(target_folder, EntryPoints.TIMELINE) + loaded_results = cast(tuple[DataFrame], load_pickle(entry_point_path)) + preprocessed_data = loaded_results[0] + + _ = cast( + tuple[TimelineCandidates, dict[ObjectID, str]], + pipe_timeline.run(starting_values=(preprocessed_data,)), + ) + + return target_folder + + +def _build_pipeline_container( + target_folder: Path, +) -> Pipeline: + # save_folder = get_save_folder() + # container = PipelineContainer(name='Pipeline-Container-Base', working_dir=target_folder) + container = Pipeline(name='Pipeline-Base', working_dir=target_folder) + container.add(_run_preprocessing_on_csv, skip=SKIP_PREPROCESSING) + container.add(_run_token_analysis, skip=SKIP_TOKEN_ANALYSIS) + container.add(_run_graph_postprocessing, skip=SKIP_GRAPH_POSTPROCESSING) + container.add(_run_graph_edge_rescaling, skip=SKIP_GRAPH_RESCALING) + container.add(_run_static_graph_rendering, skip=SKIP_GRAPH_STATIC_RENDERING) + container.add(_run_time_analysis, skip=SKIP_TIME_ANALYSIS) + + return container + + +def run_on_csv_data( + id: str, + filename: str, +) -> None: + target_folder, data_pth = _prepare_run_on_csv(id=id, filename=filename) + _set_save_folder(target_folder) + procedure = _build_pipeline_container(target_folder) + procedure.run(starting_values=(target_folder, data_pth)) diff --git a/test.py b/test.py new file mode 100644 index 0000000..2efdde7 --- /dev/null +++ b/test.py @@ -0,0 +1,21 @@ +import os + +os.environ['LANG_MAIN_STOP_SEARCH_FOLDERNAME'] = 'python' +os.environ['LANG_MAIN_BASE_FOLDERNAME'] = 'bin' + +from tom_plugin import pipeline + + +def run_pipe() -> None: + # lang-data\in\Dummy_Dataset_N_1000.csv + # relative_path = r'.\lang-data\in\Dummy_Dataset_N_1000.csv' + # absolute_path = r'A:\Arbeitsaufgaben\lang-data\in\Dummy_Dataset_N_1000.csv' + filename: str = 'Dummy_Dataset_N_1000.csv' + + # pipeline.run_on_csv_data(id='123', filename=relative_path) + # pipeline.run_on_csv_data(id='124', filename=absolute_path) + pipeline.run_on_csv_data(id='1234', filename=filename) + + +if __name__ == '__main__': + run_pipe() diff --git a/tests/__init__.py b/tests/__init__.py new file mode 100644 index 0000000..e69de29 diff --git a/tom-plugin.code-workspace b/tom-plugin.code-workspace new file mode 100644 index 0000000..876a149 --- /dev/null +++ b/tom-plugin.code-workspace @@ -0,0 +1,8 @@ +{ + "folders": [ + { + "path": "." + } + ], + "settings": {} +} \ No newline at end of file diff --git a/update_and_publish.ps1 b/update_and_publish.ps1 new file mode 100644 index 0000000..b434480 --- /dev/null +++ b/update_and_publish.ps1 @@ -0,0 +1,2 @@ +pdm update -u -x lang-main +pdm publish -r local --skip-existing \ No newline at end of file diff --git a/update_lang_main.ps1 b/update_lang_main.ps1 new file mode 100644 index 0000000..47690b8 --- /dev/null +++ b/update_lang_main.ps1 @@ -0,0 +1 @@ +pdm update -u -x lang-main \ No newline at end of file