From 4575b834bf8b9da1e930e712128fe54a5c32480c Mon Sep 17 00:00:00 2001 From: Niels Warncke Date: Mon, 6 Oct 2025 22:04:57 +0200 Subject: [PATCH 01/27] docs: add cookbook/api-deployment to llm.txt --- LLM.md | 104 ++++++++++++++++++++++++++++----- cookbook/README.md | 9 ++- cookbook/api-deployment/api.md | 2 +- llm.txt | 103 +++++++++++++++++++++++++++----- llm_dot_txt.py | 6 +- 5 files changed, 184 insertions(+), 40 deletions(-) diff --git a/LLM.md b/LLM.md index 7c1d263..2601d1f 100644 --- a/LLM.md +++ b/LLM.md @@ -150,13 +150,12 @@ This folder contains examples that demonstrate usgae of openweights features. - [Finetuning with token-level weights for loss](sft/token_level_weighted_sft.py) - [Sampling at intermediate steps](sft/sampling_callback.py) - [Preference learning (DPO and ORPO)](preference_learning) -- Inference - - Minimal example using Qwen3-4B +- [Batch inference](inference/run_inference.py), supports: - Inference from LoRA adapter - Inference from checkpoint -- API deployment - - Minimal example to deploy a huggingface model as openai-compatible vllm API - - Starting a gradio playground to chat with multiple LoRA finetunes of the same parent model +- [API deployment](api-deployment) + - [Minimal example](api-deployment/context_manager_api.py) to deploy a huggingface model as openai-compatible vllm API + - Starting a [gradio playground](api-deployment/gradio_ui.py) to chat with multiple LoRA finetunes of the same parent model - [Writing a custom job](custom_job) @@ -247,7 +246,9 @@ Example: } ``` This format is used for fine-tuning with `loss="dpo"` or `loss="orpo"`. + + from openweights import OpenWeights @@ -530,6 +531,86 @@ llama3_dpo.py llama3_orpo.py preferences.jsonl + +import json +import time + +from openweights import OpenWeights + +ow = OpenWeights() + +# Create an inference job +job = ow.inference.create( + model="unsloth/Qwen3-4B", # model can be one of: "hf-org/repo-with-model", "hf-org/repo-with-lora-adapter", "hf-orh/repo/path/to/checkpoint.ckpt" + input_file_id=ow.files.upload("prompts.jsonl", purpose="conversations")["id"], + max_tokens=1000, + temperature=0.8, + max_model_len=2048, +) +print(job) + +# wait for completion +while job.refresh().status != "completed": + time.sleep(5) + +# Get output +outputs_str = ow.files.content(job.outputs["file"]).decode("utf-8") +outputs = [json.loads(line) for line in outputs_str.split("\n") if line] +print(outputs[0]["messages"][0]["content"]) +print(outputs[0]["completion"]) + + + + +api.md +context_manager_api.py +gradio_ui.py + + +from openweights import OpenWeights + +ow = OpenWeights() + +model = "unsloth/Qwen3-8B" + +# async with ow.api.deploy(model) also works +with ow.api.deploy(model): # async with ow.api.deploy(model) also works + # entering the context manager is equivalent to api = ow.api.deploy(model) ; api.up() + completion = ow.chat.completions.create( + model=model, messages=[{"role": "user", "content": "is 9.11 > 9.9?"}] + ) + print( + completion.choices[0].message + ) # when this context manager exits, it calls api.down() + + + + +"""Usage: +python gradio_ui_with_temporary_api.py unsloth/DeepSeek-R1-Distill-Qwen-1.5B +""" + +import gradio as gr # type: ignore + +from openweights import OpenWeights # type: ignore + +ow = OpenWeights() + + +def chat_with(model): + # You can pass a list of models or lora adapters to ow.api.multi_deploy(). + # Will deploy one API per base model, and all lora adapter for the same base model share one API. + api = ow.api.multi_deploy([model])[model] + with api as client: + gr.load_chat(api.base_url, model=model, token=api.api_key).launch() + + +if __name__ == "__main__": + import fire # type: ignore + + fire.Fire(chat_with) + + README.md @@ -574,7 +655,9 @@ You can see an example custom job implemented in [client_side.py](client_side.py ## Logging Jobs can log data via `ow.run.log({"foo": "bar"})`. Logs can be retrieved via `events = ow.events.list(run_id=job.runs[-1].id)` + + import json import os @@ -674,25 +757,14 @@ print(f"{a} + {b} = {result}") - - - - prompts.jsonl run_inference.py - -api.md -context_manager_api.py -gradio_ui.py - - - # Development Start a pod in dev mode - that allows ssh'ing into it without starting a worker automatically. This is useful to debug the worker. ```sh diff --git a/cookbook/README.md b/cookbook/README.md index cc21a07..00ca10b 100644 --- a/cookbook/README.md +++ b/cookbook/README.md @@ -7,13 +7,12 @@ This folder contains examples that demonstrate usgae of openweights features. - [Finetuning with token-level weights for loss](sft/token_level_weighted_sft.py) - [Sampling at intermediate steps](sft/sampling_callback.py) - [Preference learning (DPO and ORPO)](preference_learning) -- Inference - - Minimal example using Qwen3-4B +- [Batch inference](inference/run_inference.py), supports: - Inference from LoRA adapter - Inference from checkpoint -- API deployment - - Minimal example to deploy a huggingface model as openai-compatible vllm API - - Starting a gradio playground to chat with multiple LoRA finetunes of the same parent model +- [API deployment](api-deployment) + - [Minimal example](api-deployment/context_manager_api.py) to deploy a huggingface model as openai-compatible vllm API + - Starting a [gradio playground](api-deployment/gradio_ui.py) to chat with multiple LoRA finetunes of the same parent model - [Writing a custom job](custom_job) diff --git a/cookbook/api-deployment/api.md b/cookbook/api-deployment/api.md index 34be3bc..1146824 100644 --- a/cookbook/api-deployment/api.md +++ b/cookbook/api-deployment/api.md @@ -3,6 +3,6 @@ You can deploy models as openai-like APIs in one of the following ways (sorted from highest to lowest level of abstraction) - create chat completions via `ow.chat.completions.create` or `await ow.async_chat.completions.create` - this will deploy models when needed. This queues to-be-deployed models for 5 seconds and then deploys them via `ow.multi_deploy`. This client is optimized to not overload the vllm server it is talking to. - pass a list of models to deploy to `ow.multi_deploy` - this takes a list of models or lora adapters, groups them by `base_model`, and deploys all lora adapters of the same base model on one API to save runpod resources. Calls `ow.deploy` for each single deployment job. [Example](gradio_ui.py) -- `ow.api.deploy` - takes a single model and optionally a list of lora adapters, then creates a job of type `api`. Returns a `openweights.client.temporary_api.TemporaryAPI` object. [Example](../example/gradio_ui_with_temporary_api.py) +- `ow.api.deploy` - takes a single model and optionally a list of lora adapters, then creates a job of type `api`. Returns a `openweights.client.temporary_api.TemporaryAPI` object. API jobs can never complete, they stop either because they are canceled or failed. API jobs have a timeout 15 minutes in the future when they are being created, and while a `TemporaryAPI` is alive (after `api.up()` and before `api.down()` has been called), it resets the timeout every minute. This ensures that an API is alive while the process that created it is running, at that it will automatically shut down later - but not immediately so that during debugging you don't always have to wait for deployment. diff --git a/llm.txt b/llm.txt index 6ca5a33..2c14bca 100644 --- a/llm.txt +++ b/llm.txt @@ -150,13 +150,12 @@ This folder contains examples that demonstrate usgae of openweights features. - [Finetuning with token-level weights for loss](sft/token_level_weighted_sft.py) - [Sampling at intermediate steps](sft/sampling_callback.py) - [Preference learning (DPO and ORPO)](preference_learning) -- Inference - - Minimal example using Qwen3-4B +- [Batch inference](inference/run_inference.py), supports: - Inference from LoRA adapter - Inference from checkpoint -- API deployment - - Minimal example to deploy a huggingface model as openai-compatible vllm API - - Starting a gradio playground to chat with multiple LoRA finetunes of the same parent model +- [API deployment](api-deployment) + - [Minimal example](api-deployment/context_manager_api.py) to deploy a huggingface model as openai-compatible vllm API + - Starting a [gradio playground](api-deployment/gradio_ui.py) to chat with multiple LoRA finetunes of the same parent model - [Writing a custom job](custom_job) @@ -247,7 +246,9 @@ Example: } ``` This format is used for fine-tuning with `loss="dpo"` or `loss="orpo"`. + + from openweights import OpenWeights @@ -530,6 +531,86 @@ llama3_dpo.py llama3_orpo.py preferences.jsonl + +import json +import time + +from openweights import OpenWeights + +ow = OpenWeights() + +# Create an inference job +job = ow.inference.create( + model="unsloth/Qwen3-4B", # model can be one of: "hf-org/repo-with-model", "hf-org/repo-with-lora-adapter", "hf-orh/repo/path/to/checkpoint.ckpt" + input_file_id=ow.files.upload("prompts.jsonl", purpose="conversations")["id"], + max_tokens=1000, + temperature=0.8, + max_model_len=2048, +) +print(job) + +# wait for completion +while job.refresh().status != "completed": + time.sleep(5) + +# Get output +outputs_str = ow.files.content(job.outputs["file"]).decode("utf-8") +outputs = [json.loads(line) for line in outputs_str.split("\n") if line] +print(outputs[0]["messages"][0]["content"]) +print(outputs[0]["completion"]) + + + + +api.md +context_manager_api.py +gradio_ui.py + + +from openweights import OpenWeights + +ow = OpenWeights() + +model = "unsloth/Qwen3-8B" + +# async with ow.api.deploy(model) also works +with ow.api.deploy(model): # async with ow.api.deploy(model) also works + # entering the context manager is equivalent to api = ow.api.deploy(model) ; api.up() + completion = ow.chat.completions.create( + model=model, messages=[{"role": "user", "content": "is 9.11 > 9.9?"}] + ) + print( + completion.choices[0].message + ) # when this context manager exits, it calls api.down() + + + + +"""Usage: +python gradio_ui_with_temporary_api.py unsloth/DeepSeek-R1-Distill-Qwen-1.5B +""" + +import gradio as gr # type: ignore + +from openweights import OpenWeights # type: ignore + +ow = OpenWeights() + + +def chat_with(model): + # You can pass a list of models or lora adapters to ow.api.multi_deploy(). + # Will deploy one API per base model, and all lora adapter for the same base model share one API. + api = ow.api.multi_deploy([model])[model] + with api as client: + gr.load_chat(api.base_url, model=model, token=api.api_key).launch() + + +if __name__ == "__main__": + import fire # type: ignore + + fire.Fire(chat_with) + + README.md @@ -574,7 +655,9 @@ You can see an example custom job implemented in [client_side.py](client_side.py ## Logging Jobs can log data via `ow.run.log({"foo": "bar"})`. Logs can be retrieved via `events = ow.events.list(run_id=job.runs[-1].id)` + + import json import os @@ -674,20 +757,10 @@ print(f"{a} + {b} = {result}") - - - - prompts.jsonl run_inference.py - - -api.md -context_manager_api.py -gradio_ui.py - diff --git a/llm_dot_txt.py b/llm_dot_txt.py index 33bfae1..5d39fa6 100644 --- a/llm_dot_txt.py +++ b/llm_dot_txt.py @@ -24,14 +24,14 @@ def process_file(path, visited=None, with_tags=True): if os.path.exists(readme_path): out.append(process_file(readme_path, visited)) out.append(f"") - return "\n".join(out) + "\n" + return "\n".join(out) # For files with open(path, "r", encoding="utf-8") as f: content = f.read() if with_tags: - out = [f"<{path}>", content, f""] + out = [f"<{path}>", content, f"\n"] else: out = [content] @@ -42,7 +42,7 @@ def process_file(path, visited=None, with_tags=True): link_path = os.path.normpath(os.path.join(os.path.dirname(path), link)) out.append(process_file(link_path, visited)) - return "\n".join(out) + "\n" + return "\n".join(out) def main(): From 21fb4107f202f30e9363fa4153bb3aedbe9766aa Mon Sep 17 00:00:00 2001 From: Niels Warncke Date: Thu, 9 Oct 2025 10:42:41 +0200 Subject: [PATCH 02/27] misc minor updates of sft training --- openweights/client/jobs.py | 3 +-- openweights/cluster/README.md | 8 +++++--- openweights/jobs/unsloth/__init__.py | 2 +- openweights/jobs/unsloth/sft.py | 4 ++-- openweights/jobs/unsloth/training.py | 2 +- openweights/jobs/unsloth/validate.py | 2 +- openweights/jobs/weighted_sft/training.py | 3 ++- 7 files changed, 13 insertions(+), 11 deletions(-) diff --git a/openweights/client/jobs.py b/openweights/client/jobs.py index 928efe2..9ca820f 100644 --- a/openweights/client/jobs.py +++ b/openweights/client/jobs.py @@ -66,8 +66,7 @@ def refresh(self): class Jobs: mount: Dict[str, str] = {} # source path -> target path mapping params: Type[BaseModel] = BaseModel # Pydantic model for parameter validation - # base_image: str = 'nielsrolf/ow-inference-v2' # Base Docker image to use - base_image: str = "nielsrolf/ow-default:v0.6" + base_image: str = "nielsrolf/ow-default:v0.7" requires_vram_gb: int = 24 # Required VRAM in GB def __init__(self, client): diff --git a/openweights/cluster/README.md b/openweights/cluster/README.md index 676f071..816bb99 100644 --- a/openweights/cluster/README.md +++ b/openweights/cluster/README.md @@ -18,8 +18,10 @@ python openweights/cluster/supervisor.py # Updating worker images ```sh -docker build -t nielsrolf/ow-default:v0.6 . -docker push nielsrolf/ow-default:v0.6 +docker buildx build \ + --platform linux/amd64,linux/arm64 \ + -t nielsrolf/ow-default:v0.7 \ + --push . ``` -Run an image locally: `docker run -e OW_DEV=true -ti nielsrolf/ow-default:v0.6 /bin/bash` +Run an image locally: `docker run -rm -e OW_DEV=true --env-file .env -ti nielsrolf/ow-default:v0.7 /bin/bash` diff --git a/openweights/jobs/unsloth/__init__.py b/openweights/jobs/unsloth/__init__.py index 30f1ea1..25bffd7 100644 --- a/openweights/jobs/unsloth/__init__.py +++ b/openweights/jobs/unsloth/__init__.py @@ -71,7 +71,7 @@ def create( "requires_vram_gb": requires_vram_gb, "allowed_hardware": allowed_hardware, "docker_image": self.base_image, - "script": f"python training.py {job_id}", + "script": f"accelerate launch training.py {job_id}", } logging.info( f"Creating fine-tuning job with data: {json.dumps(data, indent=4)}" diff --git a/openweights/jobs/unsloth/sft.py b/openweights/jobs/unsloth/sft.py index c614433..158e9ee 100644 --- a/openweights/jobs/unsloth/sft.py +++ b/openweights/jobs/unsloth/sft.py @@ -1,14 +1,13 @@ from os.path import commonprefix from logp_callback import LogTestLossCallback +from sampling_callback import SamplingCallback from transformers import DataCollatorForSeq2Seq, TrainingArguments from trl import SFTTrainer from unsloth import is_bfloat16_supported from unsloth.chat_templates import train_on_responses_only from utils import GPUStatsCallback, LogMetrics -from openweights.jobs.unsloth.sampling_callback import SamplingCallback - def print_dataset_examples(dataset, dataset_name, num_examples=3): """Print first few examples from a dataset for debugging.""" @@ -171,6 +170,7 @@ def apply_chat_template(examples): num_train_epochs=training_cfg.epochs, save_steps=training_cfg.save_steps, output_dir=training_cfg.output_dir, + ddp_find_unused_parameters=False, **kwargs, ), callbacks=[LogMetrics(), GPUStatsCallback()] diff --git a/openweights/jobs/unsloth/training.py b/openweights/jobs/unsloth/training.py index 62a0fa0..3d8a4a6 100644 --- a/openweights/jobs/unsloth/training.py +++ b/openweights/jobs/unsloth/training.py @@ -165,7 +165,7 @@ def push_model(training_cfg, finetuned_model_id, model, tokenizer): def main(config_job_id: str, skip_client_logging: bool = False): if os.path.exists(config_job_id): - with open(config, "r") as f: + with open(config_job_id, "r") as f: config = json.load(f) else: job = client.jobs.retrieve(config_job_id) diff --git a/openweights/jobs/unsloth/validate.py b/openweights/jobs/unsloth/validate.py index 0c045c0..71e89d4 100644 --- a/openweights/jobs/unsloth/validate.py +++ b/openweights/jobs/unsloth/validate.py @@ -126,7 +126,7 @@ class Config: @model_validator(mode="before") def validate_training_file_prefixes(cls, values): - loss = values.get("loss", "orpo") + loss = values.get("loss", "sft") training_file = values.get("training_file") if os.path.exists(training_file): diff --git a/openweights/jobs/weighted_sft/training.py b/openweights/jobs/weighted_sft/training.py index fc81526..a1044de 100644 --- a/openweights/jobs/weighted_sft/training.py +++ b/openweights/jobs/weighted_sft/training.py @@ -141,11 +141,12 @@ def push_model(training_cfg, finetuned_model_id, model, tokenizer): def main(config_job_id: str, skip_client_logging: bool = False): if os.path.exists(config_job_id): - with open(config, "r") as f: + with open(config_job_id, "r") as f: config = json.load(f) else: job = client.jobs.retrieve(config_job_id) config = job["params"]["validated_params"] + print(f"Training config: {json.dumps(config, indent=4)}") training_config = SFTConfig(**config) train(training_config, skip_client_logging) From c0d629eaa132d0ebbce20c87b8245b757f1321a0 Mon Sep 17 00:00:00 2001 From: Niels Warncke Date: Thu, 16 Oct 2025 18:02:10 +0200 Subject: [PATCH 03/27] fix ui bug --- .gitignore | 26 +- openweights/dashboard/frontend/src/App.tsx | 2 +- uv.lock | 3722 ++++++++++---------- 3 files changed, 1884 insertions(+), 1866 deletions(-) diff --git a/.gitignore b/.gitignore index 0e3770d..fe4f31e 100644 --- a/.gitignore +++ b/.gitignore @@ -37,7 +37,6 @@ cache # Bazel IntelliJ plugin .ijwb/ - # Python __pycache__/ *.py[cod] @@ -60,21 +59,40 @@ wheels/ .installed.cfg *.egg -# Virtual Environment +# Virtual environments venv/ env/ ENV/ -# IDE -.idea/ +# IDEs .vscode/ +.idea/ *.swp *.swo +*~ + +# Environment variables +.env +.env.local + +# Supabase +.supabase/ +!.supabase/dev-project-ref +!.supabase/prod-project-ref + +# Logs +*.log # OS .DS_Store Thumbs.db +# Project specific +outputs/ +tool_output/ +*.db +cache/ +.env.backup example/ft_job_artifacts/ example/mcq_dataset.jsonl openweights/jobs/unsloth/logp.ipynb diff --git a/openweights/dashboard/frontend/src/App.tsx b/openweights/dashboard/frontend/src/App.tsx index 95c3c6a..8e8fae9 100644 --- a/openweights/dashboard/frontend/src/App.tsx +++ b/openweights/dashboard/frontend/src/App.tsx @@ -200,7 +200,7 @@ function OrganizationRoutes() { } if (!organizations.length) { - return No organizations available; + return ; } if (orgId && !organizations.find(o => o.id === orgId)) { diff --git a/uv.lock b/uv.lock index 00dea82..2a985f8 100644 --- a/uv.lock +++ b/uv.lock @@ -1,5 +1,5 @@ version = 1 -revision = 3 +revision = 2 requires-python = ">=3.11" resolution-markers = [ "python_full_version >= '3.12'", @@ -19,9 +19,9 @@ dependencies = [ { name = "safetensors" }, { name = "torch" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/97/33/47bbd507e3a851d33d19ce7b2141c5ea3689bfae91ba168044d7db24b0e9/accelerate-1.7.0.tar.gz", hash = "sha256:e8a2a5503d6237b9eee73cc8d36cf543f9c2d8dd2c6713450b322f5e6d53a610", size = 376026, upload-time = "2025-05-15T10:00:52.117Z" } +sdist = { url = "https://files.pythonhosted.org/packages/97/33/47bbd507e3a851d33d19ce7b2141c5ea3689bfae91ba168044d7db24b0e9/accelerate-1.7.0.tar.gz", hash = "sha256:e8a2a5503d6237b9eee73cc8d36cf543f9c2d8dd2c6713450b322f5e6d53a610", size = 376026, upload_time = "2025-05-15T10:00:52.117Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/f8/bb/be8146c196ad6e4dec78385d91e92591f8a433576c4e04c342a636fcd811/accelerate-1.7.0-py3-none-any.whl", hash = "sha256:cf57165cca28769c6cf2650812371c81b18e05743dfa3c748524b1bb4f2b272f", size = 362095, upload-time = "2025-05-15T10:00:49.914Z" }, + { url = "https://files.pythonhosted.org/packages/f8/bb/be8146c196ad6e4dec78385d91e92591f8a433576c4e04c342a636fcd811/accelerate-1.7.0-py3-none-any.whl", hash = "sha256:cf57165cca28769c6cf2650812371c81b18e05743dfa3c748524b1bb4f2b272f", size = 362095, upload_time = "2025-05-15T10:00:49.914Z" }, ] [[package]] @@ -31,18 +31,18 @@ source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pycares" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/92/9b/e96226eed7568ddfd075b03695e3e1298d9de48724128a3a2957f5ee6ec8/aiodns-3.4.0.tar.gz", hash = "sha256:24b0ae58410530367f21234d0c848e4de52c1f16fbddc111726a4ab536ec1b2f", size = 11433, upload-time = "2025-05-08T19:52:34.449Z" } +sdist = { url = "https://files.pythonhosted.org/packages/92/9b/e96226eed7568ddfd075b03695e3e1298d9de48724128a3a2957f5ee6ec8/aiodns-3.4.0.tar.gz", hash = "sha256:24b0ae58410530367f21234d0c848e4de52c1f16fbddc111726a4ab536ec1b2f", size = 11433, upload_time = "2025-05-08T19:52:34.449Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/60/d8/54c601c37e97b0b1f8ceb148b360fbb9dc6782ab8e25542c8db649192e6b/aiodns-3.4.0-py3-none-any.whl", hash = "sha256:4da2b25f7475343f3afbb363a2bfe46afa544f2b318acb9a945065e622f4ed24", size = 7133, upload-time = "2025-05-08T19:52:30.703Z" }, + { url = "https://files.pythonhosted.org/packages/60/d8/54c601c37e97b0b1f8ceb148b360fbb9dc6782ab8e25542c8db649192e6b/aiodns-3.4.0-py3-none-any.whl", hash = "sha256:4da2b25f7475343f3afbb363a2bfe46afa544f2b318acb9a945065e622f4ed24", size = 7133, upload_time = "2025-05-08T19:52:30.703Z" }, ] [[package]] name = "aiohappyeyeballs" version = "2.6.1" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/26/30/f84a107a9c4331c14b2b586036f40965c128aa4fee4dda5d3d51cb14ad54/aiohappyeyeballs-2.6.1.tar.gz", hash = "sha256:c3f9d0113123803ccadfdf3f0faa505bc78e6a72d1cc4806cbd719826e943558", size = 22760, upload-time = "2025-03-12T01:42:48.764Z" } +sdist = { url = "https://files.pythonhosted.org/packages/26/30/f84a107a9c4331c14b2b586036f40965c128aa4fee4dda5d3d51cb14ad54/aiohappyeyeballs-2.6.1.tar.gz", hash = "sha256:c3f9d0113123803ccadfdf3f0faa505bc78e6a72d1cc4806cbd719826e943558", size = 22760, upload_time = "2025-03-12T01:42:48.764Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/0f/15/5bf3b99495fb160b63f95972b81750f18f7f4e02ad051373b669d17d44f2/aiohappyeyeballs-2.6.1-py3-none-any.whl", hash = "sha256:f349ba8f4b75cb25c99c5c2d84e997e485204d2902a9597802b0371f09331fb8", size = 15265, upload-time = "2025-03-12T01:42:47.083Z" }, + { url = "https://files.pythonhosted.org/packages/0f/15/5bf3b99495fb160b63f95972b81750f18f7f4e02ad051373b669d17d44f2/aiohappyeyeballs-2.6.1-py3-none-any.whl", hash = "sha256:f349ba8f4b75cb25c99c5c2d84e997e485204d2902a9597802b0371f09331fb8", size = 15265, upload_time = "2025-03-12T01:42:47.083Z" }, ] [[package]] @@ -58,59 +58,59 @@ dependencies = [ { name = "propcache" }, { name = "yarl" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/f2/84/ea27e6ad14747d8c51afe201fb88a5c8282b6278256d30a6f71f730add88/aiohttp-3.12.12.tar.gz", hash = "sha256:05875595d2483d96cb61fa9f64e75262d7ac6251a7e3c811d8e26f7d721760bd", size = 7818643, upload-time = "2025-06-10T05:22:00.247Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/47/1f/b1b66e05dc3066a9ba7862d50e2e95b3871db82ccf9652568845f353eeba/aiohttp-3.12.12-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:38823fe0d8bc059b3eaedb263fe427d887c7032e72b4ef92c472953285f0e658", size = 709385, upload-time = "2025-06-10T05:19:05.763Z" }, - { url = "https://files.pythonhosted.org/packages/43/e6/3230e42af16438b450b1e193c537fd3d2d31771dafda3c2105a8d11af707/aiohttp-3.12.12-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:10237f2c34711215d04ed21da63852ce023608299554080a45c576215d9df81c", size = 481660, upload-time = "2025-06-10T05:19:08.332Z" }, - { url = "https://files.pythonhosted.org/packages/06/ba/cfa91fe5cc262535e1175b1522d8fcc09f9d6ad18b85241f4ee3be1d780f/aiohttp-3.12.12-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:563ec477c0dc6d56fc7f943a3475b5acdb399c7686c30f5a98ada24bb7562c7a", size = 469924, upload-time = "2025-06-10T05:19:10.342Z" }, - { url = "https://files.pythonhosted.org/packages/9a/f0/5c706cfddd4769b55c0cda466aa6034412d39e416f0b30dda81c4a24616f/aiohttp-3.12.12-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:f3d05c46a61aca7c47df74afff818bc06a251ab95d95ff80b53665edfe1e0bdf", size = 1740116, upload-time = "2025-06-10T05:19:12.783Z" }, - { url = "https://files.pythonhosted.org/packages/4d/9f/04dba2e1c8bee53c3c623d11a1f947c9e2712500f734dc0dfd06daad32ec/aiohttp-3.12.12-cp311-cp311-manylinux_2_17_armv7l.manylinux2014_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:277c882916759b4a6b6dc7e2ceb124aad071b3c6456487808d9ab13e1b448d57", size = 1688784, upload-time = "2025-06-10T05:19:15.36Z" }, - { url = "https://files.pythonhosted.org/packages/df/24/19d6d4c41fbf8304fe7c111fcc701e0aa5a2232ee3ac16272677a11f9cfe/aiohttp-3.12.12-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:216abf74b324b0f4e67041dd4fb2819613909a825904f8a51701fbcd40c09cd7", size = 1787575, upload-time = "2025-06-10T05:19:18.586Z" }, - { url = "https://files.pythonhosted.org/packages/0c/59/01f4c55a1f91ad3b5255b2498b3a22362a3fe6ee9bc9ba1af3cc668244da/aiohttp-3.12.12-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:65d6cefad286459b68e7f867b9586a821fb7f121057b88f02f536ef570992329", size = 1826621, upload-time = "2025-06-10T05:19:21.284Z" }, - { url = "https://files.pythonhosted.org/packages/55/85/6357166918ff5025602a7cc41332c1ae7a5b57f2fe3da4d755ae30f24bd0/aiohttp-3.12.12-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:feaaaff61966b5f4b4eae0b79fc79427f49484e4cfa5ab7d138ecd933ab540a8", size = 1729082, upload-time = "2025-06-10T05:19:23.307Z" }, - { url = "https://files.pythonhosted.org/packages/e3/ca/de3b5ccd5a2aa9352f6ec6f446565f6e1601ebb54860c94c686a9ff76660/aiohttp-3.12.12-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:a05917780b7cad1755784b16cfaad806bc16029a93d15f063ca60185b7d9ba05", size = 1666159, upload-time = "2025-06-10T05:19:25.929Z" }, - { url = "https://files.pythonhosted.org/packages/d1/69/a1006021a1d3244c0872ee75cd8da150e0098b3b2ec6945c225754d11a60/aiohttp-3.12.12-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:082c5ec6d262c1b2ee01c63f4fb9152c17f11692bf16f0f100ad94a7a287d456", size = 1714433, upload-time = "2025-06-10T05:19:28.044Z" }, - { url = "https://files.pythonhosted.org/packages/d2/2a/15aa1179e9fbdd0d17cdf117b4296dedad098abb5a93f8e9c8ab4626f6ea/aiohttp-3.12.12-cp311-cp311-musllinux_1_2_armv7l.whl", hash = "sha256:b265a3a8b379b38696ac78bdef943bdc4f4a5d6bed1a3fb5c75c6bab1ecea422", size = 1709590, upload-time = "2025-06-10T05:19:30.165Z" }, - { url = "https://files.pythonhosted.org/packages/a2/f0/95ed9e21250815f1d1a0cd3e868a3f39400a16010ae59f19ddd4ccc4e787/aiohttp-3.12.12-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:2e0f2e208914ecbc4b2a3b7b4daa759d0c587d9a0b451bb0835ac47fae7fa735", size = 1689776, upload-time = "2025-06-10T05:19:32.965Z" }, - { url = "https://files.pythonhosted.org/packages/81/4d/370ecc133c648c98a85445f2d331c1272859c89cd52c29a293015bc352c7/aiohttp-3.12.12-cp311-cp311-musllinux_1_2_ppc64le.whl", hash = "sha256:9923b025845b72f64d167bca221113377c8ffabd0a351dc18fb839d401ee8e22", size = 1783378, upload-time = "2025-06-10T05:19:35.14Z" }, - { url = "https://files.pythonhosted.org/packages/a8/86/414e3dae7e07caf6b02cd75d7148d0d8673d4c5077f407be3627d6e33fac/aiohttp-3.12.12-cp311-cp311-musllinux_1_2_s390x.whl", hash = "sha256:1ebb213445900527831fecc70e185bf142fdfe5f2a691075f22d63c65ee3c35a", size = 1803841, upload-time = "2025-06-10T05:19:37.41Z" }, - { url = "https://files.pythonhosted.org/packages/88/df/486f10df681cd1a8c898acc8dc2edbd46ffb088b886757b71ae362bf44d3/aiohttp-3.12.12-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:6fc369fb273a8328077d37798b77c1e65676709af5c182cb74bd169ca9defe81", size = 1716896, upload-time = "2025-06-10T05:19:40.172Z" }, - { url = "https://files.pythonhosted.org/packages/07/1e/1cacaf5d838869432e96ece1580d0b51494ebb66351f0e8118b74b38d2f0/aiohttp-3.12.12-cp311-cp311-win32.whl", hash = "sha256:58ecd10fda6a44c311cd3742cfd2aea8c4c600338e9f27cb37434d9f5ca9ddaa", size = 427030, upload-time = "2025-06-10T05:19:42.152Z" }, - { url = "https://files.pythonhosted.org/packages/30/dd/e89c1d190da2c84e0ca03c2970b9988a9c56005d18db7f447cf62b3ae6d0/aiohttp-3.12.12-cp311-cp311-win_amd64.whl", hash = "sha256:b0066e88f30be00badffb5ef8f2281532b9a9020863d873ae15f7c147770b6ec", size = 451419, upload-time = "2025-06-10T05:19:44.176Z" }, - { url = "https://files.pythonhosted.org/packages/df/e6/df14ec151942818ecc5e685fa8a4b07d3d3d8a9e4a7d2701047c89290551/aiohttp-3.12.12-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:98451ce9ce229d092f278a74a7c2a06b3aa72984673c87796126d7ccade893e9", size = 700494, upload-time = "2025-06-10T05:19:46.18Z" }, - { url = "https://files.pythonhosted.org/packages/4f/dc/7bc6e17adcd7a82b0d0317ad3e792ac22c93fb672077f0eade93e8d70182/aiohttp-3.12.12-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:adbac7286d89245e1aff42e948503fdc6edf6d5d65c8e305a67c40f6a8fb95f4", size = 475095, upload-time = "2025-06-10T05:19:48.246Z" }, - { url = "https://files.pythonhosted.org/packages/80/fd/c4e8846ad9d9ecdb7d5ba96de65b7bf2c1582f0b2732f2023080c1c05255/aiohttp-3.12.12-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:0728882115bfa85cbd8d0f664c8ccc0cfd5bd3789dd837596785450ae52fac31", size = 467929, upload-time = "2025-06-10T05:19:50.79Z" }, - { url = "https://files.pythonhosted.org/packages/70/40/abebcf5c81f5e65b4379c05929773be2731ce12414264d3e0fe09ee241eb/aiohttp-3.12.12-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:6bf3b9d9e767f9d0e09fb1a31516410fc741a62cc08754578c40abc497d09540", size = 1714729, upload-time = "2025-06-10T05:19:52.989Z" }, - { url = "https://files.pythonhosted.org/packages/8e/67/4c4f96ef6f16405e7c5205ab3c28852c7e904493b6ddc1c744dda1c97a81/aiohttp-3.12.12-cp312-cp312-manylinux_2_17_armv7l.manylinux2014_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:c944860e86b9f77a462321a440ccf6fa10f5719bb9d026f6b0b11307b1c96c7b", size = 1697380, upload-time = "2025-06-10T05:19:55.832Z" }, - { url = "https://files.pythonhosted.org/packages/e9/a2/dae9ebea4caa8030170c0237e55fa0960df44b3596a849ab9ea621964054/aiohttp-3.12.12-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:3b1979e1f0c98c06fd0cd940988833b102fa3aa56751f6c40ffe85cabc51f6fd", size = 1752474, upload-time = "2025-06-10T05:19:58.007Z" }, - { url = "https://files.pythonhosted.org/packages/31/ef/f3d9073565ac7ad5257aaa1490ebfc2f182dfc817d3ccfd38c8ab35b2247/aiohttp-3.12.12-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:120b7dd084e96cfdad85acea2ce1e7708c70a26db913eabb8d7b417c728f5d84", size = 1798631, upload-time = "2025-06-10T05:20:00.393Z" }, - { url = "https://files.pythonhosted.org/packages/8b/0b/8b1978662274c80c8e4a739d9be1ae9ef25e5ce42b55838d6a9d1a4e3497/aiohttp-3.12.12-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:0e58f5ae79649ffa247081c2e8c85e31d29623cf2a3137dda985ae05c9478aae", size = 1718071, upload-time = "2025-06-10T05:20:02.812Z" }, - { url = "https://files.pythonhosted.org/packages/56/aa/35786137db867901b41cb3d2c19c0f4c56dfe581694dba99dec2683d8f8d/aiohttp-3.12.12-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:9aa5f049e3e2745b0141f13e5a64e7c48b1a1427ed18bbb7957b348f282fee56", size = 1633871, upload-time = "2025-06-10T05:20:05.127Z" }, - { url = "https://files.pythonhosted.org/packages/63/1d/34d45497dd04d08d662ecda875c44e91d271bbc5d21f4c9e4cbd3ddf7ae2/aiohttp-3.12.12-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:7163cc9cf3722d90f1822f8a38b211e3ae2fc651c63bb55449f03dc1b3ff1d44", size = 1694933, upload-time = "2025-06-10T05:20:07.431Z" }, - { url = "https://files.pythonhosted.org/packages/29/c7/41e09a4517449eabbb0a7fe6d60f584fe5b21d4bff761197eb0b81e70034/aiohttp-3.12.12-cp312-cp312-musllinux_1_2_armv7l.whl", hash = "sha256:ef97c4d035b721de6607f3980fa3e4ef0ec3aca76474b5789b7fac286a8c4e23", size = 1716386, upload-time = "2025-06-10T05:20:09.787Z" }, - { url = "https://files.pythonhosted.org/packages/3a/32/907bd2010b51b70de5314ad707dfc4e898ea0011ff3d678cdf43d6f8980a/aiohttp-3.12.12-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:1c14448d6a86acadc3f7b2f4cc385d1fb390acb6f37dce27f86fe629410d92e3", size = 1657039, upload-time = "2025-06-10T05:20:12.198Z" }, - { url = "https://files.pythonhosted.org/packages/60/27/8d87344a33346dcd39273adc33060aeb135e0ef70d1d6e71a3b03894a8e9/aiohttp-3.12.12-cp312-cp312-musllinux_1_2_ppc64le.whl", hash = "sha256:a1b6df6255cfc493454c79221183d64007dd5080bcda100db29b7ff181b8832c", size = 1736599, upload-time = "2025-06-10T05:20:14.519Z" }, - { url = "https://files.pythonhosted.org/packages/ca/45/57c7ef1af694a6d0906abab6edde03787c8c6b0cf5d8359b69d1eb0679df/aiohttp-3.12.12-cp312-cp312-musllinux_1_2_s390x.whl", hash = "sha256:60fc7338dfb0626c2927bfbac4785de3ea2e2bbe3d328ba5f3ece123edda4977", size = 1764575, upload-time = "2025-06-10T05:20:16.993Z" }, - { url = "https://files.pythonhosted.org/packages/2a/cc/b1f918cd702efa9ead9d41f89214e9225cda4e5d013d6eed7f1915c17d0a/aiohttp-3.12.12-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:d2afc72207ef4c9d4ca9fcd00689a6a37ef2d625600c3d757b5c2b80c9d0cf9a", size = 1724184, upload-time = "2025-06-10T05:20:19.296Z" }, - { url = "https://files.pythonhosted.org/packages/47/55/089762ee32c2a2e0f523d9ab38c9da2a344cac0e0cc8d16ecf206517ef7e/aiohttp-3.12.12-cp312-cp312-win32.whl", hash = "sha256:8098a48f93b2cbcdb5778e7c9a0e0375363e40ad692348e6e65c3b70d593b27c", size = 421762, upload-time = "2025-06-10T05:20:22.063Z" }, - { url = "https://files.pythonhosted.org/packages/ab/47/151f657e429972916f61399bd52b410e9072d5a2cae1b794f890930e5797/aiohttp-3.12.12-cp312-cp312-win_amd64.whl", hash = "sha256:d1c1879b2e0fc337d7a1b63fe950553c2b9e93c071cf95928aeea1902d441403", size = 447863, upload-time = "2025-06-10T05:20:24.326Z" }, - { url = "https://files.pythonhosted.org/packages/ee/3e/396a7d1c47aa7a74612b186dc716857506c61afac72337a7a96215c2a124/aiohttp-3.12.12-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:ea5d604318234427929d486954e3199aded65f41593ac57aa0241ab93dda3d15", size = 694901, upload-time = "2025-06-10T05:20:26.58Z" }, - { url = "https://files.pythonhosted.org/packages/cc/97/235e48eadf73a1854b4d4da29b88d00049309d897d55a511e1cbe4412603/aiohttp-3.12.12-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:e03ff38250b8b572dce6fcd7b6fb6ee398bb8a59e6aa199009c5322d721df4fc", size = 472552, upload-time = "2025-06-10T05:20:28.957Z" }, - { url = "https://files.pythonhosted.org/packages/6b/73/cd7c9439e8cab4113650541017c6524bd0e675b219dfdbbf945a78305e3f/aiohttp-3.12.12-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:71125b1fc2b6a94bccc63bbece620906a4dead336d2051f8af9cbf04480bc5af", size = 464853, upload-time = "2025-06-10T05:20:31.652Z" }, - { url = "https://files.pythonhosted.org/packages/d1/33/eea88ee55ed4b3f74732d9fc773e6fcf134a2971a19c7ecc49a291e7e57f/aiohttp-3.12.12-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:784a66f9f853a22c6b8c2bd0ff157f9b879700f468d6d72cfa99167df08c5c9c", size = 1703671, upload-time = "2025-06-10T05:20:33.969Z" }, - { url = "https://files.pythonhosted.org/packages/2a/e3/a67ecf9c154b13bad9e2a86ea3782a4b73e889343ffde8c1aadcf9099c09/aiohttp-3.12.12-cp313-cp313-manylinux_2_17_armv7l.manylinux2014_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:a5be0b58670b54301404bd1840e4902570a1c3be00358e2700919cb1ea73c438", size = 1684934, upload-time = "2025-06-10T05:20:36.721Z" }, - { url = "https://files.pythonhosted.org/packages/89/f0/3aaea866531be2f2fcf3a87607e1f55fa72e6ce5acd6b058941a4fc35e15/aiohttp-3.12.12-cp313-cp313-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:ce8f13566fc7bf5a728275b434bc3bdea87a7ed3ad5f734102b02ca59d9b510f", size = 1737004, upload-time = "2025-06-10T05:20:39.533Z" }, - { url = "https://files.pythonhosted.org/packages/a7/7a/15867a4c7d39d8fd9bd02191cf60b1d06415fc407bbd4ff2f9660845f1cb/aiohttp-3.12.12-cp313-cp313-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:d736e57d1901683bc9be648aa308cb73e646252c74b4c639c35dcd401ed385ea", size = 1786378, upload-time = "2025-06-10T05:20:42.03Z" }, - { url = "https://files.pythonhosted.org/packages/bd/61/82b15f87088b35705e01fce55806241b45a1099b3470bbca0bed8ee98662/aiohttp-3.12.12-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:e2007eaa7aae9102f211c519d1ec196bd3cecb1944a095db19eeaf132b798738", size = 1708707, upload-time = "2025-06-10T05:20:44.474Z" }, - { url = "https://files.pythonhosted.org/packages/28/f2/aed0786d5a1c2ed1f5a13ff2a98baacc27206b81d93812da28fc49d8a5d0/aiohttp-3.12.12-cp313-cp313-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:2a813e61583cab6d5cdbaa34bc28863acdb92f9f46e11de1b3b9251a1e8238f6", size = 1622410, upload-time = "2025-06-10T05:20:46.957Z" }, - { url = "https://files.pythonhosted.org/packages/17/54/8305f49a960376136ada977be1370fddb584c63d40bd1b9bef59469f28c7/aiohttp-3.12.12-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:e408293aa910b0aea48b86a28eace41d497a85ba16c20f619f0c604597ef996c", size = 1675435, upload-time = "2025-06-10T05:20:49.379Z" }, - { url = "https://files.pythonhosted.org/packages/bb/dc/0a55350025bc297265cfa6c6b1b1f7508f4226ca3238697cbe5e772a7d76/aiohttp-3.12.12-cp313-cp313-musllinux_1_2_armv7l.whl", hash = "sha256:f3d31faf290f5a30acba46b388465b67c6dbe8655d183e9efe2f6a1d594e6d9d", size = 1707099, upload-time = "2025-06-10T05:20:51.974Z" }, - { url = "https://files.pythonhosted.org/packages/d8/70/d949a1612b996e49d540c10ed77a0a1465c482a590e9a59c1c7897746119/aiohttp-3.12.12-cp313-cp313-musllinux_1_2_i686.whl", hash = "sha256:0b84731697325b023902aa643bd1726d999f5bc7854bc28b17ff410a81151d4b", size = 1649693, upload-time = "2025-06-10T05:20:54.973Z" }, - { url = "https://files.pythonhosted.org/packages/c1/ea/fb87beb7135e25576a1e6fbe98106c037d9fcf1543f19108f9ceb73c192c/aiohttp-3.12.12-cp313-cp313-musllinux_1_2_ppc64le.whl", hash = "sha256:a324c6852b6e327811748446e56cc9bb6eaa58710557922183175816e82a4234", size = 1725825, upload-time = "2025-06-10T05:20:57.433Z" }, - { url = "https://files.pythonhosted.org/packages/f1/1f/adbeb3e440d49b733cef499ace94723ab1fe9fb516425e219379e03b7c9a/aiohttp-3.12.12-cp313-cp313-musllinux_1_2_s390x.whl", hash = "sha256:22fd867fbd72612dcf670c90486dbcbaf702cb807fb0b42bc0b7a142a573574a", size = 1759300, upload-time = "2025-06-10T05:21:00.444Z" }, - { url = "https://files.pythonhosted.org/packages/f2/c1/2fe007ad930f409d0d7fd9916cd55ec9b78b6a611a237424266ed71da48b/aiohttp-3.12.12-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:3e092f1a970223794a4bf620a26c0e4e4e8e36bccae9b0b5da35e6d8ee598a03", size = 1708189, upload-time = "2025-06-10T05:21:02.969Z" }, - { url = "https://files.pythonhosted.org/packages/85/5e/ed3ed640fafae3972eae6cd26f66240108cf62452ac8128d59970d538cb1/aiohttp-3.12.12-cp313-cp313-win32.whl", hash = "sha256:7f5f5eb8717ef8ba15ab35fcde5a70ad28bbdc34157595d1cddd888a985f5aae", size = 420783, upload-time = "2025-06-10T05:21:06.287Z" }, - { url = "https://files.pythonhosted.org/packages/a6/db/57d2bb4af52dd0c6f62c42c7d34b82495b2902e50440134f70bfb7ee0fdd/aiohttp-3.12.12-cp313-cp313-win_amd64.whl", hash = "sha256:ace2499bdd03c329c054dc4b47361f2b19d5aa470f7db5c7e0e989336761b33c", size = 446721, upload-time = "2025-06-10T05:21:08.738Z" }, +sdist = { url = "https://files.pythonhosted.org/packages/f2/84/ea27e6ad14747d8c51afe201fb88a5c8282b6278256d30a6f71f730add88/aiohttp-3.12.12.tar.gz", hash = "sha256:05875595d2483d96cb61fa9f64e75262d7ac6251a7e3c811d8e26f7d721760bd", size = 7818643, upload_time = "2025-06-10T05:22:00.247Z" } +wheels = [ + { url = "https://files.pythonhosted.org/packages/47/1f/b1b66e05dc3066a9ba7862d50e2e95b3871db82ccf9652568845f353eeba/aiohttp-3.12.12-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:38823fe0d8bc059b3eaedb263fe427d887c7032e72b4ef92c472953285f0e658", size = 709385, upload_time = "2025-06-10T05:19:05.763Z" }, + { url = "https://files.pythonhosted.org/packages/43/e6/3230e42af16438b450b1e193c537fd3d2d31771dafda3c2105a8d11af707/aiohttp-3.12.12-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:10237f2c34711215d04ed21da63852ce023608299554080a45c576215d9df81c", size = 481660, upload_time = "2025-06-10T05:19:08.332Z" }, + { url = "https://files.pythonhosted.org/packages/06/ba/cfa91fe5cc262535e1175b1522d8fcc09f9d6ad18b85241f4ee3be1d780f/aiohttp-3.12.12-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:563ec477c0dc6d56fc7f943a3475b5acdb399c7686c30f5a98ada24bb7562c7a", size = 469924, upload_time = "2025-06-10T05:19:10.342Z" }, + { url = "https://files.pythonhosted.org/packages/9a/f0/5c706cfddd4769b55c0cda466aa6034412d39e416f0b30dda81c4a24616f/aiohttp-3.12.12-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:f3d05c46a61aca7c47df74afff818bc06a251ab95d95ff80b53665edfe1e0bdf", size = 1740116, upload_time = "2025-06-10T05:19:12.783Z" }, + { url = "https://files.pythonhosted.org/packages/4d/9f/04dba2e1c8bee53c3c623d11a1f947c9e2712500f734dc0dfd06daad32ec/aiohttp-3.12.12-cp311-cp311-manylinux_2_17_armv7l.manylinux2014_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:277c882916759b4a6b6dc7e2ceb124aad071b3c6456487808d9ab13e1b448d57", size = 1688784, upload_time = "2025-06-10T05:19:15.36Z" }, + { url = "https://files.pythonhosted.org/packages/df/24/19d6d4c41fbf8304fe7c111fcc701e0aa5a2232ee3ac16272677a11f9cfe/aiohttp-3.12.12-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:216abf74b324b0f4e67041dd4fb2819613909a825904f8a51701fbcd40c09cd7", size = 1787575, upload_time = "2025-06-10T05:19:18.586Z" }, + { url = "https://files.pythonhosted.org/packages/0c/59/01f4c55a1f91ad3b5255b2498b3a22362a3fe6ee9bc9ba1af3cc668244da/aiohttp-3.12.12-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:65d6cefad286459b68e7f867b9586a821fb7f121057b88f02f536ef570992329", size = 1826621, upload_time = "2025-06-10T05:19:21.284Z" }, + { url = "https://files.pythonhosted.org/packages/55/85/6357166918ff5025602a7cc41332c1ae7a5b57f2fe3da4d755ae30f24bd0/aiohttp-3.12.12-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:feaaaff61966b5f4b4eae0b79fc79427f49484e4cfa5ab7d138ecd933ab540a8", size = 1729082, upload_time = "2025-06-10T05:19:23.307Z" }, + { url = "https://files.pythonhosted.org/packages/e3/ca/de3b5ccd5a2aa9352f6ec6f446565f6e1601ebb54860c94c686a9ff76660/aiohttp-3.12.12-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:a05917780b7cad1755784b16cfaad806bc16029a93d15f063ca60185b7d9ba05", size = 1666159, upload_time = "2025-06-10T05:19:25.929Z" }, + { url = "https://files.pythonhosted.org/packages/d1/69/a1006021a1d3244c0872ee75cd8da150e0098b3b2ec6945c225754d11a60/aiohttp-3.12.12-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:082c5ec6d262c1b2ee01c63f4fb9152c17f11692bf16f0f100ad94a7a287d456", size = 1714433, upload_time = "2025-06-10T05:19:28.044Z" }, + { url = "https://files.pythonhosted.org/packages/d2/2a/15aa1179e9fbdd0d17cdf117b4296dedad098abb5a93f8e9c8ab4626f6ea/aiohttp-3.12.12-cp311-cp311-musllinux_1_2_armv7l.whl", hash = "sha256:b265a3a8b379b38696ac78bdef943bdc4f4a5d6bed1a3fb5c75c6bab1ecea422", size = 1709590, upload_time = "2025-06-10T05:19:30.165Z" }, + { url = "https://files.pythonhosted.org/packages/a2/f0/95ed9e21250815f1d1a0cd3e868a3f39400a16010ae59f19ddd4ccc4e787/aiohttp-3.12.12-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:2e0f2e208914ecbc4b2a3b7b4daa759d0c587d9a0b451bb0835ac47fae7fa735", size = 1689776, upload_time = "2025-06-10T05:19:32.965Z" }, + { url = "https://files.pythonhosted.org/packages/81/4d/370ecc133c648c98a85445f2d331c1272859c89cd52c29a293015bc352c7/aiohttp-3.12.12-cp311-cp311-musllinux_1_2_ppc64le.whl", hash = "sha256:9923b025845b72f64d167bca221113377c8ffabd0a351dc18fb839d401ee8e22", size = 1783378, upload_time = "2025-06-10T05:19:35.14Z" }, + { url = "https://files.pythonhosted.org/packages/a8/86/414e3dae7e07caf6b02cd75d7148d0d8673d4c5077f407be3627d6e33fac/aiohttp-3.12.12-cp311-cp311-musllinux_1_2_s390x.whl", hash = "sha256:1ebb213445900527831fecc70e185bf142fdfe5f2a691075f22d63c65ee3c35a", size = 1803841, upload_time = "2025-06-10T05:19:37.41Z" }, + { url = "https://files.pythonhosted.org/packages/88/df/486f10df681cd1a8c898acc8dc2edbd46ffb088b886757b71ae362bf44d3/aiohttp-3.12.12-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:6fc369fb273a8328077d37798b77c1e65676709af5c182cb74bd169ca9defe81", size = 1716896, upload_time = "2025-06-10T05:19:40.172Z" }, + { url = "https://files.pythonhosted.org/packages/07/1e/1cacaf5d838869432e96ece1580d0b51494ebb66351f0e8118b74b38d2f0/aiohttp-3.12.12-cp311-cp311-win32.whl", hash = "sha256:58ecd10fda6a44c311cd3742cfd2aea8c4c600338e9f27cb37434d9f5ca9ddaa", size = 427030, upload_time = "2025-06-10T05:19:42.152Z" }, + { url = "https://files.pythonhosted.org/packages/30/dd/e89c1d190da2c84e0ca03c2970b9988a9c56005d18db7f447cf62b3ae6d0/aiohttp-3.12.12-cp311-cp311-win_amd64.whl", hash = "sha256:b0066e88f30be00badffb5ef8f2281532b9a9020863d873ae15f7c147770b6ec", size = 451419, upload_time = "2025-06-10T05:19:44.176Z" }, + { url = "https://files.pythonhosted.org/packages/df/e6/df14ec151942818ecc5e685fa8a4b07d3d3d8a9e4a7d2701047c89290551/aiohttp-3.12.12-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:98451ce9ce229d092f278a74a7c2a06b3aa72984673c87796126d7ccade893e9", size = 700494, upload_time = "2025-06-10T05:19:46.18Z" }, + { url = "https://files.pythonhosted.org/packages/4f/dc/7bc6e17adcd7a82b0d0317ad3e792ac22c93fb672077f0eade93e8d70182/aiohttp-3.12.12-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:adbac7286d89245e1aff42e948503fdc6edf6d5d65c8e305a67c40f6a8fb95f4", size = 475095, upload_time = "2025-06-10T05:19:48.246Z" }, + { url = "https://files.pythonhosted.org/packages/80/fd/c4e8846ad9d9ecdb7d5ba96de65b7bf2c1582f0b2732f2023080c1c05255/aiohttp-3.12.12-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:0728882115bfa85cbd8d0f664c8ccc0cfd5bd3789dd837596785450ae52fac31", size = 467929, upload_time = "2025-06-10T05:19:50.79Z" }, + { url = "https://files.pythonhosted.org/packages/70/40/abebcf5c81f5e65b4379c05929773be2731ce12414264d3e0fe09ee241eb/aiohttp-3.12.12-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:6bf3b9d9e767f9d0e09fb1a31516410fc741a62cc08754578c40abc497d09540", size = 1714729, upload_time = "2025-06-10T05:19:52.989Z" }, + { url = "https://files.pythonhosted.org/packages/8e/67/4c4f96ef6f16405e7c5205ab3c28852c7e904493b6ddc1c744dda1c97a81/aiohttp-3.12.12-cp312-cp312-manylinux_2_17_armv7l.manylinux2014_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:c944860e86b9f77a462321a440ccf6fa10f5719bb9d026f6b0b11307b1c96c7b", size = 1697380, upload_time = "2025-06-10T05:19:55.832Z" }, + { url = "https://files.pythonhosted.org/packages/e9/a2/dae9ebea4caa8030170c0237e55fa0960df44b3596a849ab9ea621964054/aiohttp-3.12.12-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:3b1979e1f0c98c06fd0cd940988833b102fa3aa56751f6c40ffe85cabc51f6fd", size = 1752474, upload_time = "2025-06-10T05:19:58.007Z" }, + { url = "https://files.pythonhosted.org/packages/31/ef/f3d9073565ac7ad5257aaa1490ebfc2f182dfc817d3ccfd38c8ab35b2247/aiohttp-3.12.12-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:120b7dd084e96cfdad85acea2ce1e7708c70a26db913eabb8d7b417c728f5d84", size = 1798631, upload_time = "2025-06-10T05:20:00.393Z" }, + { url = "https://files.pythonhosted.org/packages/8b/0b/8b1978662274c80c8e4a739d9be1ae9ef25e5ce42b55838d6a9d1a4e3497/aiohttp-3.12.12-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:0e58f5ae79649ffa247081c2e8c85e31d29623cf2a3137dda985ae05c9478aae", size = 1718071, upload_time = "2025-06-10T05:20:02.812Z" }, + { url = "https://files.pythonhosted.org/packages/56/aa/35786137db867901b41cb3d2c19c0f4c56dfe581694dba99dec2683d8f8d/aiohttp-3.12.12-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:9aa5f049e3e2745b0141f13e5a64e7c48b1a1427ed18bbb7957b348f282fee56", size = 1633871, upload_time = "2025-06-10T05:20:05.127Z" }, + { url = "https://files.pythonhosted.org/packages/63/1d/34d45497dd04d08d662ecda875c44e91d271bbc5d21f4c9e4cbd3ddf7ae2/aiohttp-3.12.12-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:7163cc9cf3722d90f1822f8a38b211e3ae2fc651c63bb55449f03dc1b3ff1d44", size = 1694933, upload_time = "2025-06-10T05:20:07.431Z" }, + { url = "https://files.pythonhosted.org/packages/29/c7/41e09a4517449eabbb0a7fe6d60f584fe5b21d4bff761197eb0b81e70034/aiohttp-3.12.12-cp312-cp312-musllinux_1_2_armv7l.whl", hash = "sha256:ef97c4d035b721de6607f3980fa3e4ef0ec3aca76474b5789b7fac286a8c4e23", size = 1716386, upload_time = "2025-06-10T05:20:09.787Z" }, + { url = "https://files.pythonhosted.org/packages/3a/32/907bd2010b51b70de5314ad707dfc4e898ea0011ff3d678cdf43d6f8980a/aiohttp-3.12.12-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:1c14448d6a86acadc3f7b2f4cc385d1fb390acb6f37dce27f86fe629410d92e3", size = 1657039, upload_time = "2025-06-10T05:20:12.198Z" }, + { url = "https://files.pythonhosted.org/packages/60/27/8d87344a33346dcd39273adc33060aeb135e0ef70d1d6e71a3b03894a8e9/aiohttp-3.12.12-cp312-cp312-musllinux_1_2_ppc64le.whl", hash = "sha256:a1b6df6255cfc493454c79221183d64007dd5080bcda100db29b7ff181b8832c", size = 1736599, upload_time = "2025-06-10T05:20:14.519Z" }, + { url = "https://files.pythonhosted.org/packages/ca/45/57c7ef1af694a6d0906abab6edde03787c8c6b0cf5d8359b69d1eb0679df/aiohttp-3.12.12-cp312-cp312-musllinux_1_2_s390x.whl", hash = "sha256:60fc7338dfb0626c2927bfbac4785de3ea2e2bbe3d328ba5f3ece123edda4977", size = 1764575, upload_time = "2025-06-10T05:20:16.993Z" }, + { url = "https://files.pythonhosted.org/packages/2a/cc/b1f918cd702efa9ead9d41f89214e9225cda4e5d013d6eed7f1915c17d0a/aiohttp-3.12.12-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:d2afc72207ef4c9d4ca9fcd00689a6a37ef2d625600c3d757b5c2b80c9d0cf9a", size = 1724184, upload_time = "2025-06-10T05:20:19.296Z" }, + { url = "https://files.pythonhosted.org/packages/47/55/089762ee32c2a2e0f523d9ab38c9da2a344cac0e0cc8d16ecf206517ef7e/aiohttp-3.12.12-cp312-cp312-win32.whl", hash = "sha256:8098a48f93b2cbcdb5778e7c9a0e0375363e40ad692348e6e65c3b70d593b27c", size = 421762, upload_time = "2025-06-10T05:20:22.063Z" }, + { url = "https://files.pythonhosted.org/packages/ab/47/151f657e429972916f61399bd52b410e9072d5a2cae1b794f890930e5797/aiohttp-3.12.12-cp312-cp312-win_amd64.whl", hash = "sha256:d1c1879b2e0fc337d7a1b63fe950553c2b9e93c071cf95928aeea1902d441403", size = 447863, upload_time = "2025-06-10T05:20:24.326Z" }, + { url = "https://files.pythonhosted.org/packages/ee/3e/396a7d1c47aa7a74612b186dc716857506c61afac72337a7a96215c2a124/aiohttp-3.12.12-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:ea5d604318234427929d486954e3199aded65f41593ac57aa0241ab93dda3d15", size = 694901, upload_time = "2025-06-10T05:20:26.58Z" }, + { url = "https://files.pythonhosted.org/packages/cc/97/235e48eadf73a1854b4d4da29b88d00049309d897d55a511e1cbe4412603/aiohttp-3.12.12-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:e03ff38250b8b572dce6fcd7b6fb6ee398bb8a59e6aa199009c5322d721df4fc", size = 472552, upload_time = "2025-06-10T05:20:28.957Z" }, + { url = "https://files.pythonhosted.org/packages/6b/73/cd7c9439e8cab4113650541017c6524bd0e675b219dfdbbf945a78305e3f/aiohttp-3.12.12-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:71125b1fc2b6a94bccc63bbece620906a4dead336d2051f8af9cbf04480bc5af", size = 464853, upload_time = "2025-06-10T05:20:31.652Z" }, + { url = "https://files.pythonhosted.org/packages/d1/33/eea88ee55ed4b3f74732d9fc773e6fcf134a2971a19c7ecc49a291e7e57f/aiohttp-3.12.12-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:784a66f9f853a22c6b8c2bd0ff157f9b879700f468d6d72cfa99167df08c5c9c", size = 1703671, upload_time = "2025-06-10T05:20:33.969Z" }, + { url = "https://files.pythonhosted.org/packages/2a/e3/a67ecf9c154b13bad9e2a86ea3782a4b73e889343ffde8c1aadcf9099c09/aiohttp-3.12.12-cp313-cp313-manylinux_2_17_armv7l.manylinux2014_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:a5be0b58670b54301404bd1840e4902570a1c3be00358e2700919cb1ea73c438", size = 1684934, upload_time = "2025-06-10T05:20:36.721Z" }, + { url = "https://files.pythonhosted.org/packages/89/f0/3aaea866531be2f2fcf3a87607e1f55fa72e6ce5acd6b058941a4fc35e15/aiohttp-3.12.12-cp313-cp313-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:ce8f13566fc7bf5a728275b434bc3bdea87a7ed3ad5f734102b02ca59d9b510f", size = 1737004, upload_time = "2025-06-10T05:20:39.533Z" }, + { url = "https://files.pythonhosted.org/packages/a7/7a/15867a4c7d39d8fd9bd02191cf60b1d06415fc407bbd4ff2f9660845f1cb/aiohttp-3.12.12-cp313-cp313-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:d736e57d1901683bc9be648aa308cb73e646252c74b4c639c35dcd401ed385ea", size = 1786378, upload_time = "2025-06-10T05:20:42.03Z" }, + { url = "https://files.pythonhosted.org/packages/bd/61/82b15f87088b35705e01fce55806241b45a1099b3470bbca0bed8ee98662/aiohttp-3.12.12-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:e2007eaa7aae9102f211c519d1ec196bd3cecb1944a095db19eeaf132b798738", size = 1708707, upload_time = "2025-06-10T05:20:44.474Z" }, + { url = "https://files.pythonhosted.org/packages/28/f2/aed0786d5a1c2ed1f5a13ff2a98baacc27206b81d93812da28fc49d8a5d0/aiohttp-3.12.12-cp313-cp313-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:2a813e61583cab6d5cdbaa34bc28863acdb92f9f46e11de1b3b9251a1e8238f6", size = 1622410, upload_time = "2025-06-10T05:20:46.957Z" }, + { url = "https://files.pythonhosted.org/packages/17/54/8305f49a960376136ada977be1370fddb584c63d40bd1b9bef59469f28c7/aiohttp-3.12.12-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:e408293aa910b0aea48b86a28eace41d497a85ba16c20f619f0c604597ef996c", size = 1675435, upload_time = "2025-06-10T05:20:49.379Z" }, + { url = "https://files.pythonhosted.org/packages/bb/dc/0a55350025bc297265cfa6c6b1b1f7508f4226ca3238697cbe5e772a7d76/aiohttp-3.12.12-cp313-cp313-musllinux_1_2_armv7l.whl", hash = "sha256:f3d31faf290f5a30acba46b388465b67c6dbe8655d183e9efe2f6a1d594e6d9d", size = 1707099, upload_time = "2025-06-10T05:20:51.974Z" }, + { url = "https://files.pythonhosted.org/packages/d8/70/d949a1612b996e49d540c10ed77a0a1465c482a590e9a59c1c7897746119/aiohttp-3.12.12-cp313-cp313-musllinux_1_2_i686.whl", hash = "sha256:0b84731697325b023902aa643bd1726d999f5bc7854bc28b17ff410a81151d4b", size = 1649693, upload_time = "2025-06-10T05:20:54.973Z" }, + { url = "https://files.pythonhosted.org/packages/c1/ea/fb87beb7135e25576a1e6fbe98106c037d9fcf1543f19108f9ceb73c192c/aiohttp-3.12.12-cp313-cp313-musllinux_1_2_ppc64le.whl", hash = "sha256:a324c6852b6e327811748446e56cc9bb6eaa58710557922183175816e82a4234", size = 1725825, upload_time = "2025-06-10T05:20:57.433Z" }, + { url = "https://files.pythonhosted.org/packages/f1/1f/adbeb3e440d49b733cef499ace94723ab1fe9fb516425e219379e03b7c9a/aiohttp-3.12.12-cp313-cp313-musllinux_1_2_s390x.whl", hash = "sha256:22fd867fbd72612dcf670c90486dbcbaf702cb807fb0b42bc0b7a142a573574a", size = 1759300, upload_time = "2025-06-10T05:21:00.444Z" }, + { url = "https://files.pythonhosted.org/packages/f2/c1/2fe007ad930f409d0d7fd9916cd55ec9b78b6a611a237424266ed71da48b/aiohttp-3.12.12-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:3e092f1a970223794a4bf620a26c0e4e4e8e36bccae9b0b5da35e6d8ee598a03", size = 1708189, upload_time = "2025-06-10T05:21:02.969Z" }, + { url = "https://files.pythonhosted.org/packages/85/5e/ed3ed640fafae3972eae6cd26f66240108cf62452ac8128d59970d538cb1/aiohttp-3.12.12-cp313-cp313-win32.whl", hash = "sha256:7f5f5eb8717ef8ba15ab35fcde5a70ad28bbdc34157595d1cddd888a985f5aae", size = 420783, upload_time = "2025-06-10T05:21:06.287Z" }, + { url = "https://files.pythonhosted.org/packages/a6/db/57d2bb4af52dd0c6f62c42c7d34b82495b2902e50440134f70bfb7ee0fdd/aiohttp-3.12.12-cp313-cp313-win_amd64.whl", hash = "sha256:ace2499bdd03c329c054dc4b47361f2b19d5aa470f7db5c7e0e989336761b33c", size = 446721, upload_time = "2025-06-10T05:21:08.738Z" }, ] [package.optional-dependencies] @@ -127,9 +127,9 @@ source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "aiohttp" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/9d/61/ebda4d8e3d8cfa1fd3db0fb428db2dd7461d5742cea35178277ad180b033/aiohttp_retry-2.9.1.tar.gz", hash = "sha256:8eb75e904ed4ee5c2ec242fefe85bf04240f685391c4879d8f541d6028ff01f1", size = 13608, upload-time = "2024-11-06T10:44:54.574Z" } +sdist = { url = "https://files.pythonhosted.org/packages/9d/61/ebda4d8e3d8cfa1fd3db0fb428db2dd7461d5742cea35178277ad180b033/aiohttp_retry-2.9.1.tar.gz", hash = "sha256:8eb75e904ed4ee5c2ec242fefe85bf04240f685391c4879d8f541d6028ff01f1", size = 13608, upload_time = "2024-11-06T10:44:54.574Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/1a/99/84ba7273339d0f3dfa57901b846489d2e5c2cd731470167757f1935fffbd/aiohttp_retry-2.9.1-py3-none-any.whl", hash = "sha256:66d2759d1921838256a05a3f80ad7e724936f083e35be5abb5e16eed6be6dc54", size = 9981, upload-time = "2024-11-06T10:44:52.917Z" }, + { url = "https://files.pythonhosted.org/packages/1a/99/84ba7273339d0f3dfa57901b846489d2e5c2cd731470167757f1935fffbd/aiohttp_retry-2.9.1-py3-none-any.whl", hash = "sha256:66d2759d1921838256a05a3f80ad7e724936f083e35be5abb5e16eed6be6dc54", size = 9981, upload_time = "2024-11-06T10:44:52.917Z" }, ] [[package]] @@ -139,18 +139,18 @@ source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "frozenlist" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/ba/b5/6d55e80f6d8a08ce22b982eafa278d823b541c925f11ee774b0b9c43473d/aiosignal-1.3.2.tar.gz", hash = "sha256:a8c255c66fafb1e499c9351d0bf32ff2d8a0321595ebac3b93713656d2436f54", size = 19424, upload-time = "2024-12-13T17:10:40.86Z" } +sdist = { url = "https://files.pythonhosted.org/packages/ba/b5/6d55e80f6d8a08ce22b982eafa278d823b541c925f11ee774b0b9c43473d/aiosignal-1.3.2.tar.gz", hash = "sha256:a8c255c66fafb1e499c9351d0bf32ff2d8a0321595ebac3b93713656d2436f54", size = 19424, upload_time = "2024-12-13T17:10:40.86Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/ec/6a/bc7e17a3e87a2985d3e8f4da4cd0f481060eb78fb08596c42be62c90a4d9/aiosignal-1.3.2-py2.py3-none-any.whl", hash = "sha256:45cde58e409a301715980c2b01d0c28bdde3770d8290b5eb2173759d9acb31a5", size = 7597, upload-time = "2024-12-13T17:10:38.469Z" }, + { url = "https://files.pythonhosted.org/packages/ec/6a/bc7e17a3e87a2985d3e8f4da4cd0f481060eb78fb08596c42be62c90a4d9/aiosignal-1.3.2-py2.py3-none-any.whl", hash = "sha256:45cde58e409a301715980c2b01d0c28bdde3770d8290b5eb2173759d9acb31a5", size = 7597, upload_time = "2024-12-13T17:10:38.469Z" }, ] [[package]] name = "annotated-types" version = "0.7.0" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/ee/67/531ea369ba64dcff5ec9c3402f9f51bf748cec26dde048a2f973a4eea7f5/annotated_types-0.7.0.tar.gz", hash = "sha256:aff07c09a53a08bc8cfccb9c85b05f1aa9a2a6f23728d790723543408344ce89", size = 16081, upload-time = "2024-05-20T21:33:25.928Z" } +sdist = { url = "https://files.pythonhosted.org/packages/ee/67/531ea369ba64dcff5ec9c3402f9f51bf748cec26dde048a2f973a4eea7f5/annotated_types-0.7.0.tar.gz", hash = "sha256:aff07c09a53a08bc8cfccb9c85b05f1aa9a2a6f23728d790723543408344ce89", size = 16081, upload_time = "2024-05-20T21:33:25.928Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/78/b6/6307fbef88d9b5ee7421e68d78a9f162e0da4900bc5f5793f6d3d0e34fb8/annotated_types-0.7.0-py3-none-any.whl", hash = "sha256:1f02e8b43a8fbbc3f3e0d4f0f4bfc8131bcb4eebe8849b8e5c773f3a1c582a53", size = 13643, upload-time = "2024-05-20T21:33:24.1Z" }, + { url = "https://files.pythonhosted.org/packages/78/b6/6307fbef88d9b5ee7421e68d78a9f162e0da4900bc5f5793f6d3d0e34fb8/annotated_types-0.7.0-py3-none-any.whl", hash = "sha256:1f02e8b43a8fbbc3f3e0d4f0f4bfc8131bcb4eebe8849b8e5c773f3a1c582a53", size = 13643, upload_time = "2024-05-20T21:33:24.1Z" }, ] [[package]] @@ -162,18 +162,18 @@ dependencies = [ { name = "sniffio" }, { name = "typing-extensions", marker = "python_full_version < '3.13'" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/95/7d/4c1bd541d4dffa1b52bd83fb8527089e097a106fc90b467a7313b105f840/anyio-4.9.0.tar.gz", hash = "sha256:673c0c244e15788651a4ff38710fea9675823028a6f08a5eda409e0c9840a028", size = 190949, upload-time = "2025-03-17T00:02:54.77Z" } +sdist = { url = "https://files.pythonhosted.org/packages/95/7d/4c1bd541d4dffa1b52bd83fb8527089e097a106fc90b467a7313b105f840/anyio-4.9.0.tar.gz", hash = "sha256:673c0c244e15788651a4ff38710fea9675823028a6f08a5eda409e0c9840a028", size = 190949, upload_time = "2025-03-17T00:02:54.77Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/a1/ee/48ca1a7c89ffec8b6a0c5d02b89c305671d5ffd8d3c94acf8b8c408575bb/anyio-4.9.0-py3-none-any.whl", hash = "sha256:9f76d541cad6e36af7beb62e978876f3b41e3e04f2c1fbf0884604c0a9c4d93c", size = 100916, upload-time = "2025-03-17T00:02:52.713Z" }, + { url = "https://files.pythonhosted.org/packages/a1/ee/48ca1a7c89ffec8b6a0c5d02b89c305671d5ffd8d3c94acf8b8c408575bb/anyio-4.9.0-py3-none-any.whl", hash = "sha256:9f76d541cad6e36af7beb62e978876f3b41e3e04f2c1fbf0884604c0a9c4d93c", size = 100916, upload_time = "2025-03-17T00:02:52.713Z" }, ] [[package]] name = "appnope" version = "0.1.4" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/35/5d/752690df9ef5b76e169e68d6a129fa6d08a7100ca7f754c89495db3c6019/appnope-0.1.4.tar.gz", hash = "sha256:1de3860566df9caf38f01f86f65e0e13e379af54f9e4bee1e66b48f2efffd1ee", size = 4170, upload-time = "2024-02-06T09:43:11.258Z" } +sdist = { url = "https://files.pythonhosted.org/packages/35/5d/752690df9ef5b76e169e68d6a129fa6d08a7100ca7f754c89495db3c6019/appnope-0.1.4.tar.gz", hash = "sha256:1de3860566df9caf38f01f86f65e0e13e379af54f9e4bee1e66b48f2efffd1ee", size = 4170, upload_time = "2024-02-06T09:43:11.258Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/81/29/5ecc3a15d5a33e31b26c11426c45c501e439cb865d0bff96315d86443b78/appnope-0.1.4-py2.py3-none-any.whl", hash = "sha256:502575ee11cd7a28c0205f379b525beefebab9d161b7c964670864014ed7213c", size = 4321, upload-time = "2024-02-06T09:43:09.663Z" }, + { url = "https://files.pythonhosted.org/packages/81/29/5ecc3a15d5a33e31b26c11426c45c501e439cb865d0bff96315d86443b78/appnope-0.1.4-py2.py3-none-any.whl", hash = "sha256:502575ee11cd7a28c0205f379b525beefebab9d161b7c964670864014ed7213c", size = 4321, upload_time = "2024-02-06T09:43:09.663Z" }, ] [[package]] @@ -183,9 +183,9 @@ source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "argon2-cffi-bindings" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/0e/89/ce5af8a7d472a67cc819d5d998aa8c82c5d860608c4db9f46f1162d7dab9/argon2_cffi-25.1.0.tar.gz", hash = "sha256:694ae5cc8a42f4c4e2bf2ca0e64e51e23a040c6a517a85074683d3959e1346c1", size = 45706, upload-time = "2025-06-03T06:55:32.073Z" } +sdist = { url = "https://files.pythonhosted.org/packages/0e/89/ce5af8a7d472a67cc819d5d998aa8c82c5d860608c4db9f46f1162d7dab9/argon2_cffi-25.1.0.tar.gz", hash = "sha256:694ae5cc8a42f4c4e2bf2ca0e64e51e23a040c6a517a85074683d3959e1346c1", size = 45706, upload_time = "2025-06-03T06:55:32.073Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/4f/d3/a8b22fa575b297cd6e3e3b0155c7e25db170edf1c74783d6a31a2490b8d9/argon2_cffi-25.1.0-py3-none-any.whl", hash = "sha256:fdc8b074db390fccb6eb4a3604ae7231f219aa669a2652e0f20e16ba513d5741", size = 14657, upload-time = "2025-06-03T06:55:30.804Z" }, + { url = "https://files.pythonhosted.org/packages/4f/d3/a8b22fa575b297cd6e3e3b0155c7e25db170edf1c74783d6a31a2490b8d9/argon2_cffi-25.1.0-py3-none-any.whl", hash = "sha256:fdc8b074db390fccb6eb4a3604ae7231f219aa669a2652e0f20e16ba513d5741", size = 14657, upload_time = "2025-06-03T06:55:30.804Z" }, ] [[package]] @@ -195,18 +195,18 @@ source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "cffi" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/b9/e9/184b8ccce6683b0aa2fbb7ba5683ea4b9c5763f1356347f1312c32e3c66e/argon2-cffi-bindings-21.2.0.tar.gz", hash = "sha256:bb89ceffa6c791807d1305ceb77dbfacc5aa499891d2c55661c6459651fc39e3", size = 1779911, upload-time = "2021-12-01T08:52:55.68Z" } +sdist = { url = "https://files.pythonhosted.org/packages/b9/e9/184b8ccce6683b0aa2fbb7ba5683ea4b9c5763f1356347f1312c32e3c66e/argon2-cffi-bindings-21.2.0.tar.gz", hash = "sha256:bb89ceffa6c791807d1305ceb77dbfacc5aa499891d2c55661c6459651fc39e3", size = 1779911, upload_time = "2021-12-01T08:52:55.68Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/d4/13/838ce2620025e9666aa8f686431f67a29052241692a3dd1ae9d3692a89d3/argon2_cffi_bindings-21.2.0-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:ccb949252cb2ab3a08c02024acb77cfb179492d5701c7cbdbfd776124d4d2367", size = 29658, upload-time = "2021-12-01T09:09:17.016Z" }, - { url = "https://files.pythonhosted.org/packages/b3/02/f7f7bb6b6af6031edb11037639c697b912e1dea2db94d436e681aea2f495/argon2_cffi_bindings-21.2.0-cp36-abi3-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:9524464572e12979364b7d600abf96181d3541da11e23ddf565a32e70bd4dc0d", size = 80583, upload-time = "2021-12-01T09:09:19.546Z" }, - { url = "https://files.pythonhosted.org/packages/ec/f7/378254e6dd7ae6f31fe40c8649eea7d4832a42243acaf0f1fff9083b2bed/argon2_cffi_bindings-21.2.0-cp36-abi3-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:b746dba803a79238e925d9046a63aa26bf86ab2a2fe74ce6b009a1c3f5c8f2ae", size = 86168, upload-time = "2021-12-01T09:09:21.445Z" }, - { url = "https://files.pythonhosted.org/packages/74/f6/4a34a37a98311ed73bb80efe422fed95f2ac25a4cacc5ae1d7ae6a144505/argon2_cffi_bindings-21.2.0-cp36-abi3-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:58ed19212051f49a523abb1dbe954337dc82d947fb6e5a0da60f7c8471a8476c", size = 82709, upload-time = "2021-12-01T09:09:18.182Z" }, - { url = "https://files.pythonhosted.org/packages/74/2b/73d767bfdaab25484f7e7901379d5f8793cccbb86c6e0cbc4c1b96f63896/argon2_cffi_bindings-21.2.0-cp36-abi3-musllinux_1_1_aarch64.whl", hash = "sha256:bd46088725ef7f58b5a1ef7ca06647ebaf0eb4baff7d1d0d177c6cc8744abd86", size = 83613, upload-time = "2021-12-01T09:09:22.741Z" }, - { url = "https://files.pythonhosted.org/packages/4f/fd/37f86deef67ff57c76f137a67181949c2d408077e2e3dd70c6c42912c9bf/argon2_cffi_bindings-21.2.0-cp36-abi3-musllinux_1_1_i686.whl", hash = "sha256:8cd69c07dd875537a824deec19f978e0f2078fdda07fd5c42ac29668dda5f40f", size = 84583, upload-time = "2021-12-01T09:09:24.177Z" }, - { url = "https://files.pythonhosted.org/packages/6f/52/5a60085a3dae8fded8327a4f564223029f5f54b0cb0455a31131b5363a01/argon2_cffi_bindings-21.2.0-cp36-abi3-musllinux_1_1_x86_64.whl", hash = "sha256:f1152ac548bd5b8bcecfb0b0371f082037e47128653df2e8ba6e914d384f3c3e", size = 88475, upload-time = "2021-12-01T09:09:26.673Z" }, - { url = "https://files.pythonhosted.org/packages/8b/95/143cd64feb24a15fa4b189a3e1e7efbaeeb00f39a51e99b26fc62fbacabd/argon2_cffi_bindings-21.2.0-cp36-abi3-win32.whl", hash = "sha256:603ca0aba86b1349b147cab91ae970c63118a0f30444d4bc80355937c950c082", size = 27698, upload-time = "2021-12-01T09:09:27.87Z" }, - { url = "https://files.pythonhosted.org/packages/37/2c/e34e47c7dee97ba6f01a6203e0383e15b60fb85d78ac9a15cd066f6fe28b/argon2_cffi_bindings-21.2.0-cp36-abi3-win_amd64.whl", hash = "sha256:b2ef1c30440dbbcba7a5dc3e319408b59676e2e039e2ae11a8775ecf482b192f", size = 30817, upload-time = "2021-12-01T09:09:30.267Z" }, - { url = "https://files.pythonhosted.org/packages/5a/e4/bf8034d25edaa495da3c8a3405627d2e35758e44ff6eaa7948092646fdcc/argon2_cffi_bindings-21.2.0-cp38-abi3-macosx_10_9_universal2.whl", hash = "sha256:e415e3f62c8d124ee16018e491a009937f8cf7ebf5eb430ffc5de21b900dad93", size = 53104, upload-time = "2021-12-01T09:09:31.335Z" }, + { url = "https://files.pythonhosted.org/packages/d4/13/838ce2620025e9666aa8f686431f67a29052241692a3dd1ae9d3692a89d3/argon2_cffi_bindings-21.2.0-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:ccb949252cb2ab3a08c02024acb77cfb179492d5701c7cbdbfd776124d4d2367", size = 29658, upload_time = "2021-12-01T09:09:17.016Z" }, + { url = "https://files.pythonhosted.org/packages/b3/02/f7f7bb6b6af6031edb11037639c697b912e1dea2db94d436e681aea2f495/argon2_cffi_bindings-21.2.0-cp36-abi3-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:9524464572e12979364b7d600abf96181d3541da11e23ddf565a32e70bd4dc0d", size = 80583, upload_time = "2021-12-01T09:09:19.546Z" }, + { url = "https://files.pythonhosted.org/packages/ec/f7/378254e6dd7ae6f31fe40c8649eea7d4832a42243acaf0f1fff9083b2bed/argon2_cffi_bindings-21.2.0-cp36-abi3-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:b746dba803a79238e925d9046a63aa26bf86ab2a2fe74ce6b009a1c3f5c8f2ae", size = 86168, upload_time = "2021-12-01T09:09:21.445Z" }, + { url = "https://files.pythonhosted.org/packages/74/f6/4a34a37a98311ed73bb80efe422fed95f2ac25a4cacc5ae1d7ae6a144505/argon2_cffi_bindings-21.2.0-cp36-abi3-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:58ed19212051f49a523abb1dbe954337dc82d947fb6e5a0da60f7c8471a8476c", size = 82709, upload_time = "2021-12-01T09:09:18.182Z" }, + { url = "https://files.pythonhosted.org/packages/74/2b/73d767bfdaab25484f7e7901379d5f8793cccbb86c6e0cbc4c1b96f63896/argon2_cffi_bindings-21.2.0-cp36-abi3-musllinux_1_1_aarch64.whl", hash = "sha256:bd46088725ef7f58b5a1ef7ca06647ebaf0eb4baff7d1d0d177c6cc8744abd86", size = 83613, upload_time = "2021-12-01T09:09:22.741Z" }, + { url = "https://files.pythonhosted.org/packages/4f/fd/37f86deef67ff57c76f137a67181949c2d408077e2e3dd70c6c42912c9bf/argon2_cffi_bindings-21.2.0-cp36-abi3-musllinux_1_1_i686.whl", hash = "sha256:8cd69c07dd875537a824deec19f978e0f2078fdda07fd5c42ac29668dda5f40f", size = 84583, upload_time = "2021-12-01T09:09:24.177Z" }, + { url = "https://files.pythonhosted.org/packages/6f/52/5a60085a3dae8fded8327a4f564223029f5f54b0cb0455a31131b5363a01/argon2_cffi_bindings-21.2.0-cp36-abi3-musllinux_1_1_x86_64.whl", hash = "sha256:f1152ac548bd5b8bcecfb0b0371f082037e47128653df2e8ba6e914d384f3c3e", size = 88475, upload_time = "2021-12-01T09:09:26.673Z" }, + { url = "https://files.pythonhosted.org/packages/8b/95/143cd64feb24a15fa4b189a3e1e7efbaeeb00f39a51e99b26fc62fbacabd/argon2_cffi_bindings-21.2.0-cp36-abi3-win32.whl", hash = "sha256:603ca0aba86b1349b147cab91ae970c63118a0f30444d4bc80355937c950c082", size = 27698, upload_time = "2021-12-01T09:09:27.87Z" }, + { url = "https://files.pythonhosted.org/packages/37/2c/e34e47c7dee97ba6f01a6203e0383e15b60fb85d78ac9a15cd066f6fe28b/argon2_cffi_bindings-21.2.0-cp36-abi3-win_amd64.whl", hash = "sha256:b2ef1c30440dbbcba7a5dc3e319408b59676e2e039e2ae11a8775ecf482b192f", size = 30817, upload_time = "2021-12-01T09:09:30.267Z" }, + { url = "https://files.pythonhosted.org/packages/5a/e4/bf8034d25edaa495da3c8a3405627d2e35758e44ff6eaa7948092646fdcc/argon2_cffi_bindings-21.2.0-cp38-abi3-macosx_10_9_universal2.whl", hash = "sha256:e415e3f62c8d124ee16018e491a009937f8cf7ebf5eb430ffc5de21b900dad93", size = 53104, upload_time = "2021-12-01T09:09:31.335Z" }, ] [[package]] @@ -217,108 +217,108 @@ dependencies = [ { name = "python-dateutil" }, { name = "types-python-dateutil" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/2e/00/0f6e8fcdb23ea632c866620cc872729ff43ed91d284c866b515c6342b173/arrow-1.3.0.tar.gz", hash = "sha256:d4540617648cb5f895730f1ad8c82a65f2dad0166f57b75f3ca54759c4d67a85", size = 131960, upload-time = "2023-09-30T22:11:18.25Z" } +sdist = { url = "https://files.pythonhosted.org/packages/2e/00/0f6e8fcdb23ea632c866620cc872729ff43ed91d284c866b515c6342b173/arrow-1.3.0.tar.gz", hash = "sha256:d4540617648cb5f895730f1ad8c82a65f2dad0166f57b75f3ca54759c4d67a85", size = 131960, upload_time = "2023-09-30T22:11:18.25Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/f8/ed/e97229a566617f2ae958a6b13e7cc0f585470eac730a73e9e82c32a3cdd2/arrow-1.3.0-py3-none-any.whl", hash = "sha256:c728b120ebc00eb84e01882a6f5e7927a53960aa990ce7dd2b10f39005a67f80", size = 66419, upload-time = "2023-09-30T22:11:16.072Z" }, + { url = "https://files.pythonhosted.org/packages/f8/ed/e97229a566617f2ae958a6b13e7cc0f585470eac730a73e9e82c32a3cdd2/arrow-1.3.0-py3-none-any.whl", hash = "sha256:c728b120ebc00eb84e01882a6f5e7927a53960aa990ce7dd2b10f39005a67f80", size = 66419, upload_time = "2023-09-30T22:11:16.072Z" }, ] [[package]] name = "asttokens" version = "3.0.0" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/4a/e7/82da0a03e7ba5141f05cce0d302e6eed121ae055e0456ca228bf693984bc/asttokens-3.0.0.tar.gz", hash = "sha256:0dcd8baa8d62b0c1d118b399b2ddba3c4aff271d0d7a9e0d4c1681c79035bbc7", size = 61978, upload-time = "2024-11-30T04:30:14.439Z" } +sdist = { url = "https://files.pythonhosted.org/packages/4a/e7/82da0a03e7ba5141f05cce0d302e6eed121ae055e0456ca228bf693984bc/asttokens-3.0.0.tar.gz", hash = "sha256:0dcd8baa8d62b0c1d118b399b2ddba3c4aff271d0d7a9e0d4c1681c79035bbc7", size = 61978, upload_time = "2024-11-30T04:30:14.439Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/25/8a/c46dcc25341b5bce5472c718902eb3d38600a903b14fa6aeecef3f21a46f/asttokens-3.0.0-py3-none-any.whl", hash = "sha256:e3078351a059199dd5138cb1c706e6430c05eff2ff136af5eb4790f9d28932e2", size = 26918, upload-time = "2024-11-30T04:30:10.946Z" }, + { url = "https://files.pythonhosted.org/packages/25/8a/c46dcc25341b5bce5472c718902eb3d38600a903b14fa6aeecef3f21a46f/asttokens-3.0.0-py3-none-any.whl", hash = "sha256:e3078351a059199dd5138cb1c706e6430c05eff2ff136af5eb4790f9d28932e2", size = 26918, upload_time = "2024-11-30T04:30:10.946Z" }, ] [[package]] name = "async-lru" version = "2.0.5" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/b2/4d/71ec4d3939dc755264f680f6c2b4906423a304c3d18e96853f0a595dfe97/async_lru-2.0.5.tar.gz", hash = "sha256:481d52ccdd27275f42c43a928b4a50c3bfb2d67af4e78b170e3e0bb39c66e5bb", size = 10380, upload-time = "2025-03-16T17:25:36.919Z" } +sdist = { url = "https://files.pythonhosted.org/packages/b2/4d/71ec4d3939dc755264f680f6c2b4906423a304c3d18e96853f0a595dfe97/async_lru-2.0.5.tar.gz", hash = "sha256:481d52ccdd27275f42c43a928b4a50c3bfb2d67af4e78b170e3e0bb39c66e5bb", size = 10380, upload_time = "2025-03-16T17:25:36.919Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/03/49/d10027df9fce941cb8184e78a02857af36360d33e1721df81c5ed2179a1a/async_lru-2.0.5-py3-none-any.whl", hash = "sha256:ab95404d8d2605310d345932697371a5f40def0487c03d6d0ad9138de52c9943", size = 6069, upload-time = "2025-03-16T17:25:35.422Z" }, + { url = "https://files.pythonhosted.org/packages/03/49/d10027df9fce941cb8184e78a02857af36360d33e1721df81c5ed2179a1a/async_lru-2.0.5-py3-none-any.whl", hash = "sha256:ab95404d8d2605310d345932697371a5f40def0487c03d6d0ad9138de52c9943", size = 6069, upload_time = "2025-03-16T17:25:35.422Z" }, ] [[package]] name = "attrs" version = "25.3.0" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/5a/b0/1367933a8532ee6ff8d63537de4f1177af4bff9f3e829baf7331f595bb24/attrs-25.3.0.tar.gz", hash = "sha256:75d7cefc7fb576747b2c81b4442d4d4a1ce0900973527c011d1030fd3bf4af1b", size = 812032, upload-time = "2025-03-13T11:10:22.779Z" } +sdist = { url = "https://files.pythonhosted.org/packages/5a/b0/1367933a8532ee6ff8d63537de4f1177af4bff9f3e829baf7331f595bb24/attrs-25.3.0.tar.gz", hash = "sha256:75d7cefc7fb576747b2c81b4442d4d4a1ce0900973527c011d1030fd3bf4af1b", size = 812032, upload_time = "2025-03-13T11:10:22.779Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/77/06/bb80f5f86020c4551da315d78b3ab75e8228f89f0162f2c3a819e407941a/attrs-25.3.0-py3-none-any.whl", hash = "sha256:427318ce031701fea540783410126f03899a97ffc6f61596ad581ac2e40e3bc3", size = 63815, upload-time = "2025-03-13T11:10:21.14Z" }, + { url = "https://files.pythonhosted.org/packages/77/06/bb80f5f86020c4551da315d78b3ab75e8228f89f0162f2c3a819e407941a/attrs-25.3.0-py3-none-any.whl", hash = "sha256:427318ce031701fea540783410126f03899a97ffc6f61596ad581ac2e40e3bc3", size = 63815, upload_time = "2025-03-13T11:10:21.14Z" }, ] [[package]] name = "babel" version = "2.17.0" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/7d/6b/d52e42361e1aa00709585ecc30b3f9684b3ab62530771402248b1b1d6240/babel-2.17.0.tar.gz", hash = "sha256:0c54cffb19f690cdcc52a3b50bcbf71e07a808d1c80d549f2459b9d2cf0afb9d", size = 9951852, upload-time = "2025-02-01T15:17:41.026Z" } +sdist = { url = "https://files.pythonhosted.org/packages/7d/6b/d52e42361e1aa00709585ecc30b3f9684b3ab62530771402248b1b1d6240/babel-2.17.0.tar.gz", hash = "sha256:0c54cffb19f690cdcc52a3b50bcbf71e07a808d1c80d549f2459b9d2cf0afb9d", size = 9951852, upload_time = "2025-02-01T15:17:41.026Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/b7/b8/3fe70c75fe32afc4bb507f75563d39bc5642255d1d94f1f23604725780bf/babel-2.17.0-py3-none-any.whl", hash = "sha256:4d0b53093fdfb4b21c92b5213dba5a1b23885afa8383709427046b21c366e5f2", size = 10182537, upload-time = "2025-02-01T15:17:37.39Z" }, + { url = "https://files.pythonhosted.org/packages/b7/b8/3fe70c75fe32afc4bb507f75563d39bc5642255d1d94f1f23604725780bf/babel-2.17.0-py3-none-any.whl", hash = "sha256:4d0b53093fdfb4b21c92b5213dba5a1b23885afa8383709427046b21c366e5f2", size = 10182537, upload_time = "2025-02-01T15:17:37.39Z" }, ] [[package]] name = "backoff" version = "2.2.1" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/47/d7/5bbeb12c44d7c4f2fb5b56abce497eb5ed9f34d85701de869acedd602619/backoff-2.2.1.tar.gz", hash = "sha256:03f829f5bb1923180821643f8753b0502c3b682293992485b0eef2807afa5cba", size = 17001, upload-time = "2022-10-05T19:19:32.061Z" } +sdist = { url = "https://files.pythonhosted.org/packages/47/d7/5bbeb12c44d7c4f2fb5b56abce497eb5ed9f34d85701de869acedd602619/backoff-2.2.1.tar.gz", hash = "sha256:03f829f5bb1923180821643f8753b0502c3b682293992485b0eef2807afa5cba", size = 17001, upload_time = "2022-10-05T19:19:32.061Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/df/73/b6e24bd22e6720ca8ee9a85a0c4a2971af8497d8f3193fa05390cbd46e09/backoff-2.2.1-py3-none-any.whl", hash = "sha256:63579f9a0628e06278f7e47b7d7d5b6ce20dc65c5e96a6f3ca99a6adca0396e8", size = 15148, upload-time = "2022-10-05T19:19:30.546Z" }, + { url = "https://files.pythonhosted.org/packages/df/73/b6e24bd22e6720ca8ee9a85a0c4a2971af8497d8f3193fa05390cbd46e09/backoff-2.2.1-py3-none-any.whl", hash = "sha256:63579f9a0628e06278f7e47b7d7d5b6ce20dc65c5e96a6f3ca99a6adca0396e8", size = 15148, upload_time = "2022-10-05T19:19:30.546Z" }, ] [[package]] name = "bcrypt" version = "4.3.0" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/bb/5d/6d7433e0f3cd46ce0b43cd65e1db465ea024dbb8216fb2404e919c2ad77b/bcrypt-4.3.0.tar.gz", hash = "sha256:3a3fd2204178b6d2adcf09cb4f6426ffef54762577a7c9b54c159008cb288c18", size = 25697, upload-time = "2025-02-28T01:24:09.174Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/bf/2c/3d44e853d1fe969d229bd58d39ae6902b3d924af0e2b5a60d17d4b809ded/bcrypt-4.3.0-cp313-cp313t-macosx_10_12_universal2.whl", hash = "sha256:f01e060f14b6b57bbb72fc5b4a83ac21c443c9a2ee708e04a10e9192f90a6281", size = 483719, upload-time = "2025-02-28T01:22:34.539Z" }, - { url = "https://files.pythonhosted.org/packages/a1/e2/58ff6e2a22eca2e2cff5370ae56dba29d70b1ea6fc08ee9115c3ae367795/bcrypt-4.3.0-cp313-cp313t-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:c5eeac541cefd0bb887a371ef73c62c3cd78535e4887b310626036a7c0a817bb", size = 272001, upload-time = "2025-02-28T01:22:38.078Z" }, - { url = "https://files.pythonhosted.org/packages/37/1f/c55ed8dbe994b1d088309e366749633c9eb90d139af3c0a50c102ba68a1a/bcrypt-4.3.0-cp313-cp313t-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:59e1aa0e2cd871b08ca146ed08445038f42ff75968c7ae50d2fdd7860ade2180", size = 277451, upload-time = "2025-02-28T01:22:40.787Z" }, - { url = "https://files.pythonhosted.org/packages/d7/1c/794feb2ecf22fe73dcfb697ea7057f632061faceb7dcf0f155f3443b4d79/bcrypt-4.3.0-cp313-cp313t-manylinux_2_28_aarch64.whl", hash = "sha256:0042b2e342e9ae3d2ed22727c1262f76cc4f345683b5c1715f0250cf4277294f", size = 272792, upload-time = "2025-02-28T01:22:43.144Z" }, - { url = "https://files.pythonhosted.org/packages/13/b7/0b289506a3f3598c2ae2bdfa0ea66969812ed200264e3f61df77753eee6d/bcrypt-4.3.0-cp313-cp313t-manylinux_2_28_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:74a8d21a09f5e025a9a23e7c0fd2c7fe8e7503e4d356c0a2c1486ba010619f09", size = 289752, upload-time = "2025-02-28T01:22:45.56Z" }, - { url = "https://files.pythonhosted.org/packages/dc/24/d0fb023788afe9e83cc118895a9f6c57e1044e7e1672f045e46733421fe6/bcrypt-4.3.0-cp313-cp313t-manylinux_2_28_x86_64.whl", hash = "sha256:0142b2cb84a009f8452c8c5a33ace5e3dfec4159e7735f5afe9a4d50a8ea722d", size = 277762, upload-time = "2025-02-28T01:22:47.023Z" }, - { url = "https://files.pythonhosted.org/packages/e4/38/cde58089492e55ac4ef6c49fea7027600c84fd23f7520c62118c03b4625e/bcrypt-4.3.0-cp313-cp313t-manylinux_2_34_aarch64.whl", hash = "sha256:12fa6ce40cde3f0b899729dbd7d5e8811cb892d31b6f7d0334a1f37748b789fd", size = 272384, upload-time = "2025-02-28T01:22:49.221Z" }, - { url = "https://files.pythonhosted.org/packages/de/6a/d5026520843490cfc8135d03012a413e4532a400e471e6188b01b2de853f/bcrypt-4.3.0-cp313-cp313t-manylinux_2_34_x86_64.whl", hash = "sha256:5bd3cca1f2aa5dbcf39e2aa13dd094ea181f48959e1071265de49cc2b82525af", size = 277329, upload-time = "2025-02-28T01:22:51.603Z" }, - { url = "https://files.pythonhosted.org/packages/b3/a3/4fc5255e60486466c389e28c12579d2829b28a527360e9430b4041df4cf9/bcrypt-4.3.0-cp313-cp313t-musllinux_1_1_aarch64.whl", hash = "sha256:335a420cfd63fc5bc27308e929bee231c15c85cc4c496610ffb17923abf7f231", size = 305241, upload-time = "2025-02-28T01:22:53.283Z" }, - { url = "https://files.pythonhosted.org/packages/c7/15/2b37bc07d6ce27cc94e5b10fd5058900eb8fb11642300e932c8c82e25c4a/bcrypt-4.3.0-cp313-cp313t-musllinux_1_1_x86_64.whl", hash = "sha256:0e30e5e67aed0187a1764911af023043b4542e70a7461ad20e837e94d23e1d6c", size = 309617, upload-time = "2025-02-28T01:22:55.461Z" }, - { url = "https://files.pythonhosted.org/packages/5f/1f/99f65edb09e6c935232ba0430c8c13bb98cb3194b6d636e61d93fe60ac59/bcrypt-4.3.0-cp313-cp313t-musllinux_1_2_aarch64.whl", hash = "sha256:3b8d62290ebefd49ee0b3ce7500f5dbdcf13b81402c05f6dafab9a1e1b27212f", size = 335751, upload-time = "2025-02-28T01:22:57.81Z" }, - { url = "https://files.pythonhosted.org/packages/00/1b/b324030c706711c99769988fcb694b3cb23f247ad39a7823a78e361bdbb8/bcrypt-4.3.0-cp313-cp313t-musllinux_1_2_x86_64.whl", hash = "sha256:2ef6630e0ec01376f59a006dc72918b1bf436c3b571b80fa1968d775fa02fe7d", size = 355965, upload-time = "2025-02-28T01:22:59.181Z" }, - { url = "https://files.pythonhosted.org/packages/aa/dd/20372a0579dd915dfc3b1cd4943b3bca431866fcb1dfdfd7518c3caddea6/bcrypt-4.3.0-cp313-cp313t-win32.whl", hash = "sha256:7a4be4cbf241afee43f1c3969b9103a41b40bcb3a3f467ab19f891d9bc4642e4", size = 155316, upload-time = "2025-02-28T01:23:00.763Z" }, - { url = "https://files.pythonhosted.org/packages/6d/52/45d969fcff6b5577c2bf17098dc36269b4c02197d551371c023130c0f890/bcrypt-4.3.0-cp313-cp313t-win_amd64.whl", hash = "sha256:5c1949bf259a388863ced887c7861da1df681cb2388645766c89fdfd9004c669", size = 147752, upload-time = "2025-02-28T01:23:02.908Z" }, - { url = "https://files.pythonhosted.org/packages/11/22/5ada0b9af72b60cbc4c9a399fdde4af0feaa609d27eb0adc61607997a3fa/bcrypt-4.3.0-cp38-abi3-macosx_10_12_universal2.whl", hash = "sha256:f81b0ed2639568bf14749112298f9e4e2b28853dab50a8b357e31798686a036d", size = 498019, upload-time = "2025-02-28T01:23:05.838Z" }, - { url = "https://files.pythonhosted.org/packages/b8/8c/252a1edc598dc1ce57905be173328eda073083826955ee3c97c7ff5ba584/bcrypt-4.3.0-cp38-abi3-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:864f8f19adbe13b7de11ba15d85d4a428c7e2f344bac110f667676a0ff84924b", size = 279174, upload-time = "2025-02-28T01:23:07.274Z" }, - { url = "https://files.pythonhosted.org/packages/29/5b/4547d5c49b85f0337c13929f2ccbe08b7283069eea3550a457914fc078aa/bcrypt-4.3.0-cp38-abi3-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:3e36506d001e93bffe59754397572f21bb5dc7c83f54454c990c74a468cd589e", size = 283870, upload-time = "2025-02-28T01:23:09.151Z" }, - { url = "https://files.pythonhosted.org/packages/be/21/7dbaf3fa1745cb63f776bb046e481fbababd7d344c5324eab47f5ca92dd2/bcrypt-4.3.0-cp38-abi3-manylinux_2_28_aarch64.whl", hash = "sha256:842d08d75d9fe9fb94b18b071090220697f9f184d4547179b60734846461ed59", size = 279601, upload-time = "2025-02-28T01:23:11.461Z" }, - { url = "https://files.pythonhosted.org/packages/6d/64/e042fc8262e971347d9230d9abbe70d68b0a549acd8611c83cebd3eaec67/bcrypt-4.3.0-cp38-abi3-manylinux_2_28_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:7c03296b85cb87db865d91da79bf63d5609284fc0cab9472fdd8367bbd830753", size = 297660, upload-time = "2025-02-28T01:23:12.989Z" }, - { url = "https://files.pythonhosted.org/packages/50/b8/6294eb84a3fef3b67c69b4470fcdd5326676806bf2519cda79331ab3c3a9/bcrypt-4.3.0-cp38-abi3-manylinux_2_28_x86_64.whl", hash = "sha256:62f26585e8b219cdc909b6a0069efc5e4267e25d4a3770a364ac58024f62a761", size = 284083, upload-time = "2025-02-28T01:23:14.5Z" }, - { url = "https://files.pythonhosted.org/packages/62/e6/baff635a4f2c42e8788fe1b1633911c38551ecca9a749d1052d296329da6/bcrypt-4.3.0-cp38-abi3-manylinux_2_34_aarch64.whl", hash = "sha256:beeefe437218a65322fbd0069eb437e7c98137e08f22c4660ac2dc795c31f8bb", size = 279237, upload-time = "2025-02-28T01:23:16.686Z" }, - { url = "https://files.pythonhosted.org/packages/39/48/46f623f1b0c7dc2e5de0b8af5e6f5ac4cc26408ac33f3d424e5ad8da4a90/bcrypt-4.3.0-cp38-abi3-manylinux_2_34_x86_64.whl", hash = "sha256:97eea7408db3a5bcce4a55d13245ab3fa566e23b4c67cd227062bb49e26c585d", size = 283737, upload-time = "2025-02-28T01:23:18.897Z" }, - { url = "https://files.pythonhosted.org/packages/49/8b/70671c3ce9c0fca4a6cc3cc6ccbaa7e948875a2e62cbd146e04a4011899c/bcrypt-4.3.0-cp38-abi3-musllinux_1_1_aarch64.whl", hash = "sha256:191354ebfe305e84f344c5964c7cd5f924a3bfc5d405c75ad07f232b6dffb49f", size = 312741, upload-time = "2025-02-28T01:23:21.041Z" }, - { url = "https://files.pythonhosted.org/packages/27/fb/910d3a1caa2d249b6040a5caf9f9866c52114d51523ac2fb47578a27faee/bcrypt-4.3.0-cp38-abi3-musllinux_1_1_x86_64.whl", hash = "sha256:41261d64150858eeb5ff43c753c4b216991e0ae16614a308a15d909503617732", size = 316472, upload-time = "2025-02-28T01:23:23.183Z" }, - { url = "https://files.pythonhosted.org/packages/dc/cf/7cf3a05b66ce466cfb575dbbda39718d45a609daa78500f57fa9f36fa3c0/bcrypt-4.3.0-cp38-abi3-musllinux_1_2_aarch64.whl", hash = "sha256:33752b1ba962ee793fa2b6321404bf20011fe45b9afd2a842139de3011898fef", size = 343606, upload-time = "2025-02-28T01:23:25.361Z" }, - { url = "https://files.pythonhosted.org/packages/e3/b8/e970ecc6d7e355c0d892b7f733480f4aa8509f99b33e71550242cf0b7e63/bcrypt-4.3.0-cp38-abi3-musllinux_1_2_x86_64.whl", hash = "sha256:50e6e80a4bfd23a25f5c05b90167c19030cf9f87930f7cb2eacb99f45d1c3304", size = 362867, upload-time = "2025-02-28T01:23:26.875Z" }, - { url = "https://files.pythonhosted.org/packages/a9/97/8d3118efd8354c555a3422d544163f40d9f236be5b96c714086463f11699/bcrypt-4.3.0-cp38-abi3-win32.whl", hash = "sha256:67a561c4d9fb9465ec866177e7aebcad08fe23aaf6fbd692a6fab69088abfc51", size = 160589, upload-time = "2025-02-28T01:23:28.381Z" }, - { url = "https://files.pythonhosted.org/packages/29/07/416f0b99f7f3997c69815365babbc2e8754181a4b1899d921b3c7d5b6f12/bcrypt-4.3.0-cp38-abi3-win_amd64.whl", hash = "sha256:584027857bc2843772114717a7490a37f68da563b3620f78a849bcb54dc11e62", size = 152794, upload-time = "2025-02-28T01:23:30.187Z" }, - { url = "https://files.pythonhosted.org/packages/6e/c1/3fa0e9e4e0bfd3fd77eb8b52ec198fd6e1fd7e9402052e43f23483f956dd/bcrypt-4.3.0-cp39-abi3-macosx_10_12_universal2.whl", hash = "sha256:0d3efb1157edebfd9128e4e46e2ac1a64e0c1fe46fb023158a407c7892b0f8c3", size = 498969, upload-time = "2025-02-28T01:23:31.945Z" }, - { url = "https://files.pythonhosted.org/packages/ce/d4/755ce19b6743394787fbd7dff6bf271b27ee9b5912a97242e3caf125885b/bcrypt-4.3.0-cp39-abi3-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:08bacc884fd302b611226c01014eca277d48f0a05187666bca23aac0dad6fe24", size = 279158, upload-time = "2025-02-28T01:23:34.161Z" }, - { url = "https://files.pythonhosted.org/packages/9b/5d/805ef1a749c965c46b28285dfb5cd272a7ed9fa971f970435a5133250182/bcrypt-4.3.0-cp39-abi3-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:f6746e6fec103fcd509b96bacdfdaa2fbde9a553245dbada284435173a6f1aef", size = 284285, upload-time = "2025-02-28T01:23:35.765Z" }, - { url = "https://files.pythonhosted.org/packages/ab/2b/698580547a4a4988e415721b71eb45e80c879f0fb04a62da131f45987b96/bcrypt-4.3.0-cp39-abi3-manylinux_2_28_aarch64.whl", hash = "sha256:afe327968aaf13fc143a56a3360cb27d4ad0345e34da12c7290f1b00b8fe9a8b", size = 279583, upload-time = "2025-02-28T01:23:38.021Z" }, - { url = "https://files.pythonhosted.org/packages/f2/87/62e1e426418204db520f955ffd06f1efd389feca893dad7095bf35612eec/bcrypt-4.3.0-cp39-abi3-manylinux_2_28_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:d9af79d322e735b1fc33404b5765108ae0ff232d4b54666d46730f8ac1a43676", size = 297896, upload-time = "2025-02-28T01:23:39.575Z" }, - { url = "https://files.pythonhosted.org/packages/cb/c6/8fedca4c2ada1b6e889c52d2943b2f968d3427e5d65f595620ec4c06fa2f/bcrypt-4.3.0-cp39-abi3-manylinux_2_28_x86_64.whl", hash = "sha256:f1e3ffa1365e8702dc48c8b360fef8d7afeca482809c5e45e653af82ccd088c1", size = 284492, upload-time = "2025-02-28T01:23:40.901Z" }, - { url = "https://files.pythonhosted.org/packages/4d/4d/c43332dcaaddb7710a8ff5269fcccba97ed3c85987ddaa808db084267b9a/bcrypt-4.3.0-cp39-abi3-manylinux_2_34_aarch64.whl", hash = "sha256:3004df1b323d10021fda07a813fd33e0fd57bef0e9a480bb143877f6cba996fe", size = 279213, upload-time = "2025-02-28T01:23:42.653Z" }, - { url = "https://files.pythonhosted.org/packages/dc/7f/1e36379e169a7df3a14a1c160a49b7b918600a6008de43ff20d479e6f4b5/bcrypt-4.3.0-cp39-abi3-manylinux_2_34_x86_64.whl", hash = "sha256:531457e5c839d8caea9b589a1bcfe3756b0547d7814e9ce3d437f17da75c32b0", size = 284162, upload-time = "2025-02-28T01:23:43.964Z" }, - { url = "https://files.pythonhosted.org/packages/1c/0a/644b2731194b0d7646f3210dc4d80c7fee3ecb3a1f791a6e0ae6bb8684e3/bcrypt-4.3.0-cp39-abi3-musllinux_1_1_aarch64.whl", hash = "sha256:17a854d9a7a476a89dcef6c8bd119ad23e0f82557afbd2c442777a16408e614f", size = 312856, upload-time = "2025-02-28T01:23:46.011Z" }, - { url = "https://files.pythonhosted.org/packages/dc/62/2a871837c0bb6ab0c9a88bf54de0fc021a6a08832d4ea313ed92a669d437/bcrypt-4.3.0-cp39-abi3-musllinux_1_1_x86_64.whl", hash = "sha256:6fb1fd3ab08c0cbc6826a2e0447610c6f09e983a281b919ed721ad32236b8b23", size = 316726, upload-time = "2025-02-28T01:23:47.575Z" }, - { url = "https://files.pythonhosted.org/packages/0c/a1/9898ea3faac0b156d457fd73a3cb9c2855c6fd063e44b8522925cdd8ce46/bcrypt-4.3.0-cp39-abi3-musllinux_1_2_aarch64.whl", hash = "sha256:e965a9c1e9a393b8005031ff52583cedc15b7884fce7deb8b0346388837d6cfe", size = 343664, upload-time = "2025-02-28T01:23:49.059Z" }, - { url = "https://files.pythonhosted.org/packages/40/f2/71b4ed65ce38982ecdda0ff20c3ad1b15e71949c78b2c053df53629ce940/bcrypt-4.3.0-cp39-abi3-musllinux_1_2_x86_64.whl", hash = "sha256:79e70b8342a33b52b55d93b3a59223a844962bef479f6a0ea318ebbcadf71505", size = 363128, upload-time = "2025-02-28T01:23:50.399Z" }, - { url = "https://files.pythonhosted.org/packages/11/99/12f6a58eca6dea4be992d6c681b7ec9410a1d9f5cf368c61437e31daa879/bcrypt-4.3.0-cp39-abi3-win32.whl", hash = "sha256:b4d4e57f0a63fd0b358eb765063ff661328f69a04494427265950c71b992a39a", size = 160598, upload-time = "2025-02-28T01:23:51.775Z" }, - { url = "https://files.pythonhosted.org/packages/a9/cf/45fb5261ece3e6b9817d3d82b2f343a505fd58674a92577923bc500bd1aa/bcrypt-4.3.0-cp39-abi3-win_amd64.whl", hash = "sha256:e53e074b120f2877a35cc6c736b8eb161377caae8925c17688bd46ba56daaa5b", size = 152799, upload-time = "2025-02-28T01:23:53.139Z" }, - { url = "https://files.pythonhosted.org/packages/4c/b1/1289e21d710496b88340369137cc4c5f6ee036401190ea116a7b4ae6d32a/bcrypt-4.3.0-pp311-pypy311_pp73-manylinux_2_28_aarch64.whl", hash = "sha256:a839320bf27d474e52ef8cb16449bb2ce0ba03ca9f44daba6d93fa1d8828e48a", size = 275103, upload-time = "2025-02-28T01:24:00.764Z" }, - { url = "https://files.pythonhosted.org/packages/94/41/19be9fe17e4ffc5d10b7b67f10e459fc4eee6ffe9056a88de511920cfd8d/bcrypt-4.3.0-pp311-pypy311_pp73-manylinux_2_28_x86_64.whl", hash = "sha256:bdc6a24e754a555d7316fa4774e64c6c3997d27ed2d1964d55920c7c227bc4ce", size = 280513, upload-time = "2025-02-28T01:24:02.243Z" }, - { url = "https://files.pythonhosted.org/packages/aa/73/05687a9ef89edebdd8ad7474c16d8af685eb4591c3c38300bb6aad4f0076/bcrypt-4.3.0-pp311-pypy311_pp73-manylinux_2_34_aarch64.whl", hash = "sha256:55a935b8e9a1d2def0626c4269db3fcd26728cbff1e84f0341465c31c4ee56d8", size = 274685, upload-time = "2025-02-28T01:24:04.512Z" }, - { url = "https://files.pythonhosted.org/packages/63/13/47bba97924ebe86a62ef83dc75b7c8a881d53c535f83e2c54c4bd701e05c/bcrypt-4.3.0-pp311-pypy311_pp73-manylinux_2_34_x86_64.whl", hash = "sha256:57967b7a28d855313a963aaea51bf6df89f833db4320da458e5b3c5ab6d4c938", size = 280110, upload-time = "2025-02-28T01:24:05.896Z" }, +sdist = { url = "https://files.pythonhosted.org/packages/bb/5d/6d7433e0f3cd46ce0b43cd65e1db465ea024dbb8216fb2404e919c2ad77b/bcrypt-4.3.0.tar.gz", hash = "sha256:3a3fd2204178b6d2adcf09cb4f6426ffef54762577a7c9b54c159008cb288c18", size = 25697, upload_time = "2025-02-28T01:24:09.174Z" } +wheels = [ + { url = "https://files.pythonhosted.org/packages/bf/2c/3d44e853d1fe969d229bd58d39ae6902b3d924af0e2b5a60d17d4b809ded/bcrypt-4.3.0-cp313-cp313t-macosx_10_12_universal2.whl", hash = "sha256:f01e060f14b6b57bbb72fc5b4a83ac21c443c9a2ee708e04a10e9192f90a6281", size = 483719, upload_time = "2025-02-28T01:22:34.539Z" }, + { url = "https://files.pythonhosted.org/packages/a1/e2/58ff6e2a22eca2e2cff5370ae56dba29d70b1ea6fc08ee9115c3ae367795/bcrypt-4.3.0-cp313-cp313t-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:c5eeac541cefd0bb887a371ef73c62c3cd78535e4887b310626036a7c0a817bb", size = 272001, upload_time = "2025-02-28T01:22:38.078Z" }, + { url = "https://files.pythonhosted.org/packages/37/1f/c55ed8dbe994b1d088309e366749633c9eb90d139af3c0a50c102ba68a1a/bcrypt-4.3.0-cp313-cp313t-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:59e1aa0e2cd871b08ca146ed08445038f42ff75968c7ae50d2fdd7860ade2180", size = 277451, upload_time = "2025-02-28T01:22:40.787Z" }, + { url = "https://files.pythonhosted.org/packages/d7/1c/794feb2ecf22fe73dcfb697ea7057f632061faceb7dcf0f155f3443b4d79/bcrypt-4.3.0-cp313-cp313t-manylinux_2_28_aarch64.whl", hash = "sha256:0042b2e342e9ae3d2ed22727c1262f76cc4f345683b5c1715f0250cf4277294f", size = 272792, upload_time = "2025-02-28T01:22:43.144Z" }, + { url = "https://files.pythonhosted.org/packages/13/b7/0b289506a3f3598c2ae2bdfa0ea66969812ed200264e3f61df77753eee6d/bcrypt-4.3.0-cp313-cp313t-manylinux_2_28_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:74a8d21a09f5e025a9a23e7c0fd2c7fe8e7503e4d356c0a2c1486ba010619f09", size = 289752, upload_time = "2025-02-28T01:22:45.56Z" }, + { url = "https://files.pythonhosted.org/packages/dc/24/d0fb023788afe9e83cc118895a9f6c57e1044e7e1672f045e46733421fe6/bcrypt-4.3.0-cp313-cp313t-manylinux_2_28_x86_64.whl", hash = "sha256:0142b2cb84a009f8452c8c5a33ace5e3dfec4159e7735f5afe9a4d50a8ea722d", size = 277762, upload_time = "2025-02-28T01:22:47.023Z" }, + { url = "https://files.pythonhosted.org/packages/e4/38/cde58089492e55ac4ef6c49fea7027600c84fd23f7520c62118c03b4625e/bcrypt-4.3.0-cp313-cp313t-manylinux_2_34_aarch64.whl", hash = "sha256:12fa6ce40cde3f0b899729dbd7d5e8811cb892d31b6f7d0334a1f37748b789fd", size = 272384, upload_time = "2025-02-28T01:22:49.221Z" }, + { url = "https://files.pythonhosted.org/packages/de/6a/d5026520843490cfc8135d03012a413e4532a400e471e6188b01b2de853f/bcrypt-4.3.0-cp313-cp313t-manylinux_2_34_x86_64.whl", hash = "sha256:5bd3cca1f2aa5dbcf39e2aa13dd094ea181f48959e1071265de49cc2b82525af", size = 277329, upload_time = "2025-02-28T01:22:51.603Z" }, + { url = "https://files.pythonhosted.org/packages/b3/a3/4fc5255e60486466c389e28c12579d2829b28a527360e9430b4041df4cf9/bcrypt-4.3.0-cp313-cp313t-musllinux_1_1_aarch64.whl", hash = "sha256:335a420cfd63fc5bc27308e929bee231c15c85cc4c496610ffb17923abf7f231", size = 305241, upload_time = "2025-02-28T01:22:53.283Z" }, + { url = "https://files.pythonhosted.org/packages/c7/15/2b37bc07d6ce27cc94e5b10fd5058900eb8fb11642300e932c8c82e25c4a/bcrypt-4.3.0-cp313-cp313t-musllinux_1_1_x86_64.whl", hash = "sha256:0e30e5e67aed0187a1764911af023043b4542e70a7461ad20e837e94d23e1d6c", size = 309617, upload_time = "2025-02-28T01:22:55.461Z" }, + { url = "https://files.pythonhosted.org/packages/5f/1f/99f65edb09e6c935232ba0430c8c13bb98cb3194b6d636e61d93fe60ac59/bcrypt-4.3.0-cp313-cp313t-musllinux_1_2_aarch64.whl", hash = "sha256:3b8d62290ebefd49ee0b3ce7500f5dbdcf13b81402c05f6dafab9a1e1b27212f", size = 335751, upload_time = "2025-02-28T01:22:57.81Z" }, + { url = "https://files.pythonhosted.org/packages/00/1b/b324030c706711c99769988fcb694b3cb23f247ad39a7823a78e361bdbb8/bcrypt-4.3.0-cp313-cp313t-musllinux_1_2_x86_64.whl", hash = "sha256:2ef6630e0ec01376f59a006dc72918b1bf436c3b571b80fa1968d775fa02fe7d", size = 355965, upload_time = "2025-02-28T01:22:59.181Z" }, + { url = "https://files.pythonhosted.org/packages/aa/dd/20372a0579dd915dfc3b1cd4943b3bca431866fcb1dfdfd7518c3caddea6/bcrypt-4.3.0-cp313-cp313t-win32.whl", hash = "sha256:7a4be4cbf241afee43f1c3969b9103a41b40bcb3a3f467ab19f891d9bc4642e4", size = 155316, upload_time = "2025-02-28T01:23:00.763Z" }, + { url = "https://files.pythonhosted.org/packages/6d/52/45d969fcff6b5577c2bf17098dc36269b4c02197d551371c023130c0f890/bcrypt-4.3.0-cp313-cp313t-win_amd64.whl", hash = "sha256:5c1949bf259a388863ced887c7861da1df681cb2388645766c89fdfd9004c669", size = 147752, upload_time = "2025-02-28T01:23:02.908Z" }, + { url = "https://files.pythonhosted.org/packages/11/22/5ada0b9af72b60cbc4c9a399fdde4af0feaa609d27eb0adc61607997a3fa/bcrypt-4.3.0-cp38-abi3-macosx_10_12_universal2.whl", hash = "sha256:f81b0ed2639568bf14749112298f9e4e2b28853dab50a8b357e31798686a036d", size = 498019, upload_time = "2025-02-28T01:23:05.838Z" }, + { url = "https://files.pythonhosted.org/packages/b8/8c/252a1edc598dc1ce57905be173328eda073083826955ee3c97c7ff5ba584/bcrypt-4.3.0-cp38-abi3-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:864f8f19adbe13b7de11ba15d85d4a428c7e2f344bac110f667676a0ff84924b", size = 279174, upload_time = "2025-02-28T01:23:07.274Z" }, + { url = "https://files.pythonhosted.org/packages/29/5b/4547d5c49b85f0337c13929f2ccbe08b7283069eea3550a457914fc078aa/bcrypt-4.3.0-cp38-abi3-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:3e36506d001e93bffe59754397572f21bb5dc7c83f54454c990c74a468cd589e", size = 283870, upload_time = "2025-02-28T01:23:09.151Z" }, + { url = "https://files.pythonhosted.org/packages/be/21/7dbaf3fa1745cb63f776bb046e481fbababd7d344c5324eab47f5ca92dd2/bcrypt-4.3.0-cp38-abi3-manylinux_2_28_aarch64.whl", hash = "sha256:842d08d75d9fe9fb94b18b071090220697f9f184d4547179b60734846461ed59", size = 279601, upload_time = "2025-02-28T01:23:11.461Z" }, + { url = "https://files.pythonhosted.org/packages/6d/64/e042fc8262e971347d9230d9abbe70d68b0a549acd8611c83cebd3eaec67/bcrypt-4.3.0-cp38-abi3-manylinux_2_28_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:7c03296b85cb87db865d91da79bf63d5609284fc0cab9472fdd8367bbd830753", size = 297660, upload_time = "2025-02-28T01:23:12.989Z" }, + { url = "https://files.pythonhosted.org/packages/50/b8/6294eb84a3fef3b67c69b4470fcdd5326676806bf2519cda79331ab3c3a9/bcrypt-4.3.0-cp38-abi3-manylinux_2_28_x86_64.whl", hash = "sha256:62f26585e8b219cdc909b6a0069efc5e4267e25d4a3770a364ac58024f62a761", size = 284083, upload_time = "2025-02-28T01:23:14.5Z" }, + { url = "https://files.pythonhosted.org/packages/62/e6/baff635a4f2c42e8788fe1b1633911c38551ecca9a749d1052d296329da6/bcrypt-4.3.0-cp38-abi3-manylinux_2_34_aarch64.whl", hash = "sha256:beeefe437218a65322fbd0069eb437e7c98137e08f22c4660ac2dc795c31f8bb", size = 279237, upload_time = "2025-02-28T01:23:16.686Z" }, + { url = "https://files.pythonhosted.org/packages/39/48/46f623f1b0c7dc2e5de0b8af5e6f5ac4cc26408ac33f3d424e5ad8da4a90/bcrypt-4.3.0-cp38-abi3-manylinux_2_34_x86_64.whl", hash = "sha256:97eea7408db3a5bcce4a55d13245ab3fa566e23b4c67cd227062bb49e26c585d", size = 283737, upload_time = "2025-02-28T01:23:18.897Z" }, + { url = "https://files.pythonhosted.org/packages/49/8b/70671c3ce9c0fca4a6cc3cc6ccbaa7e948875a2e62cbd146e04a4011899c/bcrypt-4.3.0-cp38-abi3-musllinux_1_1_aarch64.whl", hash = "sha256:191354ebfe305e84f344c5964c7cd5f924a3bfc5d405c75ad07f232b6dffb49f", size = 312741, upload_time = "2025-02-28T01:23:21.041Z" }, + { url = "https://files.pythonhosted.org/packages/27/fb/910d3a1caa2d249b6040a5caf9f9866c52114d51523ac2fb47578a27faee/bcrypt-4.3.0-cp38-abi3-musllinux_1_1_x86_64.whl", hash = "sha256:41261d64150858eeb5ff43c753c4b216991e0ae16614a308a15d909503617732", size = 316472, upload_time = "2025-02-28T01:23:23.183Z" }, + { url = "https://files.pythonhosted.org/packages/dc/cf/7cf3a05b66ce466cfb575dbbda39718d45a609daa78500f57fa9f36fa3c0/bcrypt-4.3.0-cp38-abi3-musllinux_1_2_aarch64.whl", hash = "sha256:33752b1ba962ee793fa2b6321404bf20011fe45b9afd2a842139de3011898fef", size = 343606, upload_time = "2025-02-28T01:23:25.361Z" }, + { url = "https://files.pythonhosted.org/packages/e3/b8/e970ecc6d7e355c0d892b7f733480f4aa8509f99b33e71550242cf0b7e63/bcrypt-4.3.0-cp38-abi3-musllinux_1_2_x86_64.whl", hash = "sha256:50e6e80a4bfd23a25f5c05b90167c19030cf9f87930f7cb2eacb99f45d1c3304", size = 362867, upload_time = "2025-02-28T01:23:26.875Z" }, + { url = "https://files.pythonhosted.org/packages/a9/97/8d3118efd8354c555a3422d544163f40d9f236be5b96c714086463f11699/bcrypt-4.3.0-cp38-abi3-win32.whl", hash = "sha256:67a561c4d9fb9465ec866177e7aebcad08fe23aaf6fbd692a6fab69088abfc51", size = 160589, upload_time = "2025-02-28T01:23:28.381Z" }, + { url = "https://files.pythonhosted.org/packages/29/07/416f0b99f7f3997c69815365babbc2e8754181a4b1899d921b3c7d5b6f12/bcrypt-4.3.0-cp38-abi3-win_amd64.whl", hash = "sha256:584027857bc2843772114717a7490a37f68da563b3620f78a849bcb54dc11e62", size = 152794, upload_time = "2025-02-28T01:23:30.187Z" }, + { url = "https://files.pythonhosted.org/packages/6e/c1/3fa0e9e4e0bfd3fd77eb8b52ec198fd6e1fd7e9402052e43f23483f956dd/bcrypt-4.3.0-cp39-abi3-macosx_10_12_universal2.whl", hash = "sha256:0d3efb1157edebfd9128e4e46e2ac1a64e0c1fe46fb023158a407c7892b0f8c3", size = 498969, upload_time = "2025-02-28T01:23:31.945Z" }, + { url = "https://files.pythonhosted.org/packages/ce/d4/755ce19b6743394787fbd7dff6bf271b27ee9b5912a97242e3caf125885b/bcrypt-4.3.0-cp39-abi3-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:08bacc884fd302b611226c01014eca277d48f0a05187666bca23aac0dad6fe24", size = 279158, upload_time = "2025-02-28T01:23:34.161Z" }, + { url = "https://files.pythonhosted.org/packages/9b/5d/805ef1a749c965c46b28285dfb5cd272a7ed9fa971f970435a5133250182/bcrypt-4.3.0-cp39-abi3-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:f6746e6fec103fcd509b96bacdfdaa2fbde9a553245dbada284435173a6f1aef", size = 284285, upload_time = "2025-02-28T01:23:35.765Z" }, + { url = "https://files.pythonhosted.org/packages/ab/2b/698580547a4a4988e415721b71eb45e80c879f0fb04a62da131f45987b96/bcrypt-4.3.0-cp39-abi3-manylinux_2_28_aarch64.whl", hash = "sha256:afe327968aaf13fc143a56a3360cb27d4ad0345e34da12c7290f1b00b8fe9a8b", size = 279583, upload_time = "2025-02-28T01:23:38.021Z" }, + { url = "https://files.pythonhosted.org/packages/f2/87/62e1e426418204db520f955ffd06f1efd389feca893dad7095bf35612eec/bcrypt-4.3.0-cp39-abi3-manylinux_2_28_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:d9af79d322e735b1fc33404b5765108ae0ff232d4b54666d46730f8ac1a43676", size = 297896, upload_time = "2025-02-28T01:23:39.575Z" }, + { url = "https://files.pythonhosted.org/packages/cb/c6/8fedca4c2ada1b6e889c52d2943b2f968d3427e5d65f595620ec4c06fa2f/bcrypt-4.3.0-cp39-abi3-manylinux_2_28_x86_64.whl", hash = "sha256:f1e3ffa1365e8702dc48c8b360fef8d7afeca482809c5e45e653af82ccd088c1", size = 284492, upload_time = "2025-02-28T01:23:40.901Z" }, + { url = "https://files.pythonhosted.org/packages/4d/4d/c43332dcaaddb7710a8ff5269fcccba97ed3c85987ddaa808db084267b9a/bcrypt-4.3.0-cp39-abi3-manylinux_2_34_aarch64.whl", hash = "sha256:3004df1b323d10021fda07a813fd33e0fd57bef0e9a480bb143877f6cba996fe", size = 279213, upload_time = "2025-02-28T01:23:42.653Z" }, + { url = "https://files.pythonhosted.org/packages/dc/7f/1e36379e169a7df3a14a1c160a49b7b918600a6008de43ff20d479e6f4b5/bcrypt-4.3.0-cp39-abi3-manylinux_2_34_x86_64.whl", hash = "sha256:531457e5c839d8caea9b589a1bcfe3756b0547d7814e9ce3d437f17da75c32b0", size = 284162, upload_time = "2025-02-28T01:23:43.964Z" }, + { url = "https://files.pythonhosted.org/packages/1c/0a/644b2731194b0d7646f3210dc4d80c7fee3ecb3a1f791a6e0ae6bb8684e3/bcrypt-4.3.0-cp39-abi3-musllinux_1_1_aarch64.whl", hash = "sha256:17a854d9a7a476a89dcef6c8bd119ad23e0f82557afbd2c442777a16408e614f", size = 312856, upload_time = "2025-02-28T01:23:46.011Z" }, + { url = "https://files.pythonhosted.org/packages/dc/62/2a871837c0bb6ab0c9a88bf54de0fc021a6a08832d4ea313ed92a669d437/bcrypt-4.3.0-cp39-abi3-musllinux_1_1_x86_64.whl", hash = "sha256:6fb1fd3ab08c0cbc6826a2e0447610c6f09e983a281b919ed721ad32236b8b23", size = 316726, upload_time = "2025-02-28T01:23:47.575Z" }, + { url = "https://files.pythonhosted.org/packages/0c/a1/9898ea3faac0b156d457fd73a3cb9c2855c6fd063e44b8522925cdd8ce46/bcrypt-4.3.0-cp39-abi3-musllinux_1_2_aarch64.whl", hash = "sha256:e965a9c1e9a393b8005031ff52583cedc15b7884fce7deb8b0346388837d6cfe", size = 343664, upload_time = "2025-02-28T01:23:49.059Z" }, + { url = "https://files.pythonhosted.org/packages/40/f2/71b4ed65ce38982ecdda0ff20c3ad1b15e71949c78b2c053df53629ce940/bcrypt-4.3.0-cp39-abi3-musllinux_1_2_x86_64.whl", hash = "sha256:79e70b8342a33b52b55d93b3a59223a844962bef479f6a0ea318ebbcadf71505", size = 363128, upload_time = "2025-02-28T01:23:50.399Z" }, + { url = "https://files.pythonhosted.org/packages/11/99/12f6a58eca6dea4be992d6c681b7ec9410a1d9f5cf368c61437e31daa879/bcrypt-4.3.0-cp39-abi3-win32.whl", hash = "sha256:b4d4e57f0a63fd0b358eb765063ff661328f69a04494427265950c71b992a39a", size = 160598, upload_time = "2025-02-28T01:23:51.775Z" }, + { url = "https://files.pythonhosted.org/packages/a9/cf/45fb5261ece3e6b9817d3d82b2f343a505fd58674a92577923bc500bd1aa/bcrypt-4.3.0-cp39-abi3-win_amd64.whl", hash = "sha256:e53e074b120f2877a35cc6c736b8eb161377caae8925c17688bd46ba56daaa5b", size = 152799, upload_time = "2025-02-28T01:23:53.139Z" }, + { url = "https://files.pythonhosted.org/packages/4c/b1/1289e21d710496b88340369137cc4c5f6ee036401190ea116a7b4ae6d32a/bcrypt-4.3.0-pp311-pypy311_pp73-manylinux_2_28_aarch64.whl", hash = "sha256:a839320bf27d474e52ef8cb16449bb2ce0ba03ca9f44daba6d93fa1d8828e48a", size = 275103, upload_time = "2025-02-28T01:24:00.764Z" }, + { url = "https://files.pythonhosted.org/packages/94/41/19be9fe17e4ffc5d10b7b67f10e459fc4eee6ffe9056a88de511920cfd8d/bcrypt-4.3.0-pp311-pypy311_pp73-manylinux_2_28_x86_64.whl", hash = "sha256:bdc6a24e754a555d7316fa4774e64c6c3997d27ed2d1964d55920c7c227bc4ce", size = 280513, upload_time = "2025-02-28T01:24:02.243Z" }, + { url = "https://files.pythonhosted.org/packages/aa/73/05687a9ef89edebdd8ad7474c16d8af685eb4591c3c38300bb6aad4f0076/bcrypt-4.3.0-pp311-pypy311_pp73-manylinux_2_34_aarch64.whl", hash = "sha256:55a935b8e9a1d2def0626c4269db3fcd26728cbff1e84f0341465c31c4ee56d8", size = 274685, upload_time = "2025-02-28T01:24:04.512Z" }, + { url = "https://files.pythonhosted.org/packages/63/13/47bba97924ebe86a62ef83dc75b7c8a881d53c535f83e2c54c4bd701e05c/bcrypt-4.3.0-pp311-pypy311_pp73-manylinux_2_34_x86_64.whl", hash = "sha256:57967b7a28d855313a963aaea51bf6df89f833db4320da458e5b3c5ab6d4c938", size = 280110, upload_time = "2025-02-28T01:24:05.896Z" }, ] [[package]] @@ -329,9 +329,9 @@ dependencies = [ { name = "soupsieve" }, { name = "typing-extensions" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/d8/e4/0c4c39e18fd76d6a628d4dd8da40543d136ce2d1752bd6eeeab0791f4d6b/beautifulsoup4-4.13.4.tar.gz", hash = "sha256:dbb3c4e1ceae6aefebdaf2423247260cd062430a410e38c66f2baa50a8437195", size = 621067, upload-time = "2025-04-15T17:05:13.836Z" } +sdist = { url = "https://files.pythonhosted.org/packages/d8/e4/0c4c39e18fd76d6a628d4dd8da40543d136ce2d1752bd6eeeab0791f4d6b/beautifulsoup4-4.13.4.tar.gz", hash = "sha256:dbb3c4e1ceae6aefebdaf2423247260cd062430a410e38c66f2baa50a8437195", size = 621067, upload_time = "2025-04-15T17:05:13.836Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/50/cd/30110dc0ffcf3b131156077b90e9f60ed75711223f306da4db08eff8403b/beautifulsoup4-4.13.4-py3-none-any.whl", hash = "sha256:9bbbb14bfde9d79f38b8cd5f8c7c85f4b8f2523190ebed90e950a8dea4cb1c4b", size = 187285, upload-time = "2025-04-15T17:05:12.221Z" }, + { url = "https://files.pythonhosted.org/packages/50/cd/30110dc0ffcf3b131156077b90e9f60ed75711223f306da4db08eff8403b/beautifulsoup4-4.13.4-py3-none-any.whl", hash = "sha256:9bbbb14bfde9d79f38b8cd5f8c7c85f4b8f2523190ebed90e950a8dea4cb1c4b", size = 187285, upload_time = "2025-04-15T17:05:12.221Z" }, ] [[package]] @@ -345,21 +345,21 @@ dependencies = [ { name = "pathspec" }, { name = "platformdirs" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/94/49/26a7b0f3f35da4b5a65f081943b7bcd22d7002f5f0fb8098ec1ff21cb6ef/black-25.1.0.tar.gz", hash = "sha256:33496d5cd1222ad73391352b4ae8da15253c5de89b93a80b3e2c8d9a19ec2666", size = 649449, upload-time = "2025-01-29T04:15:40.373Z" } +sdist = { url = "https://files.pythonhosted.org/packages/94/49/26a7b0f3f35da4b5a65f081943b7bcd22d7002f5f0fb8098ec1ff21cb6ef/black-25.1.0.tar.gz", hash = "sha256:33496d5cd1222ad73391352b4ae8da15253c5de89b93a80b3e2c8d9a19ec2666", size = 649449, upload_time = "2025-01-29T04:15:40.373Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/7e/4f/87f596aca05c3ce5b94b8663dbfe242a12843caaa82dd3f85f1ffdc3f177/black-25.1.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:a39337598244de4bae26475f77dda852ea00a93bd4c728e09eacd827ec929df0", size = 1614372, upload-time = "2025-01-29T05:37:11.71Z" }, - { url = "https://files.pythonhosted.org/packages/e7/d0/2c34c36190b741c59c901e56ab7f6e54dad8df05a6272a9747ecef7c6036/black-25.1.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:96c1c7cd856bba8e20094e36e0f948718dc688dba4a9d78c3adde52b9e6c2299", size = 1442865, upload-time = "2025-01-29T05:37:14.309Z" }, - { url = "https://files.pythonhosted.org/packages/21/d4/7518c72262468430ead45cf22bd86c883a6448b9eb43672765d69a8f1248/black-25.1.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:bce2e264d59c91e52d8000d507eb20a9aca4a778731a08cfff7e5ac4a4bb7096", size = 1749699, upload-time = "2025-01-29T04:18:17.688Z" }, - { url = "https://files.pythonhosted.org/packages/58/db/4f5beb989b547f79096e035c4981ceb36ac2b552d0ac5f2620e941501c99/black-25.1.0-cp311-cp311-win_amd64.whl", hash = "sha256:172b1dbff09f86ce6f4eb8edf9dede08b1fce58ba194c87d7a4f1a5aa2f5b3c2", size = 1428028, upload-time = "2025-01-29T04:18:51.711Z" }, - { url = "https://files.pythonhosted.org/packages/83/71/3fe4741df7adf015ad8dfa082dd36c94ca86bb21f25608eb247b4afb15b2/black-25.1.0-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:4b60580e829091e6f9238c848ea6750efed72140b91b048770b64e74fe04908b", size = 1650988, upload-time = "2025-01-29T05:37:16.707Z" }, - { url = "https://files.pythonhosted.org/packages/13/f3/89aac8a83d73937ccd39bbe8fc6ac8860c11cfa0af5b1c96d081facac844/black-25.1.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:1e2978f6df243b155ef5fa7e558a43037c3079093ed5d10fd84c43900f2d8ecc", size = 1453985, upload-time = "2025-01-29T05:37:18.273Z" }, - { url = "https://files.pythonhosted.org/packages/6f/22/b99efca33f1f3a1d2552c714b1e1b5ae92efac6c43e790ad539a163d1754/black-25.1.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:3b48735872ec535027d979e8dcb20bf4f70b5ac75a8ea99f127c106a7d7aba9f", size = 1783816, upload-time = "2025-01-29T04:18:33.823Z" }, - { url = "https://files.pythonhosted.org/packages/18/7e/a27c3ad3822b6f2e0e00d63d58ff6299a99a5b3aee69fa77cd4b0076b261/black-25.1.0-cp312-cp312-win_amd64.whl", hash = "sha256:ea0213189960bda9cf99be5b8c8ce66bb054af5e9e861249cd23471bd7b0b3ba", size = 1440860, upload-time = "2025-01-29T04:19:12.944Z" }, - { url = "https://files.pythonhosted.org/packages/98/87/0edf98916640efa5d0696e1abb0a8357b52e69e82322628f25bf14d263d1/black-25.1.0-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:8f0b18a02996a836cc9c9c78e5babec10930862827b1b724ddfe98ccf2f2fe4f", size = 1650673, upload-time = "2025-01-29T05:37:20.574Z" }, - { url = "https://files.pythonhosted.org/packages/52/e5/f7bf17207cf87fa6e9b676576749c6b6ed0d70f179a3d812c997870291c3/black-25.1.0-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:afebb7098bfbc70037a053b91ae8437c3857482d3a690fefc03e9ff7aa9a5fd3", size = 1453190, upload-time = "2025-01-29T05:37:22.106Z" }, - { url = "https://files.pythonhosted.org/packages/e3/ee/adda3d46d4a9120772fae6de454c8495603c37c4c3b9c60f25b1ab6401fe/black-25.1.0-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:030b9759066a4ee5e5aca28c3c77f9c64789cdd4de8ac1df642c40b708be6171", size = 1782926, upload-time = "2025-01-29T04:18:58.564Z" }, - { url = "https://files.pythonhosted.org/packages/cc/64/94eb5f45dcb997d2082f097a3944cfc7fe87e071907f677e80788a2d7b7a/black-25.1.0-cp313-cp313-win_amd64.whl", hash = "sha256:a22f402b410566e2d1c950708c77ebf5ebd5d0d88a6a2e87c86d9fb48afa0d18", size = 1442613, upload-time = "2025-01-29T04:19:27.63Z" }, - { url = "https://files.pythonhosted.org/packages/09/71/54e999902aed72baf26bca0d50781b01838251a462612966e9fc4891eadd/black-25.1.0-py3-none-any.whl", hash = "sha256:95e8176dae143ba9097f351d174fdaf0ccd29efb414b362ae3fd72bf0f710717", size = 207646, upload-time = "2025-01-29T04:15:38.082Z" }, + { url = "https://files.pythonhosted.org/packages/7e/4f/87f596aca05c3ce5b94b8663dbfe242a12843caaa82dd3f85f1ffdc3f177/black-25.1.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:a39337598244de4bae26475f77dda852ea00a93bd4c728e09eacd827ec929df0", size = 1614372, upload_time = "2025-01-29T05:37:11.71Z" }, + { url = "https://files.pythonhosted.org/packages/e7/d0/2c34c36190b741c59c901e56ab7f6e54dad8df05a6272a9747ecef7c6036/black-25.1.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:96c1c7cd856bba8e20094e36e0f948718dc688dba4a9d78c3adde52b9e6c2299", size = 1442865, upload_time = "2025-01-29T05:37:14.309Z" }, + { url = "https://files.pythonhosted.org/packages/21/d4/7518c72262468430ead45cf22bd86c883a6448b9eb43672765d69a8f1248/black-25.1.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:bce2e264d59c91e52d8000d507eb20a9aca4a778731a08cfff7e5ac4a4bb7096", size = 1749699, upload_time = "2025-01-29T04:18:17.688Z" }, + { url = "https://files.pythonhosted.org/packages/58/db/4f5beb989b547f79096e035c4981ceb36ac2b552d0ac5f2620e941501c99/black-25.1.0-cp311-cp311-win_amd64.whl", hash = "sha256:172b1dbff09f86ce6f4eb8edf9dede08b1fce58ba194c87d7a4f1a5aa2f5b3c2", size = 1428028, upload_time = "2025-01-29T04:18:51.711Z" }, + { url = "https://files.pythonhosted.org/packages/83/71/3fe4741df7adf015ad8dfa082dd36c94ca86bb21f25608eb247b4afb15b2/black-25.1.0-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:4b60580e829091e6f9238c848ea6750efed72140b91b048770b64e74fe04908b", size = 1650988, upload_time = "2025-01-29T05:37:16.707Z" }, + { url = "https://files.pythonhosted.org/packages/13/f3/89aac8a83d73937ccd39bbe8fc6ac8860c11cfa0af5b1c96d081facac844/black-25.1.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:1e2978f6df243b155ef5fa7e558a43037c3079093ed5d10fd84c43900f2d8ecc", size = 1453985, upload_time = "2025-01-29T05:37:18.273Z" }, + { url = "https://files.pythonhosted.org/packages/6f/22/b99efca33f1f3a1d2552c714b1e1b5ae92efac6c43e790ad539a163d1754/black-25.1.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:3b48735872ec535027d979e8dcb20bf4f70b5ac75a8ea99f127c106a7d7aba9f", size = 1783816, upload_time = "2025-01-29T04:18:33.823Z" }, + { url = "https://files.pythonhosted.org/packages/18/7e/a27c3ad3822b6f2e0e00d63d58ff6299a99a5b3aee69fa77cd4b0076b261/black-25.1.0-cp312-cp312-win_amd64.whl", hash = "sha256:ea0213189960bda9cf99be5b8c8ce66bb054af5e9e861249cd23471bd7b0b3ba", size = 1440860, upload_time = "2025-01-29T04:19:12.944Z" }, + { url = "https://files.pythonhosted.org/packages/98/87/0edf98916640efa5d0696e1abb0a8357b52e69e82322628f25bf14d263d1/black-25.1.0-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:8f0b18a02996a836cc9c9c78e5babec10930862827b1b724ddfe98ccf2f2fe4f", size = 1650673, upload_time = "2025-01-29T05:37:20.574Z" }, + { url = "https://files.pythonhosted.org/packages/52/e5/f7bf17207cf87fa6e9b676576749c6b6ed0d70f179a3d812c997870291c3/black-25.1.0-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:afebb7098bfbc70037a053b91ae8437c3857482d3a690fefc03e9ff7aa9a5fd3", size = 1453190, upload_time = "2025-01-29T05:37:22.106Z" }, + { url = "https://files.pythonhosted.org/packages/e3/ee/adda3d46d4a9120772fae6de454c8495603c37c4c3b9c60f25b1ab6401fe/black-25.1.0-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:030b9759066a4ee5e5aca28c3c77f9c64789cdd4de8ac1df642c40b708be6171", size = 1782926, upload_time = "2025-01-29T04:18:58.564Z" }, + { url = "https://files.pythonhosted.org/packages/cc/64/94eb5f45dcb997d2082f097a3944cfc7fe87e071907f677e80788a2d7b7a/black-25.1.0-cp313-cp313-win_amd64.whl", hash = "sha256:a22f402b410566e2d1c950708c77ebf5ebd5d0d88a6a2e87c86d9fb48afa0d18", size = 1442613, upload_time = "2025-01-29T04:19:27.63Z" }, + { url = "https://files.pythonhosted.org/packages/09/71/54e999902aed72baf26bca0d50781b01838251a462612966e9fc4891eadd/black-25.1.0-py3-none-any.whl", hash = "sha256:95e8176dae143ba9097f351d174fdaf0ccd29efb414b362ae3fd72bf0f710717", size = 207646, upload_time = "2025-01-29T04:15:38.082Z" }, ] [[package]] @@ -369,9 +369,9 @@ source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "webencodings" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/76/9a/0e33f5054c54d349ea62c277191c020c2d6ef1d65ab2cb1993f91ec846d1/bleach-6.2.0.tar.gz", hash = "sha256:123e894118b8a599fd80d3ec1a6d4cc7ce4e5882b1317a7e1ba69b56e95f991f", size = 203083, upload-time = "2024-10-29T18:30:40.477Z" } +sdist = { url = "https://files.pythonhosted.org/packages/76/9a/0e33f5054c54d349ea62c277191c020c2d6ef1d65ab2cb1993f91ec846d1/bleach-6.2.0.tar.gz", hash = "sha256:123e894118b8a599fd80d3ec1a6d4cc7ce4e5882b1317a7e1ba69b56e95f991f", size = 203083, upload_time = "2024-10-29T18:30:40.477Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/fc/55/96142937f66150805c25c4d0f31ee4132fd33497753400734f9dfdcbdc66/bleach-6.2.0-py3-none-any.whl", hash = "sha256:117d9c6097a7c3d22fd578fcd8d35ff1e125df6736f554da4e432fdd63f31e5e", size = 163406, upload-time = "2024-10-29T18:30:38.186Z" }, + { url = "https://files.pythonhosted.org/packages/fc/55/96142937f66150805c25c4d0f31ee4132fd33497753400734f9dfdcbdc66/bleach-6.2.0-py3-none-any.whl", hash = "sha256:117d9c6097a7c3d22fd578fcd8d35ff1e125df6736f554da4e432fdd63f31e5e", size = 163406, upload_time = "2024-10-29T18:30:38.186Z" }, ] [package.optional-dependencies] @@ -388,9 +388,9 @@ dependencies = [ { name = "jmespath" }, { name = "s3transfer" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/f1/ca/e7c1b5f7118fa3520f70ca11082472b64e2ffc4d81e7a4373339e4770f3a/boto3-1.38.35.tar.gz", hash = "sha256:38a407e467b24914ce24e5816f53305288ea44072778f88d2b4b6a2cffbcb220", size = 111841, upload-time = "2025-06-11T19:29:54.515Z" } +sdist = { url = "https://files.pythonhosted.org/packages/f1/ca/e7c1b5f7118fa3520f70ca11082472b64e2ffc4d81e7a4373339e4770f3a/boto3-1.38.35.tar.gz", hash = "sha256:38a407e467b24914ce24e5816f53305288ea44072778f88d2b4b6a2cffbcb220", size = 111841, upload_time = "2025-06-11T19:29:54.515Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/c9/56/b0043430a38b45cc20ae942524fa9e370a4ff3e33b408c8ff6341266ffca/boto3-1.38.35-py3-none-any.whl", hash = "sha256:97606fe56e33b2548c4110dd7cdc49487266d503ba09eaff9abf98b028baee9e", size = 139937, upload-time = "2025-06-11T19:29:53.352Z" }, + { url = "https://files.pythonhosted.org/packages/c9/56/b0043430a38b45cc20ae942524fa9e370a4ff3e33b408c8ff6341266ffca/boto3-1.38.35-py3-none-any.whl", hash = "sha256:97606fe56e33b2548c4110dd7cdc49487266d503ba09eaff9abf98b028baee9e", size = 139937, upload_time = "2025-06-11T19:29:53.352Z" }, ] [[package]] @@ -402,63 +402,63 @@ dependencies = [ { name = "python-dateutil" }, { name = "urllib3" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/cd/2e/763918cd2b5af0345a38181bc5f16d1f6c32aad2a03b7738274cf068d864/botocore-1.38.35.tar.gz", hash = "sha256:3c7032948e066eed5f91d64cd51ee9664d1db9beaf3279ac27da608176bb3d54", size = 13962912, upload-time = "2025-06-11T19:29:45.29Z" } +sdist = { url = "https://files.pythonhosted.org/packages/cd/2e/763918cd2b5af0345a38181bc5f16d1f6c32aad2a03b7738274cf068d864/botocore-1.38.35.tar.gz", hash = "sha256:3c7032948e066eed5f91d64cd51ee9664d1db9beaf3279ac27da608176bb3d54", size = 13962912, upload_time = "2025-06-11T19:29:45.29Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/97/89/b993928d3d4385b3698fd7a1fb251c117c76bc6cf8d5f3a587067f1298e3/botocore-1.38.35-py3-none-any.whl", hash = "sha256:bbfae3f13a5d75ad73bf71b5ba5ff3ccd055d947d63593e8a0e84acc95a8bfa4", size = 13623012, upload-time = "2025-06-11T19:29:40.142Z" }, + { url = "https://files.pythonhosted.org/packages/97/89/b993928d3d4385b3698fd7a1fb251c117c76bc6cf8d5f3a587067f1298e3/botocore-1.38.35-py3-none-any.whl", hash = "sha256:bbfae3f13a5d75ad73bf71b5ba5ff3ccd055d947d63593e8a0e84acc95a8bfa4", size = 13623012, upload_time = "2025-06-11T19:29:40.142Z" }, ] [[package]] name = "brotli" version = "1.1.0" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/2f/c2/f9e977608bdf958650638c3f1e28f85a1b075f075ebbe77db8555463787b/Brotli-1.1.0.tar.gz", hash = "sha256:81de08ac11bcb85841e440c13611c00b67d3bf82698314928d0b676362546724", size = 7372270, upload-time = "2023-09-07T14:05:41.643Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/96/12/ad41e7fadd5db55459c4c401842b47f7fee51068f86dd2894dd0dcfc2d2a/Brotli-1.1.0-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:a3daabb76a78f829cafc365531c972016e4aa8d5b4bf60660ad8ecee19df7ccc", size = 873068, upload-time = "2023-09-07T14:03:37.779Z" }, - { url = "https://files.pythonhosted.org/packages/95/4e/5afab7b2b4b61a84e9c75b17814198ce515343a44e2ed4488fac314cd0a9/Brotli-1.1.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:c8146669223164fc87a7e3de9f81e9423c67a79d6b3447994dfb9c95da16e2d6", size = 446244, upload-time = "2023-09-07T14:03:39.223Z" }, - { url = "https://files.pythonhosted.org/packages/9d/e6/f305eb61fb9a8580c525478a4a34c5ae1a9bcb12c3aee619114940bc513d/Brotli-1.1.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:30924eb4c57903d5a7526b08ef4a584acc22ab1ffa085faceb521521d2de32dd", size = 2906500, upload-time = "2023-09-07T14:03:40.858Z" }, - { url = "https://files.pythonhosted.org/packages/3e/4f/af6846cfbc1550a3024e5d3775ede1e00474c40882c7bf5b37a43ca35e91/Brotli-1.1.0-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:ceb64bbc6eac5a140ca649003756940f8d6a7c444a68af170b3187623b43bebf", size = 2943950, upload-time = "2023-09-07T14:03:42.896Z" }, - { url = "https://files.pythonhosted.org/packages/b3/e7/ca2993c7682d8629b62630ebf0d1f3bb3d579e667ce8e7ca03a0a0576a2d/Brotli-1.1.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:a469274ad18dc0e4d316eefa616d1d0c2ff9da369af19fa6f3daa4f09671fd61", size = 2918527, upload-time = "2023-09-07T14:03:44.552Z" }, - { url = "https://files.pythonhosted.org/packages/b3/96/da98e7bedc4c51104d29cc61e5f449a502dd3dbc211944546a4cc65500d3/Brotli-1.1.0-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:524f35912131cc2cabb00edfd8d573b07f2d9f21fa824bd3fb19725a9cf06327", size = 2845489, upload-time = "2023-09-07T14:03:46.594Z" }, - { url = "https://files.pythonhosted.org/packages/e8/ef/ccbc16947d6ce943a7f57e1a40596c75859eeb6d279c6994eddd69615265/Brotli-1.1.0-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:5b3cc074004d968722f51e550b41a27be656ec48f8afaeeb45ebf65b561481dd", size = 2914080, upload-time = "2023-09-07T14:03:48.204Z" }, - { url = "https://files.pythonhosted.org/packages/80/d6/0bd38d758d1afa62a5524172f0b18626bb2392d717ff94806f741fcd5ee9/Brotli-1.1.0-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:19c116e796420b0cee3da1ccec3b764ed2952ccfcc298b55a10e5610ad7885f9", size = 2813051, upload-time = "2023-09-07T14:03:50.348Z" }, - { url = "https://files.pythonhosted.org/packages/14/56/48859dd5d129d7519e001f06dcfbb6e2cf6db92b2702c0c2ce7d97e086c1/Brotli-1.1.0-cp311-cp311-musllinux_1_1_ppc64le.whl", hash = "sha256:510b5b1bfbe20e1a7b3baf5fed9e9451873559a976c1a78eebaa3b86c57b4265", size = 2938172, upload-time = "2023-09-07T14:03:52.395Z" }, - { url = "https://files.pythonhosted.org/packages/3d/77/a236d5f8cd9e9f4348da5acc75ab032ab1ab2c03cc8f430d24eea2672888/Brotli-1.1.0-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:a1fd8a29719ccce974d523580987b7f8229aeace506952fa9ce1d53a033873c8", size = 2933023, upload-time = "2023-09-07T14:03:53.96Z" }, - { url = "https://files.pythonhosted.org/packages/f1/87/3b283efc0f5cb35f7f84c0c240b1e1a1003a5e47141a4881bf87c86d0ce2/Brotli-1.1.0-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:c247dd99d39e0338a604f8c2b3bc7061d5c2e9e2ac7ba9cc1be5a69cb6cd832f", size = 2935871, upload-time = "2024-10-18T12:32:16.688Z" }, - { url = "https://files.pythonhosted.org/packages/f3/eb/2be4cc3e2141dc1a43ad4ca1875a72088229de38c68e842746b342667b2a/Brotli-1.1.0-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:1b2c248cd517c222d89e74669a4adfa5577e06ab68771a529060cf5a156e9757", size = 2847784, upload-time = "2024-10-18T12:32:18.459Z" }, - { url = "https://files.pythonhosted.org/packages/66/13/b58ddebfd35edde572ccefe6890cf7c493f0c319aad2a5badee134b4d8ec/Brotli-1.1.0-cp311-cp311-musllinux_1_2_ppc64le.whl", hash = "sha256:2a24c50840d89ded6c9a8fdc7b6ed3692ed4e86f1c4a4a938e1e92def92933e0", size = 3034905, upload-time = "2024-10-18T12:32:20.192Z" }, - { url = "https://files.pythonhosted.org/packages/84/9c/bc96b6c7db824998a49ed3b38e441a2cae9234da6fa11f6ed17e8cf4f147/Brotli-1.1.0-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:f31859074d57b4639318523d6ffdca586ace54271a73ad23ad021acd807eb14b", size = 2929467, upload-time = "2024-10-18T12:32:21.774Z" }, - { url = "https://files.pythonhosted.org/packages/e7/71/8f161dee223c7ff7fea9d44893fba953ce97cf2c3c33f78ba260a91bcff5/Brotli-1.1.0-cp311-cp311-win32.whl", hash = "sha256:39da8adedf6942d76dc3e46653e52df937a3c4d6d18fdc94a7c29d263b1f5b50", size = 333169, upload-time = "2023-09-07T14:03:55.404Z" }, - { url = "https://files.pythonhosted.org/packages/02/8a/fece0ee1057643cb2a5bbf59682de13f1725f8482b2c057d4e799d7ade75/Brotli-1.1.0-cp311-cp311-win_amd64.whl", hash = "sha256:aac0411d20e345dc0920bdec5548e438e999ff68d77564d5e9463a7ca9d3e7b1", size = 357253, upload-time = "2023-09-07T14:03:56.643Z" }, - { url = "https://files.pythonhosted.org/packages/5c/d0/5373ae13b93fe00095a58efcbce837fd470ca39f703a235d2a999baadfbc/Brotli-1.1.0-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:32d95b80260d79926f5fab3c41701dbb818fde1c9da590e77e571eefd14abe28", size = 815693, upload-time = "2024-10-18T12:32:23.824Z" }, - { url = "https://files.pythonhosted.org/packages/8e/48/f6e1cdf86751300c288c1459724bfa6917a80e30dbfc326f92cea5d3683a/Brotli-1.1.0-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:b760c65308ff1e462f65d69c12e4ae085cff3b332d894637f6273a12a482d09f", size = 422489, upload-time = "2024-10-18T12:32:25.641Z" }, - { url = "https://files.pythonhosted.org/packages/06/88/564958cedce636d0f1bed313381dfc4b4e3d3f6015a63dae6146e1b8c65c/Brotli-1.1.0-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:316cc9b17edf613ac76b1f1f305d2a748f1b976b033b049a6ecdfd5612c70409", size = 873081, upload-time = "2023-09-07T14:03:57.967Z" }, - { url = "https://files.pythonhosted.org/packages/58/79/b7026a8bb65da9a6bb7d14329fd2bd48d2b7f86d7329d5cc8ddc6a90526f/Brotli-1.1.0-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:caf9ee9a5775f3111642d33b86237b05808dafcd6268faa492250e9b78046eb2", size = 446244, upload-time = "2023-09-07T14:03:59.319Z" }, - { url = "https://files.pythonhosted.org/packages/e5/18/c18c32ecea41b6c0004e15606e274006366fe19436b6adccc1ae7b2e50c2/Brotli-1.1.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:70051525001750221daa10907c77830bc889cb6d865cc0b813d9db7fefc21451", size = 2906505, upload-time = "2023-09-07T14:04:01.327Z" }, - { url = "https://files.pythonhosted.org/packages/08/c8/69ec0496b1ada7569b62d85893d928e865df29b90736558d6c98c2031208/Brotli-1.1.0-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:7f4bf76817c14aa98cc6697ac02f3972cb8c3da93e9ef16b9c66573a68014f91", size = 2944152, upload-time = "2023-09-07T14:04:03.033Z" }, - { url = "https://files.pythonhosted.org/packages/ab/fb/0517cea182219d6768113a38167ef6d4eb157a033178cc938033a552ed6d/Brotli-1.1.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:d0c5516f0aed654134a2fc936325cc2e642f8a0e096d075209672eb321cff408", size = 2919252, upload-time = "2023-09-07T14:04:04.675Z" }, - { url = "https://files.pythonhosted.org/packages/c7/53/73a3431662e33ae61a5c80b1b9d2d18f58dfa910ae8dd696e57d39f1a2f5/Brotli-1.1.0-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:6c3020404e0b5eefd7c9485ccf8393cfb75ec38ce75586e046573c9dc29967a0", size = 2845955, upload-time = "2023-09-07T14:04:06.585Z" }, - { url = "https://files.pythonhosted.org/packages/55/ac/bd280708d9c5ebdbf9de01459e625a3e3803cce0784f47d633562cf40e83/Brotli-1.1.0-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:4ed11165dd45ce798d99a136808a794a748d5dc38511303239d4e2363c0695dc", size = 2914304, upload-time = "2023-09-07T14:04:08.668Z" }, - { url = "https://files.pythonhosted.org/packages/76/58/5c391b41ecfc4527d2cc3350719b02e87cb424ef8ba2023fb662f9bf743c/Brotli-1.1.0-cp312-cp312-musllinux_1_1_i686.whl", hash = "sha256:4093c631e96fdd49e0377a9c167bfd75b6d0bad2ace734c6eb20b348bc3ea180", size = 2814452, upload-time = "2023-09-07T14:04:10.736Z" }, - { url = "https://files.pythonhosted.org/packages/c7/4e/91b8256dfe99c407f174924b65a01f5305e303f486cc7a2e8a5d43c8bec3/Brotli-1.1.0-cp312-cp312-musllinux_1_1_ppc64le.whl", hash = "sha256:7e4c4629ddad63006efa0ef968c8e4751c5868ff0b1c5c40f76524e894c50248", size = 2938751, upload-time = "2023-09-07T14:04:12.875Z" }, - { url = "https://files.pythonhosted.org/packages/5a/a6/e2a39a5d3b412938362bbbeba5af904092bf3f95b867b4a3eb856104074e/Brotli-1.1.0-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:861bf317735688269936f755fa136a99d1ed526883859f86e41a5d43c61d8966", size = 2933757, upload-time = "2023-09-07T14:04:14.551Z" }, - { url = "https://files.pythonhosted.org/packages/13/f0/358354786280a509482e0e77c1a5459e439766597d280f28cb097642fc26/Brotli-1.1.0-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:87a3044c3a35055527ac75e419dfa9f4f3667a1e887ee80360589eb8c90aabb9", size = 2936146, upload-time = "2024-10-18T12:32:27.257Z" }, - { url = "https://files.pythonhosted.org/packages/80/f7/daf538c1060d3a88266b80ecc1d1c98b79553b3f117a485653f17070ea2a/Brotli-1.1.0-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:c5529b34c1c9d937168297f2c1fde7ebe9ebdd5e121297ff9c043bdb2ae3d6fb", size = 2848055, upload-time = "2024-10-18T12:32:29.376Z" }, - { url = "https://files.pythonhosted.org/packages/ad/cf/0eaa0585c4077d3c2d1edf322d8e97aabf317941d3a72d7b3ad8bce004b0/Brotli-1.1.0-cp312-cp312-musllinux_1_2_ppc64le.whl", hash = "sha256:ca63e1890ede90b2e4454f9a65135a4d387a4585ff8282bb72964fab893f2111", size = 3035102, upload-time = "2024-10-18T12:32:31.371Z" }, - { url = "https://files.pythonhosted.org/packages/d8/63/1c1585b2aa554fe6dbce30f0c18bdbc877fa9a1bf5ff17677d9cca0ac122/Brotli-1.1.0-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:e79e6520141d792237c70bcd7a3b122d00f2613769ae0cb61c52e89fd3443839", size = 2930029, upload-time = "2024-10-18T12:32:33.293Z" }, - { url = "https://files.pythonhosted.org/packages/5f/3b/4e3fd1893eb3bbfef8e5a80d4508bec17a57bb92d586c85c12d28666bb13/Brotli-1.1.0-cp312-cp312-win32.whl", hash = "sha256:5f4d5ea15c9382135076d2fb28dde923352fe02951e66935a9efaac8f10e81b0", size = 333276, upload-time = "2023-09-07T14:04:16.49Z" }, - { url = "https://files.pythonhosted.org/packages/3d/d5/942051b45a9e883b5b6e98c041698b1eb2012d25e5948c58d6bf85b1bb43/Brotli-1.1.0-cp312-cp312-win_amd64.whl", hash = "sha256:906bc3a79de8c4ae5b86d3d75a8b77e44404b0f4261714306e3ad248d8ab0951", size = 357255, upload-time = "2023-09-07T14:04:17.83Z" }, - { url = "https://files.pythonhosted.org/packages/0a/9f/fb37bb8ffc52a8da37b1c03c459a8cd55df7a57bdccd8831d500e994a0ca/Brotli-1.1.0-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:8bf32b98b75c13ec7cf774164172683d6e7891088f6316e54425fde1efc276d5", size = 815681, upload-time = "2024-10-18T12:32:34.942Z" }, - { url = "https://files.pythonhosted.org/packages/06/b3/dbd332a988586fefb0aa49c779f59f47cae76855c2d00f450364bb574cac/Brotli-1.1.0-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:7bc37c4d6b87fb1017ea28c9508b36bbcb0c3d18b4260fcdf08b200c74a6aee8", size = 422475, upload-time = "2024-10-18T12:32:36.485Z" }, - { url = "https://files.pythonhosted.org/packages/bb/80/6aaddc2f63dbcf2d93c2d204e49c11a9ec93a8c7c63261e2b4bd35198283/Brotli-1.1.0-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:3c0ef38c7a7014ffac184db9e04debe495d317cc9c6fb10071f7fefd93100a4f", size = 2906173, upload-time = "2024-10-18T12:32:37.978Z" }, - { url = "https://files.pythonhosted.org/packages/ea/1d/e6ca79c96ff5b641df6097d299347507d39a9604bde8915e76bf026d6c77/Brotli-1.1.0-cp313-cp313-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:91d7cc2a76b5567591d12c01f019dd7afce6ba8cba6571187e21e2fc418ae648", size = 2943803, upload-time = "2024-10-18T12:32:39.606Z" }, - { url = "https://files.pythonhosted.org/packages/ac/a3/d98d2472e0130b7dd3acdbb7f390d478123dbf62b7d32bda5c830a96116d/Brotli-1.1.0-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:a93dde851926f4f2678e704fadeb39e16c35d8baebd5252c9fd94ce8ce68c4a0", size = 2918946, upload-time = "2024-10-18T12:32:41.679Z" }, - { url = "https://files.pythonhosted.org/packages/c4/a5/c69e6d272aee3e1423ed005d8915a7eaa0384c7de503da987f2d224d0721/Brotli-1.1.0-cp313-cp313-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:f0db75f47be8b8abc8d9e31bc7aad0547ca26f24a54e6fd10231d623f183d089", size = 2845707, upload-time = "2024-10-18T12:32:43.478Z" }, - { url = "https://files.pythonhosted.org/packages/58/9f/4149d38b52725afa39067350696c09526de0125ebfbaab5acc5af28b42ea/Brotli-1.1.0-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:6967ced6730aed543b8673008b5a391c3b1076d834ca438bbd70635c73775368", size = 2936231, upload-time = "2024-10-18T12:32:45.224Z" }, - { url = "https://files.pythonhosted.org/packages/5a/5a/145de884285611838a16bebfdb060c231c52b8f84dfbe52b852a15780386/Brotli-1.1.0-cp313-cp313-musllinux_1_2_i686.whl", hash = "sha256:7eedaa5d036d9336c95915035fb57422054014ebdeb6f3b42eac809928e40d0c", size = 2848157, upload-time = "2024-10-18T12:32:46.894Z" }, - { url = "https://files.pythonhosted.org/packages/50/ae/408b6bfb8525dadebd3b3dd5b19d631da4f7d46420321db44cd99dcf2f2c/Brotli-1.1.0-cp313-cp313-musllinux_1_2_ppc64le.whl", hash = "sha256:d487f5432bf35b60ed625d7e1b448e2dc855422e87469e3f450aa5552b0eb284", size = 3035122, upload-time = "2024-10-18T12:32:48.844Z" }, - { url = "https://files.pythonhosted.org/packages/af/85/a94e5cfaa0ca449d8f91c3d6f78313ebf919a0dbd55a100c711c6e9655bc/Brotli-1.1.0-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:832436e59afb93e1836081a20f324cb185836c617659b07b129141a8426973c7", size = 2930206, upload-time = "2024-10-18T12:32:51.198Z" }, - { url = "https://files.pythonhosted.org/packages/c2/f0/a61d9262cd01351df22e57ad7c34f66794709acab13f34be2675f45bf89d/Brotli-1.1.0-cp313-cp313-win32.whl", hash = "sha256:43395e90523f9c23a3d5bdf004733246fba087f2948f87ab28015f12359ca6a0", size = 333804, upload-time = "2024-10-18T12:32:52.661Z" }, - { url = "https://files.pythonhosted.org/packages/7e/c1/ec214e9c94000d1c1974ec67ced1c970c148aa6b8d8373066123fc3dbf06/Brotli-1.1.0-cp313-cp313-win_amd64.whl", hash = "sha256:9011560a466d2eb3f5a6e4929cf4a09be405c64154e12df0dd72713f6500e32b", size = 358517, upload-time = "2024-10-18T12:32:54.066Z" }, +sdist = { url = "https://files.pythonhosted.org/packages/2f/c2/f9e977608bdf958650638c3f1e28f85a1b075f075ebbe77db8555463787b/Brotli-1.1.0.tar.gz", hash = "sha256:81de08ac11bcb85841e440c13611c00b67d3bf82698314928d0b676362546724", size = 7372270, upload_time = "2023-09-07T14:05:41.643Z" } +wheels = [ + { url = "https://files.pythonhosted.org/packages/96/12/ad41e7fadd5db55459c4c401842b47f7fee51068f86dd2894dd0dcfc2d2a/Brotli-1.1.0-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:a3daabb76a78f829cafc365531c972016e4aa8d5b4bf60660ad8ecee19df7ccc", size = 873068, upload_time = "2023-09-07T14:03:37.779Z" }, + { url = "https://files.pythonhosted.org/packages/95/4e/5afab7b2b4b61a84e9c75b17814198ce515343a44e2ed4488fac314cd0a9/Brotli-1.1.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:c8146669223164fc87a7e3de9f81e9423c67a79d6b3447994dfb9c95da16e2d6", size = 446244, upload_time = "2023-09-07T14:03:39.223Z" }, + { url = "https://files.pythonhosted.org/packages/9d/e6/f305eb61fb9a8580c525478a4a34c5ae1a9bcb12c3aee619114940bc513d/Brotli-1.1.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:30924eb4c57903d5a7526b08ef4a584acc22ab1ffa085faceb521521d2de32dd", size = 2906500, upload_time = "2023-09-07T14:03:40.858Z" }, + { url = "https://files.pythonhosted.org/packages/3e/4f/af6846cfbc1550a3024e5d3775ede1e00474c40882c7bf5b37a43ca35e91/Brotli-1.1.0-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:ceb64bbc6eac5a140ca649003756940f8d6a7c444a68af170b3187623b43bebf", size = 2943950, upload_time = "2023-09-07T14:03:42.896Z" }, + { url = "https://files.pythonhosted.org/packages/b3/e7/ca2993c7682d8629b62630ebf0d1f3bb3d579e667ce8e7ca03a0a0576a2d/Brotli-1.1.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:a469274ad18dc0e4d316eefa616d1d0c2ff9da369af19fa6f3daa4f09671fd61", size = 2918527, upload_time = "2023-09-07T14:03:44.552Z" }, + { url = "https://files.pythonhosted.org/packages/b3/96/da98e7bedc4c51104d29cc61e5f449a502dd3dbc211944546a4cc65500d3/Brotli-1.1.0-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:524f35912131cc2cabb00edfd8d573b07f2d9f21fa824bd3fb19725a9cf06327", size = 2845489, upload_time = "2023-09-07T14:03:46.594Z" }, + { url = "https://files.pythonhosted.org/packages/e8/ef/ccbc16947d6ce943a7f57e1a40596c75859eeb6d279c6994eddd69615265/Brotli-1.1.0-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:5b3cc074004d968722f51e550b41a27be656ec48f8afaeeb45ebf65b561481dd", size = 2914080, upload_time = "2023-09-07T14:03:48.204Z" }, + { url = "https://files.pythonhosted.org/packages/80/d6/0bd38d758d1afa62a5524172f0b18626bb2392d717ff94806f741fcd5ee9/Brotli-1.1.0-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:19c116e796420b0cee3da1ccec3b764ed2952ccfcc298b55a10e5610ad7885f9", size = 2813051, upload_time = "2023-09-07T14:03:50.348Z" }, + { url = "https://files.pythonhosted.org/packages/14/56/48859dd5d129d7519e001f06dcfbb6e2cf6db92b2702c0c2ce7d97e086c1/Brotli-1.1.0-cp311-cp311-musllinux_1_1_ppc64le.whl", hash = "sha256:510b5b1bfbe20e1a7b3baf5fed9e9451873559a976c1a78eebaa3b86c57b4265", size = 2938172, upload_time = "2023-09-07T14:03:52.395Z" }, + { url = "https://files.pythonhosted.org/packages/3d/77/a236d5f8cd9e9f4348da5acc75ab032ab1ab2c03cc8f430d24eea2672888/Brotli-1.1.0-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:a1fd8a29719ccce974d523580987b7f8229aeace506952fa9ce1d53a033873c8", size = 2933023, upload_time = "2023-09-07T14:03:53.96Z" }, + { url = "https://files.pythonhosted.org/packages/f1/87/3b283efc0f5cb35f7f84c0c240b1e1a1003a5e47141a4881bf87c86d0ce2/Brotli-1.1.0-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:c247dd99d39e0338a604f8c2b3bc7061d5c2e9e2ac7ba9cc1be5a69cb6cd832f", size = 2935871, upload_time = "2024-10-18T12:32:16.688Z" }, + { url = "https://files.pythonhosted.org/packages/f3/eb/2be4cc3e2141dc1a43ad4ca1875a72088229de38c68e842746b342667b2a/Brotli-1.1.0-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:1b2c248cd517c222d89e74669a4adfa5577e06ab68771a529060cf5a156e9757", size = 2847784, upload_time = "2024-10-18T12:32:18.459Z" }, + { url = "https://files.pythonhosted.org/packages/66/13/b58ddebfd35edde572ccefe6890cf7c493f0c319aad2a5badee134b4d8ec/Brotli-1.1.0-cp311-cp311-musllinux_1_2_ppc64le.whl", hash = "sha256:2a24c50840d89ded6c9a8fdc7b6ed3692ed4e86f1c4a4a938e1e92def92933e0", size = 3034905, upload_time = "2024-10-18T12:32:20.192Z" }, + { url = "https://files.pythonhosted.org/packages/84/9c/bc96b6c7db824998a49ed3b38e441a2cae9234da6fa11f6ed17e8cf4f147/Brotli-1.1.0-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:f31859074d57b4639318523d6ffdca586ace54271a73ad23ad021acd807eb14b", size = 2929467, upload_time = "2024-10-18T12:32:21.774Z" }, + { url = "https://files.pythonhosted.org/packages/e7/71/8f161dee223c7ff7fea9d44893fba953ce97cf2c3c33f78ba260a91bcff5/Brotli-1.1.0-cp311-cp311-win32.whl", hash = "sha256:39da8adedf6942d76dc3e46653e52df937a3c4d6d18fdc94a7c29d263b1f5b50", size = 333169, upload_time = "2023-09-07T14:03:55.404Z" }, + { url = "https://files.pythonhosted.org/packages/02/8a/fece0ee1057643cb2a5bbf59682de13f1725f8482b2c057d4e799d7ade75/Brotli-1.1.0-cp311-cp311-win_amd64.whl", hash = "sha256:aac0411d20e345dc0920bdec5548e438e999ff68d77564d5e9463a7ca9d3e7b1", size = 357253, upload_time = "2023-09-07T14:03:56.643Z" }, + { url = "https://files.pythonhosted.org/packages/5c/d0/5373ae13b93fe00095a58efcbce837fd470ca39f703a235d2a999baadfbc/Brotli-1.1.0-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:32d95b80260d79926f5fab3c41701dbb818fde1c9da590e77e571eefd14abe28", size = 815693, upload_time = "2024-10-18T12:32:23.824Z" }, + { url = "https://files.pythonhosted.org/packages/8e/48/f6e1cdf86751300c288c1459724bfa6917a80e30dbfc326f92cea5d3683a/Brotli-1.1.0-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:b760c65308ff1e462f65d69c12e4ae085cff3b332d894637f6273a12a482d09f", size = 422489, upload_time = "2024-10-18T12:32:25.641Z" }, + { url = "https://files.pythonhosted.org/packages/06/88/564958cedce636d0f1bed313381dfc4b4e3d3f6015a63dae6146e1b8c65c/Brotli-1.1.0-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:316cc9b17edf613ac76b1f1f305d2a748f1b976b033b049a6ecdfd5612c70409", size = 873081, upload_time = "2023-09-07T14:03:57.967Z" }, + { url = "https://files.pythonhosted.org/packages/58/79/b7026a8bb65da9a6bb7d14329fd2bd48d2b7f86d7329d5cc8ddc6a90526f/Brotli-1.1.0-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:caf9ee9a5775f3111642d33b86237b05808dafcd6268faa492250e9b78046eb2", size = 446244, upload_time = "2023-09-07T14:03:59.319Z" }, + { url = "https://files.pythonhosted.org/packages/e5/18/c18c32ecea41b6c0004e15606e274006366fe19436b6adccc1ae7b2e50c2/Brotli-1.1.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:70051525001750221daa10907c77830bc889cb6d865cc0b813d9db7fefc21451", size = 2906505, upload_time = "2023-09-07T14:04:01.327Z" }, + { url = "https://files.pythonhosted.org/packages/08/c8/69ec0496b1ada7569b62d85893d928e865df29b90736558d6c98c2031208/Brotli-1.1.0-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:7f4bf76817c14aa98cc6697ac02f3972cb8c3da93e9ef16b9c66573a68014f91", size = 2944152, upload_time = "2023-09-07T14:04:03.033Z" }, + { url = "https://files.pythonhosted.org/packages/ab/fb/0517cea182219d6768113a38167ef6d4eb157a033178cc938033a552ed6d/Brotli-1.1.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:d0c5516f0aed654134a2fc936325cc2e642f8a0e096d075209672eb321cff408", size = 2919252, upload_time = "2023-09-07T14:04:04.675Z" }, + { url = "https://files.pythonhosted.org/packages/c7/53/73a3431662e33ae61a5c80b1b9d2d18f58dfa910ae8dd696e57d39f1a2f5/Brotli-1.1.0-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:6c3020404e0b5eefd7c9485ccf8393cfb75ec38ce75586e046573c9dc29967a0", size = 2845955, upload_time = "2023-09-07T14:04:06.585Z" }, + { url = "https://files.pythonhosted.org/packages/55/ac/bd280708d9c5ebdbf9de01459e625a3e3803cce0784f47d633562cf40e83/Brotli-1.1.0-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:4ed11165dd45ce798d99a136808a794a748d5dc38511303239d4e2363c0695dc", size = 2914304, upload_time = "2023-09-07T14:04:08.668Z" }, + { url = "https://files.pythonhosted.org/packages/76/58/5c391b41ecfc4527d2cc3350719b02e87cb424ef8ba2023fb662f9bf743c/Brotli-1.1.0-cp312-cp312-musllinux_1_1_i686.whl", hash = "sha256:4093c631e96fdd49e0377a9c167bfd75b6d0bad2ace734c6eb20b348bc3ea180", size = 2814452, upload_time = "2023-09-07T14:04:10.736Z" }, + { url = "https://files.pythonhosted.org/packages/c7/4e/91b8256dfe99c407f174924b65a01f5305e303f486cc7a2e8a5d43c8bec3/Brotli-1.1.0-cp312-cp312-musllinux_1_1_ppc64le.whl", hash = "sha256:7e4c4629ddad63006efa0ef968c8e4751c5868ff0b1c5c40f76524e894c50248", size = 2938751, upload_time = "2023-09-07T14:04:12.875Z" }, + { url = "https://files.pythonhosted.org/packages/5a/a6/e2a39a5d3b412938362bbbeba5af904092bf3f95b867b4a3eb856104074e/Brotli-1.1.0-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:861bf317735688269936f755fa136a99d1ed526883859f86e41a5d43c61d8966", size = 2933757, upload_time = "2023-09-07T14:04:14.551Z" }, + { url = "https://files.pythonhosted.org/packages/13/f0/358354786280a509482e0e77c1a5459e439766597d280f28cb097642fc26/Brotli-1.1.0-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:87a3044c3a35055527ac75e419dfa9f4f3667a1e887ee80360589eb8c90aabb9", size = 2936146, upload_time = "2024-10-18T12:32:27.257Z" }, + { url = "https://files.pythonhosted.org/packages/80/f7/daf538c1060d3a88266b80ecc1d1c98b79553b3f117a485653f17070ea2a/Brotli-1.1.0-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:c5529b34c1c9d937168297f2c1fde7ebe9ebdd5e121297ff9c043bdb2ae3d6fb", size = 2848055, upload_time = "2024-10-18T12:32:29.376Z" }, + { url = "https://files.pythonhosted.org/packages/ad/cf/0eaa0585c4077d3c2d1edf322d8e97aabf317941d3a72d7b3ad8bce004b0/Brotli-1.1.0-cp312-cp312-musllinux_1_2_ppc64le.whl", hash = "sha256:ca63e1890ede90b2e4454f9a65135a4d387a4585ff8282bb72964fab893f2111", size = 3035102, upload_time = "2024-10-18T12:32:31.371Z" }, + { url = "https://files.pythonhosted.org/packages/d8/63/1c1585b2aa554fe6dbce30f0c18bdbc877fa9a1bf5ff17677d9cca0ac122/Brotli-1.1.0-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:e79e6520141d792237c70bcd7a3b122d00f2613769ae0cb61c52e89fd3443839", size = 2930029, upload_time = "2024-10-18T12:32:33.293Z" }, + { url = "https://files.pythonhosted.org/packages/5f/3b/4e3fd1893eb3bbfef8e5a80d4508bec17a57bb92d586c85c12d28666bb13/Brotli-1.1.0-cp312-cp312-win32.whl", hash = "sha256:5f4d5ea15c9382135076d2fb28dde923352fe02951e66935a9efaac8f10e81b0", size = 333276, upload_time = "2023-09-07T14:04:16.49Z" }, + { url = "https://files.pythonhosted.org/packages/3d/d5/942051b45a9e883b5b6e98c041698b1eb2012d25e5948c58d6bf85b1bb43/Brotli-1.1.0-cp312-cp312-win_amd64.whl", hash = "sha256:906bc3a79de8c4ae5b86d3d75a8b77e44404b0f4261714306e3ad248d8ab0951", size = 357255, upload_time = "2023-09-07T14:04:17.83Z" }, + { url = "https://files.pythonhosted.org/packages/0a/9f/fb37bb8ffc52a8da37b1c03c459a8cd55df7a57bdccd8831d500e994a0ca/Brotli-1.1.0-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:8bf32b98b75c13ec7cf774164172683d6e7891088f6316e54425fde1efc276d5", size = 815681, upload_time = "2024-10-18T12:32:34.942Z" }, + { url = "https://files.pythonhosted.org/packages/06/b3/dbd332a988586fefb0aa49c779f59f47cae76855c2d00f450364bb574cac/Brotli-1.1.0-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:7bc37c4d6b87fb1017ea28c9508b36bbcb0c3d18b4260fcdf08b200c74a6aee8", size = 422475, upload_time = "2024-10-18T12:32:36.485Z" }, + { url = "https://files.pythonhosted.org/packages/bb/80/6aaddc2f63dbcf2d93c2d204e49c11a9ec93a8c7c63261e2b4bd35198283/Brotli-1.1.0-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:3c0ef38c7a7014ffac184db9e04debe495d317cc9c6fb10071f7fefd93100a4f", size = 2906173, upload_time = "2024-10-18T12:32:37.978Z" }, + { url = "https://files.pythonhosted.org/packages/ea/1d/e6ca79c96ff5b641df6097d299347507d39a9604bde8915e76bf026d6c77/Brotli-1.1.0-cp313-cp313-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:91d7cc2a76b5567591d12c01f019dd7afce6ba8cba6571187e21e2fc418ae648", size = 2943803, upload_time = "2024-10-18T12:32:39.606Z" }, + { url = "https://files.pythonhosted.org/packages/ac/a3/d98d2472e0130b7dd3acdbb7f390d478123dbf62b7d32bda5c830a96116d/Brotli-1.1.0-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:a93dde851926f4f2678e704fadeb39e16c35d8baebd5252c9fd94ce8ce68c4a0", size = 2918946, upload_time = "2024-10-18T12:32:41.679Z" }, + { url = "https://files.pythonhosted.org/packages/c4/a5/c69e6d272aee3e1423ed005d8915a7eaa0384c7de503da987f2d224d0721/Brotli-1.1.0-cp313-cp313-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:f0db75f47be8b8abc8d9e31bc7aad0547ca26f24a54e6fd10231d623f183d089", size = 2845707, upload_time = "2024-10-18T12:32:43.478Z" }, + { url = "https://files.pythonhosted.org/packages/58/9f/4149d38b52725afa39067350696c09526de0125ebfbaab5acc5af28b42ea/Brotli-1.1.0-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:6967ced6730aed543b8673008b5a391c3b1076d834ca438bbd70635c73775368", size = 2936231, upload_time = "2024-10-18T12:32:45.224Z" }, + { url = "https://files.pythonhosted.org/packages/5a/5a/145de884285611838a16bebfdb060c231c52b8f84dfbe52b852a15780386/Brotli-1.1.0-cp313-cp313-musllinux_1_2_i686.whl", hash = "sha256:7eedaa5d036d9336c95915035fb57422054014ebdeb6f3b42eac809928e40d0c", size = 2848157, upload_time = "2024-10-18T12:32:46.894Z" }, + { url = "https://files.pythonhosted.org/packages/50/ae/408b6bfb8525dadebd3b3dd5b19d631da4f7d46420321db44cd99dcf2f2c/Brotli-1.1.0-cp313-cp313-musllinux_1_2_ppc64le.whl", hash = "sha256:d487f5432bf35b60ed625d7e1b448e2dc855422e87469e3f450aa5552b0eb284", size = 3035122, upload_time = "2024-10-18T12:32:48.844Z" }, + { url = "https://files.pythonhosted.org/packages/af/85/a94e5cfaa0ca449d8f91c3d6f78313ebf919a0dbd55a100c711c6e9655bc/Brotli-1.1.0-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:832436e59afb93e1836081a20f324cb185836c617659b07b129141a8426973c7", size = 2930206, upload_time = "2024-10-18T12:32:51.198Z" }, + { url = "https://files.pythonhosted.org/packages/c2/f0/a61d9262cd01351df22e57ad7c34f66794709acab13f34be2675f45bf89d/Brotli-1.1.0-cp313-cp313-win32.whl", hash = "sha256:43395e90523f9c23a3d5bdf004733246fba087f2948f87ab28015f12359ca6a0", size = 333804, upload_time = "2024-10-18T12:32:52.661Z" }, + { url = "https://files.pythonhosted.org/packages/7e/c1/ec214e9c94000d1c1974ec67ced1c970c148aa6b8d8373066123fc3dbf06/Brotli-1.1.0-cp313-cp313-win_amd64.whl", hash = "sha256:9011560a466d2eb3f5a6e4929cf4a09be405c64154e12df0dd72713f6500e32b", size = 358517, upload_time = "2024-10-18T12:32:54.066Z" }, ] [[package]] @@ -468,14 +468,14 @@ source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "cffi" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/95/9d/70caa61192f570fcf0352766331b735afa931b4c6bc9a348a0925cc13288/brotlicffi-1.1.0.0.tar.gz", hash = "sha256:b77827a689905143f87915310b93b273ab17888fd43ef350d4832c4a71083c13", size = 465192, upload-time = "2023-09-14T14:22:40.707Z" } +sdist = { url = "https://files.pythonhosted.org/packages/95/9d/70caa61192f570fcf0352766331b735afa931b4c6bc9a348a0925cc13288/brotlicffi-1.1.0.0.tar.gz", hash = "sha256:b77827a689905143f87915310b93b273ab17888fd43ef350d4832c4a71083c13", size = 465192, upload_time = "2023-09-14T14:22:40.707Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/a2/11/7b96009d3dcc2c931e828ce1e157f03824a69fb728d06bfd7b2fc6f93718/brotlicffi-1.1.0.0-cp37-abi3-macosx_10_9_x86_64.whl", hash = "sha256:9b7ae6bd1a3f0df532b6d67ff674099a96d22bc0948955cb338488c31bfb8851", size = 453786, upload-time = "2023-09-14T14:21:57.72Z" }, - { url = "https://files.pythonhosted.org/packages/d6/e6/a8f46f4a4ee7856fbd6ac0c6fb0dc65ed181ba46cd77875b8d9bbe494d9e/brotlicffi-1.1.0.0-cp37-abi3-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:19ffc919fa4fc6ace69286e0a23b3789b4219058313cf9b45625016bf7ff996b", size = 2911165, upload-time = "2023-09-14T14:21:59.613Z" }, - { url = "https://files.pythonhosted.org/packages/be/20/201559dff14e83ba345a5ec03335607e47467b6633c210607e693aefac40/brotlicffi-1.1.0.0-cp37-abi3-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:9feb210d932ffe7798ee62e6145d3a757eb6233aa9a4e7db78dd3690d7755814", size = 2927895, upload-time = "2023-09-14T14:22:01.22Z" }, - { url = "https://files.pythonhosted.org/packages/cd/15/695b1409264143be3c933f708a3f81d53c4a1e1ebbc06f46331decbf6563/brotlicffi-1.1.0.0-cp37-abi3-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:84763dbdef5dd5c24b75597a77e1b30c66604725707565188ba54bab4f114820", size = 2851834, upload-time = "2023-09-14T14:22:03.571Z" }, - { url = "https://files.pythonhosted.org/packages/b4/40/b961a702463b6005baf952794c2e9e0099bde657d0d7e007f923883b907f/brotlicffi-1.1.0.0-cp37-abi3-win32.whl", hash = "sha256:1b12b50e07c3911e1efa3a8971543e7648100713d4e0971b13631cce22c587eb", size = 341731, upload-time = "2023-09-14T14:22:05.74Z" }, - { url = "https://files.pythonhosted.org/packages/1c/fa/5408a03c041114ceab628ce21766a4ea882aa6f6f0a800e04ee3a30ec6b9/brotlicffi-1.1.0.0-cp37-abi3-win_amd64.whl", hash = "sha256:994a4f0681bb6c6c3b0925530a1926b7a189d878e6e5e38fae8efa47c5d9c613", size = 366783, upload-time = "2023-09-14T14:22:07.096Z" }, + { url = "https://files.pythonhosted.org/packages/a2/11/7b96009d3dcc2c931e828ce1e157f03824a69fb728d06bfd7b2fc6f93718/brotlicffi-1.1.0.0-cp37-abi3-macosx_10_9_x86_64.whl", hash = "sha256:9b7ae6bd1a3f0df532b6d67ff674099a96d22bc0948955cb338488c31bfb8851", size = 453786, upload_time = "2023-09-14T14:21:57.72Z" }, + { url = "https://files.pythonhosted.org/packages/d6/e6/a8f46f4a4ee7856fbd6ac0c6fb0dc65ed181ba46cd77875b8d9bbe494d9e/brotlicffi-1.1.0.0-cp37-abi3-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:19ffc919fa4fc6ace69286e0a23b3789b4219058313cf9b45625016bf7ff996b", size = 2911165, upload_time = "2023-09-14T14:21:59.613Z" }, + { url = "https://files.pythonhosted.org/packages/be/20/201559dff14e83ba345a5ec03335607e47467b6633c210607e693aefac40/brotlicffi-1.1.0.0-cp37-abi3-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:9feb210d932ffe7798ee62e6145d3a757eb6233aa9a4e7db78dd3690d7755814", size = 2927895, upload_time = "2023-09-14T14:22:01.22Z" }, + { url = "https://files.pythonhosted.org/packages/cd/15/695b1409264143be3c933f708a3f81d53c4a1e1ebbc06f46331decbf6563/brotlicffi-1.1.0.0-cp37-abi3-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:84763dbdef5dd5c24b75597a77e1b30c66604725707565188ba54bab4f114820", size = 2851834, upload_time = "2023-09-14T14:22:03.571Z" }, + { url = "https://files.pythonhosted.org/packages/b4/40/b961a702463b6005baf952794c2e9e0099bde657d0d7e007f923883b907f/brotlicffi-1.1.0.0-cp37-abi3-win32.whl", hash = "sha256:1b12b50e07c3911e1efa3a8971543e7648100713d4e0971b13631cce22c587eb", size = 341731, upload_time = "2023-09-14T14:22:05.74Z" }, + { url = "https://files.pythonhosted.org/packages/1c/fa/5408a03c041114ceab628ce21766a4ea882aa6f6f0a800e04ee3a30ec6b9/brotlicffi-1.1.0.0-cp37-abi3-win_amd64.whl", hash = "sha256:994a4f0681bb6c6c3b0925530a1926b7a189d878e6e5e38fae8efa47c5d9c613", size = 366783, upload_time = "2023-09-14T14:22:07.096Z" }, ] [[package]] @@ -486,18 +486,18 @@ dependencies = [ { name = "portalocker" }, { name = "watchdog" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/be/65/34d42d1153d0ccee16df414f1a08a5c6f6c76413c8fd9360d61260918381/cachier-4.1.0.tar.gz", hash = "sha256:83fbc941829f66068d83ba1ecd0d5406a65bd67bb623a0c2a0cf926dc36508b4", size = 36284, upload-time = "2025-07-15T20:44:01.236Z" } +sdist = { url = "https://files.pythonhosted.org/packages/be/65/34d42d1153d0ccee16df414f1a08a5c6f6c76413c8fd9360d61260918381/cachier-4.1.0.tar.gz", hash = "sha256:83fbc941829f66068d83ba1ecd0d5406a65bd67bb623a0c2a0cf926dc36508b4", size = 36284, upload_time = "2025-07-15T20:44:01.236Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/f9/d5/57008752b17633b06736359e11521d875148d1421eeb196dedf321583761/cachier-4.1.0-py3-none-any.whl", hash = "sha256:7950b951e44708c7647dba825e6298974f298fb755870a7aaeaa2c7900334fbc", size = 32895, upload-time = "2025-07-15T20:43:59.999Z" }, + { url = "https://files.pythonhosted.org/packages/f9/d5/57008752b17633b06736359e11521d875148d1421eeb196dedf321583761/cachier-4.1.0-py3-none-any.whl", hash = "sha256:7950b951e44708c7647dba825e6298974f298fb755870a7aaeaa2c7900334fbc", size = 32895, upload_time = "2025-07-15T20:43:59.999Z" }, ] [[package]] name = "certifi" version = "2025.4.26" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/e8/9e/c05b3920a3b7d20d3d3310465f50348e5b3694f4f88c6daf736eef3024c4/certifi-2025.4.26.tar.gz", hash = "sha256:0a816057ea3cdefcef70270d2c515e4506bbc954f417fa5ade2021213bb8f0c6", size = 160705, upload-time = "2025-04-26T02:12:29.51Z" } +sdist = { url = "https://files.pythonhosted.org/packages/e8/9e/c05b3920a3b7d20d3d3310465f50348e5b3694f4f88c6daf736eef3024c4/certifi-2025.4.26.tar.gz", hash = "sha256:0a816057ea3cdefcef70270d2c515e4506bbc954f417fa5ade2021213bb8f0c6", size = 160705, upload_time = "2025-04-26T02:12:29.51Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/4a/7e/3db2bd1b1f9e95f7cddca6d6e75e2f2bd9f51b1246e546d88addca0106bd/certifi-2025.4.26-py3-none-any.whl", hash = "sha256:30350364dfe371162649852c63336a15c70c6510c2ad5015b21c2345311805f3", size = 159618, upload-time = "2025-04-26T02:12:27.662Z" }, + { url = "https://files.pythonhosted.org/packages/4a/7e/3db2bd1b1f9e95f7cddca6d6e75e2f2bd9f51b1246e546d88addca0106bd/certifi-2025.4.26-py3-none-any.whl", hash = "sha256:30350364dfe371162649852c63336a15c70c6510c2ad5015b21c2345311805f3", size = 159618, upload_time = "2025-04-26T02:12:27.662Z" }, ] [[package]] @@ -507,99 +507,99 @@ source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pycparser" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/fc/97/c783634659c2920c3fc70419e3af40972dbaf758daa229a7d6ea6135c90d/cffi-1.17.1.tar.gz", hash = "sha256:1c39c6016c32bc48dd54561950ebd6836e1670f2ae46128f67cf49e789c52824", size = 516621, upload-time = "2024-09-04T20:45:21.852Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/6b/f4/927e3a8899e52a27fa57a48607ff7dc91a9ebe97399b357b85a0c7892e00/cffi-1.17.1-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:a45e3c6913c5b87b3ff120dcdc03f6131fa0065027d0ed7ee6190736a74cd401", size = 182264, upload-time = "2024-09-04T20:43:51.124Z" }, - { url = "https://files.pythonhosted.org/packages/6c/f5/6c3a8efe5f503175aaddcbea6ad0d2c96dad6f5abb205750d1b3df44ef29/cffi-1.17.1-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:30c5e0cb5ae493c04c8b42916e52ca38079f1b235c2f8ae5f4527b963c401caf", size = 178651, upload-time = "2024-09-04T20:43:52.872Z" }, - { url = "https://files.pythonhosted.org/packages/94/dd/a3f0118e688d1b1a57553da23b16bdade96d2f9bcda4d32e7d2838047ff7/cffi-1.17.1-cp311-cp311-manylinux_2_12_i686.manylinux2010_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:f75c7ab1f9e4aca5414ed4d8e5c0e303a34f4421f8a0d47a4d019ceff0ab6af4", size = 445259, upload-time = "2024-09-04T20:43:56.123Z" }, - { url = "https://files.pythonhosted.org/packages/2e/ea/70ce63780f096e16ce8588efe039d3c4f91deb1dc01e9c73a287939c79a6/cffi-1.17.1-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a1ed2dd2972641495a3ec98445e09766f077aee98a1c896dcb4ad0d303628e41", size = 469200, upload-time = "2024-09-04T20:43:57.891Z" }, - { url = "https://files.pythonhosted.org/packages/1c/a0/a4fa9f4f781bda074c3ddd57a572b060fa0df7655d2a4247bbe277200146/cffi-1.17.1-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:46bf43160c1a35f7ec506d254e5c890f3c03648a4dbac12d624e4490a7046cd1", size = 477235, upload-time = "2024-09-04T20:44:00.18Z" }, - { url = "https://files.pythonhosted.org/packages/62/12/ce8710b5b8affbcdd5c6e367217c242524ad17a02fe5beec3ee339f69f85/cffi-1.17.1-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:a24ed04c8ffd54b0729c07cee15a81d964e6fee0e3d4d342a27b020d22959dc6", size = 459721, upload-time = "2024-09-04T20:44:01.585Z" }, - { url = "https://files.pythonhosted.org/packages/ff/6b/d45873c5e0242196f042d555526f92aa9e0c32355a1be1ff8c27f077fd37/cffi-1.17.1-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:610faea79c43e44c71e1ec53a554553fa22321b65fae24889706c0a84d4ad86d", size = 467242, upload-time = "2024-09-04T20:44:03.467Z" }, - { url = "https://files.pythonhosted.org/packages/1a/52/d9a0e523a572fbccf2955f5abe883cfa8bcc570d7faeee06336fbd50c9fc/cffi-1.17.1-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:a9b15d491f3ad5d692e11f6b71f7857e7835eb677955c00cc0aefcd0669adaf6", size = 477999, upload-time = "2024-09-04T20:44:05.023Z" }, - { url = "https://files.pythonhosted.org/packages/44/74/f2a2460684a1a2d00ca799ad880d54652841a780c4c97b87754f660c7603/cffi-1.17.1-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:de2ea4b5833625383e464549fec1bc395c1bdeeb5f25c4a3a82b5a8c756ec22f", size = 454242, upload-time = "2024-09-04T20:44:06.444Z" }, - { url = "https://files.pythonhosted.org/packages/f8/4a/34599cac7dfcd888ff54e801afe06a19c17787dfd94495ab0c8d35fe99fb/cffi-1.17.1-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:fc48c783f9c87e60831201f2cce7f3b2e4846bf4d8728eabe54d60700b318a0b", size = 478604, upload-time = "2024-09-04T20:44:08.206Z" }, - { url = "https://files.pythonhosted.org/packages/34/33/e1b8a1ba29025adbdcda5fb3a36f94c03d771c1b7b12f726ff7fef2ebe36/cffi-1.17.1-cp311-cp311-win32.whl", hash = "sha256:85a950a4ac9c359340d5963966e3e0a94a676bd6245a4b55bc43949eee26a655", size = 171727, upload-time = "2024-09-04T20:44:09.481Z" }, - { url = "https://files.pythonhosted.org/packages/3d/97/50228be003bb2802627d28ec0627837ac0bf35c90cf769812056f235b2d1/cffi-1.17.1-cp311-cp311-win_amd64.whl", hash = "sha256:caaf0640ef5f5517f49bc275eca1406b0ffa6aa184892812030f04c2abf589a0", size = 181400, upload-time = "2024-09-04T20:44:10.873Z" }, - { url = "https://files.pythonhosted.org/packages/5a/84/e94227139ee5fb4d600a7a4927f322e1d4aea6fdc50bd3fca8493caba23f/cffi-1.17.1-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:805b4371bf7197c329fcb3ead37e710d1bca9da5d583f5073b799d5c5bd1eee4", size = 183178, upload-time = "2024-09-04T20:44:12.232Z" }, - { url = "https://files.pythonhosted.org/packages/da/ee/fb72c2b48656111c4ef27f0f91da355e130a923473bf5ee75c5643d00cca/cffi-1.17.1-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:733e99bc2df47476e3848417c5a4540522f234dfd4ef3ab7fafdf555b082ec0c", size = 178840, upload-time = "2024-09-04T20:44:13.739Z" }, - { url = "https://files.pythonhosted.org/packages/cc/b6/db007700f67d151abadf508cbfd6a1884f57eab90b1bb985c4c8c02b0f28/cffi-1.17.1-cp312-cp312-manylinux_2_12_i686.manylinux2010_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:1257bdabf294dceb59f5e70c64a3e2f462c30c7ad68092d01bbbfb1c16b1ba36", size = 454803, upload-time = "2024-09-04T20:44:15.231Z" }, - { url = "https://files.pythonhosted.org/packages/1a/df/f8d151540d8c200eb1c6fba8cd0dfd40904f1b0682ea705c36e6c2e97ab3/cffi-1.17.1-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:da95af8214998d77a98cc14e3a3bd00aa191526343078b530ceb0bd710fb48a5", size = 478850, upload-time = "2024-09-04T20:44:17.188Z" }, - { url = "https://files.pythonhosted.org/packages/28/c0/b31116332a547fd2677ae5b78a2ef662dfc8023d67f41b2a83f7c2aa78b1/cffi-1.17.1-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:d63afe322132c194cf832bfec0dc69a99fb9bb6bbd550f161a49e9e855cc78ff", size = 485729, upload-time = "2024-09-04T20:44:18.688Z" }, - { url = "https://files.pythonhosted.org/packages/91/2b/9a1ddfa5c7f13cab007a2c9cc295b70fbbda7cb10a286aa6810338e60ea1/cffi-1.17.1-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:f79fc4fc25f1c8698ff97788206bb3c2598949bfe0fef03d299eb1b5356ada99", size = 471256, upload-time = "2024-09-04T20:44:20.248Z" }, - { url = "https://files.pythonhosted.org/packages/b2/d5/da47df7004cb17e4955df6a43d14b3b4ae77737dff8bf7f8f333196717bf/cffi-1.17.1-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:b62ce867176a75d03a665bad002af8e6d54644fad99a3c70905c543130e39d93", size = 479424, upload-time = "2024-09-04T20:44:21.673Z" }, - { url = "https://files.pythonhosted.org/packages/0b/ac/2a28bcf513e93a219c8a4e8e125534f4f6db03e3179ba1c45e949b76212c/cffi-1.17.1-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:386c8bf53c502fff58903061338ce4f4950cbdcb23e2902d86c0f722b786bbe3", size = 484568, upload-time = "2024-09-04T20:44:23.245Z" }, - { url = "https://files.pythonhosted.org/packages/d4/38/ca8a4f639065f14ae0f1d9751e70447a261f1a30fa7547a828ae08142465/cffi-1.17.1-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:4ceb10419a9adf4460ea14cfd6bc43d08701f0835e979bf821052f1805850fe8", size = 488736, upload-time = "2024-09-04T20:44:24.757Z" }, - { url = "https://files.pythonhosted.org/packages/86/c5/28b2d6f799ec0bdecf44dced2ec5ed43e0eb63097b0f58c293583b406582/cffi-1.17.1-cp312-cp312-win32.whl", hash = "sha256:a08d7e755f8ed21095a310a693525137cfe756ce62d066e53f502a83dc550f65", size = 172448, upload-time = "2024-09-04T20:44:26.208Z" }, - { url = "https://files.pythonhosted.org/packages/50/b9/db34c4755a7bd1cb2d1603ac3863f22bcecbd1ba29e5ee841a4bc510b294/cffi-1.17.1-cp312-cp312-win_amd64.whl", hash = "sha256:51392eae71afec0d0c8fb1a53b204dbb3bcabcb3c9b807eedf3e1e6ccf2de903", size = 181976, upload-time = "2024-09-04T20:44:27.578Z" }, - { url = "https://files.pythonhosted.org/packages/8d/f8/dd6c246b148639254dad4d6803eb6a54e8c85c6e11ec9df2cffa87571dbe/cffi-1.17.1-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:f3a2b4222ce6b60e2e8b337bb9596923045681d71e5a082783484d845390938e", size = 182989, upload-time = "2024-09-04T20:44:28.956Z" }, - { url = "https://files.pythonhosted.org/packages/8b/f1/672d303ddf17c24fc83afd712316fda78dc6fce1cd53011b839483e1ecc8/cffi-1.17.1-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:0984a4925a435b1da406122d4d7968dd861c1385afe3b45ba82b750f229811e2", size = 178802, upload-time = "2024-09-04T20:44:30.289Z" }, - { url = "https://files.pythonhosted.org/packages/0e/2d/eab2e858a91fdff70533cab61dcff4a1f55ec60425832ddfdc9cd36bc8af/cffi-1.17.1-cp313-cp313-manylinux_2_12_i686.manylinux2010_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:d01b12eeeb4427d3110de311e1774046ad344f5b1a7403101878976ecd7a10f3", size = 454792, upload-time = "2024-09-04T20:44:32.01Z" }, - { url = "https://files.pythonhosted.org/packages/75/b2/fbaec7c4455c604e29388d55599b99ebcc250a60050610fadde58932b7ee/cffi-1.17.1-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:706510fe141c86a69c8ddc029c7910003a17353970cff3b904ff0686a5927683", size = 478893, upload-time = "2024-09-04T20:44:33.606Z" }, - { url = "https://files.pythonhosted.org/packages/4f/b7/6e4a2162178bf1935c336d4da8a9352cccab4d3a5d7914065490f08c0690/cffi-1.17.1-cp313-cp313-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:de55b766c7aa2e2a3092c51e0483d700341182f08e67c63630d5b6f200bb28e5", size = 485810, upload-time = "2024-09-04T20:44:35.191Z" }, - { url = "https://files.pythonhosted.org/packages/c7/8a/1d0e4a9c26e54746dc08c2c6c037889124d4f59dffd853a659fa545f1b40/cffi-1.17.1-cp313-cp313-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:c59d6e989d07460165cc5ad3c61f9fd8f1b4796eacbd81cee78957842b834af4", size = 471200, upload-time = "2024-09-04T20:44:36.743Z" }, - { url = "https://files.pythonhosted.org/packages/26/9f/1aab65a6c0db35f43c4d1b4f580e8df53914310afc10ae0397d29d697af4/cffi-1.17.1-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:dd398dbc6773384a17fe0d3e7eeb8d1a21c2200473ee6806bb5e6a8e62bb73dd", size = 479447, upload-time = "2024-09-04T20:44:38.492Z" }, - { url = "https://files.pythonhosted.org/packages/5f/e4/fb8b3dd8dc0e98edf1135ff067ae070bb32ef9d509d6cb0f538cd6f7483f/cffi-1.17.1-cp313-cp313-musllinux_1_1_aarch64.whl", hash = "sha256:3edc8d958eb099c634dace3c7e16560ae474aa3803a5df240542b305d14e14ed", size = 484358, upload-time = "2024-09-04T20:44:40.046Z" }, - { url = "https://files.pythonhosted.org/packages/f1/47/d7145bf2dc04684935d57d67dff9d6d795b2ba2796806bb109864be3a151/cffi-1.17.1-cp313-cp313-musllinux_1_1_x86_64.whl", hash = "sha256:72e72408cad3d5419375fc87d289076ee319835bdfa2caad331e377589aebba9", size = 488469, upload-time = "2024-09-04T20:44:41.616Z" }, - { url = "https://files.pythonhosted.org/packages/bf/ee/f94057fa6426481d663b88637a9a10e859e492c73d0384514a17d78ee205/cffi-1.17.1-cp313-cp313-win32.whl", hash = "sha256:e03eab0a8677fa80d646b5ddece1cbeaf556c313dcfac435ba11f107ba117b5d", size = 172475, upload-time = "2024-09-04T20:44:43.733Z" }, - { url = "https://files.pythonhosted.org/packages/7c/fc/6a8cb64e5f0324877d503c854da15d76c1e50eb722e320b15345c4d0c6de/cffi-1.17.1-cp313-cp313-win_amd64.whl", hash = "sha256:f6a16c31041f09ead72d69f583767292f750d24913dadacf5756b966aacb3f1a", size = 182009, upload-time = "2024-09-04T20:44:45.309Z" }, +sdist = { url = "https://files.pythonhosted.org/packages/fc/97/c783634659c2920c3fc70419e3af40972dbaf758daa229a7d6ea6135c90d/cffi-1.17.1.tar.gz", hash = "sha256:1c39c6016c32bc48dd54561950ebd6836e1670f2ae46128f67cf49e789c52824", size = 516621, upload_time = "2024-09-04T20:45:21.852Z" } +wheels = [ + { url = "https://files.pythonhosted.org/packages/6b/f4/927e3a8899e52a27fa57a48607ff7dc91a9ebe97399b357b85a0c7892e00/cffi-1.17.1-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:a45e3c6913c5b87b3ff120dcdc03f6131fa0065027d0ed7ee6190736a74cd401", size = 182264, upload_time = "2024-09-04T20:43:51.124Z" }, + { url = "https://files.pythonhosted.org/packages/6c/f5/6c3a8efe5f503175aaddcbea6ad0d2c96dad6f5abb205750d1b3df44ef29/cffi-1.17.1-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:30c5e0cb5ae493c04c8b42916e52ca38079f1b235c2f8ae5f4527b963c401caf", size = 178651, upload_time = "2024-09-04T20:43:52.872Z" }, + { url = "https://files.pythonhosted.org/packages/94/dd/a3f0118e688d1b1a57553da23b16bdade96d2f9bcda4d32e7d2838047ff7/cffi-1.17.1-cp311-cp311-manylinux_2_12_i686.manylinux2010_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:f75c7ab1f9e4aca5414ed4d8e5c0e303a34f4421f8a0d47a4d019ceff0ab6af4", size = 445259, upload_time = "2024-09-04T20:43:56.123Z" }, + { url = "https://files.pythonhosted.org/packages/2e/ea/70ce63780f096e16ce8588efe039d3c4f91deb1dc01e9c73a287939c79a6/cffi-1.17.1-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a1ed2dd2972641495a3ec98445e09766f077aee98a1c896dcb4ad0d303628e41", size = 469200, upload_time = "2024-09-04T20:43:57.891Z" }, + { url = "https://files.pythonhosted.org/packages/1c/a0/a4fa9f4f781bda074c3ddd57a572b060fa0df7655d2a4247bbe277200146/cffi-1.17.1-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:46bf43160c1a35f7ec506d254e5c890f3c03648a4dbac12d624e4490a7046cd1", size = 477235, upload_time = "2024-09-04T20:44:00.18Z" }, + { url = "https://files.pythonhosted.org/packages/62/12/ce8710b5b8affbcdd5c6e367217c242524ad17a02fe5beec3ee339f69f85/cffi-1.17.1-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:a24ed04c8ffd54b0729c07cee15a81d964e6fee0e3d4d342a27b020d22959dc6", size = 459721, upload_time = "2024-09-04T20:44:01.585Z" }, + { url = "https://files.pythonhosted.org/packages/ff/6b/d45873c5e0242196f042d555526f92aa9e0c32355a1be1ff8c27f077fd37/cffi-1.17.1-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:610faea79c43e44c71e1ec53a554553fa22321b65fae24889706c0a84d4ad86d", size = 467242, upload_time = "2024-09-04T20:44:03.467Z" }, + { url = "https://files.pythonhosted.org/packages/1a/52/d9a0e523a572fbccf2955f5abe883cfa8bcc570d7faeee06336fbd50c9fc/cffi-1.17.1-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:a9b15d491f3ad5d692e11f6b71f7857e7835eb677955c00cc0aefcd0669adaf6", size = 477999, upload_time = "2024-09-04T20:44:05.023Z" }, + { url = "https://files.pythonhosted.org/packages/44/74/f2a2460684a1a2d00ca799ad880d54652841a780c4c97b87754f660c7603/cffi-1.17.1-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:de2ea4b5833625383e464549fec1bc395c1bdeeb5f25c4a3a82b5a8c756ec22f", size = 454242, upload_time = "2024-09-04T20:44:06.444Z" }, + { url = "https://files.pythonhosted.org/packages/f8/4a/34599cac7dfcd888ff54e801afe06a19c17787dfd94495ab0c8d35fe99fb/cffi-1.17.1-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:fc48c783f9c87e60831201f2cce7f3b2e4846bf4d8728eabe54d60700b318a0b", size = 478604, upload_time = "2024-09-04T20:44:08.206Z" }, + { url = "https://files.pythonhosted.org/packages/34/33/e1b8a1ba29025adbdcda5fb3a36f94c03d771c1b7b12f726ff7fef2ebe36/cffi-1.17.1-cp311-cp311-win32.whl", hash = "sha256:85a950a4ac9c359340d5963966e3e0a94a676bd6245a4b55bc43949eee26a655", size = 171727, upload_time = "2024-09-04T20:44:09.481Z" }, + { url = "https://files.pythonhosted.org/packages/3d/97/50228be003bb2802627d28ec0627837ac0bf35c90cf769812056f235b2d1/cffi-1.17.1-cp311-cp311-win_amd64.whl", hash = "sha256:caaf0640ef5f5517f49bc275eca1406b0ffa6aa184892812030f04c2abf589a0", size = 181400, upload_time = "2024-09-04T20:44:10.873Z" }, + { url = "https://files.pythonhosted.org/packages/5a/84/e94227139ee5fb4d600a7a4927f322e1d4aea6fdc50bd3fca8493caba23f/cffi-1.17.1-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:805b4371bf7197c329fcb3ead37e710d1bca9da5d583f5073b799d5c5bd1eee4", size = 183178, upload_time = "2024-09-04T20:44:12.232Z" }, + { url = "https://files.pythonhosted.org/packages/da/ee/fb72c2b48656111c4ef27f0f91da355e130a923473bf5ee75c5643d00cca/cffi-1.17.1-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:733e99bc2df47476e3848417c5a4540522f234dfd4ef3ab7fafdf555b082ec0c", size = 178840, upload_time = "2024-09-04T20:44:13.739Z" }, + { url = "https://files.pythonhosted.org/packages/cc/b6/db007700f67d151abadf508cbfd6a1884f57eab90b1bb985c4c8c02b0f28/cffi-1.17.1-cp312-cp312-manylinux_2_12_i686.manylinux2010_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:1257bdabf294dceb59f5e70c64a3e2f462c30c7ad68092d01bbbfb1c16b1ba36", size = 454803, upload_time = "2024-09-04T20:44:15.231Z" }, + { url = "https://files.pythonhosted.org/packages/1a/df/f8d151540d8c200eb1c6fba8cd0dfd40904f1b0682ea705c36e6c2e97ab3/cffi-1.17.1-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:da95af8214998d77a98cc14e3a3bd00aa191526343078b530ceb0bd710fb48a5", size = 478850, upload_time = "2024-09-04T20:44:17.188Z" }, + { url = "https://files.pythonhosted.org/packages/28/c0/b31116332a547fd2677ae5b78a2ef662dfc8023d67f41b2a83f7c2aa78b1/cffi-1.17.1-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:d63afe322132c194cf832bfec0dc69a99fb9bb6bbd550f161a49e9e855cc78ff", size = 485729, upload_time = "2024-09-04T20:44:18.688Z" }, + { url = "https://files.pythonhosted.org/packages/91/2b/9a1ddfa5c7f13cab007a2c9cc295b70fbbda7cb10a286aa6810338e60ea1/cffi-1.17.1-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:f79fc4fc25f1c8698ff97788206bb3c2598949bfe0fef03d299eb1b5356ada99", size = 471256, upload_time = "2024-09-04T20:44:20.248Z" }, + { url = "https://files.pythonhosted.org/packages/b2/d5/da47df7004cb17e4955df6a43d14b3b4ae77737dff8bf7f8f333196717bf/cffi-1.17.1-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:b62ce867176a75d03a665bad002af8e6d54644fad99a3c70905c543130e39d93", size = 479424, upload_time = "2024-09-04T20:44:21.673Z" }, + { url = "https://files.pythonhosted.org/packages/0b/ac/2a28bcf513e93a219c8a4e8e125534f4f6db03e3179ba1c45e949b76212c/cffi-1.17.1-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:386c8bf53c502fff58903061338ce4f4950cbdcb23e2902d86c0f722b786bbe3", size = 484568, upload_time = "2024-09-04T20:44:23.245Z" }, + { url = "https://files.pythonhosted.org/packages/d4/38/ca8a4f639065f14ae0f1d9751e70447a261f1a30fa7547a828ae08142465/cffi-1.17.1-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:4ceb10419a9adf4460ea14cfd6bc43d08701f0835e979bf821052f1805850fe8", size = 488736, upload_time = "2024-09-04T20:44:24.757Z" }, + { url = "https://files.pythonhosted.org/packages/86/c5/28b2d6f799ec0bdecf44dced2ec5ed43e0eb63097b0f58c293583b406582/cffi-1.17.1-cp312-cp312-win32.whl", hash = "sha256:a08d7e755f8ed21095a310a693525137cfe756ce62d066e53f502a83dc550f65", size = 172448, upload_time = "2024-09-04T20:44:26.208Z" }, + { url = "https://files.pythonhosted.org/packages/50/b9/db34c4755a7bd1cb2d1603ac3863f22bcecbd1ba29e5ee841a4bc510b294/cffi-1.17.1-cp312-cp312-win_amd64.whl", hash = "sha256:51392eae71afec0d0c8fb1a53b204dbb3bcabcb3c9b807eedf3e1e6ccf2de903", size = 181976, upload_time = "2024-09-04T20:44:27.578Z" }, + { url = "https://files.pythonhosted.org/packages/8d/f8/dd6c246b148639254dad4d6803eb6a54e8c85c6e11ec9df2cffa87571dbe/cffi-1.17.1-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:f3a2b4222ce6b60e2e8b337bb9596923045681d71e5a082783484d845390938e", size = 182989, upload_time = "2024-09-04T20:44:28.956Z" }, + { url = "https://files.pythonhosted.org/packages/8b/f1/672d303ddf17c24fc83afd712316fda78dc6fce1cd53011b839483e1ecc8/cffi-1.17.1-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:0984a4925a435b1da406122d4d7968dd861c1385afe3b45ba82b750f229811e2", size = 178802, upload_time = "2024-09-04T20:44:30.289Z" }, + { url = "https://files.pythonhosted.org/packages/0e/2d/eab2e858a91fdff70533cab61dcff4a1f55ec60425832ddfdc9cd36bc8af/cffi-1.17.1-cp313-cp313-manylinux_2_12_i686.manylinux2010_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:d01b12eeeb4427d3110de311e1774046ad344f5b1a7403101878976ecd7a10f3", size = 454792, upload_time = "2024-09-04T20:44:32.01Z" }, + { url = "https://files.pythonhosted.org/packages/75/b2/fbaec7c4455c604e29388d55599b99ebcc250a60050610fadde58932b7ee/cffi-1.17.1-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:706510fe141c86a69c8ddc029c7910003a17353970cff3b904ff0686a5927683", size = 478893, upload_time = "2024-09-04T20:44:33.606Z" }, + { url = "https://files.pythonhosted.org/packages/4f/b7/6e4a2162178bf1935c336d4da8a9352cccab4d3a5d7914065490f08c0690/cffi-1.17.1-cp313-cp313-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:de55b766c7aa2e2a3092c51e0483d700341182f08e67c63630d5b6f200bb28e5", size = 485810, upload_time = "2024-09-04T20:44:35.191Z" }, + { url = "https://files.pythonhosted.org/packages/c7/8a/1d0e4a9c26e54746dc08c2c6c037889124d4f59dffd853a659fa545f1b40/cffi-1.17.1-cp313-cp313-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:c59d6e989d07460165cc5ad3c61f9fd8f1b4796eacbd81cee78957842b834af4", size = 471200, upload_time = "2024-09-04T20:44:36.743Z" }, + { url = "https://files.pythonhosted.org/packages/26/9f/1aab65a6c0db35f43c4d1b4f580e8df53914310afc10ae0397d29d697af4/cffi-1.17.1-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:dd398dbc6773384a17fe0d3e7eeb8d1a21c2200473ee6806bb5e6a8e62bb73dd", size = 479447, upload_time = "2024-09-04T20:44:38.492Z" }, + { url = "https://files.pythonhosted.org/packages/5f/e4/fb8b3dd8dc0e98edf1135ff067ae070bb32ef9d509d6cb0f538cd6f7483f/cffi-1.17.1-cp313-cp313-musllinux_1_1_aarch64.whl", hash = "sha256:3edc8d958eb099c634dace3c7e16560ae474aa3803a5df240542b305d14e14ed", size = 484358, upload_time = "2024-09-04T20:44:40.046Z" }, + { url = "https://files.pythonhosted.org/packages/f1/47/d7145bf2dc04684935d57d67dff9d6d795b2ba2796806bb109864be3a151/cffi-1.17.1-cp313-cp313-musllinux_1_1_x86_64.whl", hash = "sha256:72e72408cad3d5419375fc87d289076ee319835bdfa2caad331e377589aebba9", size = 488469, upload_time = "2024-09-04T20:44:41.616Z" }, + { url = "https://files.pythonhosted.org/packages/bf/ee/f94057fa6426481d663b88637a9a10e859e492c73d0384514a17d78ee205/cffi-1.17.1-cp313-cp313-win32.whl", hash = "sha256:e03eab0a8677fa80d646b5ddece1cbeaf556c313dcfac435ba11f107ba117b5d", size = 172475, upload_time = "2024-09-04T20:44:43.733Z" }, + { url = "https://files.pythonhosted.org/packages/7c/fc/6a8cb64e5f0324877d503c854da15d76c1e50eb722e320b15345c4d0c6de/cffi-1.17.1-cp313-cp313-win_amd64.whl", hash = "sha256:f6a16c31041f09ead72d69f583767292f750d24913dadacf5756b966aacb3f1a", size = 182009, upload_time = "2024-09-04T20:44:45.309Z" }, ] [[package]] name = "cfgv" version = "3.4.0" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/11/74/539e56497d9bd1d484fd863dd69cbbfa653cd2aa27abfe35653494d85e94/cfgv-3.4.0.tar.gz", hash = "sha256:e52591d4c5f5dead8e0f673fb16db7949d2cfb3f7da4582893288f0ded8fe560", size = 7114, upload-time = "2023-08-12T20:38:17.776Z" } +sdist = { url = "https://files.pythonhosted.org/packages/11/74/539e56497d9bd1d484fd863dd69cbbfa653cd2aa27abfe35653494d85e94/cfgv-3.4.0.tar.gz", hash = "sha256:e52591d4c5f5dead8e0f673fb16db7949d2cfb3f7da4582893288f0ded8fe560", size = 7114, upload_time = "2023-08-12T20:38:17.776Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/c5/55/51844dd50c4fc7a33b653bfaba4c2456f06955289ca770a5dbd5fd267374/cfgv-3.4.0-py2.py3-none-any.whl", hash = "sha256:b7265b1f29fd3316bfcd2b330d63d024f2bfd8bcb8b0272f8e19a504856c48f9", size = 7249, upload-time = "2023-08-12T20:38:16.269Z" }, + { url = "https://files.pythonhosted.org/packages/c5/55/51844dd50c4fc7a33b653bfaba4c2456f06955289ca770a5dbd5fd267374/cfgv-3.4.0-py2.py3-none-any.whl", hash = "sha256:b7265b1f29fd3316bfcd2b330d63d024f2bfd8bcb8b0272f8e19a504856c48f9", size = 7249, upload_time = "2023-08-12T20:38:16.269Z" }, ] [[package]] name = "charset-normalizer" version = "3.4.2" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/e4/33/89c2ced2b67d1c2a61c19c6751aa8902d46ce3dacb23600a283619f5a12d/charset_normalizer-3.4.2.tar.gz", hash = "sha256:5baececa9ecba31eff645232d59845c07aa030f0c81ee70184a90d35099a0e63", size = 126367, upload-time = "2025-05-02T08:34:42.01Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/05/85/4c40d00dcc6284a1c1ad5de5e0996b06f39d8232f1031cd23c2f5c07ee86/charset_normalizer-3.4.2-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:be1e352acbe3c78727a16a455126d9ff83ea2dfdcbc83148d2982305a04714c2", size = 198794, upload-time = "2025-05-02T08:32:11.945Z" }, - { url = "https://files.pythonhosted.org/packages/41/d9/7a6c0b9db952598e97e93cbdfcb91bacd89b9b88c7c983250a77c008703c/charset_normalizer-3.4.2-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:aa88ca0b1932e93f2d961bf3addbb2db902198dca337d88c89e1559e066e7645", size = 142846, upload-time = "2025-05-02T08:32:13.946Z" }, - { url = "https://files.pythonhosted.org/packages/66/82/a37989cda2ace7e37f36c1a8ed16c58cf48965a79c2142713244bf945c89/charset_normalizer-3.4.2-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:d524ba3f1581b35c03cb42beebab4a13e6cdad7b36246bd22541fa585a56cccd", size = 153350, upload-time = "2025-05-02T08:32:15.873Z" }, - { url = "https://files.pythonhosted.org/packages/df/68/a576b31b694d07b53807269d05ec3f6f1093e9545e8607121995ba7a8313/charset_normalizer-3.4.2-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:28a1005facc94196e1fb3e82a3d442a9d9110b8434fc1ded7a24a2983c9888d8", size = 145657, upload-time = "2025-05-02T08:32:17.283Z" }, - { url = "https://files.pythonhosted.org/packages/92/9b/ad67f03d74554bed3aefd56fe836e1623a50780f7c998d00ca128924a499/charset_normalizer-3.4.2-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:fdb20a30fe1175ecabed17cbf7812f7b804b8a315a25f24678bcdf120a90077f", size = 147260, upload-time = "2025-05-02T08:32:18.807Z" }, - { url = "https://files.pythonhosted.org/packages/a6/e6/8aebae25e328160b20e31a7e9929b1578bbdc7f42e66f46595a432f8539e/charset_normalizer-3.4.2-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:0f5d9ed7f254402c9e7d35d2f5972c9bbea9040e99cd2861bd77dc68263277c7", size = 149164, upload-time = "2025-05-02T08:32:20.333Z" }, - { url = "https://files.pythonhosted.org/packages/8b/f2/b3c2f07dbcc248805f10e67a0262c93308cfa149a4cd3d1fe01f593e5fd2/charset_normalizer-3.4.2-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:efd387a49825780ff861998cd959767800d54f8308936b21025326de4b5a42b9", size = 144571, upload-time = "2025-05-02T08:32:21.86Z" }, - { url = "https://files.pythonhosted.org/packages/60/5b/c3f3a94bc345bc211622ea59b4bed9ae63c00920e2e8f11824aa5708e8b7/charset_normalizer-3.4.2-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:f0aa37f3c979cf2546b73e8222bbfa3dc07a641585340179d768068e3455e544", size = 151952, upload-time = "2025-05-02T08:32:23.434Z" }, - { url = "https://files.pythonhosted.org/packages/e2/4d/ff460c8b474122334c2fa394a3f99a04cf11c646da895f81402ae54f5c42/charset_normalizer-3.4.2-cp311-cp311-musllinux_1_2_ppc64le.whl", hash = "sha256:e70e990b2137b29dc5564715de1e12701815dacc1d056308e2b17e9095372a82", size = 155959, upload-time = "2025-05-02T08:32:24.993Z" }, - { url = "https://files.pythonhosted.org/packages/a2/2b/b964c6a2fda88611a1fe3d4c400d39c66a42d6c169c924818c848f922415/charset_normalizer-3.4.2-cp311-cp311-musllinux_1_2_s390x.whl", hash = "sha256:0c8c57f84ccfc871a48a47321cfa49ae1df56cd1d965a09abe84066f6853b9c0", size = 153030, upload-time = "2025-05-02T08:32:26.435Z" }, - { url = "https://files.pythonhosted.org/packages/59/2e/d3b9811db26a5ebf444bc0fa4f4be5aa6d76fc6e1c0fd537b16c14e849b6/charset_normalizer-3.4.2-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:6b66f92b17849b85cad91259efc341dce9c1af48e2173bf38a85c6329f1033e5", size = 148015, upload-time = "2025-05-02T08:32:28.376Z" }, - { url = "https://files.pythonhosted.org/packages/90/07/c5fd7c11eafd561bb51220d600a788f1c8d77c5eef37ee49454cc5c35575/charset_normalizer-3.4.2-cp311-cp311-win32.whl", hash = "sha256:daac4765328a919a805fa5e2720f3e94767abd632ae410a9062dff5412bae65a", size = 98106, upload-time = "2025-05-02T08:32:30.281Z" }, - { url = "https://files.pythonhosted.org/packages/a8/05/5e33dbef7e2f773d672b6d79f10ec633d4a71cd96db6673625838a4fd532/charset_normalizer-3.4.2-cp311-cp311-win_amd64.whl", hash = "sha256:e53efc7c7cee4c1e70661e2e112ca46a575f90ed9ae3fef200f2a25e954f4b28", size = 105402, upload-time = "2025-05-02T08:32:32.191Z" }, - { url = "https://files.pythonhosted.org/packages/d7/a4/37f4d6035c89cac7930395a35cc0f1b872e652eaafb76a6075943754f095/charset_normalizer-3.4.2-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:0c29de6a1a95f24b9a1aa7aefd27d2487263f00dfd55a77719b530788f75cff7", size = 199936, upload-time = "2025-05-02T08:32:33.712Z" }, - { url = "https://files.pythonhosted.org/packages/ee/8a/1a5e33b73e0d9287274f899d967907cd0bf9c343e651755d9307e0dbf2b3/charset_normalizer-3.4.2-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:cddf7bd982eaa998934a91f69d182aec997c6c468898efe6679af88283b498d3", size = 143790, upload-time = "2025-05-02T08:32:35.768Z" }, - { url = "https://files.pythonhosted.org/packages/66/52/59521f1d8e6ab1482164fa21409c5ef44da3e9f653c13ba71becdd98dec3/charset_normalizer-3.4.2-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:fcbe676a55d7445b22c10967bceaaf0ee69407fbe0ece4d032b6eb8d4565982a", size = 153924, upload-time = "2025-05-02T08:32:37.284Z" }, - { url = "https://files.pythonhosted.org/packages/86/2d/fb55fdf41964ec782febbf33cb64be480a6b8f16ded2dbe8db27a405c09f/charset_normalizer-3.4.2-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:d41c4d287cfc69060fa91cae9683eacffad989f1a10811995fa309df656ec214", size = 146626, upload-time = "2025-05-02T08:32:38.803Z" }, - { url = "https://files.pythonhosted.org/packages/8c/73/6ede2ec59bce19b3edf4209d70004253ec5f4e319f9a2e3f2f15601ed5f7/charset_normalizer-3.4.2-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:4e594135de17ab3866138f496755f302b72157d115086d100c3f19370839dd3a", size = 148567, upload-time = "2025-05-02T08:32:40.251Z" }, - { url = "https://files.pythonhosted.org/packages/09/14/957d03c6dc343c04904530b6bef4e5efae5ec7d7990a7cbb868e4595ee30/charset_normalizer-3.4.2-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:cf713fe9a71ef6fd5adf7a79670135081cd4431c2943864757f0fa3a65b1fafd", size = 150957, upload-time = "2025-05-02T08:32:41.705Z" }, - { url = "https://files.pythonhosted.org/packages/0d/c8/8174d0e5c10ccebdcb1b53cc959591c4c722a3ad92461a273e86b9f5a302/charset_normalizer-3.4.2-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:a370b3e078e418187da8c3674eddb9d983ec09445c99a3a263c2011993522981", size = 145408, upload-time = "2025-05-02T08:32:43.709Z" }, - { url = "https://files.pythonhosted.org/packages/58/aa/8904b84bc8084ac19dc52feb4f5952c6df03ffb460a887b42615ee1382e8/charset_normalizer-3.4.2-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:a955b438e62efdf7e0b7b52a64dc5c3396e2634baa62471768a64bc2adb73d5c", size = 153399, upload-time = "2025-05-02T08:32:46.197Z" }, - { url = "https://files.pythonhosted.org/packages/c2/26/89ee1f0e264d201cb65cf054aca6038c03b1a0c6b4ae998070392a3ce605/charset_normalizer-3.4.2-cp312-cp312-musllinux_1_2_ppc64le.whl", hash = "sha256:7222ffd5e4de8e57e03ce2cef95a4c43c98fcb72ad86909abdfc2c17d227fc1b", size = 156815, upload-time = "2025-05-02T08:32:48.105Z" }, - { url = "https://files.pythonhosted.org/packages/fd/07/68e95b4b345bad3dbbd3a8681737b4338ff2c9df29856a6d6d23ac4c73cb/charset_normalizer-3.4.2-cp312-cp312-musllinux_1_2_s390x.whl", hash = "sha256:bee093bf902e1d8fc0ac143c88902c3dfc8941f7ea1d6a8dd2bcb786d33db03d", size = 154537, upload-time = "2025-05-02T08:32:49.719Z" }, - { url = "https://files.pythonhosted.org/packages/77/1a/5eefc0ce04affb98af07bc05f3bac9094513c0e23b0562d64af46a06aae4/charset_normalizer-3.4.2-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:dedb8adb91d11846ee08bec4c8236c8549ac721c245678282dcb06b221aab59f", size = 149565, upload-time = "2025-05-02T08:32:51.404Z" }, - { url = "https://files.pythonhosted.org/packages/37/a0/2410e5e6032a174c95e0806b1a6585eb21e12f445ebe239fac441995226a/charset_normalizer-3.4.2-cp312-cp312-win32.whl", hash = "sha256:db4c7bf0e07fc3b7d89ac2a5880a6a8062056801b83ff56d8464b70f65482b6c", size = 98357, upload-time = "2025-05-02T08:32:53.079Z" }, - { url = "https://files.pythonhosted.org/packages/6c/4f/c02d5c493967af3eda9c771ad4d2bbc8df6f99ddbeb37ceea6e8716a32bc/charset_normalizer-3.4.2-cp312-cp312-win_amd64.whl", hash = "sha256:5a9979887252a82fefd3d3ed2a8e3b937a7a809f65dcb1e068b090e165bbe99e", size = 105776, upload-time = "2025-05-02T08:32:54.573Z" }, - { url = "https://files.pythonhosted.org/packages/ea/12/a93df3366ed32db1d907d7593a94f1fe6293903e3e92967bebd6950ed12c/charset_normalizer-3.4.2-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:926ca93accd5d36ccdabd803392ddc3e03e6d4cd1cf17deff3b989ab8e9dbcf0", size = 199622, upload-time = "2025-05-02T08:32:56.363Z" }, - { url = "https://files.pythonhosted.org/packages/04/93/bf204e6f344c39d9937d3c13c8cd5bbfc266472e51fc8c07cb7f64fcd2de/charset_normalizer-3.4.2-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:eba9904b0f38a143592d9fc0e19e2df0fa2e41c3c3745554761c5f6447eedabf", size = 143435, upload-time = "2025-05-02T08:32:58.551Z" }, - { url = "https://files.pythonhosted.org/packages/22/2a/ea8a2095b0bafa6c5b5a55ffdc2f924455233ee7b91c69b7edfcc9e02284/charset_normalizer-3.4.2-cp313-cp313-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:3fddb7e2c84ac87ac3a947cb4e66d143ca5863ef48e4a5ecb83bd48619e4634e", size = 153653, upload-time = "2025-05-02T08:33:00.342Z" }, - { url = "https://files.pythonhosted.org/packages/b6/57/1b090ff183d13cef485dfbe272e2fe57622a76694061353c59da52c9a659/charset_normalizer-3.4.2-cp313-cp313-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:98f862da73774290f251b9df8d11161b6cf25b599a66baf087c1ffe340e9bfd1", size = 146231, upload-time = "2025-05-02T08:33:02.081Z" }, - { url = "https://files.pythonhosted.org/packages/e2/28/ffc026b26f441fc67bd21ab7f03b313ab3fe46714a14b516f931abe1a2d8/charset_normalizer-3.4.2-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:6c9379d65defcab82d07b2a9dfbfc2e95bc8fe0ebb1b176a3190230a3ef0e07c", size = 148243, upload-time = "2025-05-02T08:33:04.063Z" }, - { url = "https://files.pythonhosted.org/packages/c0/0f/9abe9bd191629c33e69e47c6ef45ef99773320e9ad8e9cb08b8ab4a8d4cb/charset_normalizer-3.4.2-cp313-cp313-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:e635b87f01ebc977342e2697d05b56632f5f879a4f15955dfe8cef2448b51691", size = 150442, upload-time = "2025-05-02T08:33:06.418Z" }, - { url = "https://files.pythonhosted.org/packages/67/7c/a123bbcedca91d5916c056407f89a7f5e8fdfce12ba825d7d6b9954a1a3c/charset_normalizer-3.4.2-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:1c95a1e2902a8b722868587c0e1184ad5c55631de5afc0eb96bc4b0d738092c0", size = 145147, upload-time = "2025-05-02T08:33:08.183Z" }, - { url = "https://files.pythonhosted.org/packages/ec/fe/1ac556fa4899d967b83e9893788e86b6af4d83e4726511eaaad035e36595/charset_normalizer-3.4.2-cp313-cp313-musllinux_1_2_i686.whl", hash = "sha256:ef8de666d6179b009dce7bcb2ad4c4a779f113f12caf8dc77f0162c29d20490b", size = 153057, upload-time = "2025-05-02T08:33:09.986Z" }, - { url = "https://files.pythonhosted.org/packages/2b/ff/acfc0b0a70b19e3e54febdd5301a98b72fa07635e56f24f60502e954c461/charset_normalizer-3.4.2-cp313-cp313-musllinux_1_2_ppc64le.whl", hash = "sha256:32fc0341d72e0f73f80acb0a2c94216bd704f4f0bce10aedea38f30502b271ff", size = 156454, upload-time = "2025-05-02T08:33:11.814Z" }, - { url = "https://files.pythonhosted.org/packages/92/08/95b458ce9c740d0645feb0e96cea1f5ec946ea9c580a94adfe0b617f3573/charset_normalizer-3.4.2-cp313-cp313-musllinux_1_2_s390x.whl", hash = "sha256:289200a18fa698949d2b39c671c2cc7a24d44096784e76614899a7ccf2574b7b", size = 154174, upload-time = "2025-05-02T08:33:13.707Z" }, - { url = "https://files.pythonhosted.org/packages/78/be/8392efc43487ac051eee6c36d5fbd63032d78f7728cb37aebcc98191f1ff/charset_normalizer-3.4.2-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:4a476b06fbcf359ad25d34a057b7219281286ae2477cc5ff5e3f70a246971148", size = 149166, upload-time = "2025-05-02T08:33:15.458Z" }, - { url = "https://files.pythonhosted.org/packages/44/96/392abd49b094d30b91d9fbda6a69519e95802250b777841cf3bda8fe136c/charset_normalizer-3.4.2-cp313-cp313-win32.whl", hash = "sha256:aaeeb6a479c7667fbe1099af9617c83aaca22182d6cf8c53966491a0f1b7ffb7", size = 98064, upload-time = "2025-05-02T08:33:17.06Z" }, - { url = "https://files.pythonhosted.org/packages/e9/b0/0200da600134e001d91851ddc797809e2fe0ea72de90e09bec5a2fbdaccb/charset_normalizer-3.4.2-cp313-cp313-win_amd64.whl", hash = "sha256:aa6af9e7d59f9c12b33ae4e9450619cf2488e2bbe9b44030905877f0b2324980", size = 105641, upload-time = "2025-05-02T08:33:18.753Z" }, - { url = "https://files.pythonhosted.org/packages/20/94/c5790835a017658cbfabd07f3bfb549140c3ac458cfc196323996b10095a/charset_normalizer-3.4.2-py3-none-any.whl", hash = "sha256:7f56930ab0abd1c45cd15be65cc741c28b1c9a34876ce8c17a2fa107810c0af0", size = 52626, upload-time = "2025-05-02T08:34:40.053Z" }, +sdist = { url = "https://files.pythonhosted.org/packages/e4/33/89c2ced2b67d1c2a61c19c6751aa8902d46ce3dacb23600a283619f5a12d/charset_normalizer-3.4.2.tar.gz", hash = "sha256:5baececa9ecba31eff645232d59845c07aa030f0c81ee70184a90d35099a0e63", size = 126367, upload_time = "2025-05-02T08:34:42.01Z" } +wheels = [ + { url = "https://files.pythonhosted.org/packages/05/85/4c40d00dcc6284a1c1ad5de5e0996b06f39d8232f1031cd23c2f5c07ee86/charset_normalizer-3.4.2-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:be1e352acbe3c78727a16a455126d9ff83ea2dfdcbc83148d2982305a04714c2", size = 198794, upload_time = "2025-05-02T08:32:11.945Z" }, + { url = "https://files.pythonhosted.org/packages/41/d9/7a6c0b9db952598e97e93cbdfcb91bacd89b9b88c7c983250a77c008703c/charset_normalizer-3.4.2-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:aa88ca0b1932e93f2d961bf3addbb2db902198dca337d88c89e1559e066e7645", size = 142846, upload_time = "2025-05-02T08:32:13.946Z" }, + { url = "https://files.pythonhosted.org/packages/66/82/a37989cda2ace7e37f36c1a8ed16c58cf48965a79c2142713244bf945c89/charset_normalizer-3.4.2-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:d524ba3f1581b35c03cb42beebab4a13e6cdad7b36246bd22541fa585a56cccd", size = 153350, upload_time = "2025-05-02T08:32:15.873Z" }, + { url = "https://files.pythonhosted.org/packages/df/68/a576b31b694d07b53807269d05ec3f6f1093e9545e8607121995ba7a8313/charset_normalizer-3.4.2-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:28a1005facc94196e1fb3e82a3d442a9d9110b8434fc1ded7a24a2983c9888d8", size = 145657, upload_time = "2025-05-02T08:32:17.283Z" }, + { url = "https://files.pythonhosted.org/packages/92/9b/ad67f03d74554bed3aefd56fe836e1623a50780f7c998d00ca128924a499/charset_normalizer-3.4.2-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:fdb20a30fe1175ecabed17cbf7812f7b804b8a315a25f24678bcdf120a90077f", size = 147260, upload_time = "2025-05-02T08:32:18.807Z" }, + { url = "https://files.pythonhosted.org/packages/a6/e6/8aebae25e328160b20e31a7e9929b1578bbdc7f42e66f46595a432f8539e/charset_normalizer-3.4.2-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:0f5d9ed7f254402c9e7d35d2f5972c9bbea9040e99cd2861bd77dc68263277c7", size = 149164, upload_time = "2025-05-02T08:32:20.333Z" }, + { url = "https://files.pythonhosted.org/packages/8b/f2/b3c2f07dbcc248805f10e67a0262c93308cfa149a4cd3d1fe01f593e5fd2/charset_normalizer-3.4.2-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:efd387a49825780ff861998cd959767800d54f8308936b21025326de4b5a42b9", size = 144571, upload_time = "2025-05-02T08:32:21.86Z" }, + { url = "https://files.pythonhosted.org/packages/60/5b/c3f3a94bc345bc211622ea59b4bed9ae63c00920e2e8f11824aa5708e8b7/charset_normalizer-3.4.2-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:f0aa37f3c979cf2546b73e8222bbfa3dc07a641585340179d768068e3455e544", size = 151952, upload_time = "2025-05-02T08:32:23.434Z" }, + { url = "https://files.pythonhosted.org/packages/e2/4d/ff460c8b474122334c2fa394a3f99a04cf11c646da895f81402ae54f5c42/charset_normalizer-3.4.2-cp311-cp311-musllinux_1_2_ppc64le.whl", hash = "sha256:e70e990b2137b29dc5564715de1e12701815dacc1d056308e2b17e9095372a82", size = 155959, upload_time = "2025-05-02T08:32:24.993Z" }, + { url = "https://files.pythonhosted.org/packages/a2/2b/b964c6a2fda88611a1fe3d4c400d39c66a42d6c169c924818c848f922415/charset_normalizer-3.4.2-cp311-cp311-musllinux_1_2_s390x.whl", hash = "sha256:0c8c57f84ccfc871a48a47321cfa49ae1df56cd1d965a09abe84066f6853b9c0", size = 153030, upload_time = "2025-05-02T08:32:26.435Z" }, + { url = "https://files.pythonhosted.org/packages/59/2e/d3b9811db26a5ebf444bc0fa4f4be5aa6d76fc6e1c0fd537b16c14e849b6/charset_normalizer-3.4.2-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:6b66f92b17849b85cad91259efc341dce9c1af48e2173bf38a85c6329f1033e5", size = 148015, upload_time = "2025-05-02T08:32:28.376Z" }, + { url = "https://files.pythonhosted.org/packages/90/07/c5fd7c11eafd561bb51220d600a788f1c8d77c5eef37ee49454cc5c35575/charset_normalizer-3.4.2-cp311-cp311-win32.whl", hash = "sha256:daac4765328a919a805fa5e2720f3e94767abd632ae410a9062dff5412bae65a", size = 98106, upload_time = "2025-05-02T08:32:30.281Z" }, + { url = "https://files.pythonhosted.org/packages/a8/05/5e33dbef7e2f773d672b6d79f10ec633d4a71cd96db6673625838a4fd532/charset_normalizer-3.4.2-cp311-cp311-win_amd64.whl", hash = "sha256:e53efc7c7cee4c1e70661e2e112ca46a575f90ed9ae3fef200f2a25e954f4b28", size = 105402, upload_time = "2025-05-02T08:32:32.191Z" }, + { url = "https://files.pythonhosted.org/packages/d7/a4/37f4d6035c89cac7930395a35cc0f1b872e652eaafb76a6075943754f095/charset_normalizer-3.4.2-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:0c29de6a1a95f24b9a1aa7aefd27d2487263f00dfd55a77719b530788f75cff7", size = 199936, upload_time = "2025-05-02T08:32:33.712Z" }, + { url = "https://files.pythonhosted.org/packages/ee/8a/1a5e33b73e0d9287274f899d967907cd0bf9c343e651755d9307e0dbf2b3/charset_normalizer-3.4.2-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:cddf7bd982eaa998934a91f69d182aec997c6c468898efe6679af88283b498d3", size = 143790, upload_time = "2025-05-02T08:32:35.768Z" }, + { url = "https://files.pythonhosted.org/packages/66/52/59521f1d8e6ab1482164fa21409c5ef44da3e9f653c13ba71becdd98dec3/charset_normalizer-3.4.2-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:fcbe676a55d7445b22c10967bceaaf0ee69407fbe0ece4d032b6eb8d4565982a", size = 153924, upload_time = "2025-05-02T08:32:37.284Z" }, + { url = "https://files.pythonhosted.org/packages/86/2d/fb55fdf41964ec782febbf33cb64be480a6b8f16ded2dbe8db27a405c09f/charset_normalizer-3.4.2-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:d41c4d287cfc69060fa91cae9683eacffad989f1a10811995fa309df656ec214", size = 146626, upload_time = "2025-05-02T08:32:38.803Z" }, + { url = "https://files.pythonhosted.org/packages/8c/73/6ede2ec59bce19b3edf4209d70004253ec5f4e319f9a2e3f2f15601ed5f7/charset_normalizer-3.4.2-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:4e594135de17ab3866138f496755f302b72157d115086d100c3f19370839dd3a", size = 148567, upload_time = "2025-05-02T08:32:40.251Z" }, + { url = "https://files.pythonhosted.org/packages/09/14/957d03c6dc343c04904530b6bef4e5efae5ec7d7990a7cbb868e4595ee30/charset_normalizer-3.4.2-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:cf713fe9a71ef6fd5adf7a79670135081cd4431c2943864757f0fa3a65b1fafd", size = 150957, upload_time = "2025-05-02T08:32:41.705Z" }, + { url = "https://files.pythonhosted.org/packages/0d/c8/8174d0e5c10ccebdcb1b53cc959591c4c722a3ad92461a273e86b9f5a302/charset_normalizer-3.4.2-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:a370b3e078e418187da8c3674eddb9d983ec09445c99a3a263c2011993522981", size = 145408, upload_time = "2025-05-02T08:32:43.709Z" }, + { url = "https://files.pythonhosted.org/packages/58/aa/8904b84bc8084ac19dc52feb4f5952c6df03ffb460a887b42615ee1382e8/charset_normalizer-3.4.2-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:a955b438e62efdf7e0b7b52a64dc5c3396e2634baa62471768a64bc2adb73d5c", size = 153399, upload_time = "2025-05-02T08:32:46.197Z" }, + { url = "https://files.pythonhosted.org/packages/c2/26/89ee1f0e264d201cb65cf054aca6038c03b1a0c6b4ae998070392a3ce605/charset_normalizer-3.4.2-cp312-cp312-musllinux_1_2_ppc64le.whl", hash = "sha256:7222ffd5e4de8e57e03ce2cef95a4c43c98fcb72ad86909abdfc2c17d227fc1b", size = 156815, upload_time = "2025-05-02T08:32:48.105Z" }, + { url = "https://files.pythonhosted.org/packages/fd/07/68e95b4b345bad3dbbd3a8681737b4338ff2c9df29856a6d6d23ac4c73cb/charset_normalizer-3.4.2-cp312-cp312-musllinux_1_2_s390x.whl", hash = "sha256:bee093bf902e1d8fc0ac143c88902c3dfc8941f7ea1d6a8dd2bcb786d33db03d", size = 154537, upload_time = "2025-05-02T08:32:49.719Z" }, + { url = "https://files.pythonhosted.org/packages/77/1a/5eefc0ce04affb98af07bc05f3bac9094513c0e23b0562d64af46a06aae4/charset_normalizer-3.4.2-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:dedb8adb91d11846ee08bec4c8236c8549ac721c245678282dcb06b221aab59f", size = 149565, upload_time = "2025-05-02T08:32:51.404Z" }, + { url = "https://files.pythonhosted.org/packages/37/a0/2410e5e6032a174c95e0806b1a6585eb21e12f445ebe239fac441995226a/charset_normalizer-3.4.2-cp312-cp312-win32.whl", hash = "sha256:db4c7bf0e07fc3b7d89ac2a5880a6a8062056801b83ff56d8464b70f65482b6c", size = 98357, upload_time = "2025-05-02T08:32:53.079Z" }, + { url = "https://files.pythonhosted.org/packages/6c/4f/c02d5c493967af3eda9c771ad4d2bbc8df6f99ddbeb37ceea6e8716a32bc/charset_normalizer-3.4.2-cp312-cp312-win_amd64.whl", hash = "sha256:5a9979887252a82fefd3d3ed2a8e3b937a7a809f65dcb1e068b090e165bbe99e", size = 105776, upload_time = "2025-05-02T08:32:54.573Z" }, + { url = "https://files.pythonhosted.org/packages/ea/12/a93df3366ed32db1d907d7593a94f1fe6293903e3e92967bebd6950ed12c/charset_normalizer-3.4.2-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:926ca93accd5d36ccdabd803392ddc3e03e6d4cd1cf17deff3b989ab8e9dbcf0", size = 199622, upload_time = "2025-05-02T08:32:56.363Z" }, + { url = "https://files.pythonhosted.org/packages/04/93/bf204e6f344c39d9937d3c13c8cd5bbfc266472e51fc8c07cb7f64fcd2de/charset_normalizer-3.4.2-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:eba9904b0f38a143592d9fc0e19e2df0fa2e41c3c3745554761c5f6447eedabf", size = 143435, upload_time = "2025-05-02T08:32:58.551Z" }, + { url = "https://files.pythonhosted.org/packages/22/2a/ea8a2095b0bafa6c5b5a55ffdc2f924455233ee7b91c69b7edfcc9e02284/charset_normalizer-3.4.2-cp313-cp313-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:3fddb7e2c84ac87ac3a947cb4e66d143ca5863ef48e4a5ecb83bd48619e4634e", size = 153653, upload_time = "2025-05-02T08:33:00.342Z" }, + { url = "https://files.pythonhosted.org/packages/b6/57/1b090ff183d13cef485dfbe272e2fe57622a76694061353c59da52c9a659/charset_normalizer-3.4.2-cp313-cp313-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:98f862da73774290f251b9df8d11161b6cf25b599a66baf087c1ffe340e9bfd1", size = 146231, upload_time = "2025-05-02T08:33:02.081Z" }, + { url = "https://files.pythonhosted.org/packages/e2/28/ffc026b26f441fc67bd21ab7f03b313ab3fe46714a14b516f931abe1a2d8/charset_normalizer-3.4.2-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:6c9379d65defcab82d07b2a9dfbfc2e95bc8fe0ebb1b176a3190230a3ef0e07c", size = 148243, upload_time = "2025-05-02T08:33:04.063Z" }, + { url = "https://files.pythonhosted.org/packages/c0/0f/9abe9bd191629c33e69e47c6ef45ef99773320e9ad8e9cb08b8ab4a8d4cb/charset_normalizer-3.4.2-cp313-cp313-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:e635b87f01ebc977342e2697d05b56632f5f879a4f15955dfe8cef2448b51691", size = 150442, upload_time = "2025-05-02T08:33:06.418Z" }, + { url = "https://files.pythonhosted.org/packages/67/7c/a123bbcedca91d5916c056407f89a7f5e8fdfce12ba825d7d6b9954a1a3c/charset_normalizer-3.4.2-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:1c95a1e2902a8b722868587c0e1184ad5c55631de5afc0eb96bc4b0d738092c0", size = 145147, upload_time = "2025-05-02T08:33:08.183Z" }, + { url = "https://files.pythonhosted.org/packages/ec/fe/1ac556fa4899d967b83e9893788e86b6af4d83e4726511eaaad035e36595/charset_normalizer-3.4.2-cp313-cp313-musllinux_1_2_i686.whl", hash = "sha256:ef8de666d6179b009dce7bcb2ad4c4a779f113f12caf8dc77f0162c29d20490b", size = 153057, upload_time = "2025-05-02T08:33:09.986Z" }, + { url = "https://files.pythonhosted.org/packages/2b/ff/acfc0b0a70b19e3e54febdd5301a98b72fa07635e56f24f60502e954c461/charset_normalizer-3.4.2-cp313-cp313-musllinux_1_2_ppc64le.whl", hash = "sha256:32fc0341d72e0f73f80acb0a2c94216bd704f4f0bce10aedea38f30502b271ff", size = 156454, upload_time = "2025-05-02T08:33:11.814Z" }, + { url = "https://files.pythonhosted.org/packages/92/08/95b458ce9c740d0645feb0e96cea1f5ec946ea9c580a94adfe0b617f3573/charset_normalizer-3.4.2-cp313-cp313-musllinux_1_2_s390x.whl", hash = "sha256:289200a18fa698949d2b39c671c2cc7a24d44096784e76614899a7ccf2574b7b", size = 154174, upload_time = "2025-05-02T08:33:13.707Z" }, + { url = "https://files.pythonhosted.org/packages/78/be/8392efc43487ac051eee6c36d5fbd63032d78f7728cb37aebcc98191f1ff/charset_normalizer-3.4.2-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:4a476b06fbcf359ad25d34a057b7219281286ae2477cc5ff5e3f70a246971148", size = 149166, upload_time = "2025-05-02T08:33:15.458Z" }, + { url = "https://files.pythonhosted.org/packages/44/96/392abd49b094d30b91d9fbda6a69519e95802250b777841cf3bda8fe136c/charset_normalizer-3.4.2-cp313-cp313-win32.whl", hash = "sha256:aaeeb6a479c7667fbe1099af9617c83aaca22182d6cf8c53966491a0f1b7ffb7", size = 98064, upload_time = "2025-05-02T08:33:17.06Z" }, + { url = "https://files.pythonhosted.org/packages/e9/b0/0200da600134e001d91851ddc797809e2fe0ea72de90e09bec5a2fbdaccb/charset_normalizer-3.4.2-cp313-cp313-win_amd64.whl", hash = "sha256:aa6af9e7d59f9c12b33ae4e9450619cf2488e2bbe9b44030905877f0b2324980", size = 105641, upload_time = "2025-05-02T08:33:18.753Z" }, + { url = "https://files.pythonhosted.org/packages/20/94/c5790835a017658cbfabd07f3bfb549140c3ac458cfc196323996b10095a/charset_normalizer-3.4.2-py3-none-any.whl", hash = "sha256:7f56930ab0abd1c45cd15be65cc741c28b1c9a34876ce8c17a2fa107810c0af0", size = 52626, upload_time = "2025-05-02T08:34:40.053Z" }, ] [[package]] @@ -609,18 +609,18 @@ source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "colorama", marker = "sys_platform == 'win32'" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/60/6c/8ca2efa64cf75a977a0d7fac081354553ebe483345c734fb6b6515d96bbc/click-8.2.1.tar.gz", hash = "sha256:27c491cc05d968d271d5a1db13e3b5a184636d9d930f148c50b038f0d0646202", size = 286342, upload-time = "2025-05-20T23:19:49.832Z" } +sdist = { url = "https://files.pythonhosted.org/packages/60/6c/8ca2efa64cf75a977a0d7fac081354553ebe483345c734fb6b6515d96bbc/click-8.2.1.tar.gz", hash = "sha256:27c491cc05d968d271d5a1db13e3b5a184636d9d930f148c50b038f0d0646202", size = 286342, upload_time = "2025-05-20T23:19:49.832Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/85/32/10bb5764d90a8eee674e9dc6f4db6a0ab47c8c4d0d83c27f7c39ac415a4d/click-8.2.1-py3-none-any.whl", hash = "sha256:61a3265b914e850b85317d0b3109c7f8cd35a670f963866005d6ef1d5175a12b", size = 102215, upload-time = "2025-05-20T23:19:47.796Z" }, + { url = "https://files.pythonhosted.org/packages/85/32/10bb5764d90a8eee674e9dc6f4db6a0ab47c8c4d0d83c27f7c39ac415a4d/click-8.2.1-py3-none-any.whl", hash = "sha256:61a3265b914e850b85317d0b3109c7f8cd35a670f963866005d6ef1d5175a12b", size = 102215, upload_time = "2025-05-20T23:19:47.796Z" }, ] [[package]] name = "colorama" version = "0.4.6" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/d8/53/6f443c9a4a8358a93a6792e2acffb9d9d5cb0a5cfd8802644b7b1c9a02e4/colorama-0.4.6.tar.gz", hash = "sha256:08695f5cb7ed6e0531a20572697297273c47b8cae5a63ffc6d6ed5c201be6e44", size = 27697, upload-time = "2022-10-25T02:36:22.414Z" } +sdist = { url = "https://files.pythonhosted.org/packages/d8/53/6f443c9a4a8358a93a6792e2acffb9d9d5cb0a5cfd8802644b7b1c9a02e4/colorama-0.4.6.tar.gz", hash = "sha256:08695f5cb7ed6e0531a20572697297273c47b8cae5a63ffc6d6ed5c201be6e44", size = 27697, upload_time = "2022-10-25T02:36:22.414Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/d1/d6/3965ed04c63042e047cb6a3e6ed1a63a35087b6a609aa3a15ed8ac56c221/colorama-0.4.6-py2.py3-none-any.whl", hash = "sha256:4f1d9991f5acc0ca119f9d443620b77f9d6b33703e51011c16baf57afb285fc6", size = 25335, upload-time = "2022-10-25T02:36:20.889Z" }, + { url = "https://files.pythonhosted.org/packages/d1/d6/3965ed04c63042e047cb6a3e6ed1a63a35087b6a609aa3a15ed8ac56c221/colorama-0.4.6-py2.py3-none-any.whl", hash = "sha256:4f1d9991f5acc0ca119f9d443620b77f9d6b33703e51011c16baf57afb285fc6", size = 25335, upload_time = "2022-10-25T02:36:20.889Z" }, ] [[package]] @@ -630,9 +630,9 @@ source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "traitlets" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/e9/a8/fb783cb0abe2b5fded9f55e5703015cdf1c9c85b3669087c538dd15a6a86/comm-0.2.2.tar.gz", hash = "sha256:3fd7a84065306e07bea1773df6eb8282de51ba82f77c72f9c85716ab11fe980e", size = 6210, upload-time = "2024-03-12T16:53:41.133Z" } +sdist = { url = "https://files.pythonhosted.org/packages/e9/a8/fb783cb0abe2b5fded9f55e5703015cdf1c9c85b3669087c538dd15a6a86/comm-0.2.2.tar.gz", hash = "sha256:3fd7a84065306e07bea1773df6eb8282de51ba82f77c72f9c85716ab11fe980e", size = 6210, upload_time = "2024-03-12T16:53:41.133Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/e6/75/49e5bfe642f71f272236b5b2d2691cf915a7283cc0ceda56357b61daa538/comm-0.2.2-py3-none-any.whl", hash = "sha256:e6fb86cb70ff661ee8c9c14e7d36d6de3b4066f1441be4063df9c5009f0a64d3", size = 7180, upload-time = "2024-03-12T16:53:39.226Z" }, + { url = "https://files.pythonhosted.org/packages/e6/75/49e5bfe642f71f272236b5b2d2691cf915a7283cc0ceda56357b61daa538/comm-0.2.2-py3-none-any.whl", hash = "sha256:e6fb86cb70ff661ee8c9c14e7d36d6de3b4066f1441be4063df9c5009f0a64d3", size = 7180, upload_time = "2024-03-12T16:53:39.226Z" }, ] [[package]] @@ -642,38 +642,38 @@ source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "cffi", marker = "platform_python_implementation != 'PyPy'" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/fe/c8/a2a376a8711c1e11708b9c9972e0c3223f5fc682552c82d8db844393d6ce/cryptography-45.0.4.tar.gz", hash = "sha256:7405ade85c83c37682c8fe65554759800a4a8c54b2d96e0f8ad114d31b808d57", size = 744890, upload-time = "2025-06-10T00:03:51.297Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/cc/1c/92637793de053832523b410dbe016d3f5c11b41d0cf6eef8787aabb51d41/cryptography-45.0.4-cp311-abi3-macosx_10_9_universal2.whl", hash = "sha256:425a9a6ac2823ee6e46a76a21a4e8342d8fa5c01e08b823c1f19a8b74f096069", size = 7055712, upload-time = "2025-06-10T00:02:38.826Z" }, - { url = "https://files.pythonhosted.org/packages/ba/14/93b69f2af9ba832ad6618a03f8a034a5851dc9a3314336a3d71c252467e1/cryptography-45.0.4-cp311-abi3-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:680806cf63baa0039b920f4976f5f31b10e772de42f16310a6839d9f21a26b0d", size = 4205335, upload-time = "2025-06-10T00:02:41.64Z" }, - { url = "https://files.pythonhosted.org/packages/67/30/fae1000228634bf0b647fca80403db5ca9e3933b91dd060570689f0bd0f7/cryptography-45.0.4-cp311-abi3-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:4ca0f52170e821bc8da6fc0cc565b7bb8ff8d90d36b5e9fdd68e8a86bdf72036", size = 4431487, upload-time = "2025-06-10T00:02:43.696Z" }, - { url = "https://files.pythonhosted.org/packages/6d/5a/7dffcf8cdf0cb3c2430de7404b327e3db64735747d641fc492539978caeb/cryptography-45.0.4-cp311-abi3-manylinux_2_28_aarch64.whl", hash = "sha256:f3fe7a5ae34d5a414957cc7f457e2b92076e72938423ac64d215722f6cf49a9e", size = 4208922, upload-time = "2025-06-10T00:02:45.334Z" }, - { url = "https://files.pythonhosted.org/packages/c6/f3/528729726eb6c3060fa3637253430547fbaaea95ab0535ea41baa4a6fbd8/cryptography-45.0.4-cp311-abi3-manylinux_2_28_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:25eb4d4d3e54595dc8adebc6bbd5623588991d86591a78c2548ffb64797341e2", size = 3900433, upload-time = "2025-06-10T00:02:47.359Z" }, - { url = "https://files.pythonhosted.org/packages/d9/4a/67ba2e40f619e04d83c32f7e1d484c1538c0800a17c56a22ff07d092ccc1/cryptography-45.0.4-cp311-abi3-manylinux_2_28_x86_64.whl", hash = "sha256:ce1678a2ccbe696cf3af15a75bb72ee008d7ff183c9228592ede9db467e64f1b", size = 4464163, upload-time = "2025-06-10T00:02:49.412Z" }, - { url = "https://files.pythonhosted.org/packages/7e/9a/b4d5aa83661483ac372464809c4b49b5022dbfe36b12fe9e323ca8512420/cryptography-45.0.4-cp311-abi3-manylinux_2_34_aarch64.whl", hash = "sha256:49fe9155ab32721b9122975e168a6760d8ce4cffe423bcd7ca269ba41b5dfac1", size = 4208687, upload-time = "2025-06-10T00:02:50.976Z" }, - { url = "https://files.pythonhosted.org/packages/db/b7/a84bdcd19d9c02ec5807f2ec2d1456fd8451592c5ee353816c09250e3561/cryptography-45.0.4-cp311-abi3-manylinux_2_34_x86_64.whl", hash = "sha256:2882338b2a6e0bd337052e8b9007ced85c637da19ef9ecaf437744495c8c2999", size = 4463623, upload-time = "2025-06-10T00:02:52.542Z" }, - { url = "https://files.pythonhosted.org/packages/d8/84/69707d502d4d905021cac3fb59a316344e9f078b1da7fb43ecde5e10840a/cryptography-45.0.4-cp311-abi3-musllinux_1_2_aarch64.whl", hash = "sha256:23b9c3ea30c3ed4db59e7b9619272e94891f8a3a5591d0b656a7582631ccf750", size = 4332447, upload-time = "2025-06-10T00:02:54.63Z" }, - { url = "https://files.pythonhosted.org/packages/f3/ee/d4f2ab688e057e90ded24384e34838086a9b09963389a5ba6854b5876598/cryptography-45.0.4-cp311-abi3-musllinux_1_2_x86_64.whl", hash = "sha256:b0a97c927497e3bc36b33987abb99bf17a9a175a19af38a892dc4bbb844d7ee2", size = 4572830, upload-time = "2025-06-10T00:02:56.689Z" }, - { url = "https://files.pythonhosted.org/packages/70/d4/994773a261d7ff98034f72c0e8251fe2755eac45e2265db4c866c1c6829c/cryptography-45.0.4-cp311-abi3-win32.whl", hash = "sha256:e00a6c10a5c53979d6242f123c0a97cff9f3abed7f064fc412c36dc521b5f257", size = 2932769, upload-time = "2025-06-10T00:02:58.467Z" }, - { url = "https://files.pythonhosted.org/packages/5a/42/c80bd0b67e9b769b364963b5252b17778a397cefdd36fa9aa4a5f34c599a/cryptography-45.0.4-cp311-abi3-win_amd64.whl", hash = "sha256:817ee05c6c9f7a69a16200f0c90ab26d23a87701e2a284bd15156783e46dbcc8", size = 3410441, upload-time = "2025-06-10T00:03:00.14Z" }, - { url = "https://files.pythonhosted.org/packages/ce/0b/2488c89f3a30bc821c9d96eeacfcab6ff3accc08a9601ba03339c0fd05e5/cryptography-45.0.4-cp37-abi3-macosx_10_9_universal2.whl", hash = "sha256:964bcc28d867e0f5491a564b7debb3ffdd8717928d315d12e0d7defa9e43b723", size = 7031836, upload-time = "2025-06-10T00:03:01.726Z" }, - { url = "https://files.pythonhosted.org/packages/fe/51/8c584ed426093aac257462ae62d26ad61ef1cbf5b58d8b67e6e13c39960e/cryptography-45.0.4-cp37-abi3-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:6a5bf57554e80f75a7db3d4b1dacaa2764611ae166ab42ea9a72bcdb5d577637", size = 4195746, upload-time = "2025-06-10T00:03:03.94Z" }, - { url = "https://files.pythonhosted.org/packages/5c/7d/4b0ca4d7af95a704eef2f8f80a8199ed236aaf185d55385ae1d1610c03c2/cryptography-45.0.4-cp37-abi3-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:46cf7088bf91bdc9b26f9c55636492c1cce3e7aaf8041bbf0243f5e5325cfb2d", size = 4424456, upload-time = "2025-06-10T00:03:05.589Z" }, - { url = "https://files.pythonhosted.org/packages/1d/45/5fabacbc6e76ff056f84d9f60eeac18819badf0cefc1b6612ee03d4ab678/cryptography-45.0.4-cp37-abi3-manylinux_2_28_aarch64.whl", hash = "sha256:7bedbe4cc930fa4b100fc845ea1ea5788fcd7ae9562e669989c11618ae8d76ee", size = 4198495, upload-time = "2025-06-10T00:03:09.172Z" }, - { url = "https://files.pythonhosted.org/packages/55/b7/ffc9945b290eb0a5d4dab9b7636706e3b5b92f14ee5d9d4449409d010d54/cryptography-45.0.4-cp37-abi3-manylinux_2_28_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:eaa3e28ea2235b33220b949c5a0d6cf79baa80eab2eb5607ca8ab7525331b9ff", size = 3885540, upload-time = "2025-06-10T00:03:10.835Z" }, - { url = "https://files.pythonhosted.org/packages/7f/e3/57b010282346980475e77d414080acdcb3dab9a0be63071efc2041a2c6bd/cryptography-45.0.4-cp37-abi3-manylinux_2_28_x86_64.whl", hash = "sha256:7ef2dde4fa9408475038fc9aadfc1fb2676b174e68356359632e980c661ec8f6", size = 4452052, upload-time = "2025-06-10T00:03:12.448Z" }, - { url = "https://files.pythonhosted.org/packages/37/e6/ddc4ac2558bf2ef517a358df26f45bc774a99bf4653e7ee34b5e749c03e3/cryptography-45.0.4-cp37-abi3-manylinux_2_34_aarch64.whl", hash = "sha256:6a3511ae33f09094185d111160fd192c67aa0a2a8d19b54d36e4c78f651dc5ad", size = 4198024, upload-time = "2025-06-10T00:03:13.976Z" }, - { url = "https://files.pythonhosted.org/packages/3a/c0/85fa358ddb063ec588aed4a6ea1df57dc3e3bc1712d87c8fa162d02a65fc/cryptography-45.0.4-cp37-abi3-manylinux_2_34_x86_64.whl", hash = "sha256:06509dc70dd71fa56eaa138336244e2fbaf2ac164fc9b5e66828fccfd2b680d6", size = 4451442, upload-time = "2025-06-10T00:03:16.248Z" }, - { url = "https://files.pythonhosted.org/packages/33/67/362d6ec1492596e73da24e669a7fbbaeb1c428d6bf49a29f7a12acffd5dc/cryptography-45.0.4-cp37-abi3-musllinux_1_2_aarch64.whl", hash = "sha256:5f31e6b0a5a253f6aa49be67279be4a7e5a4ef259a9f33c69f7d1b1191939872", size = 4325038, upload-time = "2025-06-10T00:03:18.4Z" }, - { url = "https://files.pythonhosted.org/packages/53/75/82a14bf047a96a1b13ebb47fb9811c4f73096cfa2e2b17c86879687f9027/cryptography-45.0.4-cp37-abi3-musllinux_1_2_x86_64.whl", hash = "sha256:944e9ccf67a9594137f942d5b52c8d238b1b4e46c7a0c2891b7ae6e01e7c80a4", size = 4560964, upload-time = "2025-06-10T00:03:20.06Z" }, - { url = "https://files.pythonhosted.org/packages/cd/37/1a3cba4c5a468ebf9b95523a5ef5651244693dc712001e276682c278fc00/cryptography-45.0.4-cp37-abi3-win32.whl", hash = "sha256:c22fe01e53dc65edd1945a2e6f0015e887f84ced233acecb64b4daadb32f5c97", size = 2924557, upload-time = "2025-06-10T00:03:22.563Z" }, - { url = "https://files.pythonhosted.org/packages/2a/4b/3256759723b7e66380397d958ca07c59cfc3fb5c794fb5516758afd05d41/cryptography-45.0.4-cp37-abi3-win_amd64.whl", hash = "sha256:627ba1bc94f6adf0b0a2e35d87020285ead22d9f648c7e75bb64f367375f3b22", size = 3395508, upload-time = "2025-06-10T00:03:24.586Z" }, - { url = "https://files.pythonhosted.org/packages/ea/ba/cf442ae99ef363855ed84b39e0fb3c106ac66b7a7703f3c9c9cfe05412cb/cryptography-45.0.4-pp311-pypy311_pp73-macosx_10_9_x86_64.whl", hash = "sha256:4828190fb6c4bcb6ebc6331f01fe66ae838bb3bd58e753b59d4b22eb444b996c", size = 3590512, upload-time = "2025-06-10T00:03:36.982Z" }, - { url = "https://files.pythonhosted.org/packages/28/9a/a7d5bb87d149eb99a5abdc69a41e4e47b8001d767e5f403f78bfaafc7aa7/cryptography-45.0.4-pp311-pypy311_pp73-manylinux_2_28_aarch64.whl", hash = "sha256:03dbff8411206713185b8cebe31bc5c0eb544799a50c09035733716b386e61a4", size = 4146899, upload-time = "2025-06-10T00:03:38.659Z" }, - { url = "https://files.pythonhosted.org/packages/17/11/9361c2c71c42cc5c465cf294c8030e72fb0c87752bacbd7a3675245e3db3/cryptography-45.0.4-pp311-pypy311_pp73-manylinux_2_28_x86_64.whl", hash = "sha256:51dfbd4d26172d31150d84c19bbe06c68ea4b7f11bbc7b3a5e146b367c311349", size = 4388900, upload-time = "2025-06-10T00:03:40.233Z" }, - { url = "https://files.pythonhosted.org/packages/c0/76/f95b83359012ee0e670da3e41c164a0c256aeedd81886f878911581d852f/cryptography-45.0.4-pp311-pypy311_pp73-manylinux_2_34_aarch64.whl", hash = "sha256:0339a692de47084969500ee455e42c58e449461e0ec845a34a6a9b9bf7df7fb8", size = 4146422, upload-time = "2025-06-10T00:03:41.827Z" }, - { url = "https://files.pythonhosted.org/packages/09/ad/5429fcc4def93e577a5407988f89cf15305e64920203d4ac14601a9dc876/cryptography-45.0.4-pp311-pypy311_pp73-manylinux_2_34_x86_64.whl", hash = "sha256:0cf13c77d710131d33e63626bd55ae7c0efb701ebdc2b3a7952b9b23a0412862", size = 4388475, upload-time = "2025-06-10T00:03:43.493Z" }, - { url = "https://files.pythonhosted.org/packages/99/49/0ab9774f64555a1b50102757811508f5ace451cf5dc0a2d074a4b9deca6a/cryptography-45.0.4-pp311-pypy311_pp73-win_amd64.whl", hash = "sha256:bbc505d1dc469ac12a0a064214879eac6294038d6b24ae9f71faae1448a9608d", size = 3337594, upload-time = "2025-06-10T00:03:45.523Z" }, +sdist = { url = "https://files.pythonhosted.org/packages/fe/c8/a2a376a8711c1e11708b9c9972e0c3223f5fc682552c82d8db844393d6ce/cryptography-45.0.4.tar.gz", hash = "sha256:7405ade85c83c37682c8fe65554759800a4a8c54b2d96e0f8ad114d31b808d57", size = 744890, upload_time = "2025-06-10T00:03:51.297Z" } +wheels = [ + { url = "https://files.pythonhosted.org/packages/cc/1c/92637793de053832523b410dbe016d3f5c11b41d0cf6eef8787aabb51d41/cryptography-45.0.4-cp311-abi3-macosx_10_9_universal2.whl", hash = "sha256:425a9a6ac2823ee6e46a76a21a4e8342d8fa5c01e08b823c1f19a8b74f096069", size = 7055712, upload_time = "2025-06-10T00:02:38.826Z" }, + { url = "https://files.pythonhosted.org/packages/ba/14/93b69f2af9ba832ad6618a03f8a034a5851dc9a3314336a3d71c252467e1/cryptography-45.0.4-cp311-abi3-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:680806cf63baa0039b920f4976f5f31b10e772de42f16310a6839d9f21a26b0d", size = 4205335, upload_time = "2025-06-10T00:02:41.64Z" }, + { url = "https://files.pythonhosted.org/packages/67/30/fae1000228634bf0b647fca80403db5ca9e3933b91dd060570689f0bd0f7/cryptography-45.0.4-cp311-abi3-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:4ca0f52170e821bc8da6fc0cc565b7bb8ff8d90d36b5e9fdd68e8a86bdf72036", size = 4431487, upload_time = "2025-06-10T00:02:43.696Z" }, + { url = "https://files.pythonhosted.org/packages/6d/5a/7dffcf8cdf0cb3c2430de7404b327e3db64735747d641fc492539978caeb/cryptography-45.0.4-cp311-abi3-manylinux_2_28_aarch64.whl", hash = "sha256:f3fe7a5ae34d5a414957cc7f457e2b92076e72938423ac64d215722f6cf49a9e", size = 4208922, upload_time = "2025-06-10T00:02:45.334Z" }, + { url = "https://files.pythonhosted.org/packages/c6/f3/528729726eb6c3060fa3637253430547fbaaea95ab0535ea41baa4a6fbd8/cryptography-45.0.4-cp311-abi3-manylinux_2_28_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:25eb4d4d3e54595dc8adebc6bbd5623588991d86591a78c2548ffb64797341e2", size = 3900433, upload_time = "2025-06-10T00:02:47.359Z" }, + { url = "https://files.pythonhosted.org/packages/d9/4a/67ba2e40f619e04d83c32f7e1d484c1538c0800a17c56a22ff07d092ccc1/cryptography-45.0.4-cp311-abi3-manylinux_2_28_x86_64.whl", hash = "sha256:ce1678a2ccbe696cf3af15a75bb72ee008d7ff183c9228592ede9db467e64f1b", size = 4464163, upload_time = "2025-06-10T00:02:49.412Z" }, + { url = "https://files.pythonhosted.org/packages/7e/9a/b4d5aa83661483ac372464809c4b49b5022dbfe36b12fe9e323ca8512420/cryptography-45.0.4-cp311-abi3-manylinux_2_34_aarch64.whl", hash = "sha256:49fe9155ab32721b9122975e168a6760d8ce4cffe423bcd7ca269ba41b5dfac1", size = 4208687, upload_time = "2025-06-10T00:02:50.976Z" }, + { url = "https://files.pythonhosted.org/packages/db/b7/a84bdcd19d9c02ec5807f2ec2d1456fd8451592c5ee353816c09250e3561/cryptography-45.0.4-cp311-abi3-manylinux_2_34_x86_64.whl", hash = "sha256:2882338b2a6e0bd337052e8b9007ced85c637da19ef9ecaf437744495c8c2999", size = 4463623, upload_time = "2025-06-10T00:02:52.542Z" }, + { url = "https://files.pythonhosted.org/packages/d8/84/69707d502d4d905021cac3fb59a316344e9f078b1da7fb43ecde5e10840a/cryptography-45.0.4-cp311-abi3-musllinux_1_2_aarch64.whl", hash = "sha256:23b9c3ea30c3ed4db59e7b9619272e94891f8a3a5591d0b656a7582631ccf750", size = 4332447, upload_time = "2025-06-10T00:02:54.63Z" }, + { url = "https://files.pythonhosted.org/packages/f3/ee/d4f2ab688e057e90ded24384e34838086a9b09963389a5ba6854b5876598/cryptography-45.0.4-cp311-abi3-musllinux_1_2_x86_64.whl", hash = "sha256:b0a97c927497e3bc36b33987abb99bf17a9a175a19af38a892dc4bbb844d7ee2", size = 4572830, upload_time = "2025-06-10T00:02:56.689Z" }, + { url = "https://files.pythonhosted.org/packages/70/d4/994773a261d7ff98034f72c0e8251fe2755eac45e2265db4c866c1c6829c/cryptography-45.0.4-cp311-abi3-win32.whl", hash = "sha256:e00a6c10a5c53979d6242f123c0a97cff9f3abed7f064fc412c36dc521b5f257", size = 2932769, upload_time = "2025-06-10T00:02:58.467Z" }, + { url = "https://files.pythonhosted.org/packages/5a/42/c80bd0b67e9b769b364963b5252b17778a397cefdd36fa9aa4a5f34c599a/cryptography-45.0.4-cp311-abi3-win_amd64.whl", hash = "sha256:817ee05c6c9f7a69a16200f0c90ab26d23a87701e2a284bd15156783e46dbcc8", size = 3410441, upload_time = "2025-06-10T00:03:00.14Z" }, + { url = "https://files.pythonhosted.org/packages/ce/0b/2488c89f3a30bc821c9d96eeacfcab6ff3accc08a9601ba03339c0fd05e5/cryptography-45.0.4-cp37-abi3-macosx_10_9_universal2.whl", hash = "sha256:964bcc28d867e0f5491a564b7debb3ffdd8717928d315d12e0d7defa9e43b723", size = 7031836, upload_time = "2025-06-10T00:03:01.726Z" }, + { url = "https://files.pythonhosted.org/packages/fe/51/8c584ed426093aac257462ae62d26ad61ef1cbf5b58d8b67e6e13c39960e/cryptography-45.0.4-cp37-abi3-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:6a5bf57554e80f75a7db3d4b1dacaa2764611ae166ab42ea9a72bcdb5d577637", size = 4195746, upload_time = "2025-06-10T00:03:03.94Z" }, + { url = "https://files.pythonhosted.org/packages/5c/7d/4b0ca4d7af95a704eef2f8f80a8199ed236aaf185d55385ae1d1610c03c2/cryptography-45.0.4-cp37-abi3-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:46cf7088bf91bdc9b26f9c55636492c1cce3e7aaf8041bbf0243f5e5325cfb2d", size = 4424456, upload_time = "2025-06-10T00:03:05.589Z" }, + { url = "https://files.pythonhosted.org/packages/1d/45/5fabacbc6e76ff056f84d9f60eeac18819badf0cefc1b6612ee03d4ab678/cryptography-45.0.4-cp37-abi3-manylinux_2_28_aarch64.whl", hash = "sha256:7bedbe4cc930fa4b100fc845ea1ea5788fcd7ae9562e669989c11618ae8d76ee", size = 4198495, upload_time = "2025-06-10T00:03:09.172Z" }, + { url = "https://files.pythonhosted.org/packages/55/b7/ffc9945b290eb0a5d4dab9b7636706e3b5b92f14ee5d9d4449409d010d54/cryptography-45.0.4-cp37-abi3-manylinux_2_28_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:eaa3e28ea2235b33220b949c5a0d6cf79baa80eab2eb5607ca8ab7525331b9ff", size = 3885540, upload_time = "2025-06-10T00:03:10.835Z" }, + { url = "https://files.pythonhosted.org/packages/7f/e3/57b010282346980475e77d414080acdcb3dab9a0be63071efc2041a2c6bd/cryptography-45.0.4-cp37-abi3-manylinux_2_28_x86_64.whl", hash = "sha256:7ef2dde4fa9408475038fc9aadfc1fb2676b174e68356359632e980c661ec8f6", size = 4452052, upload_time = "2025-06-10T00:03:12.448Z" }, + { url = "https://files.pythonhosted.org/packages/37/e6/ddc4ac2558bf2ef517a358df26f45bc774a99bf4653e7ee34b5e749c03e3/cryptography-45.0.4-cp37-abi3-manylinux_2_34_aarch64.whl", hash = "sha256:6a3511ae33f09094185d111160fd192c67aa0a2a8d19b54d36e4c78f651dc5ad", size = 4198024, upload_time = "2025-06-10T00:03:13.976Z" }, + { url = "https://files.pythonhosted.org/packages/3a/c0/85fa358ddb063ec588aed4a6ea1df57dc3e3bc1712d87c8fa162d02a65fc/cryptography-45.0.4-cp37-abi3-manylinux_2_34_x86_64.whl", hash = "sha256:06509dc70dd71fa56eaa138336244e2fbaf2ac164fc9b5e66828fccfd2b680d6", size = 4451442, upload_time = "2025-06-10T00:03:16.248Z" }, + { url = "https://files.pythonhosted.org/packages/33/67/362d6ec1492596e73da24e669a7fbbaeb1c428d6bf49a29f7a12acffd5dc/cryptography-45.0.4-cp37-abi3-musllinux_1_2_aarch64.whl", hash = "sha256:5f31e6b0a5a253f6aa49be67279be4a7e5a4ef259a9f33c69f7d1b1191939872", size = 4325038, upload_time = "2025-06-10T00:03:18.4Z" }, + { url = "https://files.pythonhosted.org/packages/53/75/82a14bf047a96a1b13ebb47fb9811c4f73096cfa2e2b17c86879687f9027/cryptography-45.0.4-cp37-abi3-musllinux_1_2_x86_64.whl", hash = "sha256:944e9ccf67a9594137f942d5b52c8d238b1b4e46c7a0c2891b7ae6e01e7c80a4", size = 4560964, upload_time = "2025-06-10T00:03:20.06Z" }, + { url = "https://files.pythonhosted.org/packages/cd/37/1a3cba4c5a468ebf9b95523a5ef5651244693dc712001e276682c278fc00/cryptography-45.0.4-cp37-abi3-win32.whl", hash = "sha256:c22fe01e53dc65edd1945a2e6f0015e887f84ced233acecb64b4daadb32f5c97", size = 2924557, upload_time = "2025-06-10T00:03:22.563Z" }, + { url = "https://files.pythonhosted.org/packages/2a/4b/3256759723b7e66380397d958ca07c59cfc3fb5c794fb5516758afd05d41/cryptography-45.0.4-cp37-abi3-win_amd64.whl", hash = "sha256:627ba1bc94f6adf0b0a2e35d87020285ead22d9f648c7e75bb64f367375f3b22", size = 3395508, upload_time = "2025-06-10T00:03:24.586Z" }, + { url = "https://files.pythonhosted.org/packages/ea/ba/cf442ae99ef363855ed84b39e0fb3c106ac66b7a7703f3c9c9cfe05412cb/cryptography-45.0.4-pp311-pypy311_pp73-macosx_10_9_x86_64.whl", hash = "sha256:4828190fb6c4bcb6ebc6331f01fe66ae838bb3bd58e753b59d4b22eb444b996c", size = 3590512, upload_time = "2025-06-10T00:03:36.982Z" }, + { url = "https://files.pythonhosted.org/packages/28/9a/a7d5bb87d149eb99a5abdc69a41e4e47b8001d767e5f403f78bfaafc7aa7/cryptography-45.0.4-pp311-pypy311_pp73-manylinux_2_28_aarch64.whl", hash = "sha256:03dbff8411206713185b8cebe31bc5c0eb544799a50c09035733716b386e61a4", size = 4146899, upload_time = "2025-06-10T00:03:38.659Z" }, + { url = "https://files.pythonhosted.org/packages/17/11/9361c2c71c42cc5c465cf294c8030e72fb0c87752bacbd7a3675245e3db3/cryptography-45.0.4-pp311-pypy311_pp73-manylinux_2_28_x86_64.whl", hash = "sha256:51dfbd4d26172d31150d84c19bbe06c68ea4b7f11bbc7b3a5e146b367c311349", size = 4388900, upload_time = "2025-06-10T00:03:40.233Z" }, + { url = "https://files.pythonhosted.org/packages/c0/76/f95b83359012ee0e670da3e41c164a0c256aeedd81886f878911581d852f/cryptography-45.0.4-pp311-pypy311_pp73-manylinux_2_34_aarch64.whl", hash = "sha256:0339a692de47084969500ee455e42c58e449461e0ec845a34a6a9b9bf7df7fb8", size = 4146422, upload_time = "2025-06-10T00:03:41.827Z" }, + { url = "https://files.pythonhosted.org/packages/09/ad/5429fcc4def93e577a5407988f89cf15305e64920203d4ac14601a9dc876/cryptography-45.0.4-pp311-pypy311_pp73-manylinux_2_34_x86_64.whl", hash = "sha256:0cf13c77d710131d33e63626bd55ae7c0efb701ebdc2b3a7952b9b23a0412862", size = 4388475, upload_time = "2025-06-10T00:03:43.493Z" }, + { url = "https://files.pythonhosted.org/packages/99/49/0ab9774f64555a1b50102757811508f5ace451cf5dc0a2d074a4b9deca6a/cryptography-45.0.4-pp311-pypy311_pp73-win_amd64.whl", hash = "sha256:bbc505d1dc469ac12a0a064214879eac6294038d6b24ae9f71faae1448a9608d", size = 3337594, upload_time = "2025-06-10T00:03:45.523Z" }, ] [[package]] @@ -695,48 +695,48 @@ dependencies = [ { name = "tqdm" }, { name = "xxhash" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/1a/89/d3d6fef58a488f8569c82fd293ab7cbd4250244d67f425dcae64c63800ea/datasets-3.6.0.tar.gz", hash = "sha256:1b2bf43b19776e2787e181cfd329cb0ca1a358ea014780c3581e0f276375e041", size = 569336, upload-time = "2025-05-07T15:15:02.659Z" } +sdist = { url = "https://files.pythonhosted.org/packages/1a/89/d3d6fef58a488f8569c82fd293ab7cbd4250244d67f425dcae64c63800ea/datasets-3.6.0.tar.gz", hash = "sha256:1b2bf43b19776e2787e181cfd329cb0ca1a358ea014780c3581e0f276375e041", size = 569336, upload_time = "2025-05-07T15:15:02.659Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/20/34/a08b0ee99715eaba118cbe19a71f7b5e2425c2718ef96007c325944a1152/datasets-3.6.0-py3-none-any.whl", hash = "sha256:25000c4a2c0873a710df127d08a202a06eab7bf42441a6bc278b499c2f72cd1b", size = 491546, upload-time = "2025-05-07T15:14:59.742Z" }, + { url = "https://files.pythonhosted.org/packages/20/34/a08b0ee99715eaba118cbe19a71f7b5e2425c2718ef96007c325944a1152/datasets-3.6.0-py3-none-any.whl", hash = "sha256:25000c4a2c0873a710df127d08a202a06eab7bf42441a6bc278b499c2f72cd1b", size = 491546, upload_time = "2025-05-07T15:14:59.742Z" }, ] [[package]] name = "debugpy" version = "1.8.14" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/bd/75/087fe07d40f490a78782ff3b0a30e3968936854105487decdb33446d4b0e/debugpy-1.8.14.tar.gz", hash = "sha256:7cd287184318416850aa8b60ac90105837bb1e59531898c07569d197d2ed5322", size = 1641444, upload-time = "2025-04-10T19:46:10.981Z" } +sdist = { url = "https://files.pythonhosted.org/packages/bd/75/087fe07d40f490a78782ff3b0a30e3968936854105487decdb33446d4b0e/debugpy-1.8.14.tar.gz", hash = "sha256:7cd287184318416850aa8b60ac90105837bb1e59531898c07569d197d2ed5322", size = 1641444, upload_time = "2025-04-10T19:46:10.981Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/67/e8/57fe0c86915671fd6a3d2d8746e40485fd55e8d9e682388fbb3a3d42b86f/debugpy-1.8.14-cp311-cp311-macosx_14_0_universal2.whl", hash = "sha256:1b2ac8c13b2645e0b1eaf30e816404990fbdb168e193322be8f545e8c01644a9", size = 2175064, upload-time = "2025-04-10T19:46:19.486Z" }, - { url = "https://files.pythonhosted.org/packages/3b/97/2b2fd1b1c9569c6764ccdb650a6f752e4ac31be465049563c9eb127a8487/debugpy-1.8.14-cp311-cp311-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:cf431c343a99384ac7eab2f763980724834f933a271e90496944195318c619e2", size = 3132359, upload-time = "2025-04-10T19:46:21.192Z" }, - { url = "https://files.pythonhosted.org/packages/c0/ee/b825c87ed06256ee2a7ed8bab8fb3bb5851293bf9465409fdffc6261c426/debugpy-1.8.14-cp311-cp311-win32.whl", hash = "sha256:c99295c76161ad8d507b413cd33422d7c542889fbb73035889420ac1fad354f2", size = 5133269, upload-time = "2025-04-10T19:46:23.047Z" }, - { url = "https://files.pythonhosted.org/packages/d5/a6/6c70cd15afa43d37839d60f324213843174c1d1e6bb616bd89f7c1341bac/debugpy-1.8.14-cp311-cp311-win_amd64.whl", hash = "sha256:7816acea4a46d7e4e50ad8d09d963a680ecc814ae31cdef3622eb05ccacf7b01", size = 5158156, upload-time = "2025-04-10T19:46:24.521Z" }, - { url = "https://files.pythonhosted.org/packages/d9/2a/ac2df0eda4898f29c46eb6713a5148e6f8b2b389c8ec9e425a4a1d67bf07/debugpy-1.8.14-cp312-cp312-macosx_14_0_universal2.whl", hash = "sha256:8899c17920d089cfa23e6005ad9f22582fd86f144b23acb9feeda59e84405b84", size = 2501268, upload-time = "2025-04-10T19:46:26.044Z" }, - { url = "https://files.pythonhosted.org/packages/10/53/0a0cb5d79dd9f7039169f8bf94a144ad3efa52cc519940b3b7dde23bcb89/debugpy-1.8.14-cp312-cp312-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:f6bb5c0dcf80ad5dbc7b7d6eac484e2af34bdacdf81df09b6a3e62792b722826", size = 4221077, upload-time = "2025-04-10T19:46:27.464Z" }, - { url = "https://files.pythonhosted.org/packages/f8/d5/84e01821f362327bf4828728aa31e907a2eca7c78cd7c6ec062780d249f8/debugpy-1.8.14-cp312-cp312-win32.whl", hash = "sha256:281d44d248a0e1791ad0eafdbbd2912ff0de9eec48022a5bfbc332957487ed3f", size = 5255127, upload-time = "2025-04-10T19:46:29.467Z" }, - { url = "https://files.pythonhosted.org/packages/33/16/1ed929d812c758295cac7f9cf3dab5c73439c83d9091f2d91871e648093e/debugpy-1.8.14-cp312-cp312-win_amd64.whl", hash = "sha256:5aa56ef8538893e4502a7d79047fe39b1dae08d9ae257074c6464a7b290b806f", size = 5297249, upload-time = "2025-04-10T19:46:31.538Z" }, - { url = "https://files.pythonhosted.org/packages/4d/e4/395c792b243f2367d84202dc33689aa3d910fb9826a7491ba20fc9e261f5/debugpy-1.8.14-cp313-cp313-macosx_14_0_universal2.whl", hash = "sha256:329a15d0660ee09fec6786acdb6e0443d595f64f5d096fc3e3ccf09a4259033f", size = 2485676, upload-time = "2025-04-10T19:46:32.96Z" }, - { url = "https://files.pythonhosted.org/packages/ba/f1/6f2ee3f991327ad9e4c2f8b82611a467052a0fb0e247390192580e89f7ff/debugpy-1.8.14-cp313-cp313-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:0f920c7f9af409d90f5fd26e313e119d908b0dd2952c2393cd3247a462331f15", size = 4217514, upload-time = "2025-04-10T19:46:34.336Z" }, - { url = "https://files.pythonhosted.org/packages/79/28/b9d146f8f2dc535c236ee09ad3e5ac899adb39d7a19b49f03ac95d216beb/debugpy-1.8.14-cp313-cp313-win32.whl", hash = "sha256:3784ec6e8600c66cbdd4ca2726c72d8ca781e94bce2f396cc606d458146f8f4e", size = 5254756, upload-time = "2025-04-10T19:46:36.199Z" }, - { url = "https://files.pythonhosted.org/packages/e0/62/a7b4a57013eac4ccaef6977966e6bec5c63906dd25a86e35f155952e29a1/debugpy-1.8.14-cp313-cp313-win_amd64.whl", hash = "sha256:684eaf43c95a3ec39a96f1f5195a7ff3d4144e4a18d69bb66beeb1a6de605d6e", size = 5297119, upload-time = "2025-04-10T19:46:38.141Z" }, - { url = "https://files.pythonhosted.org/packages/97/1a/481f33c37ee3ac8040d3d51fc4c4e4e7e61cb08b8bc8971d6032acc2279f/debugpy-1.8.14-py2.py3-none-any.whl", hash = "sha256:5cd9a579d553b6cb9759a7908a41988ee6280b961f24f63336835d9418216a20", size = 5256230, upload-time = "2025-04-10T19:46:54.077Z" }, + { url = "https://files.pythonhosted.org/packages/67/e8/57fe0c86915671fd6a3d2d8746e40485fd55e8d9e682388fbb3a3d42b86f/debugpy-1.8.14-cp311-cp311-macosx_14_0_universal2.whl", hash = "sha256:1b2ac8c13b2645e0b1eaf30e816404990fbdb168e193322be8f545e8c01644a9", size = 2175064, upload_time = "2025-04-10T19:46:19.486Z" }, + { url = "https://files.pythonhosted.org/packages/3b/97/2b2fd1b1c9569c6764ccdb650a6f752e4ac31be465049563c9eb127a8487/debugpy-1.8.14-cp311-cp311-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:cf431c343a99384ac7eab2f763980724834f933a271e90496944195318c619e2", size = 3132359, upload_time = "2025-04-10T19:46:21.192Z" }, + { url = "https://files.pythonhosted.org/packages/c0/ee/b825c87ed06256ee2a7ed8bab8fb3bb5851293bf9465409fdffc6261c426/debugpy-1.8.14-cp311-cp311-win32.whl", hash = "sha256:c99295c76161ad8d507b413cd33422d7c542889fbb73035889420ac1fad354f2", size = 5133269, upload_time = "2025-04-10T19:46:23.047Z" }, + { url = "https://files.pythonhosted.org/packages/d5/a6/6c70cd15afa43d37839d60f324213843174c1d1e6bb616bd89f7c1341bac/debugpy-1.8.14-cp311-cp311-win_amd64.whl", hash = "sha256:7816acea4a46d7e4e50ad8d09d963a680ecc814ae31cdef3622eb05ccacf7b01", size = 5158156, upload_time = "2025-04-10T19:46:24.521Z" }, + { url = "https://files.pythonhosted.org/packages/d9/2a/ac2df0eda4898f29c46eb6713a5148e6f8b2b389c8ec9e425a4a1d67bf07/debugpy-1.8.14-cp312-cp312-macosx_14_0_universal2.whl", hash = "sha256:8899c17920d089cfa23e6005ad9f22582fd86f144b23acb9feeda59e84405b84", size = 2501268, upload_time = "2025-04-10T19:46:26.044Z" }, + { url = "https://files.pythonhosted.org/packages/10/53/0a0cb5d79dd9f7039169f8bf94a144ad3efa52cc519940b3b7dde23bcb89/debugpy-1.8.14-cp312-cp312-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:f6bb5c0dcf80ad5dbc7b7d6eac484e2af34bdacdf81df09b6a3e62792b722826", size = 4221077, upload_time = "2025-04-10T19:46:27.464Z" }, + { url = "https://files.pythonhosted.org/packages/f8/d5/84e01821f362327bf4828728aa31e907a2eca7c78cd7c6ec062780d249f8/debugpy-1.8.14-cp312-cp312-win32.whl", hash = "sha256:281d44d248a0e1791ad0eafdbbd2912ff0de9eec48022a5bfbc332957487ed3f", size = 5255127, upload_time = "2025-04-10T19:46:29.467Z" }, + { url = "https://files.pythonhosted.org/packages/33/16/1ed929d812c758295cac7f9cf3dab5c73439c83d9091f2d91871e648093e/debugpy-1.8.14-cp312-cp312-win_amd64.whl", hash = "sha256:5aa56ef8538893e4502a7d79047fe39b1dae08d9ae257074c6464a7b290b806f", size = 5297249, upload_time = "2025-04-10T19:46:31.538Z" }, + { url = "https://files.pythonhosted.org/packages/4d/e4/395c792b243f2367d84202dc33689aa3d910fb9826a7491ba20fc9e261f5/debugpy-1.8.14-cp313-cp313-macosx_14_0_universal2.whl", hash = "sha256:329a15d0660ee09fec6786acdb6e0443d595f64f5d096fc3e3ccf09a4259033f", size = 2485676, upload_time = "2025-04-10T19:46:32.96Z" }, + { url = "https://files.pythonhosted.org/packages/ba/f1/6f2ee3f991327ad9e4c2f8b82611a467052a0fb0e247390192580e89f7ff/debugpy-1.8.14-cp313-cp313-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:0f920c7f9af409d90f5fd26e313e119d908b0dd2952c2393cd3247a462331f15", size = 4217514, upload_time = "2025-04-10T19:46:34.336Z" }, + { url = "https://files.pythonhosted.org/packages/79/28/b9d146f8f2dc535c236ee09ad3e5ac899adb39d7a19b49f03ac95d216beb/debugpy-1.8.14-cp313-cp313-win32.whl", hash = "sha256:3784ec6e8600c66cbdd4ca2726c72d8ca781e94bce2f396cc606d458146f8f4e", size = 5254756, upload_time = "2025-04-10T19:46:36.199Z" }, + { url = "https://files.pythonhosted.org/packages/e0/62/a7b4a57013eac4ccaef6977966e6bec5c63906dd25a86e35f155952e29a1/debugpy-1.8.14-cp313-cp313-win_amd64.whl", hash = "sha256:684eaf43c95a3ec39a96f1f5195a7ff3d4144e4a18d69bb66beeb1a6de605d6e", size = 5297119, upload_time = "2025-04-10T19:46:38.141Z" }, + { url = "https://files.pythonhosted.org/packages/97/1a/481f33c37ee3ac8040d3d51fc4c4e4e7e61cb08b8bc8971d6032acc2279f/debugpy-1.8.14-py2.py3-none-any.whl", hash = "sha256:5cd9a579d553b6cb9759a7908a41988ee6280b961f24f63336835d9418216a20", size = 5256230, upload_time = "2025-04-10T19:46:54.077Z" }, ] [[package]] name = "decorator" version = "5.2.1" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/43/fa/6d96a0978d19e17b68d634497769987b16c8f4cd0a7a05048bec693caa6b/decorator-5.2.1.tar.gz", hash = "sha256:65f266143752f734b0a7cc83c46f4618af75b8c5911b00ccb61d0ac9b6da0360", size = 56711, upload-time = "2025-02-24T04:41:34.073Z" } +sdist = { url = "https://files.pythonhosted.org/packages/43/fa/6d96a0978d19e17b68d634497769987b16c8f4cd0a7a05048bec693caa6b/decorator-5.2.1.tar.gz", hash = "sha256:65f266143752f734b0a7cc83c46f4618af75b8c5911b00ccb61d0ac9b6da0360", size = 56711, upload_time = "2025-02-24T04:41:34.073Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/4e/8c/f3147f5c4b73e7550fe5f9352eaa956ae838d5c51eb58e7a25b9f3e2643b/decorator-5.2.1-py3-none-any.whl", hash = "sha256:d316bb415a2d9e2d2b3abcc4084c6502fc09240e292cd76a76afc106a1c8e04a", size = 9190, upload-time = "2025-02-24T04:41:32.565Z" }, + { url = "https://files.pythonhosted.org/packages/4e/8c/f3147f5c4b73e7550fe5f9352eaa956ae838d5c51eb58e7a25b9f3e2643b/decorator-5.2.1-py3-none-any.whl", hash = "sha256:d316bb415a2d9e2d2b3abcc4084c6502fc09240e292cd76a76afc106a1c8e04a", size = 9190, upload_time = "2025-02-24T04:41:32.565Z" }, ] [[package]] name = "defusedxml" version = "0.7.1" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/0f/d5/c66da9b79e5bdb124974bfe172b4daf3c984ebd9c2a06e2b8a4dc7331c72/defusedxml-0.7.1.tar.gz", hash = "sha256:1bb3032db185915b62d7c6209c5a8792be6a32ab2fedacc84e01b52c51aa3e69", size = 75520, upload-time = "2021-03-08T10:59:26.269Z" } +sdist = { url = "https://files.pythonhosted.org/packages/0f/d5/c66da9b79e5bdb124974bfe172b4daf3c984ebd9c2a06e2b8a4dc7331c72/defusedxml-0.7.1.tar.gz", hash = "sha256:1bb3032db185915b62d7c6209c5a8792be6a32ab2fedacc84e01b52c51aa3e69", size = 75520, upload_time = "2021-03-08T10:59:26.269Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/07/6c/aa3f2f849e01cb6a001cd8554a88d4c77c5c1a31c95bdf1cf9301e6d9ef4/defusedxml-0.7.1-py2.py3-none-any.whl", hash = "sha256:a352e7e428770286cc899e2542b6cdaedb2b4953ff269a210103ec58f6198a61", size = 25604, upload-time = "2021-03-08T10:59:24.45Z" }, + { url = "https://files.pythonhosted.org/packages/07/6c/aa3f2f849e01cb6a001cd8554a88d4c77c5c1a31c95bdf1cf9301e6d9ef4/defusedxml-0.7.1-py2.py3-none-any.whl", hash = "sha256:a352e7e428770286cc899e2542b6cdaedb2b4953ff269a210103ec58f6198a61", size = 25604, upload_time = "2021-03-08T10:59:24.45Z" }, ] [[package]] @@ -746,54 +746,54 @@ source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "packaging" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/5a/d3/8ae2869247df154b64c1884d7346d412fed0c49df84db635aab2d1c40e62/deprecation-2.1.0.tar.gz", hash = "sha256:72b3bde64e5d778694b0cf68178aed03d15e15477116add3fb773e581f9518ff", size = 173788, upload-time = "2020-04-20T14:23:38.738Z" } +sdist = { url = "https://files.pythonhosted.org/packages/5a/d3/8ae2869247df154b64c1884d7346d412fed0c49df84db635aab2d1c40e62/deprecation-2.1.0.tar.gz", hash = "sha256:72b3bde64e5d778694b0cf68178aed03d15e15477116add3fb773e581f9518ff", size = 173788, upload_time = "2020-04-20T14:23:38.738Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/02/c3/253a89ee03fc9b9682f1541728eb66db7db22148cd94f89ab22528cd1e1b/deprecation-2.1.0-py2.py3-none-any.whl", hash = "sha256:a10811591210e1fb0e768a8c25517cabeabcba6f0bf96564f8ff45189f90b14a", size = 11178, upload-time = "2020-04-20T14:23:36.581Z" }, + { url = "https://files.pythonhosted.org/packages/02/c3/253a89ee03fc9b9682f1541728eb66db7db22148cd94f89ab22528cd1e1b/deprecation-2.1.0-py2.py3-none-any.whl", hash = "sha256:a10811591210e1fb0e768a8c25517cabeabcba6f0bf96564f8ff45189f90b14a", size = 11178, upload_time = "2020-04-20T14:23:36.581Z" }, ] [[package]] name = "dill" version = "0.3.8" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/17/4d/ac7ffa80c69ea1df30a8aa11b3578692a5118e7cd1aa157e3ef73b092d15/dill-0.3.8.tar.gz", hash = "sha256:3ebe3c479ad625c4553aca177444d89b486b1d84982eeacded644afc0cf797ca", size = 184847, upload-time = "2024-01-27T23:42:16.145Z" } +sdist = { url = "https://files.pythonhosted.org/packages/17/4d/ac7ffa80c69ea1df30a8aa11b3578692a5118e7cd1aa157e3ef73b092d15/dill-0.3.8.tar.gz", hash = "sha256:3ebe3c479ad625c4553aca177444d89b486b1d84982eeacded644afc0cf797ca", size = 184847, upload_time = "2024-01-27T23:42:16.145Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/c9/7a/cef76fd8438a42f96db64ddaa85280485a9c395e7df3db8158cfec1eee34/dill-0.3.8-py3-none-any.whl", hash = "sha256:c36ca9ffb54365bdd2f8eb3eff7d2a21237f8452b57ace88b1ac615b7e815bd7", size = 116252, upload-time = "2024-01-27T23:42:14.239Z" }, + { url = "https://files.pythonhosted.org/packages/c9/7a/cef76fd8438a42f96db64ddaa85280485a9c395e7df3db8158cfec1eee34/dill-0.3.8-py3-none-any.whl", hash = "sha256:c36ca9ffb54365bdd2f8eb3eff7d2a21237f8452b57ace88b1ac615b7e815bd7", size = 116252, upload_time = "2024-01-27T23:42:14.239Z" }, ] [[package]] name = "diskcache" version = "5.6.3" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/3f/21/1c1ffc1a039ddcc459db43cc108658f32c57d271d7289a2794e401d0fdb6/diskcache-5.6.3.tar.gz", hash = "sha256:2c3a3fa2743d8535d832ec61c2054a1641f41775aa7c556758a109941e33e4fc", size = 67916, upload-time = "2023-08-31T06:12:00.316Z" } +sdist = { url = "https://files.pythonhosted.org/packages/3f/21/1c1ffc1a039ddcc459db43cc108658f32c57d271d7289a2794e401d0fdb6/diskcache-5.6.3.tar.gz", hash = "sha256:2c3a3fa2743d8535d832ec61c2054a1641f41775aa7c556758a109941e33e4fc", size = 67916, upload_time = "2023-08-31T06:12:00.316Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/3f/27/4570e78fc0bf5ea0ca45eb1de3818a23787af9b390c0b0a0033a1b8236f9/diskcache-5.6.3-py3-none-any.whl", hash = "sha256:5e31b2d5fbad117cc363ebaf6b689474db18a1f6438bc82358b024abd4c2ca19", size = 45550, upload-time = "2023-08-31T06:11:58.822Z" }, + { url = "https://files.pythonhosted.org/packages/3f/27/4570e78fc0bf5ea0ca45eb1de3818a23787af9b390c0b0a0033a1b8236f9/diskcache-5.6.3-py3-none-any.whl", hash = "sha256:5e31b2d5fbad117cc363ebaf6b689474db18a1f6438bc82358b024abd4c2ca19", size = 45550, upload_time = "2023-08-31T06:11:58.822Z" }, ] [[package]] name = "distlib" version = "0.4.0" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/96/8e/709914eb2b5749865801041647dc7f4e6d00b549cfe88b65ca192995f07c/distlib-0.4.0.tar.gz", hash = "sha256:feec40075be03a04501a973d81f633735b4b69f98b05450592310c0f401a4e0d", size = 614605, upload-time = "2025-07-17T16:52:00.465Z" } +sdist = { url = "https://files.pythonhosted.org/packages/96/8e/709914eb2b5749865801041647dc7f4e6d00b549cfe88b65ca192995f07c/distlib-0.4.0.tar.gz", hash = "sha256:feec40075be03a04501a973d81f633735b4b69f98b05450592310c0f401a4e0d", size = 614605, upload_time = "2025-07-17T16:52:00.465Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/33/6b/e0547afaf41bf2c42e52430072fa5658766e3d65bd4b03a563d1b6336f57/distlib-0.4.0-py2.py3-none-any.whl", hash = "sha256:9659f7d87e46584a30b5780e43ac7a2143098441670ff0a49d5f9034c54a6c16", size = 469047, upload-time = "2025-07-17T16:51:58.613Z" }, + { url = "https://files.pythonhosted.org/packages/33/6b/e0547afaf41bf2c42e52430072fa5658766e3d65bd4b03a563d1b6336f57/distlib-0.4.0-py2.py3-none-any.whl", hash = "sha256:9659f7d87e46584a30b5780e43ac7a2143098441670ff0a49d5f9034c54a6c16", size = 469047, upload_time = "2025-07-17T16:51:58.613Z" }, ] [[package]] name = "distro" version = "1.9.0" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/fc/f8/98eea607f65de6527f8a2e8885fc8015d3e6f5775df186e443e0964a11c3/distro-1.9.0.tar.gz", hash = "sha256:2fa77c6fd8940f116ee1d6b94a2f90b13b5ea8d019b98bc8bafdcabcdd9bdbed", size = 60722, upload-time = "2023-12-24T09:54:32.31Z" } +sdist = { url = "https://files.pythonhosted.org/packages/fc/f8/98eea607f65de6527f8a2e8885fc8015d3e6f5775df186e443e0964a11c3/distro-1.9.0.tar.gz", hash = "sha256:2fa77c6fd8940f116ee1d6b94a2f90b13b5ea8d019b98bc8bafdcabcdd9bdbed", size = 60722, upload_time = "2023-12-24T09:54:32.31Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/12/b3/231ffd4ab1fc9d679809f356cebee130ac7daa00d6d6f3206dd4fd137e9e/distro-1.9.0-py3-none-any.whl", hash = "sha256:7bffd925d65168f85027d8da9af6bddab658135b840670a223589bc0c8ef02b2", size = 20277, upload-time = "2023-12-24T09:54:30.421Z" }, + { url = "https://files.pythonhosted.org/packages/12/b3/231ffd4ab1fc9d679809f356cebee130ac7daa00d6d6f3206dd4fd137e9e/distro-1.9.0-py3-none-any.whl", hash = "sha256:7bffd925d65168f85027d8da9af6bddab658135b840670a223589bc0c8ef02b2", size = 20277, upload_time = "2023-12-24T09:54:30.421Z" }, ] [[package]] name = "dnspython" version = "2.7.0" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/b5/4a/263763cb2ba3816dd94b08ad3a33d5fdae34ecb856678773cc40a3605829/dnspython-2.7.0.tar.gz", hash = "sha256:ce9c432eda0dc91cf618a5cedf1a4e142651196bbcd2c80e89ed5a907e5cfaf1", size = 345197, upload-time = "2024-10-05T20:14:59.362Z" } +sdist = { url = "https://files.pythonhosted.org/packages/b5/4a/263763cb2ba3816dd94b08ad3a33d5fdae34ecb856678773cc40a3605829/dnspython-2.7.0.tar.gz", hash = "sha256:ce9c432eda0dc91cf618a5cedf1a4e142651196bbcd2c80e89ed5a907e5cfaf1", size = 345197, upload_time = "2024-10-05T20:14:59.362Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/68/1b/e0a87d256e40e8c888847551b20a017a6b98139178505dc7ffb96f04e954/dnspython-2.7.0-py3-none-any.whl", hash = "sha256:b4c34b7d10b51bcc3a5071e7b8dee77939f1e878477eeecc965e9835f63c6c86", size = 313632, upload-time = "2024-10-05T20:14:57.687Z" }, + { url = "https://files.pythonhosted.org/packages/68/1b/e0a87d256e40e8c888847551b20a017a6b98139178505dc7ffb96f04e954/dnspython-2.7.0-py3-none-any.whl", hash = "sha256:b4c34b7d10b51bcc3a5071e7b8dee77939f1e878477eeecc965e9835f63c6c86", size = 313632, upload_time = "2024-10-05T20:14:57.687Z" }, ] [[package]] @@ -804,18 +804,18 @@ dependencies = [ { name = "dnspython" }, { name = "idna" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/48/ce/13508a1ec3f8bb981ae4ca79ea40384becc868bfae97fd1c942bb3a001b1/email_validator-2.2.0.tar.gz", hash = "sha256:cb690f344c617a714f22e66ae771445a1ceb46821152df8e165c5f9a364582b7", size = 48967, upload-time = "2024-06-20T11:30:30.034Z" } +sdist = { url = "https://files.pythonhosted.org/packages/48/ce/13508a1ec3f8bb981ae4ca79ea40384becc868bfae97fd1c942bb3a001b1/email_validator-2.2.0.tar.gz", hash = "sha256:cb690f344c617a714f22e66ae771445a1ceb46821152df8e165c5f9a364582b7", size = 48967, upload_time = "2024-06-20T11:30:30.034Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/d7/ee/bf0adb559ad3c786f12bcbc9296b3f5675f529199bef03e2df281fa1fadb/email_validator-2.2.0-py3-none-any.whl", hash = "sha256:561977c2d73ce3611850a06fa56b414621e0c8faa9d66f2611407d87465da631", size = 33521, upload-time = "2024-06-20T11:30:28.248Z" }, + { url = "https://files.pythonhosted.org/packages/d7/ee/bf0adb559ad3c786f12bcbc9296b3f5675f529199bef03e2df281fa1fadb/email_validator-2.2.0-py3-none-any.whl", hash = "sha256:561977c2d73ce3611850a06fa56b414621e0c8faa9d66f2611407d87465da631", size = 33521, upload_time = "2024-06-20T11:30:28.248Z" }, ] [[package]] name = "executing" version = "2.2.0" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/91/50/a9d80c47ff289c611ff12e63f7c5d13942c65d68125160cefd768c73e6e4/executing-2.2.0.tar.gz", hash = "sha256:5d108c028108fe2551d1a7b2e8b713341e2cb4fc0aa7dcf966fa4327a5226755", size = 978693, upload-time = "2025-01-22T15:41:29.403Z" } +sdist = { url = "https://files.pythonhosted.org/packages/91/50/a9d80c47ff289c611ff12e63f7c5d13942c65d68125160cefd768c73e6e4/executing-2.2.0.tar.gz", hash = "sha256:5d108c028108fe2551d1a7b2e8b713341e2cb4fc0aa7dcf966fa4327a5226755", size = 978693, upload_time = "2025-01-22T15:41:29.403Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/7b/8f/c4d9bafc34ad7ad5d8dc16dd1347ee0e507a52c3adb6bfa8887e1c6a26ba/executing-2.2.0-py2.py3-none-any.whl", hash = "sha256:11387150cad388d62750327a53d3339fad4888b39a6fe233c3afbb54ecffd3aa", size = 26702, upload-time = "2025-01-22T15:41:25.929Z" }, + { url = "https://files.pythonhosted.org/packages/7b/8f/c4d9bafc34ad7ad5d8dc16dd1347ee0e507a52c3adb6bfa8887e1c6a26ba/executing-2.2.0-py2.py3-none-any.whl", hash = "sha256:11387150cad388d62750327a53d3339fad4888b39a6fe233c3afbb54ecffd3aa", size = 26702, upload_time = "2025-01-22T15:41:25.929Z" }, ] [[package]] @@ -827,9 +827,9 @@ dependencies = [ { name = "starlette" }, { name = "typing-extensions" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/f4/55/ae499352d82338331ca1e28c7f4a63bfd09479b16395dce38cf50a39e2c2/fastapi-0.115.12.tar.gz", hash = "sha256:1e2c2a2646905f9e83d32f04a3f86aff4a286669c6c950ca95b5fd68c2602681", size = 295236, upload-time = "2025-03-23T22:55:43.822Z" } +sdist = { url = "https://files.pythonhosted.org/packages/f4/55/ae499352d82338331ca1e28c7f4a63bfd09479b16395dce38cf50a39e2c2/fastapi-0.115.12.tar.gz", hash = "sha256:1e2c2a2646905f9e83d32f04a3f86aff4a286669c6c950ca95b5fd68c2602681", size = 295236, upload_time = "2025-03-23T22:55:43.822Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/50/b3/b51f09c2ba432a576fe63758bddc81f78f0c6309d9e5c10d194313bf021e/fastapi-0.115.12-py3-none-any.whl", hash = "sha256:e94613d6c05e27be7ffebdd6ea5f388112e5e430c8f7d6494a9d1d88d43e814d", size = 95164, upload-time = "2025-03-23T22:55:42.101Z" }, + { url = "https://files.pythonhosted.org/packages/50/b3/b51f09c2ba432a576fe63758bddc81f78f0c6309d9e5c10d194313bf021e/fastapi-0.115.12-py3-none-any.whl", hash = "sha256:e94613d6c05e27be7ffebdd6ea5f388112e5e430c8f7d6494a9d1d88d43e814d", size = 95164, upload_time = "2025-03-23T22:55:42.101Z" }, ] [package.optional-dependencies] @@ -857,9 +857,9 @@ dependencies = [ { name = "typer" }, { name = "uvicorn", extra = ["standard"] }, ] -sdist = { url = "https://files.pythonhosted.org/packages/fe/73/82a5831fbbf8ed75905bacf5b2d9d3dfd6f04d6968b29fe6f72a5ae9ceb1/fastapi_cli-0.0.7.tar.gz", hash = "sha256:02b3b65956f526412515907a0793c9094abd4bfb5457b389f645b0ea6ba3605e", size = 16753, upload-time = "2024-12-15T14:28:10.028Z" } +sdist = { url = "https://files.pythonhosted.org/packages/fe/73/82a5831fbbf8ed75905bacf5b2d9d3dfd6f04d6968b29fe6f72a5ae9ceb1/fastapi_cli-0.0.7.tar.gz", hash = "sha256:02b3b65956f526412515907a0793c9094abd4bfb5457b389f645b0ea6ba3605e", size = 16753, upload_time = "2024-12-15T14:28:10.028Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/a1/e6/5daefc851b514ce2287d8f5d358ae4341089185f78f3217a69d0ce3a390c/fastapi_cli-0.0.7-py3-none-any.whl", hash = "sha256:d549368ff584b2804336c61f192d86ddea080c11255f375959627911944804f4", size = 10705, upload-time = "2024-12-15T14:28:06.18Z" }, + { url = "https://files.pythonhosted.org/packages/a1/e6/5daefc851b514ce2287d8f5d358ae4341089185f78f3217a69d0ce3a390c/fastapi_cli-0.0.7-py3-none-any.whl", hash = "sha256:d549368ff584b2804336c61f192d86ddea080c11255f375959627911944804f4", size = 10705, upload_time = "2024-12-15T14:28:06.18Z" }, ] [package.optional-dependencies] @@ -871,18 +871,18 @@ standard = [ name = "fastjsonschema" version = "2.21.1" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/8b/50/4b769ce1ac4071a1ef6d86b1a3fb56cdc3a37615e8c5519e1af96cdac366/fastjsonschema-2.21.1.tar.gz", hash = "sha256:794d4f0a58f848961ba16af7b9c85a3e88cd360df008c59aac6fc5ae9323b5d4", size = 373939, upload-time = "2024-12-02T10:55:15.133Z" } +sdist = { url = "https://files.pythonhosted.org/packages/8b/50/4b769ce1ac4071a1ef6d86b1a3fb56cdc3a37615e8c5519e1af96cdac366/fastjsonschema-2.21.1.tar.gz", hash = "sha256:794d4f0a58f848961ba16af7b9c85a3e88cd360df008c59aac6fc5ae9323b5d4", size = 373939, upload_time = "2024-12-02T10:55:15.133Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/90/2b/0817a2b257fe88725c25589d89aec060581aabf668707a8d03b2e9e0cb2a/fastjsonschema-2.21.1-py3-none-any.whl", hash = "sha256:c9e5b7e908310918cf494a434eeb31384dd84a98b57a30bcb1f535015b554667", size = 23924, upload-time = "2024-12-02T10:55:07.599Z" }, + { url = "https://files.pythonhosted.org/packages/90/2b/0817a2b257fe88725c25589d89aec060581aabf668707a8d03b2e9e0cb2a/fastjsonschema-2.21.1-py3-none-any.whl", hash = "sha256:c9e5b7e908310918cf494a434eeb31384dd84a98b57a30bcb1f535015b554667", size = 23924, upload_time = "2024-12-02T10:55:07.599Z" }, ] [[package]] name = "filelock" version = "3.18.0" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/0a/10/c23352565a6544bdc5353e0b15fc1c563352101f30e24bf500207a54df9a/filelock-3.18.0.tar.gz", hash = "sha256:adbc88eabb99d2fec8c9c1b229b171f18afa655400173ddc653d5d01501fb9f2", size = 18075, upload-time = "2025-03-14T07:11:40.47Z" } +sdist = { url = "https://files.pythonhosted.org/packages/0a/10/c23352565a6544bdc5353e0b15fc1c563352101f30e24bf500207a54df9a/filelock-3.18.0.tar.gz", hash = "sha256:adbc88eabb99d2fec8c9c1b229b171f18afa655400173ddc653d5d01501fb9f2", size = 18075, upload_time = "2025-03-14T07:11:40.47Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/4d/36/2a115987e2d8c300a974597416d9de88f2444426de9571f4b59b2cca3acc/filelock-3.18.0-py3-none-any.whl", hash = "sha256:c401f4f8377c4464e6db25fff06205fd89bdd83b65eb0488ed1b160f780e21de", size = 16215, upload-time = "2025-03-14T07:11:39.145Z" }, + { url = "https://files.pythonhosted.org/packages/4d/36/2a115987e2d8c300a974597416d9de88f2444426de9571f4b59b2cca3acc/filelock-3.18.0-py3-none-any.whl", hash = "sha256:c401f4f8377c4464e6db25fff06205fd89bdd83b65eb0488ed1b160f780e21de", size = 16215, upload_time = "2025-03-14T07:11:39.145Z" }, ] [[package]] @@ -892,101 +892,101 @@ source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "termcolor" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/6b/b6/82c7e601d6d3c3278c40b7bd35e17e82aa227f050aa9f66cb7b7fce29471/fire-0.7.0.tar.gz", hash = "sha256:961550f07936eaf65ad1dc8360f2b2bf8408fad46abbfa4d2a3794f8d2a95cdf", size = 87189, upload-time = "2024-10-01T14:29:31.585Z" } +sdist = { url = "https://files.pythonhosted.org/packages/6b/b6/82c7e601d6d3c3278c40b7bd35e17e82aa227f050aa9f66cb7b7fce29471/fire-0.7.0.tar.gz", hash = "sha256:961550f07936eaf65ad1dc8360f2b2bf8408fad46abbfa4d2a3794f8d2a95cdf", size = 87189, upload_time = "2024-10-01T14:29:31.585Z" } [[package]] name = "fqdn" version = "1.5.1" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/30/3e/a80a8c077fd798951169626cde3e239adeba7dab75deb3555716415bd9b0/fqdn-1.5.1.tar.gz", hash = "sha256:105ed3677e767fb5ca086a0c1f4bb66ebc3c100be518f0e0d755d9eae164d89f", size = 6015, upload-time = "2021-03-11T07:16:29.08Z" } +sdist = { url = "https://files.pythonhosted.org/packages/30/3e/a80a8c077fd798951169626cde3e239adeba7dab75deb3555716415bd9b0/fqdn-1.5.1.tar.gz", hash = "sha256:105ed3677e767fb5ca086a0c1f4bb66ebc3c100be518f0e0d755d9eae164d89f", size = 6015, upload_time = "2021-03-11T07:16:29.08Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/cf/58/8acf1b3e91c58313ce5cb67df61001fc9dcd21be4fadb76c1a2d540e09ed/fqdn-1.5.1-py3-none-any.whl", hash = "sha256:3a179af3761e4df6eb2e026ff9e1a3033d3587bf980a0b1b2e1e5d08d7358014", size = 9121, upload-time = "2021-03-11T07:16:28.351Z" }, + { url = "https://files.pythonhosted.org/packages/cf/58/8acf1b3e91c58313ce5cb67df61001fc9dcd21be4fadb76c1a2d540e09ed/fqdn-1.5.1-py3-none-any.whl", hash = "sha256:3a179af3761e4df6eb2e026ff9e1a3033d3587bf980a0b1b2e1e5d08d7358014", size = 9121, upload_time = "2021-03-11T07:16:28.351Z" }, ] [[package]] name = "frozenlist" version = "1.7.0" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/79/b1/b64018016eeb087db503b038296fd782586432b9c077fc5c7839e9cb6ef6/frozenlist-1.7.0.tar.gz", hash = "sha256:2e310d81923c2437ea8670467121cc3e9b0f76d3043cc1d2331d56c7fb7a3a8f", size = 45078, upload-time = "2025-06-09T23:02:35.538Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/34/7e/803dde33760128acd393a27eb002f2020ddb8d99d30a44bfbaab31c5f08a/frozenlist-1.7.0-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:aa51e147a66b2d74de1e6e2cf5921890de6b0f4820b257465101d7f37b49fb5a", size = 82251, upload-time = "2025-06-09T23:00:16.279Z" }, - { url = "https://files.pythonhosted.org/packages/75/a9/9c2c5760b6ba45eae11334db454c189d43d34a4c0b489feb2175e5e64277/frozenlist-1.7.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:9b35db7ce1cd71d36ba24f80f0c9e7cff73a28d7a74e91fe83e23d27c7828750", size = 48183, upload-time = "2025-06-09T23:00:17.698Z" }, - { url = "https://files.pythonhosted.org/packages/47/be/4038e2d869f8a2da165f35a6befb9158c259819be22eeaf9c9a8f6a87771/frozenlist-1.7.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:34a69a85e34ff37791e94542065c8416c1afbf820b68f720452f636d5fb990cd", size = 47107, upload-time = "2025-06-09T23:00:18.952Z" }, - { url = "https://files.pythonhosted.org/packages/79/26/85314b8a83187c76a37183ceed886381a5f992975786f883472fcb6dc5f2/frozenlist-1.7.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:4a646531fa8d82c87fe4bb2e596f23173caec9185bfbca5d583b4ccfb95183e2", size = 237333, upload-time = "2025-06-09T23:00:20.275Z" }, - { url = "https://files.pythonhosted.org/packages/1f/fd/e5b64f7d2c92a41639ffb2ad44a6a82f347787abc0c7df5f49057cf11770/frozenlist-1.7.0-cp311-cp311-manylinux_2_17_armv7l.manylinux2014_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:79b2ffbba483f4ed36a0f236ccb85fbb16e670c9238313709638167670ba235f", size = 231724, upload-time = "2025-06-09T23:00:21.705Z" }, - { url = "https://files.pythonhosted.org/packages/20/fb/03395c0a43a5976af4bf7534759d214405fbbb4c114683f434dfdd3128ef/frozenlist-1.7.0-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:a26f205c9ca5829cbf82bb2a84b5c36f7184c4316617d7ef1b271a56720d6b30", size = 245842, upload-time = "2025-06-09T23:00:23.148Z" }, - { url = "https://files.pythonhosted.org/packages/d0/15/c01c8e1dffdac5d9803507d824f27aed2ba76b6ed0026fab4d9866e82f1f/frozenlist-1.7.0-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:bcacfad3185a623fa11ea0e0634aac7b691aa925d50a440f39b458e41c561d98", size = 239767, upload-time = "2025-06-09T23:00:25.103Z" }, - { url = "https://files.pythonhosted.org/packages/14/99/3f4c6fe882c1f5514b6848aa0a69b20cb5e5d8e8f51a339d48c0e9305ed0/frozenlist-1.7.0-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:72c1b0fe8fe451b34f12dce46445ddf14bd2a5bcad7e324987194dc8e3a74c86", size = 224130, upload-time = "2025-06-09T23:00:27.061Z" }, - { url = "https://files.pythonhosted.org/packages/4d/83/220a374bd7b2aeba9d0725130665afe11de347d95c3620b9b82cc2fcab97/frozenlist-1.7.0-cp311-cp311-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:61d1a5baeaac6c0798ff6edfaeaa00e0e412d49946c53fae8d4b8e8b3566c4ae", size = 235301, upload-time = "2025-06-09T23:00:29.02Z" }, - { url = "https://files.pythonhosted.org/packages/03/3c/3e3390d75334a063181625343e8daab61b77e1b8214802cc4e8a1bb678fc/frozenlist-1.7.0-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:7edf5c043c062462f09b6820de9854bf28cc6cc5b6714b383149745e287181a8", size = 234606, upload-time = "2025-06-09T23:00:30.514Z" }, - { url = "https://files.pythonhosted.org/packages/23/1e/58232c19608b7a549d72d9903005e2d82488f12554a32de2d5fb59b9b1ba/frozenlist-1.7.0-cp311-cp311-musllinux_1_2_armv7l.whl", hash = "sha256:d50ac7627b3a1bd2dcef6f9da89a772694ec04d9a61b66cf87f7d9446b4a0c31", size = 248372, upload-time = "2025-06-09T23:00:31.966Z" }, - { url = "https://files.pythonhosted.org/packages/c0/a4/e4a567e01702a88a74ce8a324691e62a629bf47d4f8607f24bf1c7216e7f/frozenlist-1.7.0-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:ce48b2fece5aeb45265bb7a58259f45027db0abff478e3077e12b05b17fb9da7", size = 229860, upload-time = "2025-06-09T23:00:33.375Z" }, - { url = "https://files.pythonhosted.org/packages/73/a6/63b3374f7d22268b41a9db73d68a8233afa30ed164c46107b33c4d18ecdd/frozenlist-1.7.0-cp311-cp311-musllinux_1_2_ppc64le.whl", hash = "sha256:fe2365ae915a1fafd982c146754e1de6ab3478def8a59c86e1f7242d794f97d5", size = 245893, upload-time = "2025-06-09T23:00:35.002Z" }, - { url = "https://files.pythonhosted.org/packages/6d/eb/d18b3f6e64799a79673c4ba0b45e4cfbe49c240edfd03a68be20002eaeaa/frozenlist-1.7.0-cp311-cp311-musllinux_1_2_s390x.whl", hash = "sha256:45a6f2fdbd10e074e8814eb98b05292f27bad7d1883afbe009d96abdcf3bc898", size = 246323, upload-time = "2025-06-09T23:00:36.468Z" }, - { url = "https://files.pythonhosted.org/packages/5a/f5/720f3812e3d06cd89a1d5db9ff6450088b8f5c449dae8ffb2971a44da506/frozenlist-1.7.0-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:21884e23cffabb157a9dd7e353779077bf5b8f9a58e9b262c6caad2ef5f80a56", size = 233149, upload-time = "2025-06-09T23:00:37.963Z" }, - { url = "https://files.pythonhosted.org/packages/69/68/03efbf545e217d5db8446acfd4c447c15b7c8cf4dbd4a58403111df9322d/frozenlist-1.7.0-cp311-cp311-win32.whl", hash = "sha256:284d233a8953d7b24f9159b8a3496fc1ddc00f4db99c324bd5fb5f22d8698ea7", size = 39565, upload-time = "2025-06-09T23:00:39.753Z" }, - { url = "https://files.pythonhosted.org/packages/58/17/fe61124c5c333ae87f09bb67186d65038834a47d974fc10a5fadb4cc5ae1/frozenlist-1.7.0-cp311-cp311-win_amd64.whl", hash = "sha256:387cbfdcde2f2353f19c2f66bbb52406d06ed77519ac7ee21be0232147c2592d", size = 44019, upload-time = "2025-06-09T23:00:40.988Z" }, - { url = "https://files.pythonhosted.org/packages/ef/a2/c8131383f1e66adad5f6ecfcce383d584ca94055a34d683bbb24ac5f2f1c/frozenlist-1.7.0-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:3dbf9952c4bb0e90e98aec1bd992b3318685005702656bc6f67c1a32b76787f2", size = 81424, upload-time = "2025-06-09T23:00:42.24Z" }, - { url = "https://files.pythonhosted.org/packages/4c/9d/02754159955088cb52567337d1113f945b9e444c4960771ea90eb73de8db/frozenlist-1.7.0-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:1f5906d3359300b8a9bb194239491122e6cf1444c2efb88865426f170c262cdb", size = 47952, upload-time = "2025-06-09T23:00:43.481Z" }, - { url = "https://files.pythonhosted.org/packages/01/7a/0046ef1bd6699b40acd2067ed6d6670b4db2f425c56980fa21c982c2a9db/frozenlist-1.7.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:3dabd5a8f84573c8d10d8859a50ea2dec01eea372031929871368c09fa103478", size = 46688, upload-time = "2025-06-09T23:00:44.793Z" }, - { url = "https://files.pythonhosted.org/packages/d6/a2/a910bafe29c86997363fb4c02069df4ff0b5bc39d33c5198b4e9dd42d8f8/frozenlist-1.7.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:aa57daa5917f1738064f302bf2626281a1cb01920c32f711fbc7bc36111058a8", size = 243084, upload-time = "2025-06-09T23:00:46.125Z" }, - { url = "https://files.pythonhosted.org/packages/64/3e/5036af9d5031374c64c387469bfcc3af537fc0f5b1187d83a1cf6fab1639/frozenlist-1.7.0-cp312-cp312-manylinux_2_17_armv7l.manylinux2014_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:c193dda2b6d49f4c4398962810fa7d7c78f032bf45572b3e04dd5249dff27e08", size = 233524, upload-time = "2025-06-09T23:00:47.73Z" }, - { url = "https://files.pythonhosted.org/packages/06/39/6a17b7c107a2887e781a48ecf20ad20f1c39d94b2a548c83615b5b879f28/frozenlist-1.7.0-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:bfe2b675cf0aaa6d61bf8fbffd3c274b3c9b7b1623beb3809df8a81399a4a9c4", size = 248493, upload-time = "2025-06-09T23:00:49.742Z" }, - { url = "https://files.pythonhosted.org/packages/be/00/711d1337c7327d88c44d91dd0f556a1c47fb99afc060ae0ef66b4d24793d/frozenlist-1.7.0-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:8fc5d5cda37f62b262405cf9652cf0856839c4be8ee41be0afe8858f17f4c94b", size = 244116, upload-time = "2025-06-09T23:00:51.352Z" }, - { url = "https://files.pythonhosted.org/packages/24/fe/74e6ec0639c115df13d5850e75722750adabdc7de24e37e05a40527ca539/frozenlist-1.7.0-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:b0d5ce521d1dd7d620198829b87ea002956e4319002ef0bc8d3e6d045cb4646e", size = 224557, upload-time = "2025-06-09T23:00:52.855Z" }, - { url = "https://files.pythonhosted.org/packages/8d/db/48421f62a6f77c553575201e89048e97198046b793f4a089c79a6e3268bd/frozenlist-1.7.0-cp312-cp312-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:488d0a7d6a0008ca0db273c542098a0fa9e7dfaa7e57f70acef43f32b3f69dca", size = 241820, upload-time = "2025-06-09T23:00:54.43Z" }, - { url = "https://files.pythonhosted.org/packages/1d/fa/cb4a76bea23047c8462976ea7b7a2bf53997a0ca171302deae9d6dd12096/frozenlist-1.7.0-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:15a7eaba63983d22c54d255b854e8108e7e5f3e89f647fc854bd77a237e767df", size = 236542, upload-time = "2025-06-09T23:00:56.409Z" }, - { url = "https://files.pythonhosted.org/packages/5d/32/476a4b5cfaa0ec94d3f808f193301debff2ea42288a099afe60757ef6282/frozenlist-1.7.0-cp312-cp312-musllinux_1_2_armv7l.whl", hash = "sha256:1eaa7e9c6d15df825bf255649e05bd8a74b04a4d2baa1ae46d9c2d00b2ca2cb5", size = 249350, upload-time = "2025-06-09T23:00:58.468Z" }, - { url = "https://files.pythonhosted.org/packages/8d/ba/9a28042f84a6bf8ea5dbc81cfff8eaef18d78b2a1ad9d51c7bc5b029ad16/frozenlist-1.7.0-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:e4389e06714cfa9d47ab87f784a7c5be91d3934cd6e9a7b85beef808297cc025", size = 225093, upload-time = "2025-06-09T23:01:00.015Z" }, - { url = "https://files.pythonhosted.org/packages/bc/29/3a32959e68f9cf000b04e79ba574527c17e8842e38c91d68214a37455786/frozenlist-1.7.0-cp312-cp312-musllinux_1_2_ppc64le.whl", hash = "sha256:73bd45e1488c40b63fe5a7df892baf9e2a4d4bb6409a2b3b78ac1c6236178e01", size = 245482, upload-time = "2025-06-09T23:01:01.474Z" }, - { url = "https://files.pythonhosted.org/packages/80/e8/edf2f9e00da553f07f5fa165325cfc302dead715cab6ac8336a5f3d0adc2/frozenlist-1.7.0-cp312-cp312-musllinux_1_2_s390x.whl", hash = "sha256:99886d98e1643269760e5fe0df31e5ae7050788dd288947f7f007209b8c33f08", size = 249590, upload-time = "2025-06-09T23:01:02.961Z" }, - { url = "https://files.pythonhosted.org/packages/1c/80/9a0eb48b944050f94cc51ee1c413eb14a39543cc4f760ed12657a5a3c45a/frozenlist-1.7.0-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:290a172aae5a4c278c6da8a96222e6337744cd9c77313efe33d5670b9f65fc43", size = 237785, upload-time = "2025-06-09T23:01:05.095Z" }, - { url = "https://files.pythonhosted.org/packages/f3/74/87601e0fb0369b7a2baf404ea921769c53b7ae00dee7dcfe5162c8c6dbf0/frozenlist-1.7.0-cp312-cp312-win32.whl", hash = "sha256:426c7bc70e07cfebc178bc4c2bf2d861d720c4fff172181eeb4a4c41d4ca2ad3", size = 39487, upload-time = "2025-06-09T23:01:06.54Z" }, - { url = "https://files.pythonhosted.org/packages/0b/15/c026e9a9fc17585a9d461f65d8593d281fedf55fbf7eb53f16c6df2392f9/frozenlist-1.7.0-cp312-cp312-win_amd64.whl", hash = "sha256:563b72efe5da92e02eb68c59cb37205457c977aa7a449ed1b37e6939e5c47c6a", size = 43874, upload-time = "2025-06-09T23:01:07.752Z" }, - { url = "https://files.pythonhosted.org/packages/24/90/6b2cebdabdbd50367273c20ff6b57a3dfa89bd0762de02c3a1eb42cb6462/frozenlist-1.7.0-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:ee80eeda5e2a4e660651370ebffd1286542b67e268aa1ac8d6dbe973120ef7ee", size = 79791, upload-time = "2025-06-09T23:01:09.368Z" }, - { url = "https://files.pythonhosted.org/packages/83/2e/5b70b6a3325363293fe5fc3ae74cdcbc3e996c2a11dde2fd9f1fb0776d19/frozenlist-1.7.0-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:d1a81c85417b914139e3a9b995d4a1c84559afc839a93cf2cb7f15e6e5f6ed2d", size = 47165, upload-time = "2025-06-09T23:01:10.653Z" }, - { url = "https://files.pythonhosted.org/packages/f4/25/a0895c99270ca6966110f4ad98e87e5662eab416a17e7fd53c364bf8b954/frozenlist-1.7.0-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:cbb65198a9132ebc334f237d7b0df163e4de83fb4f2bdfe46c1e654bdb0c5d43", size = 45881, upload-time = "2025-06-09T23:01:12.296Z" }, - { url = "https://files.pythonhosted.org/packages/19/7c/71bb0bbe0832793c601fff68cd0cf6143753d0c667f9aec93d3c323f4b55/frozenlist-1.7.0-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:dab46c723eeb2c255a64f9dc05b8dd601fde66d6b19cdb82b2e09cc6ff8d8b5d", size = 232409, upload-time = "2025-06-09T23:01:13.641Z" }, - { url = "https://files.pythonhosted.org/packages/c0/45/ed2798718910fe6eb3ba574082aaceff4528e6323f9a8570be0f7028d8e9/frozenlist-1.7.0-cp313-cp313-manylinux_2_17_armv7l.manylinux2014_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:6aeac207a759d0dedd2e40745575ae32ab30926ff4fa49b1635def65806fddee", size = 225132, upload-time = "2025-06-09T23:01:15.264Z" }, - { url = "https://files.pythonhosted.org/packages/ba/e2/8417ae0f8eacb1d071d4950f32f229aa6bf68ab69aab797b72a07ea68d4f/frozenlist-1.7.0-cp313-cp313-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:bd8c4e58ad14b4fa7802b8be49d47993182fdd4023393899632c88fd8cd994eb", size = 237638, upload-time = "2025-06-09T23:01:16.752Z" }, - { url = "https://files.pythonhosted.org/packages/f8/b7/2ace5450ce85f2af05a871b8c8719b341294775a0a6c5585d5e6170f2ce7/frozenlist-1.7.0-cp313-cp313-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:04fb24d104f425da3540ed83cbfc31388a586a7696142004c577fa61c6298c3f", size = 233539, upload-time = "2025-06-09T23:01:18.202Z" }, - { url = "https://files.pythonhosted.org/packages/46/b9/6989292c5539553dba63f3c83dc4598186ab2888f67c0dc1d917e6887db6/frozenlist-1.7.0-cp313-cp313-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:6a5c505156368e4ea6b53b5ac23c92d7edc864537ff911d2fb24c140bb175e60", size = 215646, upload-time = "2025-06-09T23:01:19.649Z" }, - { url = "https://files.pythonhosted.org/packages/72/31/bc8c5c99c7818293458fe745dab4fd5730ff49697ccc82b554eb69f16a24/frozenlist-1.7.0-cp313-cp313-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:8bd7eb96a675f18aa5c553eb7ddc24a43c8c18f22e1f9925528128c052cdbe00", size = 232233, upload-time = "2025-06-09T23:01:21.175Z" }, - { url = "https://files.pythonhosted.org/packages/59/52/460db4d7ba0811b9ccb85af996019f5d70831f2f5f255f7cc61f86199795/frozenlist-1.7.0-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:05579bf020096fe05a764f1f84cd104a12f78eaab68842d036772dc6d4870b4b", size = 227996, upload-time = "2025-06-09T23:01:23.098Z" }, - { url = "https://files.pythonhosted.org/packages/ba/c9/f4b39e904c03927b7ecf891804fd3b4df3db29b9e487c6418e37988d6e9d/frozenlist-1.7.0-cp313-cp313-musllinux_1_2_armv7l.whl", hash = "sha256:376b6222d114e97eeec13d46c486facd41d4f43bab626b7c3f6a8b4e81a5192c", size = 242280, upload-time = "2025-06-09T23:01:24.808Z" }, - { url = "https://files.pythonhosted.org/packages/b8/33/3f8d6ced42f162d743e3517781566b8481322be321b486d9d262adf70bfb/frozenlist-1.7.0-cp313-cp313-musllinux_1_2_i686.whl", hash = "sha256:0aa7e176ebe115379b5b1c95b4096fb1c17cce0847402e227e712c27bdb5a949", size = 217717, upload-time = "2025-06-09T23:01:26.28Z" }, - { url = "https://files.pythonhosted.org/packages/3e/e8/ad683e75da6ccef50d0ab0c2b2324b32f84fc88ceee778ed79b8e2d2fe2e/frozenlist-1.7.0-cp313-cp313-musllinux_1_2_ppc64le.whl", hash = "sha256:3fbba20e662b9c2130dc771e332a99eff5da078b2b2648153a40669a6d0e36ca", size = 236644, upload-time = "2025-06-09T23:01:27.887Z" }, - { url = "https://files.pythonhosted.org/packages/b2/14/8d19ccdd3799310722195a72ac94ddc677541fb4bef4091d8e7775752360/frozenlist-1.7.0-cp313-cp313-musllinux_1_2_s390x.whl", hash = "sha256:f3f4410a0a601d349dd406b5713fec59b4cee7e71678d5b17edda7f4655a940b", size = 238879, upload-time = "2025-06-09T23:01:29.524Z" }, - { url = "https://files.pythonhosted.org/packages/ce/13/c12bf657494c2fd1079a48b2db49fa4196325909249a52d8f09bc9123fd7/frozenlist-1.7.0-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:e2cdfaaec6a2f9327bf43c933c0319a7c429058e8537c508964a133dffee412e", size = 232502, upload-time = "2025-06-09T23:01:31.287Z" }, - { url = "https://files.pythonhosted.org/packages/d7/8b/e7f9dfde869825489382bc0d512c15e96d3964180c9499efcec72e85db7e/frozenlist-1.7.0-cp313-cp313-win32.whl", hash = "sha256:5fc4df05a6591c7768459caba1b342d9ec23fa16195e744939ba5914596ae3e1", size = 39169, upload-time = "2025-06-09T23:01:35.503Z" }, - { url = "https://files.pythonhosted.org/packages/35/89/a487a98d94205d85745080a37860ff5744b9820a2c9acbcdd9440bfddf98/frozenlist-1.7.0-cp313-cp313-win_amd64.whl", hash = "sha256:52109052b9791a3e6b5d1b65f4b909703984b770694d3eb64fad124c835d7cba", size = 43219, upload-time = "2025-06-09T23:01:36.784Z" }, - { url = "https://files.pythonhosted.org/packages/56/d5/5c4cf2319a49eddd9dd7145e66c4866bdc6f3dbc67ca3d59685149c11e0d/frozenlist-1.7.0-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:a6f86e4193bb0e235ef6ce3dde5cbabed887e0b11f516ce8a0f4d3b33078ec2d", size = 84345, upload-time = "2025-06-09T23:01:38.295Z" }, - { url = "https://files.pythonhosted.org/packages/a4/7d/ec2c1e1dc16b85bc9d526009961953df9cec8481b6886debb36ec9107799/frozenlist-1.7.0-cp313-cp313t-macosx_10_13_x86_64.whl", hash = "sha256:82d664628865abeb32d90ae497fb93df398a69bb3434463d172b80fc25b0dd7d", size = 48880, upload-time = "2025-06-09T23:01:39.887Z" }, - { url = "https://files.pythonhosted.org/packages/69/86/f9596807b03de126e11e7d42ac91e3d0b19a6599c714a1989a4e85eeefc4/frozenlist-1.7.0-cp313-cp313t-macosx_11_0_arm64.whl", hash = "sha256:912a7e8375a1c9a68325a902f3953191b7b292aa3c3fb0d71a216221deca460b", size = 48498, upload-time = "2025-06-09T23:01:41.318Z" }, - { url = "https://files.pythonhosted.org/packages/5e/cb/df6de220f5036001005f2d726b789b2c0b65f2363b104bbc16f5be8084f8/frozenlist-1.7.0-cp313-cp313t-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:9537c2777167488d539bc5de2ad262efc44388230e5118868e172dd4a552b146", size = 292296, upload-time = "2025-06-09T23:01:42.685Z" }, - { url = "https://files.pythonhosted.org/packages/83/1f/de84c642f17c8f851a2905cee2dae401e5e0daca9b5ef121e120e19aa825/frozenlist-1.7.0-cp313-cp313t-manylinux_2_17_armv7l.manylinux2014_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:f34560fb1b4c3e30ba35fa9a13894ba39e5acfc5f60f57d8accde65f46cc5e74", size = 273103, upload-time = "2025-06-09T23:01:44.166Z" }, - { url = "https://files.pythonhosted.org/packages/88/3c/c840bfa474ba3fa13c772b93070893c6e9d5c0350885760376cbe3b6c1b3/frozenlist-1.7.0-cp313-cp313t-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:acd03d224b0175f5a850edc104ac19040d35419eddad04e7cf2d5986d98427f1", size = 292869, upload-time = "2025-06-09T23:01:45.681Z" }, - { url = "https://files.pythonhosted.org/packages/a6/1c/3efa6e7d5a39a1d5ef0abeb51c48fb657765794a46cf124e5aca2c7a592c/frozenlist-1.7.0-cp313-cp313t-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:f2038310bc582f3d6a09b3816ab01737d60bf7b1ec70f5356b09e84fb7408ab1", size = 291467, upload-time = "2025-06-09T23:01:47.234Z" }, - { url = "https://files.pythonhosted.org/packages/4f/00/d5c5e09d4922c395e2f2f6b79b9a20dab4b67daaf78ab92e7729341f61f6/frozenlist-1.7.0-cp313-cp313t-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:b8c05e4c8e5f36e5e088caa1bf78a687528f83c043706640a92cb76cd6999384", size = 266028, upload-time = "2025-06-09T23:01:48.819Z" }, - { url = "https://files.pythonhosted.org/packages/4e/27/72765be905619dfde25a7f33813ac0341eb6b076abede17a2e3fbfade0cb/frozenlist-1.7.0-cp313-cp313t-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:765bb588c86e47d0b68f23c1bee323d4b703218037765dcf3f25c838c6fecceb", size = 284294, upload-time = "2025-06-09T23:01:50.394Z" }, - { url = "https://files.pythonhosted.org/packages/88/67/c94103a23001b17808eb7dd1200c156bb69fb68e63fcf0693dde4cd6228c/frozenlist-1.7.0-cp313-cp313t-musllinux_1_2_aarch64.whl", hash = "sha256:32dc2e08c67d86d0969714dd484fd60ff08ff81d1a1e40a77dd34a387e6ebc0c", size = 281898, upload-time = "2025-06-09T23:01:52.234Z" }, - { url = "https://files.pythonhosted.org/packages/42/34/a3e2c00c00f9e2a9db5653bca3fec306349e71aff14ae45ecc6d0951dd24/frozenlist-1.7.0-cp313-cp313t-musllinux_1_2_armv7l.whl", hash = "sha256:c0303e597eb5a5321b4de9c68e9845ac8f290d2ab3f3e2c864437d3c5a30cd65", size = 290465, upload-time = "2025-06-09T23:01:53.788Z" }, - { url = "https://files.pythonhosted.org/packages/bb/73/f89b7fbce8b0b0c095d82b008afd0590f71ccb3dee6eee41791cf8cd25fd/frozenlist-1.7.0-cp313-cp313t-musllinux_1_2_i686.whl", hash = "sha256:a47f2abb4e29b3a8d0b530f7c3598badc6b134562b1a5caee867f7c62fee51e3", size = 266385, upload-time = "2025-06-09T23:01:55.769Z" }, - { url = "https://files.pythonhosted.org/packages/cd/45/e365fdb554159462ca12df54bc59bfa7a9a273ecc21e99e72e597564d1ae/frozenlist-1.7.0-cp313-cp313t-musllinux_1_2_ppc64le.whl", hash = "sha256:3d688126c242a6fabbd92e02633414d40f50bb6002fa4cf995a1d18051525657", size = 288771, upload-time = "2025-06-09T23:01:57.4Z" }, - { url = "https://files.pythonhosted.org/packages/00/11/47b6117002a0e904f004d70ec5194fe9144f117c33c851e3d51c765962d0/frozenlist-1.7.0-cp313-cp313t-musllinux_1_2_s390x.whl", hash = "sha256:4e7e9652b3d367c7bd449a727dc79d5043f48b88d0cbfd4f9f1060cf2b414104", size = 288206, upload-time = "2025-06-09T23:01:58.936Z" }, - { url = "https://files.pythonhosted.org/packages/40/37/5f9f3c3fd7f7746082ec67bcdc204db72dad081f4f83a503d33220a92973/frozenlist-1.7.0-cp313-cp313t-musllinux_1_2_x86_64.whl", hash = "sha256:1a85e345b4c43db8b842cab1feb41be5cc0b10a1830e6295b69d7310f99becaf", size = 282620, upload-time = "2025-06-09T23:02:00.493Z" }, - { url = "https://files.pythonhosted.org/packages/0b/31/8fbc5af2d183bff20f21aa743b4088eac4445d2bb1cdece449ae80e4e2d1/frozenlist-1.7.0-cp313-cp313t-win32.whl", hash = "sha256:3a14027124ddb70dfcee5148979998066897e79f89f64b13328595c4bdf77c81", size = 43059, upload-time = "2025-06-09T23:02:02.072Z" }, - { url = "https://files.pythonhosted.org/packages/bb/ed/41956f52105b8dbc26e457c5705340c67c8cc2b79f394b79bffc09d0e938/frozenlist-1.7.0-cp313-cp313t-win_amd64.whl", hash = "sha256:3bf8010d71d4507775f658e9823210b7427be36625b387221642725b515dcf3e", size = 47516, upload-time = "2025-06-09T23:02:03.779Z" }, - { url = "https://files.pythonhosted.org/packages/ee/45/b82e3c16be2182bff01179db177fe144d58b5dc787a7d4492c6ed8b9317f/frozenlist-1.7.0-py3-none-any.whl", hash = "sha256:9a5af342e34f7e97caf8c995864c7a396418ae2859cc6fdf1b1073020d516a7e", size = 13106, upload-time = "2025-06-09T23:02:34.204Z" }, +sdist = { url = "https://files.pythonhosted.org/packages/79/b1/b64018016eeb087db503b038296fd782586432b9c077fc5c7839e9cb6ef6/frozenlist-1.7.0.tar.gz", hash = "sha256:2e310d81923c2437ea8670467121cc3e9b0f76d3043cc1d2331d56c7fb7a3a8f", size = 45078, upload_time = "2025-06-09T23:02:35.538Z" } +wheels = [ + { url = "https://files.pythonhosted.org/packages/34/7e/803dde33760128acd393a27eb002f2020ddb8d99d30a44bfbaab31c5f08a/frozenlist-1.7.0-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:aa51e147a66b2d74de1e6e2cf5921890de6b0f4820b257465101d7f37b49fb5a", size = 82251, upload_time = "2025-06-09T23:00:16.279Z" }, + { url = "https://files.pythonhosted.org/packages/75/a9/9c2c5760b6ba45eae11334db454c189d43d34a4c0b489feb2175e5e64277/frozenlist-1.7.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:9b35db7ce1cd71d36ba24f80f0c9e7cff73a28d7a74e91fe83e23d27c7828750", size = 48183, upload_time = "2025-06-09T23:00:17.698Z" }, + { url = "https://files.pythonhosted.org/packages/47/be/4038e2d869f8a2da165f35a6befb9158c259819be22eeaf9c9a8f6a87771/frozenlist-1.7.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:34a69a85e34ff37791e94542065c8416c1afbf820b68f720452f636d5fb990cd", size = 47107, upload_time = "2025-06-09T23:00:18.952Z" }, + { url = "https://files.pythonhosted.org/packages/79/26/85314b8a83187c76a37183ceed886381a5f992975786f883472fcb6dc5f2/frozenlist-1.7.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:4a646531fa8d82c87fe4bb2e596f23173caec9185bfbca5d583b4ccfb95183e2", size = 237333, upload_time = "2025-06-09T23:00:20.275Z" }, + { url = "https://files.pythonhosted.org/packages/1f/fd/e5b64f7d2c92a41639ffb2ad44a6a82f347787abc0c7df5f49057cf11770/frozenlist-1.7.0-cp311-cp311-manylinux_2_17_armv7l.manylinux2014_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:79b2ffbba483f4ed36a0f236ccb85fbb16e670c9238313709638167670ba235f", size = 231724, upload_time = "2025-06-09T23:00:21.705Z" }, + { url = "https://files.pythonhosted.org/packages/20/fb/03395c0a43a5976af4bf7534759d214405fbbb4c114683f434dfdd3128ef/frozenlist-1.7.0-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:a26f205c9ca5829cbf82bb2a84b5c36f7184c4316617d7ef1b271a56720d6b30", size = 245842, upload_time = "2025-06-09T23:00:23.148Z" }, + { url = "https://files.pythonhosted.org/packages/d0/15/c01c8e1dffdac5d9803507d824f27aed2ba76b6ed0026fab4d9866e82f1f/frozenlist-1.7.0-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:bcacfad3185a623fa11ea0e0634aac7b691aa925d50a440f39b458e41c561d98", size = 239767, upload_time = "2025-06-09T23:00:25.103Z" }, + { url = "https://files.pythonhosted.org/packages/14/99/3f4c6fe882c1f5514b6848aa0a69b20cb5e5d8e8f51a339d48c0e9305ed0/frozenlist-1.7.0-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:72c1b0fe8fe451b34f12dce46445ddf14bd2a5bcad7e324987194dc8e3a74c86", size = 224130, upload_time = "2025-06-09T23:00:27.061Z" }, + { url = "https://files.pythonhosted.org/packages/4d/83/220a374bd7b2aeba9d0725130665afe11de347d95c3620b9b82cc2fcab97/frozenlist-1.7.0-cp311-cp311-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:61d1a5baeaac6c0798ff6edfaeaa00e0e412d49946c53fae8d4b8e8b3566c4ae", size = 235301, upload_time = "2025-06-09T23:00:29.02Z" }, + { url = "https://files.pythonhosted.org/packages/03/3c/3e3390d75334a063181625343e8daab61b77e1b8214802cc4e8a1bb678fc/frozenlist-1.7.0-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:7edf5c043c062462f09b6820de9854bf28cc6cc5b6714b383149745e287181a8", size = 234606, upload_time = "2025-06-09T23:00:30.514Z" }, + { url = "https://files.pythonhosted.org/packages/23/1e/58232c19608b7a549d72d9903005e2d82488f12554a32de2d5fb59b9b1ba/frozenlist-1.7.0-cp311-cp311-musllinux_1_2_armv7l.whl", hash = "sha256:d50ac7627b3a1bd2dcef6f9da89a772694ec04d9a61b66cf87f7d9446b4a0c31", size = 248372, upload_time = "2025-06-09T23:00:31.966Z" }, + { url = "https://files.pythonhosted.org/packages/c0/a4/e4a567e01702a88a74ce8a324691e62a629bf47d4f8607f24bf1c7216e7f/frozenlist-1.7.0-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:ce48b2fece5aeb45265bb7a58259f45027db0abff478e3077e12b05b17fb9da7", size = 229860, upload_time = "2025-06-09T23:00:33.375Z" }, + { url = "https://files.pythonhosted.org/packages/73/a6/63b3374f7d22268b41a9db73d68a8233afa30ed164c46107b33c4d18ecdd/frozenlist-1.7.0-cp311-cp311-musllinux_1_2_ppc64le.whl", hash = "sha256:fe2365ae915a1fafd982c146754e1de6ab3478def8a59c86e1f7242d794f97d5", size = 245893, upload_time = "2025-06-09T23:00:35.002Z" }, + { url = "https://files.pythonhosted.org/packages/6d/eb/d18b3f6e64799a79673c4ba0b45e4cfbe49c240edfd03a68be20002eaeaa/frozenlist-1.7.0-cp311-cp311-musllinux_1_2_s390x.whl", hash = "sha256:45a6f2fdbd10e074e8814eb98b05292f27bad7d1883afbe009d96abdcf3bc898", size = 246323, upload_time = "2025-06-09T23:00:36.468Z" }, + { url = "https://files.pythonhosted.org/packages/5a/f5/720f3812e3d06cd89a1d5db9ff6450088b8f5c449dae8ffb2971a44da506/frozenlist-1.7.0-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:21884e23cffabb157a9dd7e353779077bf5b8f9a58e9b262c6caad2ef5f80a56", size = 233149, upload_time = "2025-06-09T23:00:37.963Z" }, + { url = "https://files.pythonhosted.org/packages/69/68/03efbf545e217d5db8446acfd4c447c15b7c8cf4dbd4a58403111df9322d/frozenlist-1.7.0-cp311-cp311-win32.whl", hash = "sha256:284d233a8953d7b24f9159b8a3496fc1ddc00f4db99c324bd5fb5f22d8698ea7", size = 39565, upload_time = "2025-06-09T23:00:39.753Z" }, + { url = "https://files.pythonhosted.org/packages/58/17/fe61124c5c333ae87f09bb67186d65038834a47d974fc10a5fadb4cc5ae1/frozenlist-1.7.0-cp311-cp311-win_amd64.whl", hash = "sha256:387cbfdcde2f2353f19c2f66bbb52406d06ed77519ac7ee21be0232147c2592d", size = 44019, upload_time = "2025-06-09T23:00:40.988Z" }, + { url = "https://files.pythonhosted.org/packages/ef/a2/c8131383f1e66adad5f6ecfcce383d584ca94055a34d683bbb24ac5f2f1c/frozenlist-1.7.0-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:3dbf9952c4bb0e90e98aec1bd992b3318685005702656bc6f67c1a32b76787f2", size = 81424, upload_time = "2025-06-09T23:00:42.24Z" }, + { url = "https://files.pythonhosted.org/packages/4c/9d/02754159955088cb52567337d1113f945b9e444c4960771ea90eb73de8db/frozenlist-1.7.0-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:1f5906d3359300b8a9bb194239491122e6cf1444c2efb88865426f170c262cdb", size = 47952, upload_time = "2025-06-09T23:00:43.481Z" }, + { url = "https://files.pythonhosted.org/packages/01/7a/0046ef1bd6699b40acd2067ed6d6670b4db2f425c56980fa21c982c2a9db/frozenlist-1.7.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:3dabd5a8f84573c8d10d8859a50ea2dec01eea372031929871368c09fa103478", size = 46688, upload_time = "2025-06-09T23:00:44.793Z" }, + { url = "https://files.pythonhosted.org/packages/d6/a2/a910bafe29c86997363fb4c02069df4ff0b5bc39d33c5198b4e9dd42d8f8/frozenlist-1.7.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:aa57daa5917f1738064f302bf2626281a1cb01920c32f711fbc7bc36111058a8", size = 243084, upload_time = "2025-06-09T23:00:46.125Z" }, + { url = "https://files.pythonhosted.org/packages/64/3e/5036af9d5031374c64c387469bfcc3af537fc0f5b1187d83a1cf6fab1639/frozenlist-1.7.0-cp312-cp312-manylinux_2_17_armv7l.manylinux2014_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:c193dda2b6d49f4c4398962810fa7d7c78f032bf45572b3e04dd5249dff27e08", size = 233524, upload_time = "2025-06-09T23:00:47.73Z" }, + { url = "https://files.pythonhosted.org/packages/06/39/6a17b7c107a2887e781a48ecf20ad20f1c39d94b2a548c83615b5b879f28/frozenlist-1.7.0-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:bfe2b675cf0aaa6d61bf8fbffd3c274b3c9b7b1623beb3809df8a81399a4a9c4", size = 248493, upload_time = "2025-06-09T23:00:49.742Z" }, + { url = "https://files.pythonhosted.org/packages/be/00/711d1337c7327d88c44d91dd0f556a1c47fb99afc060ae0ef66b4d24793d/frozenlist-1.7.0-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:8fc5d5cda37f62b262405cf9652cf0856839c4be8ee41be0afe8858f17f4c94b", size = 244116, upload_time = "2025-06-09T23:00:51.352Z" }, + { url = "https://files.pythonhosted.org/packages/24/fe/74e6ec0639c115df13d5850e75722750adabdc7de24e37e05a40527ca539/frozenlist-1.7.0-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:b0d5ce521d1dd7d620198829b87ea002956e4319002ef0bc8d3e6d045cb4646e", size = 224557, upload_time = "2025-06-09T23:00:52.855Z" }, + { url = "https://files.pythonhosted.org/packages/8d/db/48421f62a6f77c553575201e89048e97198046b793f4a089c79a6e3268bd/frozenlist-1.7.0-cp312-cp312-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:488d0a7d6a0008ca0db273c542098a0fa9e7dfaa7e57f70acef43f32b3f69dca", size = 241820, upload_time = "2025-06-09T23:00:54.43Z" }, + { url = "https://files.pythonhosted.org/packages/1d/fa/cb4a76bea23047c8462976ea7b7a2bf53997a0ca171302deae9d6dd12096/frozenlist-1.7.0-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:15a7eaba63983d22c54d255b854e8108e7e5f3e89f647fc854bd77a237e767df", size = 236542, upload_time = "2025-06-09T23:00:56.409Z" }, + { url = "https://files.pythonhosted.org/packages/5d/32/476a4b5cfaa0ec94d3f808f193301debff2ea42288a099afe60757ef6282/frozenlist-1.7.0-cp312-cp312-musllinux_1_2_armv7l.whl", hash = "sha256:1eaa7e9c6d15df825bf255649e05bd8a74b04a4d2baa1ae46d9c2d00b2ca2cb5", size = 249350, upload_time = "2025-06-09T23:00:58.468Z" }, + { url = "https://files.pythonhosted.org/packages/8d/ba/9a28042f84a6bf8ea5dbc81cfff8eaef18d78b2a1ad9d51c7bc5b029ad16/frozenlist-1.7.0-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:e4389e06714cfa9d47ab87f784a7c5be91d3934cd6e9a7b85beef808297cc025", size = 225093, upload_time = "2025-06-09T23:01:00.015Z" }, + { url = "https://files.pythonhosted.org/packages/bc/29/3a32959e68f9cf000b04e79ba574527c17e8842e38c91d68214a37455786/frozenlist-1.7.0-cp312-cp312-musllinux_1_2_ppc64le.whl", hash = "sha256:73bd45e1488c40b63fe5a7df892baf9e2a4d4bb6409a2b3b78ac1c6236178e01", size = 245482, upload_time = "2025-06-09T23:01:01.474Z" }, + { url = "https://files.pythonhosted.org/packages/80/e8/edf2f9e00da553f07f5fa165325cfc302dead715cab6ac8336a5f3d0adc2/frozenlist-1.7.0-cp312-cp312-musllinux_1_2_s390x.whl", hash = "sha256:99886d98e1643269760e5fe0df31e5ae7050788dd288947f7f007209b8c33f08", size = 249590, upload_time = "2025-06-09T23:01:02.961Z" }, + { url = "https://files.pythonhosted.org/packages/1c/80/9a0eb48b944050f94cc51ee1c413eb14a39543cc4f760ed12657a5a3c45a/frozenlist-1.7.0-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:290a172aae5a4c278c6da8a96222e6337744cd9c77313efe33d5670b9f65fc43", size = 237785, upload_time = "2025-06-09T23:01:05.095Z" }, + { url = "https://files.pythonhosted.org/packages/f3/74/87601e0fb0369b7a2baf404ea921769c53b7ae00dee7dcfe5162c8c6dbf0/frozenlist-1.7.0-cp312-cp312-win32.whl", hash = "sha256:426c7bc70e07cfebc178bc4c2bf2d861d720c4fff172181eeb4a4c41d4ca2ad3", size = 39487, upload_time = "2025-06-09T23:01:06.54Z" }, + { url = "https://files.pythonhosted.org/packages/0b/15/c026e9a9fc17585a9d461f65d8593d281fedf55fbf7eb53f16c6df2392f9/frozenlist-1.7.0-cp312-cp312-win_amd64.whl", hash = "sha256:563b72efe5da92e02eb68c59cb37205457c977aa7a449ed1b37e6939e5c47c6a", size = 43874, upload_time = "2025-06-09T23:01:07.752Z" }, + { url = "https://files.pythonhosted.org/packages/24/90/6b2cebdabdbd50367273c20ff6b57a3dfa89bd0762de02c3a1eb42cb6462/frozenlist-1.7.0-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:ee80eeda5e2a4e660651370ebffd1286542b67e268aa1ac8d6dbe973120ef7ee", size = 79791, upload_time = "2025-06-09T23:01:09.368Z" }, + { url = "https://files.pythonhosted.org/packages/83/2e/5b70b6a3325363293fe5fc3ae74cdcbc3e996c2a11dde2fd9f1fb0776d19/frozenlist-1.7.0-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:d1a81c85417b914139e3a9b995d4a1c84559afc839a93cf2cb7f15e6e5f6ed2d", size = 47165, upload_time = "2025-06-09T23:01:10.653Z" }, + { url = "https://files.pythonhosted.org/packages/f4/25/a0895c99270ca6966110f4ad98e87e5662eab416a17e7fd53c364bf8b954/frozenlist-1.7.0-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:cbb65198a9132ebc334f237d7b0df163e4de83fb4f2bdfe46c1e654bdb0c5d43", size = 45881, upload_time = "2025-06-09T23:01:12.296Z" }, + { url = "https://files.pythonhosted.org/packages/19/7c/71bb0bbe0832793c601fff68cd0cf6143753d0c667f9aec93d3c323f4b55/frozenlist-1.7.0-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:dab46c723eeb2c255a64f9dc05b8dd601fde66d6b19cdb82b2e09cc6ff8d8b5d", size = 232409, upload_time = "2025-06-09T23:01:13.641Z" }, + { url = "https://files.pythonhosted.org/packages/c0/45/ed2798718910fe6eb3ba574082aaceff4528e6323f9a8570be0f7028d8e9/frozenlist-1.7.0-cp313-cp313-manylinux_2_17_armv7l.manylinux2014_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:6aeac207a759d0dedd2e40745575ae32ab30926ff4fa49b1635def65806fddee", size = 225132, upload_time = "2025-06-09T23:01:15.264Z" }, + { url = "https://files.pythonhosted.org/packages/ba/e2/8417ae0f8eacb1d071d4950f32f229aa6bf68ab69aab797b72a07ea68d4f/frozenlist-1.7.0-cp313-cp313-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:bd8c4e58ad14b4fa7802b8be49d47993182fdd4023393899632c88fd8cd994eb", size = 237638, upload_time = "2025-06-09T23:01:16.752Z" }, + { url = "https://files.pythonhosted.org/packages/f8/b7/2ace5450ce85f2af05a871b8c8719b341294775a0a6c5585d5e6170f2ce7/frozenlist-1.7.0-cp313-cp313-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:04fb24d104f425da3540ed83cbfc31388a586a7696142004c577fa61c6298c3f", size = 233539, upload_time = "2025-06-09T23:01:18.202Z" }, + { url = "https://files.pythonhosted.org/packages/46/b9/6989292c5539553dba63f3c83dc4598186ab2888f67c0dc1d917e6887db6/frozenlist-1.7.0-cp313-cp313-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:6a5c505156368e4ea6b53b5ac23c92d7edc864537ff911d2fb24c140bb175e60", size = 215646, upload_time = "2025-06-09T23:01:19.649Z" }, + { url = "https://files.pythonhosted.org/packages/72/31/bc8c5c99c7818293458fe745dab4fd5730ff49697ccc82b554eb69f16a24/frozenlist-1.7.0-cp313-cp313-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:8bd7eb96a675f18aa5c553eb7ddc24a43c8c18f22e1f9925528128c052cdbe00", size = 232233, upload_time = "2025-06-09T23:01:21.175Z" }, + { url = "https://files.pythonhosted.org/packages/59/52/460db4d7ba0811b9ccb85af996019f5d70831f2f5f255f7cc61f86199795/frozenlist-1.7.0-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:05579bf020096fe05a764f1f84cd104a12f78eaab68842d036772dc6d4870b4b", size = 227996, upload_time = "2025-06-09T23:01:23.098Z" }, + { url = "https://files.pythonhosted.org/packages/ba/c9/f4b39e904c03927b7ecf891804fd3b4df3db29b9e487c6418e37988d6e9d/frozenlist-1.7.0-cp313-cp313-musllinux_1_2_armv7l.whl", hash = "sha256:376b6222d114e97eeec13d46c486facd41d4f43bab626b7c3f6a8b4e81a5192c", size = 242280, upload_time = "2025-06-09T23:01:24.808Z" }, + { url = "https://files.pythonhosted.org/packages/b8/33/3f8d6ced42f162d743e3517781566b8481322be321b486d9d262adf70bfb/frozenlist-1.7.0-cp313-cp313-musllinux_1_2_i686.whl", hash = "sha256:0aa7e176ebe115379b5b1c95b4096fb1c17cce0847402e227e712c27bdb5a949", size = 217717, upload_time = "2025-06-09T23:01:26.28Z" }, + { url = "https://files.pythonhosted.org/packages/3e/e8/ad683e75da6ccef50d0ab0c2b2324b32f84fc88ceee778ed79b8e2d2fe2e/frozenlist-1.7.0-cp313-cp313-musllinux_1_2_ppc64le.whl", hash = "sha256:3fbba20e662b9c2130dc771e332a99eff5da078b2b2648153a40669a6d0e36ca", size = 236644, upload_time = "2025-06-09T23:01:27.887Z" }, + { url = "https://files.pythonhosted.org/packages/b2/14/8d19ccdd3799310722195a72ac94ddc677541fb4bef4091d8e7775752360/frozenlist-1.7.0-cp313-cp313-musllinux_1_2_s390x.whl", hash = "sha256:f3f4410a0a601d349dd406b5713fec59b4cee7e71678d5b17edda7f4655a940b", size = 238879, upload_time = "2025-06-09T23:01:29.524Z" }, + { url = "https://files.pythonhosted.org/packages/ce/13/c12bf657494c2fd1079a48b2db49fa4196325909249a52d8f09bc9123fd7/frozenlist-1.7.0-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:e2cdfaaec6a2f9327bf43c933c0319a7c429058e8537c508964a133dffee412e", size = 232502, upload_time = "2025-06-09T23:01:31.287Z" }, + { url = "https://files.pythonhosted.org/packages/d7/8b/e7f9dfde869825489382bc0d512c15e96d3964180c9499efcec72e85db7e/frozenlist-1.7.0-cp313-cp313-win32.whl", hash = "sha256:5fc4df05a6591c7768459caba1b342d9ec23fa16195e744939ba5914596ae3e1", size = 39169, upload_time = "2025-06-09T23:01:35.503Z" }, + { url = "https://files.pythonhosted.org/packages/35/89/a487a98d94205d85745080a37860ff5744b9820a2c9acbcdd9440bfddf98/frozenlist-1.7.0-cp313-cp313-win_amd64.whl", hash = "sha256:52109052b9791a3e6b5d1b65f4b909703984b770694d3eb64fad124c835d7cba", size = 43219, upload_time = "2025-06-09T23:01:36.784Z" }, + { url = "https://files.pythonhosted.org/packages/56/d5/5c4cf2319a49eddd9dd7145e66c4866bdc6f3dbc67ca3d59685149c11e0d/frozenlist-1.7.0-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:a6f86e4193bb0e235ef6ce3dde5cbabed887e0b11f516ce8a0f4d3b33078ec2d", size = 84345, upload_time = "2025-06-09T23:01:38.295Z" }, + { url = "https://files.pythonhosted.org/packages/a4/7d/ec2c1e1dc16b85bc9d526009961953df9cec8481b6886debb36ec9107799/frozenlist-1.7.0-cp313-cp313t-macosx_10_13_x86_64.whl", hash = "sha256:82d664628865abeb32d90ae497fb93df398a69bb3434463d172b80fc25b0dd7d", size = 48880, upload_time = "2025-06-09T23:01:39.887Z" }, + { url = "https://files.pythonhosted.org/packages/69/86/f9596807b03de126e11e7d42ac91e3d0b19a6599c714a1989a4e85eeefc4/frozenlist-1.7.0-cp313-cp313t-macosx_11_0_arm64.whl", hash = "sha256:912a7e8375a1c9a68325a902f3953191b7b292aa3c3fb0d71a216221deca460b", size = 48498, upload_time = "2025-06-09T23:01:41.318Z" }, + { url = "https://files.pythonhosted.org/packages/5e/cb/df6de220f5036001005f2d726b789b2c0b65f2363b104bbc16f5be8084f8/frozenlist-1.7.0-cp313-cp313t-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:9537c2777167488d539bc5de2ad262efc44388230e5118868e172dd4a552b146", size = 292296, upload_time = "2025-06-09T23:01:42.685Z" }, + { url = "https://files.pythonhosted.org/packages/83/1f/de84c642f17c8f851a2905cee2dae401e5e0daca9b5ef121e120e19aa825/frozenlist-1.7.0-cp313-cp313t-manylinux_2_17_armv7l.manylinux2014_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:f34560fb1b4c3e30ba35fa9a13894ba39e5acfc5f60f57d8accde65f46cc5e74", size = 273103, upload_time = "2025-06-09T23:01:44.166Z" }, + { url = "https://files.pythonhosted.org/packages/88/3c/c840bfa474ba3fa13c772b93070893c6e9d5c0350885760376cbe3b6c1b3/frozenlist-1.7.0-cp313-cp313t-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:acd03d224b0175f5a850edc104ac19040d35419eddad04e7cf2d5986d98427f1", size = 292869, upload_time = "2025-06-09T23:01:45.681Z" }, + { url = "https://files.pythonhosted.org/packages/a6/1c/3efa6e7d5a39a1d5ef0abeb51c48fb657765794a46cf124e5aca2c7a592c/frozenlist-1.7.0-cp313-cp313t-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:f2038310bc582f3d6a09b3816ab01737d60bf7b1ec70f5356b09e84fb7408ab1", size = 291467, upload_time = "2025-06-09T23:01:47.234Z" }, + { url = "https://files.pythonhosted.org/packages/4f/00/d5c5e09d4922c395e2f2f6b79b9a20dab4b67daaf78ab92e7729341f61f6/frozenlist-1.7.0-cp313-cp313t-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:b8c05e4c8e5f36e5e088caa1bf78a687528f83c043706640a92cb76cd6999384", size = 266028, upload_time = "2025-06-09T23:01:48.819Z" }, + { url = "https://files.pythonhosted.org/packages/4e/27/72765be905619dfde25a7f33813ac0341eb6b076abede17a2e3fbfade0cb/frozenlist-1.7.0-cp313-cp313t-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:765bb588c86e47d0b68f23c1bee323d4b703218037765dcf3f25c838c6fecceb", size = 284294, upload_time = "2025-06-09T23:01:50.394Z" }, + { url = "https://files.pythonhosted.org/packages/88/67/c94103a23001b17808eb7dd1200c156bb69fb68e63fcf0693dde4cd6228c/frozenlist-1.7.0-cp313-cp313t-musllinux_1_2_aarch64.whl", hash = "sha256:32dc2e08c67d86d0969714dd484fd60ff08ff81d1a1e40a77dd34a387e6ebc0c", size = 281898, upload_time = "2025-06-09T23:01:52.234Z" }, + { url = "https://files.pythonhosted.org/packages/42/34/a3e2c00c00f9e2a9db5653bca3fec306349e71aff14ae45ecc6d0951dd24/frozenlist-1.7.0-cp313-cp313t-musllinux_1_2_armv7l.whl", hash = "sha256:c0303e597eb5a5321b4de9c68e9845ac8f290d2ab3f3e2c864437d3c5a30cd65", size = 290465, upload_time = "2025-06-09T23:01:53.788Z" }, + { url = "https://files.pythonhosted.org/packages/bb/73/f89b7fbce8b0b0c095d82b008afd0590f71ccb3dee6eee41791cf8cd25fd/frozenlist-1.7.0-cp313-cp313t-musllinux_1_2_i686.whl", hash = "sha256:a47f2abb4e29b3a8d0b530f7c3598badc6b134562b1a5caee867f7c62fee51e3", size = 266385, upload_time = "2025-06-09T23:01:55.769Z" }, + { url = "https://files.pythonhosted.org/packages/cd/45/e365fdb554159462ca12df54bc59bfa7a9a273ecc21e99e72e597564d1ae/frozenlist-1.7.0-cp313-cp313t-musllinux_1_2_ppc64le.whl", hash = "sha256:3d688126c242a6fabbd92e02633414d40f50bb6002fa4cf995a1d18051525657", size = 288771, upload_time = "2025-06-09T23:01:57.4Z" }, + { url = "https://files.pythonhosted.org/packages/00/11/47b6117002a0e904f004d70ec5194fe9144f117c33c851e3d51c765962d0/frozenlist-1.7.0-cp313-cp313t-musllinux_1_2_s390x.whl", hash = "sha256:4e7e9652b3d367c7bd449a727dc79d5043f48b88d0cbfd4f9f1060cf2b414104", size = 288206, upload_time = "2025-06-09T23:01:58.936Z" }, + { url = "https://files.pythonhosted.org/packages/40/37/5f9f3c3fd7f7746082ec67bcdc204db72dad081f4f83a503d33220a92973/frozenlist-1.7.0-cp313-cp313t-musllinux_1_2_x86_64.whl", hash = "sha256:1a85e345b4c43db8b842cab1feb41be5cc0b10a1830e6295b69d7310f99becaf", size = 282620, upload_time = "2025-06-09T23:02:00.493Z" }, + { url = "https://files.pythonhosted.org/packages/0b/31/8fbc5af2d183bff20f21aa743b4088eac4445d2bb1cdece449ae80e4e2d1/frozenlist-1.7.0-cp313-cp313t-win32.whl", hash = "sha256:3a14027124ddb70dfcee5148979998066897e79f89f64b13328595c4bdf77c81", size = 43059, upload_time = "2025-06-09T23:02:02.072Z" }, + { url = "https://files.pythonhosted.org/packages/bb/ed/41956f52105b8dbc26e457c5705340c67c8cc2b79f394b79bffc09d0e938/frozenlist-1.7.0-cp313-cp313t-win_amd64.whl", hash = "sha256:3bf8010d71d4507775f658e9823210b7427be36625b387221642725b515dcf3e", size = 47516, upload_time = "2025-06-09T23:02:03.779Z" }, + { url = "https://files.pythonhosted.org/packages/ee/45/b82e3c16be2182bff01179db177fe144d58b5dc787a7d4492c6ed8b9317f/frozenlist-1.7.0-py3-none-any.whl", hash = "sha256:9a5af342e34f7e97caf8c995864c7a396418ae2859cc6fdf1b1073020d516a7e", size = 13106, upload_time = "2025-06-09T23:02:34.204Z" }, ] [[package]] name = "fsspec" version = "2025.3.0" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/34/f4/5721faf47b8c499e776bc34c6a8fc17efdf7fdef0b00f398128bc5dcb4ac/fsspec-2025.3.0.tar.gz", hash = "sha256:a935fd1ea872591f2b5148907d103488fc523295e6c64b835cfad8c3eca44972", size = 298491, upload-time = "2025-03-07T21:47:56.461Z" } +sdist = { url = "https://files.pythonhosted.org/packages/34/f4/5721faf47b8c499e776bc34c6a8fc17efdf7fdef0b00f398128bc5dcb4ac/fsspec-2025.3.0.tar.gz", hash = "sha256:a935fd1ea872591f2b5148907d103488fc523295e6c64b835cfad8c3eca44972", size = 298491, upload_time = "2025-03-07T21:47:56.461Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/56/53/eb690efa8513166adef3e0669afd31e95ffde69fb3c52ec2ac7223ed6018/fsspec-2025.3.0-py3-none-any.whl", hash = "sha256:efb87af3efa9103f94ca91a7f8cb7a4df91af9f74fc106c9c7ea0efd7277c1b3", size = 193615, upload-time = "2025-03-07T21:47:54.809Z" }, + { url = "https://files.pythonhosted.org/packages/56/53/eb690efa8513166adef3e0669afd31e95ffde69fb3c52ec2ac7223ed6018/fsspec-2025.3.0-py3-none-any.whl", hash = "sha256:efb87af3efa9103f94ca91a7f8cb7a4df91af9f74fc106c9c7ea0efd7277c1b3", size = 193615, upload_time = "2025-03-07T21:47:54.809Z" }, ] [package.optional-dependencies] @@ -1004,18 +1004,18 @@ dependencies = [ { name = "pyjwt" }, { name = "pytest-mock" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/4d/97/577c6d67f2d3687199ba7c5628af65108f346a15877c93831081ab67a341/gotrue-2.12.0.tar.gz", hash = "sha256:b9ea164ee52964d8364c550cde16dd0e9576241a4cffeaa52eca339f61d1d14b", size = 37883, upload-time = "2025-03-26T11:49:12.661Z" } +sdist = { url = "https://files.pythonhosted.org/packages/4d/97/577c6d67f2d3687199ba7c5628af65108f346a15877c93831081ab67a341/gotrue-2.12.0.tar.gz", hash = "sha256:b9ea164ee52964d8364c550cde16dd0e9576241a4cffeaa52eca339f61d1d14b", size = 37883, upload_time = "2025-03-26T11:49:12.661Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/ee/5c/fe0dd370294c782fc1f627bb7e3eedd87c3d4d7f8d2b39fe8dd63c3096a8/gotrue-2.12.0-py3-none-any.whl", hash = "sha256:de94928eebb42d7d9672dbe4fbd0b51140a45051a31626a06dad2ad44a9a976a", size = 43649, upload-time = "2025-03-26T11:49:11.234Z" }, + { url = "https://files.pythonhosted.org/packages/ee/5c/fe0dd370294c782fc1f627bb7e3eedd87c3d4d7f8d2b39fe8dd63c3096a8/gotrue-2.12.0-py3-none-any.whl", hash = "sha256:de94928eebb42d7d9672dbe4fbd0b51140a45051a31626a06dad2ad44a9a976a", size = 43649, upload_time = "2025-03-26T11:49:11.234Z" }, ] [[package]] name = "h11" version = "0.16.0" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/01/ee/02a2c011bdab74c6fb3c75474d40b3052059d95df7e73351460c8588d963/h11-0.16.0.tar.gz", hash = "sha256:4e35b956cf45792e4caa5885e69fba00bdbc6ffafbfa020300e549b208ee5ff1", size = 101250, upload-time = "2025-04-24T03:35:25.427Z" } +sdist = { url = "https://files.pythonhosted.org/packages/01/ee/02a2c011bdab74c6fb3c75474d40b3052059d95df7e73351460c8588d963/h11-0.16.0.tar.gz", hash = "sha256:4e35b956cf45792e4caa5885e69fba00bdbc6ffafbfa020300e549b208ee5ff1", size = 101250, upload_time = "2025-04-24T03:35:25.427Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/04/4b/29cac41a4d98d144bf5f6d33995617b185d14b22401f75ca86f384e87ff1/h11-0.16.0-py3-none-any.whl", hash = "sha256:63cf8bbe7522de3bf65932fda1d9c2772064ffb3dae62d55932da54b31cb6c86", size = 37515, upload-time = "2025-04-24T03:35:24.344Z" }, + { url = "https://files.pythonhosted.org/packages/04/4b/29cac41a4d98d144bf5f6d33995617b185d14b22401f75ca86f384e87ff1/h11-0.16.0-py3-none-any.whl", hash = "sha256:63cf8bbe7522de3bf65932fda1d9c2772064ffb3dae62d55932da54b31cb6c86", size = 37515, upload_time = "2025-04-24T03:35:24.344Z" }, ] [[package]] @@ -1026,33 +1026,33 @@ dependencies = [ { name = "hpack" }, { name = "hyperframe" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/1b/38/d7f80fd13e6582fb8e0df8c9a653dcc02b03ca34f4d72f34869298c5baf8/h2-4.2.0.tar.gz", hash = "sha256:c8a52129695e88b1a0578d8d2cc6842bbd79128ac685463b887ee278126ad01f", size = 2150682, upload-time = "2025-02-02T07:43:51.815Z" } +sdist = { url = "https://files.pythonhosted.org/packages/1b/38/d7f80fd13e6582fb8e0df8c9a653dcc02b03ca34f4d72f34869298c5baf8/h2-4.2.0.tar.gz", hash = "sha256:c8a52129695e88b1a0578d8d2cc6842bbd79128ac685463b887ee278126ad01f", size = 2150682, upload_time = "2025-02-02T07:43:51.815Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/d0/9e/984486f2d0a0bd2b024bf4bc1c62688fcafa9e61991f041fb0e2def4a982/h2-4.2.0-py3-none-any.whl", hash = "sha256:479a53ad425bb29af087f3458a61d30780bc818e4ebcf01f0b536ba916462ed0", size = 60957, upload-time = "2025-02-01T11:02:26.481Z" }, + { url = "https://files.pythonhosted.org/packages/d0/9e/984486f2d0a0bd2b024bf4bc1c62688fcafa9e61991f041fb0e2def4a982/h2-4.2.0-py3-none-any.whl", hash = "sha256:479a53ad425bb29af087f3458a61d30780bc818e4ebcf01f0b536ba916462ed0", size = 60957, upload_time = "2025-02-01T11:02:26.481Z" }, ] [[package]] name = "hf-xet" version = "1.1.3" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/75/dc/dc091aeeb671e71cbec30e84963f9c0202c17337b24b0a800e7d205543e8/hf_xet-1.1.3.tar.gz", hash = "sha256:a5f09b1dd24e6ff6bcedb4b0ddab2d81824098bb002cf8b4ffa780545fa348c3", size = 488127, upload-time = "2025-06-04T00:47:27.456Z" } +sdist = { url = "https://files.pythonhosted.org/packages/75/dc/dc091aeeb671e71cbec30e84963f9c0202c17337b24b0a800e7d205543e8/hf_xet-1.1.3.tar.gz", hash = "sha256:a5f09b1dd24e6ff6bcedb4b0ddab2d81824098bb002cf8b4ffa780545fa348c3", size = 488127, upload_time = "2025-06-04T00:47:27.456Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/9b/1f/bc01a4c0894973adebbcd4aa338a06815c76333ebb3921d94dcbd40dae6a/hf_xet-1.1.3-cp37-abi3-macosx_10_12_x86_64.whl", hash = "sha256:c3b508b5f583a75641aebf732853deb058953370ce8184f5dabc49f803b0819b", size = 2256929, upload-time = "2025-06-04T00:47:21.206Z" }, - { url = "https://files.pythonhosted.org/packages/78/07/6ef50851b5c6b45b77a6e018fa299c69a2db3b8bbd0d5af594c0238b1ceb/hf_xet-1.1.3-cp37-abi3-macosx_11_0_arm64.whl", hash = "sha256:b788a61977fbe6b5186e66239e2a329a3f0b7e7ff50dad38984c0c74f44aeca1", size = 2153719, upload-time = "2025-06-04T00:47:19.302Z" }, - { url = "https://files.pythonhosted.org/packages/52/48/e929e6e3db6e4758c2adf0f2ca2c59287f1b76229d8bdc1a4c9cfc05212e/hf_xet-1.1.3-cp37-abi3-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:fd2da210856444a34aad8ada2fc12f70dabed7cc20f37e90754d1d9b43bc0534", size = 4820519, upload-time = "2025-06-04T00:47:17.244Z" }, - { url = "https://files.pythonhosted.org/packages/28/2e/03f89c5014a5aafaa9b150655f811798a317036646623bdaace25f485ae8/hf_xet-1.1.3-cp37-abi3-manylinux_2_28_aarch64.whl", hash = "sha256:8203f52827e3df65981984936654a5b390566336956f65765a8aa58c362bb841", size = 4964121, upload-time = "2025-06-04T00:47:15.17Z" }, - { url = "https://files.pythonhosted.org/packages/47/8b/5cd399a92b47d98086f55fc72d69bc9ea5e5c6f27a9ed3e0cdd6be4e58a3/hf_xet-1.1.3-cp37-abi3-musllinux_1_2_aarch64.whl", hash = "sha256:30c575a5306f8e6fda37edb866762140a435037365eba7a17ce7bd0bc0216a8b", size = 5283017, upload-time = "2025-06-04T00:47:23.239Z" }, - { url = "https://files.pythonhosted.org/packages/53/e3/2fcec58d2fcfd25ff07feb876f466cfa11f8dcf9d3b742c07fe9dd51ee0a/hf_xet-1.1.3-cp37-abi3-musllinux_1_2_x86_64.whl", hash = "sha256:7c1a6aa6abed1f696f8099aa9796ca04c9ee778a58728a115607de9cc4638ff1", size = 4970349, upload-time = "2025-06-04T00:47:25.383Z" }, - { url = "https://files.pythonhosted.org/packages/53/bf/10ca917e335861101017ff46044c90e517b574fbb37219347b83be1952f6/hf_xet-1.1.3-cp37-abi3-win_amd64.whl", hash = "sha256:b578ae5ac9c056296bb0df9d018e597c8dc6390c5266f35b5c44696003cde9f3", size = 2310934, upload-time = "2025-06-04T00:47:29.632Z" }, + { url = "https://files.pythonhosted.org/packages/9b/1f/bc01a4c0894973adebbcd4aa338a06815c76333ebb3921d94dcbd40dae6a/hf_xet-1.1.3-cp37-abi3-macosx_10_12_x86_64.whl", hash = "sha256:c3b508b5f583a75641aebf732853deb058953370ce8184f5dabc49f803b0819b", size = 2256929, upload_time = "2025-06-04T00:47:21.206Z" }, + { url = "https://files.pythonhosted.org/packages/78/07/6ef50851b5c6b45b77a6e018fa299c69a2db3b8bbd0d5af594c0238b1ceb/hf_xet-1.1.3-cp37-abi3-macosx_11_0_arm64.whl", hash = "sha256:b788a61977fbe6b5186e66239e2a329a3f0b7e7ff50dad38984c0c74f44aeca1", size = 2153719, upload_time = "2025-06-04T00:47:19.302Z" }, + { url = "https://files.pythonhosted.org/packages/52/48/e929e6e3db6e4758c2adf0f2ca2c59287f1b76229d8bdc1a4c9cfc05212e/hf_xet-1.1.3-cp37-abi3-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:fd2da210856444a34aad8ada2fc12f70dabed7cc20f37e90754d1d9b43bc0534", size = 4820519, upload_time = "2025-06-04T00:47:17.244Z" }, + { url = "https://files.pythonhosted.org/packages/28/2e/03f89c5014a5aafaa9b150655f811798a317036646623bdaace25f485ae8/hf_xet-1.1.3-cp37-abi3-manylinux_2_28_aarch64.whl", hash = "sha256:8203f52827e3df65981984936654a5b390566336956f65765a8aa58c362bb841", size = 4964121, upload_time = "2025-06-04T00:47:15.17Z" }, + { url = "https://files.pythonhosted.org/packages/47/8b/5cd399a92b47d98086f55fc72d69bc9ea5e5c6f27a9ed3e0cdd6be4e58a3/hf_xet-1.1.3-cp37-abi3-musllinux_1_2_aarch64.whl", hash = "sha256:30c575a5306f8e6fda37edb866762140a435037365eba7a17ce7bd0bc0216a8b", size = 5283017, upload_time = "2025-06-04T00:47:23.239Z" }, + { url = "https://files.pythonhosted.org/packages/53/e3/2fcec58d2fcfd25ff07feb876f466cfa11f8dcf9d3b742c07fe9dd51ee0a/hf_xet-1.1.3-cp37-abi3-musllinux_1_2_x86_64.whl", hash = "sha256:7c1a6aa6abed1f696f8099aa9796ca04c9ee778a58728a115607de9cc4638ff1", size = 4970349, upload_time = "2025-06-04T00:47:25.383Z" }, + { url = "https://files.pythonhosted.org/packages/53/bf/10ca917e335861101017ff46044c90e517b574fbb37219347b83be1952f6/hf_xet-1.1.3-cp37-abi3-win_amd64.whl", hash = "sha256:b578ae5ac9c056296bb0df9d018e597c8dc6390c5266f35b5c44696003cde9f3", size = 2310934, upload_time = "2025-06-04T00:47:29.632Z" }, ] [[package]] name = "hpack" version = "4.1.0" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/2c/48/71de9ed269fdae9c8057e5a4c0aa7402e8bb16f2c6e90b3aa53327b113f8/hpack-4.1.0.tar.gz", hash = "sha256:ec5eca154f7056aa06f196a557655c5b009b382873ac8d1e66e79e87535f1dca", size = 51276, upload-time = "2025-01-22T21:44:58.347Z" } +sdist = { url = "https://files.pythonhosted.org/packages/2c/48/71de9ed269fdae9c8057e5a4c0aa7402e8bb16f2c6e90b3aa53327b113f8/hpack-4.1.0.tar.gz", hash = "sha256:ec5eca154f7056aa06f196a557655c5b009b382873ac8d1e66e79e87535f1dca", size = 51276, upload_time = "2025-01-22T21:44:58.347Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/07/c6/80c95b1b2b94682a72cbdbfb85b81ae2daffa4291fbfa1b1464502ede10d/hpack-4.1.0-py3-none-any.whl", hash = "sha256:157ac792668d995c657d93111f46b4535ed114f0c9c8d672271bbec7eae1b496", size = 34357, upload-time = "2025-01-22T21:44:56.92Z" }, + { url = "https://files.pythonhosted.org/packages/07/c6/80c95b1b2b94682a72cbdbfb85b81ae2daffa4291fbfa1b1464502ede10d/hpack-4.1.0-py3-none-any.whl", hash = "sha256:157ac792668d995c657d93111f46b4535ed114f0c9c8d672271bbec7eae1b496", size = 34357, upload_time = "2025-01-22T21:44:56.92Z" }, ] [[package]] @@ -1063,38 +1063,38 @@ dependencies = [ { name = "certifi" }, { name = "h11" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/06/94/82699a10bca87a5556c9c59b5963f2d039dbd239f25bc2a63907a05a14cb/httpcore-1.0.9.tar.gz", hash = "sha256:6e34463af53fd2ab5d807f399a9b45ea31c3dfa2276f15a2c3f00afff6e176e8", size = 85484, upload-time = "2025-04-24T22:06:22.219Z" } +sdist = { url = "https://files.pythonhosted.org/packages/06/94/82699a10bca87a5556c9c59b5963f2d039dbd239f25bc2a63907a05a14cb/httpcore-1.0.9.tar.gz", hash = "sha256:6e34463af53fd2ab5d807f399a9b45ea31c3dfa2276f15a2c3f00afff6e176e8", size = 85484, upload_time = "2025-04-24T22:06:22.219Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/7e/f5/f66802a942d491edb555dd61e3a9961140fd64c90bce1eafd741609d334d/httpcore-1.0.9-py3-none-any.whl", hash = "sha256:2d400746a40668fc9dec9810239072b40b4484b640a8c38fd654a024c7a1bf55", size = 78784, upload-time = "2025-04-24T22:06:20.566Z" }, + { url = "https://files.pythonhosted.org/packages/7e/f5/f66802a942d491edb555dd61e3a9961140fd64c90bce1eafd741609d334d/httpcore-1.0.9-py3-none-any.whl", hash = "sha256:2d400746a40668fc9dec9810239072b40b4484b640a8c38fd654a024c7a1bf55", size = 78784, upload_time = "2025-04-24T22:06:20.566Z" }, ] [[package]] name = "httptools" version = "0.6.4" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/a7/9a/ce5e1f7e131522e6d3426e8e7a490b3a01f39a6696602e1c4f33f9e94277/httptools-0.6.4.tar.gz", hash = "sha256:4e93eee4add6493b59a5c514da98c939b244fce4a0d8879cd3f466562f4b7d5c", size = 240639, upload-time = "2024-10-16T19:45:08.902Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/7b/26/bb526d4d14c2774fe07113ca1db7255737ffbb119315839af2065abfdac3/httptools-0.6.4-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:f47f8ed67cc0ff862b84a1189831d1d33c963fb3ce1ee0c65d3b0cbe7b711069", size = 199029, upload-time = "2024-10-16T19:44:18.427Z" }, - { url = "https://files.pythonhosted.org/packages/a6/17/3e0d3e9b901c732987a45f4f94d4e2c62b89a041d93db89eafb262afd8d5/httptools-0.6.4-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:0614154d5454c21b6410fdf5262b4a3ddb0f53f1e1721cfd59d55f32138c578a", size = 103492, upload-time = "2024-10-16T19:44:19.515Z" }, - { url = "https://files.pythonhosted.org/packages/b7/24/0fe235d7b69c42423c7698d086d4db96475f9b50b6ad26a718ef27a0bce6/httptools-0.6.4-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:f8787367fbdfccae38e35abf7641dafc5310310a5987b689f4c32cc8cc3ee975", size = 462891, upload-time = "2024-10-16T19:44:21.067Z" }, - { url = "https://files.pythonhosted.org/packages/b1/2f/205d1f2a190b72da6ffb5f41a3736c26d6fa7871101212b15e9b5cd8f61d/httptools-0.6.4-cp311-cp311-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:40b0f7fe4fd38e6a507bdb751db0379df1e99120c65fbdc8ee6c1d044897a636", size = 459788, upload-time = "2024-10-16T19:44:22.958Z" }, - { url = "https://files.pythonhosted.org/packages/6e/4c/d09ce0eff09057a206a74575ae8f1e1e2f0364d20e2442224f9e6612c8b9/httptools-0.6.4-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:40a5ec98d3f49904b9fe36827dcf1aadfef3b89e2bd05b0e35e94f97c2b14721", size = 433214, upload-time = "2024-10-16T19:44:24.513Z" }, - { url = "https://files.pythonhosted.org/packages/3e/d2/84c9e23edbccc4a4c6f96a1b8d99dfd2350289e94f00e9ccc7aadde26fb5/httptools-0.6.4-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:dacdd3d10ea1b4ca9df97a0a303cbacafc04b5cd375fa98732678151643d4988", size = 434120, upload-time = "2024-10-16T19:44:26.295Z" }, - { url = "https://files.pythonhosted.org/packages/d0/46/4d8e7ba9581416de1c425b8264e2cadd201eb709ec1584c381f3e98f51c1/httptools-0.6.4-cp311-cp311-win_amd64.whl", hash = "sha256:288cd628406cc53f9a541cfaf06041b4c71d751856bab45e3702191f931ccd17", size = 88565, upload-time = "2024-10-16T19:44:29.188Z" }, - { url = "https://files.pythonhosted.org/packages/bb/0e/d0b71465c66b9185f90a091ab36389a7352985fe857e352801c39d6127c8/httptools-0.6.4-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:df017d6c780287d5c80601dafa31f17bddb170232d85c066604d8558683711a2", size = 200683, upload-time = "2024-10-16T19:44:30.175Z" }, - { url = "https://files.pythonhosted.org/packages/e2/b8/412a9bb28d0a8988de3296e01efa0bd62068b33856cdda47fe1b5e890954/httptools-0.6.4-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:85071a1e8c2d051b507161f6c3e26155b5c790e4e28d7f236422dbacc2a9cc44", size = 104337, upload-time = "2024-10-16T19:44:31.786Z" }, - { url = "https://files.pythonhosted.org/packages/9b/01/6fb20be3196ffdc8eeec4e653bc2a275eca7f36634c86302242c4fbb2760/httptools-0.6.4-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:69422b7f458c5af875922cdb5bd586cc1f1033295aa9ff63ee196a87519ac8e1", size = 508796, upload-time = "2024-10-16T19:44:32.825Z" }, - { url = "https://files.pythonhosted.org/packages/f7/d8/b644c44acc1368938317d76ac991c9bba1166311880bcc0ac297cb9d6bd7/httptools-0.6.4-cp312-cp312-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:16e603a3bff50db08cd578d54f07032ca1631450ceb972c2f834c2b860c28ea2", size = 510837, upload-time = "2024-10-16T19:44:33.974Z" }, - { url = "https://files.pythonhosted.org/packages/52/d8/254d16a31d543073a0e57f1c329ca7378d8924e7e292eda72d0064987486/httptools-0.6.4-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:ec4f178901fa1834d4a060320d2f3abc5c9e39766953d038f1458cb885f47e81", size = 485289, upload-time = "2024-10-16T19:44:35.111Z" }, - { url = "https://files.pythonhosted.org/packages/5f/3c/4aee161b4b7a971660b8be71a92c24d6c64372c1ab3ae7f366b3680df20f/httptools-0.6.4-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:f9eb89ecf8b290f2e293325c646a211ff1c2493222798bb80a530c5e7502494f", size = 489779, upload-time = "2024-10-16T19:44:36.253Z" }, - { url = "https://files.pythonhosted.org/packages/12/b7/5cae71a8868e555f3f67a50ee7f673ce36eac970f029c0c5e9d584352961/httptools-0.6.4-cp312-cp312-win_amd64.whl", hash = "sha256:db78cb9ca56b59b016e64b6031eda5653be0589dba2b1b43453f6e8b405a0970", size = 88634, upload-time = "2024-10-16T19:44:37.357Z" }, - { url = "https://files.pythonhosted.org/packages/94/a3/9fe9ad23fd35f7de6b91eeb60848986058bd8b5a5c1e256f5860a160cc3e/httptools-0.6.4-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:ade273d7e767d5fae13fa637f4d53b6e961fb7fd93c7797562663f0171c26660", size = 197214, upload-time = "2024-10-16T19:44:38.738Z" }, - { url = "https://files.pythonhosted.org/packages/ea/d9/82d5e68bab783b632023f2fa31db20bebb4e89dfc4d2293945fd68484ee4/httptools-0.6.4-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:856f4bc0478ae143bad54a4242fccb1f3f86a6e1be5548fecfd4102061b3a083", size = 102431, upload-time = "2024-10-16T19:44:39.818Z" }, - { url = "https://files.pythonhosted.org/packages/96/c1/cb499655cbdbfb57b577734fde02f6fa0bbc3fe9fb4d87b742b512908dff/httptools-0.6.4-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:322d20ea9cdd1fa98bd6a74b77e2ec5b818abdc3d36695ab402a0de8ef2865a3", size = 473121, upload-time = "2024-10-16T19:44:41.189Z" }, - { url = "https://files.pythonhosted.org/packages/af/71/ee32fd358f8a3bb199b03261f10921716990808a675d8160b5383487a317/httptools-0.6.4-cp313-cp313-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:4d87b29bd4486c0093fc64dea80231f7c7f7eb4dc70ae394d70a495ab8436071", size = 473805, upload-time = "2024-10-16T19:44:42.384Z" }, - { url = "https://files.pythonhosted.org/packages/8a/0a/0d4df132bfca1507114198b766f1737d57580c9ad1cf93c1ff673e3387be/httptools-0.6.4-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:342dd6946aa6bda4b8f18c734576106b8a31f2fe31492881a9a160ec84ff4bd5", size = 448858, upload-time = "2024-10-16T19:44:43.959Z" }, - { url = "https://files.pythonhosted.org/packages/1e/6a/787004fdef2cabea27bad1073bf6a33f2437b4dbd3b6fb4a9d71172b1c7c/httptools-0.6.4-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:4b36913ba52008249223042dca46e69967985fb4051951f94357ea681e1f5dc0", size = 452042, upload-time = "2024-10-16T19:44:45.071Z" }, - { url = "https://files.pythonhosted.org/packages/4d/dc/7decab5c404d1d2cdc1bb330b1bf70e83d6af0396fd4fc76fc60c0d522bf/httptools-0.6.4-cp313-cp313-win_amd64.whl", hash = "sha256:28908df1b9bb8187393d5b5db91435ccc9c8e891657f9cbb42a2541b44c82fc8", size = 87682, upload-time = "2024-10-16T19:44:46.46Z" }, +sdist = { url = "https://files.pythonhosted.org/packages/a7/9a/ce5e1f7e131522e6d3426e8e7a490b3a01f39a6696602e1c4f33f9e94277/httptools-0.6.4.tar.gz", hash = "sha256:4e93eee4add6493b59a5c514da98c939b244fce4a0d8879cd3f466562f4b7d5c", size = 240639, upload_time = "2024-10-16T19:45:08.902Z" } +wheels = [ + { url = "https://files.pythonhosted.org/packages/7b/26/bb526d4d14c2774fe07113ca1db7255737ffbb119315839af2065abfdac3/httptools-0.6.4-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:f47f8ed67cc0ff862b84a1189831d1d33c963fb3ce1ee0c65d3b0cbe7b711069", size = 199029, upload_time = "2024-10-16T19:44:18.427Z" }, + { url = "https://files.pythonhosted.org/packages/a6/17/3e0d3e9b901c732987a45f4f94d4e2c62b89a041d93db89eafb262afd8d5/httptools-0.6.4-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:0614154d5454c21b6410fdf5262b4a3ddb0f53f1e1721cfd59d55f32138c578a", size = 103492, upload_time = "2024-10-16T19:44:19.515Z" }, + { url = "https://files.pythonhosted.org/packages/b7/24/0fe235d7b69c42423c7698d086d4db96475f9b50b6ad26a718ef27a0bce6/httptools-0.6.4-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:f8787367fbdfccae38e35abf7641dafc5310310a5987b689f4c32cc8cc3ee975", size = 462891, upload_time = "2024-10-16T19:44:21.067Z" }, + { url = "https://files.pythonhosted.org/packages/b1/2f/205d1f2a190b72da6ffb5f41a3736c26d6fa7871101212b15e9b5cd8f61d/httptools-0.6.4-cp311-cp311-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:40b0f7fe4fd38e6a507bdb751db0379df1e99120c65fbdc8ee6c1d044897a636", size = 459788, upload_time = "2024-10-16T19:44:22.958Z" }, + { url = "https://files.pythonhosted.org/packages/6e/4c/d09ce0eff09057a206a74575ae8f1e1e2f0364d20e2442224f9e6612c8b9/httptools-0.6.4-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:40a5ec98d3f49904b9fe36827dcf1aadfef3b89e2bd05b0e35e94f97c2b14721", size = 433214, upload_time = "2024-10-16T19:44:24.513Z" }, + { url = "https://files.pythonhosted.org/packages/3e/d2/84c9e23edbccc4a4c6f96a1b8d99dfd2350289e94f00e9ccc7aadde26fb5/httptools-0.6.4-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:dacdd3d10ea1b4ca9df97a0a303cbacafc04b5cd375fa98732678151643d4988", size = 434120, upload_time = "2024-10-16T19:44:26.295Z" }, + { url = "https://files.pythonhosted.org/packages/d0/46/4d8e7ba9581416de1c425b8264e2cadd201eb709ec1584c381f3e98f51c1/httptools-0.6.4-cp311-cp311-win_amd64.whl", hash = "sha256:288cd628406cc53f9a541cfaf06041b4c71d751856bab45e3702191f931ccd17", size = 88565, upload_time = "2024-10-16T19:44:29.188Z" }, + { url = "https://files.pythonhosted.org/packages/bb/0e/d0b71465c66b9185f90a091ab36389a7352985fe857e352801c39d6127c8/httptools-0.6.4-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:df017d6c780287d5c80601dafa31f17bddb170232d85c066604d8558683711a2", size = 200683, upload_time = "2024-10-16T19:44:30.175Z" }, + { url = "https://files.pythonhosted.org/packages/e2/b8/412a9bb28d0a8988de3296e01efa0bd62068b33856cdda47fe1b5e890954/httptools-0.6.4-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:85071a1e8c2d051b507161f6c3e26155b5c790e4e28d7f236422dbacc2a9cc44", size = 104337, upload_time = "2024-10-16T19:44:31.786Z" }, + { url = "https://files.pythonhosted.org/packages/9b/01/6fb20be3196ffdc8eeec4e653bc2a275eca7f36634c86302242c4fbb2760/httptools-0.6.4-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:69422b7f458c5af875922cdb5bd586cc1f1033295aa9ff63ee196a87519ac8e1", size = 508796, upload_time = "2024-10-16T19:44:32.825Z" }, + { url = "https://files.pythonhosted.org/packages/f7/d8/b644c44acc1368938317d76ac991c9bba1166311880bcc0ac297cb9d6bd7/httptools-0.6.4-cp312-cp312-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:16e603a3bff50db08cd578d54f07032ca1631450ceb972c2f834c2b860c28ea2", size = 510837, upload_time = "2024-10-16T19:44:33.974Z" }, + { url = "https://files.pythonhosted.org/packages/52/d8/254d16a31d543073a0e57f1c329ca7378d8924e7e292eda72d0064987486/httptools-0.6.4-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:ec4f178901fa1834d4a060320d2f3abc5c9e39766953d038f1458cb885f47e81", size = 485289, upload_time = "2024-10-16T19:44:35.111Z" }, + { url = "https://files.pythonhosted.org/packages/5f/3c/4aee161b4b7a971660b8be71a92c24d6c64372c1ab3ae7f366b3680df20f/httptools-0.6.4-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:f9eb89ecf8b290f2e293325c646a211ff1c2493222798bb80a530c5e7502494f", size = 489779, upload_time = "2024-10-16T19:44:36.253Z" }, + { url = "https://files.pythonhosted.org/packages/12/b7/5cae71a8868e555f3f67a50ee7f673ce36eac970f029c0c5e9d584352961/httptools-0.6.4-cp312-cp312-win_amd64.whl", hash = "sha256:db78cb9ca56b59b016e64b6031eda5653be0589dba2b1b43453f6e8b405a0970", size = 88634, upload_time = "2024-10-16T19:44:37.357Z" }, + { url = "https://files.pythonhosted.org/packages/94/a3/9fe9ad23fd35f7de6b91eeb60848986058bd8b5a5c1e256f5860a160cc3e/httptools-0.6.4-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:ade273d7e767d5fae13fa637f4d53b6e961fb7fd93c7797562663f0171c26660", size = 197214, upload_time = "2024-10-16T19:44:38.738Z" }, + { url = "https://files.pythonhosted.org/packages/ea/d9/82d5e68bab783b632023f2fa31db20bebb4e89dfc4d2293945fd68484ee4/httptools-0.6.4-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:856f4bc0478ae143bad54a4242fccb1f3f86a6e1be5548fecfd4102061b3a083", size = 102431, upload_time = "2024-10-16T19:44:39.818Z" }, + { url = "https://files.pythonhosted.org/packages/96/c1/cb499655cbdbfb57b577734fde02f6fa0bbc3fe9fb4d87b742b512908dff/httptools-0.6.4-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:322d20ea9cdd1fa98bd6a74b77e2ec5b818abdc3d36695ab402a0de8ef2865a3", size = 473121, upload_time = "2024-10-16T19:44:41.189Z" }, + { url = "https://files.pythonhosted.org/packages/af/71/ee32fd358f8a3bb199b03261f10921716990808a675d8160b5383487a317/httptools-0.6.4-cp313-cp313-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:4d87b29bd4486c0093fc64dea80231f7c7f7eb4dc70ae394d70a495ab8436071", size = 473805, upload_time = "2024-10-16T19:44:42.384Z" }, + { url = "https://files.pythonhosted.org/packages/8a/0a/0d4df132bfca1507114198b766f1737d57580c9ad1cf93c1ff673e3387be/httptools-0.6.4-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:342dd6946aa6bda4b8f18c734576106b8a31f2fe31492881a9a160ec84ff4bd5", size = 448858, upload_time = "2024-10-16T19:44:43.959Z" }, + { url = "https://files.pythonhosted.org/packages/1e/6a/787004fdef2cabea27bad1073bf6a33f2437b4dbd3b6fb4a9d71172b1c7c/httptools-0.6.4-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:4b36913ba52008249223042dca46e69967985fb4051951f94357ea681e1f5dc0", size = 452042, upload_time = "2024-10-16T19:44:45.071Z" }, + { url = "https://files.pythonhosted.org/packages/4d/dc/7decab5c404d1d2cdc1bb330b1bf70e83d6af0396fd4fc76fc60c0d522bf/httptools-0.6.4-cp313-cp313-win_amd64.whl", hash = "sha256:28908df1b9bb8187393d5b5db91435ccc9c8e891657f9cbb42a2541b44c82fc8", size = 87682, upload_time = "2024-10-16T19:44:46.46Z" }, ] [[package]] @@ -1107,9 +1107,9 @@ dependencies = [ { name = "httpcore" }, { name = "idna" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/b1/df/48c586a5fe32a0f01324ee087459e112ebb7224f646c0b5023f5e79e9956/httpx-0.28.1.tar.gz", hash = "sha256:75e98c5f16b0f35b567856f597f06ff2270a374470a5c2392242528e3e3e42fc", size = 141406, upload-time = "2024-12-06T15:37:23.222Z" } +sdist = { url = "https://files.pythonhosted.org/packages/b1/df/48c586a5fe32a0f01324ee087459e112ebb7224f646c0b5023f5e79e9956/httpx-0.28.1.tar.gz", hash = "sha256:75e98c5f16b0f35b567856f597f06ff2270a374470a5c2392242528e3e3e42fc", size = 141406, upload_time = "2024-12-06T15:37:23.222Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/2a/39/e50c7c3a983047577ee07d2a9e53faf5a69493943ec3f6a384bdc792deb2/httpx-0.28.1-py3-none-any.whl", hash = "sha256:d909fcccc110f8c7faf814ca82a9a4d816bc5a6dbfea25d6591d6985b8ba59ad", size = 73517, upload-time = "2024-12-06T15:37:21.509Z" }, + { url = "https://files.pythonhosted.org/packages/2a/39/e50c7c3a983047577ee07d2a9e53faf5a69493943ec3f6a384bdc792deb2/httpx-0.28.1-py3-none-any.whl", hash = "sha256:d909fcccc110f8c7faf814ca82a9a4d816bc5a6dbfea25d6591d6985b8ba59ad", size = 73517, upload_time = "2024-12-06T15:37:21.509Z" }, ] [package.optional-dependencies] @@ -1131,45 +1131,45 @@ dependencies = [ { name = "tqdm" }, { name = "typing-extensions" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/91/8a/1362d565fefabaa4185cf3ae842a98dbc5b35146f5694f7080f043a6952f/huggingface_hub-0.33.0.tar.gz", hash = "sha256:aa31f70d29439d00ff7a33837c03f1f9dd83971ce4e29ad664d63ffb17d3bb97", size = 426179, upload-time = "2025-06-11T17:08:07.913Z" } +sdist = { url = "https://files.pythonhosted.org/packages/91/8a/1362d565fefabaa4185cf3ae842a98dbc5b35146f5694f7080f043a6952f/huggingface_hub-0.33.0.tar.gz", hash = "sha256:aa31f70d29439d00ff7a33837c03f1f9dd83971ce4e29ad664d63ffb17d3bb97", size = 426179, upload_time = "2025-06-11T17:08:07.913Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/33/fb/53587a89fbc00799e4179796f51b3ad713c5de6bb680b2becb6d37c94649/huggingface_hub-0.33.0-py3-none-any.whl", hash = "sha256:e8668875b40c68f9929150d99727d39e5ebb8a05a98e4191b908dc7ded9074b3", size = 514799, upload-time = "2025-06-11T17:08:05.757Z" }, + { url = "https://files.pythonhosted.org/packages/33/fb/53587a89fbc00799e4179796f51b3ad713c5de6bb680b2becb6d37c94649/huggingface_hub-0.33.0-py3-none-any.whl", hash = "sha256:e8668875b40c68f9929150d99727d39e5ebb8a05a98e4191b908dc7ded9074b3", size = 514799, upload_time = "2025-06-11T17:08:05.757Z" }, ] [[package]] name = "hyperframe" version = "6.1.0" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/02/e7/94f8232d4a74cc99514c13a9f995811485a6903d48e5d952771ef6322e30/hyperframe-6.1.0.tar.gz", hash = "sha256:f630908a00854a7adeabd6382b43923a4c4cd4b821fcb527e6ab9e15382a3b08", size = 26566, upload-time = "2025-01-22T21:41:49.302Z" } +sdist = { url = "https://files.pythonhosted.org/packages/02/e7/94f8232d4a74cc99514c13a9f995811485a6903d48e5d952771ef6322e30/hyperframe-6.1.0.tar.gz", hash = "sha256:f630908a00854a7adeabd6382b43923a4c4cd4b821fcb527e6ab9e15382a3b08", size = 26566, upload_time = "2025-01-22T21:41:49.302Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/48/30/47d0bf6072f7252e6521f3447ccfa40b421b6824517f82854703d0f5a98b/hyperframe-6.1.0-py3-none-any.whl", hash = "sha256:b03380493a519fce58ea5af42e4a42317bf9bd425596f7a0835ffce80f1a42e5", size = 13007, upload-time = "2025-01-22T21:41:47.295Z" }, + { url = "https://files.pythonhosted.org/packages/48/30/47d0bf6072f7252e6521f3447ccfa40b421b6824517f82854703d0f5a98b/hyperframe-6.1.0-py3-none-any.whl", hash = "sha256:b03380493a519fce58ea5af42e4a42317bf9bd425596f7a0835ffce80f1a42e5", size = 13007, upload_time = "2025-01-22T21:41:47.295Z" }, ] [[package]] name = "identify" version = "2.6.14" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/52/c4/62963f25a678f6a050fb0505a65e9e726996171e6dbe1547f79619eefb15/identify-2.6.14.tar.gz", hash = "sha256:663494103b4f717cb26921c52f8751363dc89db64364cd836a9bf1535f53cd6a", size = 99283, upload-time = "2025-09-06T19:30:52.938Z" } +sdist = { url = "https://files.pythonhosted.org/packages/52/c4/62963f25a678f6a050fb0505a65e9e726996171e6dbe1547f79619eefb15/identify-2.6.14.tar.gz", hash = "sha256:663494103b4f717cb26921c52f8751363dc89db64364cd836a9bf1535f53cd6a", size = 99283, upload_time = "2025-09-06T19:30:52.938Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/e5/ae/2ad30f4652712c82f1c23423d79136fbce338932ad166d70c1efb86a5998/identify-2.6.14-py2.py3-none-any.whl", hash = "sha256:11a073da82212c6646b1f39bb20d4483bfb9543bd5566fec60053c4bb309bf2e", size = 99172, upload-time = "2025-09-06T19:30:51.759Z" }, + { url = "https://files.pythonhosted.org/packages/e5/ae/2ad30f4652712c82f1c23423d79136fbce338932ad166d70c1efb86a5998/identify-2.6.14-py2.py3-none-any.whl", hash = "sha256:11a073da82212c6646b1f39bb20d4483bfb9543bd5566fec60053c4bb309bf2e", size = 99172, upload_time = "2025-09-06T19:30:51.759Z" }, ] [[package]] name = "idna" version = "3.10" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/f1/70/7703c29685631f5a7590aa73f1f1d3fa9a380e654b86af429e0934a32f7d/idna-3.10.tar.gz", hash = "sha256:12f65c9b470abda6dc35cf8e63cc574b1c52b11df2c86030af0ac09b01b13ea9", size = 190490, upload-time = "2024-09-15T18:07:39.745Z" } +sdist = { url = "https://files.pythonhosted.org/packages/f1/70/7703c29685631f5a7590aa73f1f1d3fa9a380e654b86af429e0934a32f7d/idna-3.10.tar.gz", hash = "sha256:12f65c9b470abda6dc35cf8e63cc574b1c52b11df2c86030af0ac09b01b13ea9", size = 190490, upload_time = "2024-09-15T18:07:39.745Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/76/c6/c88e154df9c4e1a2a66ccf0005a88dfb2650c1dffb6f5ce603dfbd452ce3/idna-3.10-py3-none-any.whl", hash = "sha256:946d195a0d259cbba61165e88e65941f16e9b36ea6ddb97f00452bae8b1287d3", size = 70442, upload-time = "2024-09-15T18:07:37.964Z" }, + { url = "https://files.pythonhosted.org/packages/76/c6/c88e154df9c4e1a2a66ccf0005a88dfb2650c1dffb6f5ce603dfbd452ce3/idna-3.10-py3-none-any.whl", hash = "sha256:946d195a0d259cbba61165e88e65941f16e9b36ea6ddb97f00452bae8b1287d3", size = 70442, upload_time = "2024-09-15T18:07:37.964Z" }, ] [[package]] name = "iniconfig" version = "2.1.0" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/f2/97/ebf4da567aa6827c909642694d71c9fcf53e5b504f2d96afea02718862f3/iniconfig-2.1.0.tar.gz", hash = "sha256:3abbd2e30b36733fee78f9c7f7308f2d0050e88f0087fd25c2645f63c773e1c7", size = 4793, upload-time = "2025-03-19T20:09:59.721Z" } +sdist = { url = "https://files.pythonhosted.org/packages/f2/97/ebf4da567aa6827c909642694d71c9fcf53e5b504f2d96afea02718862f3/iniconfig-2.1.0.tar.gz", hash = "sha256:3abbd2e30b36733fee78f9c7f7308f2d0050e88f0087fd25c2645f63c773e1c7", size = 4793, upload_time = "2025-03-19T20:09:59.721Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/2c/e1/e6716421ea10d38022b952c159d5161ca1193197fb744506875fbb87ea7b/iniconfig-2.1.0-py3-none-any.whl", hash = "sha256:9deba5723312380e77435581c6bf4935c94cbfab9b1ed33ef8d238ea168eb760", size = 6050, upload-time = "2025-03-19T20:10:01.071Z" }, + { url = "https://files.pythonhosted.org/packages/2c/e1/e6716421ea10d38022b952c159d5161ca1193197fb744506875fbb87ea7b/iniconfig-2.1.0-py3-none-any.whl", hash = "sha256:9deba5723312380e77435581c6bf4935c94cbfab9b1ed33ef8d238ea168eb760", size = 6050, upload_time = "2025-03-19T20:10:01.071Z" }, ] [[package]] @@ -1180,9 +1180,9 @@ dependencies = [ { name = "pfzy" }, { name = "prompt-toolkit" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/64/73/7570847b9da026e07053da3bbe2ac7ea6cde6bb2cbd3c7a5a950fa0ae40b/InquirerPy-0.3.4.tar.gz", hash = "sha256:89d2ada0111f337483cb41ae31073108b2ec1e618a49d7110b0d7ade89fc197e", size = 44431, upload-time = "2022-06-27T23:11:20.598Z" } +sdist = { url = "https://files.pythonhosted.org/packages/64/73/7570847b9da026e07053da3bbe2ac7ea6cde6bb2cbd3c7a5a950fa0ae40b/InquirerPy-0.3.4.tar.gz", hash = "sha256:89d2ada0111f337483cb41ae31073108b2ec1e618a49d7110b0d7ade89fc197e", size = 44431, upload_time = "2022-06-27T23:11:20.598Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/ce/ff/3b59672c47c6284e8005b42e84ceba13864aa0f39f067c973d1af02f5d91/InquirerPy-0.3.4-py3-none-any.whl", hash = "sha256:c65fdfbac1fa00e3ee4fb10679f4d3ed7a012abf4833910e63c295827fe2a7d4", size = 67677, upload-time = "2022-06-27T23:11:17.723Z" }, + { url = "https://files.pythonhosted.org/packages/ce/ff/3b59672c47c6284e8005b42e84ceba13864aa0f39f067c973d1af02f5d91/InquirerPy-0.3.4-py3-none-any.whl", hash = "sha256:c65fdfbac1fa00e3ee4fb10679f4d3ed7a012abf4833910e63c295827fe2a7d4", size = 67677, upload_time = "2022-06-27T23:11:17.723Z" }, ] [[package]] @@ -1204,9 +1204,9 @@ dependencies = [ { name = "tornado" }, { name = "traitlets" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/e9/5c/67594cb0c7055dc50814b21731c22a601101ea3b1b50a9a1b090e11f5d0f/ipykernel-6.29.5.tar.gz", hash = "sha256:f093a22c4a40f8828f8e330a9c297cb93dcab13bd9678ded6de8e5cf81c56215", size = 163367, upload-time = "2024-07-01T14:07:22.543Z" } +sdist = { url = "https://files.pythonhosted.org/packages/e9/5c/67594cb0c7055dc50814b21731c22a601101ea3b1b50a9a1b090e11f5d0f/ipykernel-6.29.5.tar.gz", hash = "sha256:f093a22c4a40f8828f8e330a9c297cb93dcab13bd9678ded6de8e5cf81c56215", size = 163367, upload_time = "2024-07-01T14:07:22.543Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/94/5c/368ae6c01c7628438358e6d337c19b05425727fbb221d2a3c4303c372f42/ipykernel-6.29.5-py3-none-any.whl", hash = "sha256:afdb66ba5aa354b09b91379bac28ae4afebbb30e8b39510c9690afb7a10421b5", size = 117173, upload-time = "2024-07-01T14:07:19.603Z" }, + { url = "https://files.pythonhosted.org/packages/94/5c/368ae6c01c7628438358e6d337c19b05425727fbb221d2a3c4303c372f42/ipykernel-6.29.5-py3-none-any.whl", hash = "sha256:afdb66ba5aa354b09b91379bac28ae4afebbb30e8b39510c9690afb7a10421b5", size = 117173, upload_time = "2024-07-01T14:07:19.603Z" }, ] [[package]] @@ -1226,9 +1226,9 @@ dependencies = [ { name = "traitlets" }, { name = "typing-extensions", marker = "python_full_version < '3.12'" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/dc/09/4c7e06b96fbd203e06567b60fb41b06db606b6a82db6db7b2c85bb72a15c/ipython-9.3.0.tar.gz", hash = "sha256:79eb896f9f23f50ad16c3bc205f686f6e030ad246cc309c6279a242b14afe9d8", size = 4426460, upload-time = "2025-05-31T16:34:55.678Z" } +sdist = { url = "https://files.pythonhosted.org/packages/dc/09/4c7e06b96fbd203e06567b60fb41b06db606b6a82db6db7b2c85bb72a15c/ipython-9.3.0.tar.gz", hash = "sha256:79eb896f9f23f50ad16c3bc205f686f6e030ad246cc309c6279a242b14afe9d8", size = 4426460, upload_time = "2025-05-31T16:34:55.678Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/3c/99/9ed3d52d00f1846679e3aa12e2326ac7044b5e7f90dc822b60115fa533ca/ipython-9.3.0-py3-none-any.whl", hash = "sha256:1a0b6dd9221a1f5dddf725b57ac0cb6fddc7b5f470576231ae9162b9b3455a04", size = 605320, upload-time = "2025-05-31T16:34:52.154Z" }, + { url = "https://files.pythonhosted.org/packages/3c/99/9ed3d52d00f1846679e3aa12e2326ac7044b5e7f90dc822b60115fa533ca/ipython-9.3.0-py3-none-any.whl", hash = "sha256:1a0b6dd9221a1f5dddf725b57ac0cb6fddc7b5f470576231ae9162b9b3455a04", size = 605320, upload_time = "2025-05-31T16:34:52.154Z" }, ] [[package]] @@ -1238,9 +1238,9 @@ source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pygments" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/ef/4c/5dd1d8af08107f88c7f741ead7a40854b8ac24ddf9ae850afbcf698aa552/ipython_pygments_lexers-1.1.1.tar.gz", hash = "sha256:09c0138009e56b6854f9535736f4171d855c8c08a563a0dcd8022f78355c7e81", size = 8393, upload-time = "2025-01-17T11:24:34.505Z" } +sdist = { url = "https://files.pythonhosted.org/packages/ef/4c/5dd1d8af08107f88c7f741ead7a40854b8ac24ddf9ae850afbcf698aa552/ipython_pygments_lexers-1.1.1.tar.gz", hash = "sha256:09c0138009e56b6854f9535736f4171d855c8c08a563a0dcd8022f78355c7e81", size = 8393, upload_time = "2025-01-17T11:24:34.505Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/d9/33/1f075bf72b0b747cb3288d011319aaf64083cf2efef8354174e3ed4540e2/ipython_pygments_lexers-1.1.1-py3-none-any.whl", hash = "sha256:a9462224a505ade19a605f71f8fa63c2048833ce50abc86768a0d81d876dc81c", size = 8074, upload-time = "2025-01-17T11:24:33.271Z" }, + { url = "https://files.pythonhosted.org/packages/d9/33/1f075bf72b0b747cb3288d011319aaf64083cf2efef8354174e3ed4540e2/ipython_pygments_lexers-1.1.1-py3-none-any.whl", hash = "sha256:a9462224a505ade19a605f71f8fa63c2048833ce50abc86768a0d81d876dc81c", size = 8074, upload_time = "2025-01-17T11:24:33.271Z" }, ] [[package]] @@ -1250,27 +1250,27 @@ source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "arrow" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/7c/1a/3c8edc664e06e6bd06cce40c6b22da5f1429aa4224d0c590f3be21c91ead/isoduration-20.11.0.tar.gz", hash = "sha256:ac2f9015137935279eac671f94f89eb00584f940f5dc49462a0c4ee692ba1bd9", size = 11649, upload-time = "2020-11-01T11:00:00.312Z" } +sdist = { url = "https://files.pythonhosted.org/packages/7c/1a/3c8edc664e06e6bd06cce40c6b22da5f1429aa4224d0c590f3be21c91ead/isoduration-20.11.0.tar.gz", hash = "sha256:ac2f9015137935279eac671f94f89eb00584f940f5dc49462a0c4ee692ba1bd9", size = 11649, upload_time = "2020-11-01T11:00:00.312Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/7b/55/e5326141505c5d5e34c5e0935d2908a74e4561eca44108fbfb9c13d2911a/isoduration-20.11.0-py3-none-any.whl", hash = "sha256:b2904c2a4228c3d44f409c8ae8e2370eb21a26f7ac2ec5446df141dde3452042", size = 11321, upload-time = "2020-11-01T10:59:58.02Z" }, + { url = "https://files.pythonhosted.org/packages/7b/55/e5326141505c5d5e34c5e0935d2908a74e4561eca44108fbfb9c13d2911a/isoduration-20.11.0-py3-none-any.whl", hash = "sha256:b2904c2a4228c3d44f409c8ae8e2370eb21a26f7ac2ec5446df141dde3452042", size = 11321, upload_time = "2020-11-01T10:59:58.02Z" }, ] [[package]] name = "isort" version = "6.0.1" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/b8/21/1e2a441f74a653a144224d7d21afe8f4169e6c7c20bb13aec3a2dc3815e0/isort-6.0.1.tar.gz", hash = "sha256:1cb5df28dfbc742e490c5e41bad6da41b805b0a8be7bc93cd0fb2a8a890ac450", size = 821955, upload-time = "2025-02-26T21:13:16.955Z" } +sdist = { url = "https://files.pythonhosted.org/packages/b8/21/1e2a441f74a653a144224d7d21afe8f4169e6c7c20bb13aec3a2dc3815e0/isort-6.0.1.tar.gz", hash = "sha256:1cb5df28dfbc742e490c5e41bad6da41b805b0a8be7bc93cd0fb2a8a890ac450", size = 821955, upload_time = "2025-02-26T21:13:16.955Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/c1/11/114d0a5f4dabbdcedc1125dee0888514c3c3b16d3e9facad87ed96fad97c/isort-6.0.1-py3-none-any.whl", hash = "sha256:2dc5d7f65c9678d94c88dfc29161a320eec67328bc97aad576874cb4be1e9615", size = 94186, upload-time = "2025-02-26T21:13:14.911Z" }, + { url = "https://files.pythonhosted.org/packages/c1/11/114d0a5f4dabbdcedc1125dee0888514c3c3b16d3e9facad87ed96fad97c/isort-6.0.1-py3-none-any.whl", hash = "sha256:2dc5d7f65c9678d94c88dfc29161a320eec67328bc97aad576874cb4be1e9615", size = 94186, upload_time = "2025-02-26T21:13:14.911Z" }, ] [[package]] name = "itsdangerous" version = "2.2.0" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/9c/cb/8ac0172223afbccb63986cc25049b154ecfb5e85932587206f42317be31d/itsdangerous-2.2.0.tar.gz", hash = "sha256:e0050c0b7da1eea53ffaf149c0cfbb5c6e2e2b69c4bef22c81fa6eb73e5f6173", size = 54410, upload-time = "2024-04-16T21:28:15.614Z" } +sdist = { url = "https://files.pythonhosted.org/packages/9c/cb/8ac0172223afbccb63986cc25049b154ecfb5e85932587206f42317be31d/itsdangerous-2.2.0.tar.gz", hash = "sha256:e0050c0b7da1eea53ffaf149c0cfbb5c6e2e2b69c4bef22c81fa6eb73e5f6173", size = 54410, upload_time = "2024-04-16T21:28:15.614Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/04/96/92447566d16df59b2a776c0fb82dbc4d9e07cd95062562af01e408583fc4/itsdangerous-2.2.0-py3-none-any.whl", hash = "sha256:c6242fc49e35958c8b15141343aa660db5fc54d4f13a1db01a3f5891b98700ef", size = 16234, upload-time = "2024-04-16T21:28:14.499Z" }, + { url = "https://files.pythonhosted.org/packages/04/96/92447566d16df59b2a776c0fb82dbc4d9e07cd95062562af01e408583fc4/itsdangerous-2.2.0-py3-none-any.whl", hash = "sha256:c6242fc49e35958c8b15141343aa660db5fc54d4f13a1db01a3f5891b98700ef", size = 16234, upload_time = "2024-04-16T21:28:14.499Z" }, ] [[package]] @@ -1280,9 +1280,9 @@ source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "parso" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/72/3a/79a912fbd4d8dd6fbb02bf69afd3bb72cf0c729bb3063c6f4498603db17a/jedi-0.19.2.tar.gz", hash = "sha256:4770dc3de41bde3966b02eb84fbcf557fb33cce26ad23da12c742fb50ecb11f0", size = 1231287, upload-time = "2024-11-11T01:41:42.873Z" } +sdist = { url = "https://files.pythonhosted.org/packages/72/3a/79a912fbd4d8dd6fbb02bf69afd3bb72cf0c729bb3063c6f4498603db17a/jedi-0.19.2.tar.gz", hash = "sha256:4770dc3de41bde3966b02eb84fbcf557fb33cce26ad23da12c742fb50ecb11f0", size = 1231287, upload_time = "2024-11-11T01:41:42.873Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/c0/5a/9cac0c82afec3d09ccd97c8b6502d48f165f9124db81b4bcb90b4af974ee/jedi-0.19.2-py2.py3-none-any.whl", hash = "sha256:a8ef22bde8490f57fe5c7681a3c83cb58874daf72b4784de3cce5b6ef6edb5b9", size = 1572278, upload-time = "2024-11-11T01:41:40.175Z" }, + { url = "https://files.pythonhosted.org/packages/c0/5a/9cac0c82afec3d09ccd97c8b6502d48f165f9124db81b4bcb90b4af974ee/jedi-0.19.2-py2.py3-none-any.whl", hash = "sha256:a8ef22bde8490f57fe5c7681a3c83cb58874daf72b4784de3cce5b6ef6edb5b9", size = 1572278, upload_time = "2024-11-11T01:41:40.175Z" }, ] [[package]] @@ -1292,96 +1292,96 @@ source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "markupsafe" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/df/bf/f7da0350254c0ed7c72f3e33cef02e048281fec7ecec5f032d4aac52226b/jinja2-3.1.6.tar.gz", hash = "sha256:0137fb05990d35f1275a587e9aee6d56da821fc83491a0fb838183be43f66d6d", size = 245115, upload-time = "2025-03-05T20:05:02.478Z" } +sdist = { url = "https://files.pythonhosted.org/packages/df/bf/f7da0350254c0ed7c72f3e33cef02e048281fec7ecec5f032d4aac52226b/jinja2-3.1.6.tar.gz", hash = "sha256:0137fb05990d35f1275a587e9aee6d56da821fc83491a0fb838183be43f66d6d", size = 245115, upload_time = "2025-03-05T20:05:02.478Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/62/a1/3d680cbfd5f4b8f15abc1d571870c5fc3e594bb582bc3b64ea099db13e56/jinja2-3.1.6-py3-none-any.whl", hash = "sha256:85ece4451f492d0c13c5dd7c13a64681a86afae63a5f347908daf103ce6d2f67", size = 134899, upload-time = "2025-03-05T20:05:00.369Z" }, + { url = "https://files.pythonhosted.org/packages/62/a1/3d680cbfd5f4b8f15abc1d571870c5fc3e594bb582bc3b64ea099db13e56/jinja2-3.1.6-py3-none-any.whl", hash = "sha256:85ece4451f492d0c13c5dd7c13a64681a86afae63a5f347908daf103ce6d2f67", size = 134899, upload_time = "2025-03-05T20:05:00.369Z" }, ] [[package]] name = "jiter" version = "0.10.0" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/ee/9d/ae7ddb4b8ab3fb1b51faf4deb36cb48a4fbbd7cb36bad6a5fca4741306f7/jiter-0.10.0.tar.gz", hash = "sha256:07a7142c38aacc85194391108dc91b5b57093c978a9932bd86a36862759d9500", size = 162759, upload-time = "2025-05-18T19:04:59.73Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/1b/dd/6cefc6bd68b1c3c979cecfa7029ab582b57690a31cd2f346c4d0ce7951b6/jiter-0.10.0-cp311-cp311-macosx_10_12_x86_64.whl", hash = "sha256:3bebe0c558e19902c96e99217e0b8e8b17d570906e72ed8a87170bc290b1e978", size = 317473, upload-time = "2025-05-18T19:03:25.942Z" }, - { url = "https://files.pythonhosted.org/packages/be/cf/fc33f5159ce132be1d8dd57251a1ec7a631c7df4bd11e1cd198308c6ae32/jiter-0.10.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:558cc7e44fd8e507a236bee6a02fa17199ba752874400a0ca6cd6e2196cdb7dc", size = 321971, upload-time = "2025-05-18T19:03:27.255Z" }, - { url = "https://files.pythonhosted.org/packages/68/a4/da3f150cf1d51f6c472616fb7650429c7ce053e0c962b41b68557fdf6379/jiter-0.10.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:4d613e4b379a07d7c8453c5712ce7014e86c6ac93d990a0b8e7377e18505e98d", size = 345574, upload-time = "2025-05-18T19:03:28.63Z" }, - { url = "https://files.pythonhosted.org/packages/84/34/6e8d412e60ff06b186040e77da5f83bc158e9735759fcae65b37d681f28b/jiter-0.10.0-cp311-cp311-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:f62cf8ba0618eda841b9bf61797f21c5ebd15a7a1e19daab76e4e4b498d515b2", size = 371028, upload-time = "2025-05-18T19:03:30.292Z" }, - { url = "https://files.pythonhosted.org/packages/fb/d9/9ee86173aae4576c35a2f50ae930d2ccb4c4c236f6cb9353267aa1d626b7/jiter-0.10.0-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:919d139cdfa8ae8945112398511cb7fca58a77382617d279556b344867a37e61", size = 491083, upload-time = "2025-05-18T19:03:31.654Z" }, - { url = "https://files.pythonhosted.org/packages/d9/2c/f955de55e74771493ac9e188b0f731524c6a995dffdcb8c255b89c6fb74b/jiter-0.10.0-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:13ddbc6ae311175a3b03bd8994881bc4635c923754932918e18da841632349db", size = 388821, upload-time = "2025-05-18T19:03:33.184Z" }, - { url = "https://files.pythonhosted.org/packages/81/5a/0e73541b6edd3f4aada586c24e50626c7815c561a7ba337d6a7eb0a915b4/jiter-0.10.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:4c440ea003ad10927a30521a9062ce10b5479592e8a70da27f21eeb457b4a9c5", size = 352174, upload-time = "2025-05-18T19:03:34.965Z" }, - { url = "https://files.pythonhosted.org/packages/1c/c0/61eeec33b8c75b31cae42be14d44f9e6fe3ac15a4e58010256ac3abf3638/jiter-0.10.0-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:dc347c87944983481e138dea467c0551080c86b9d21de6ea9306efb12ca8f606", size = 391869, upload-time = "2025-05-18T19:03:36.436Z" }, - { url = "https://files.pythonhosted.org/packages/41/22/5beb5ee4ad4ef7d86f5ea5b4509f680a20706c4a7659e74344777efb7739/jiter-0.10.0-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:13252b58c1f4d8c5b63ab103c03d909e8e1e7842d302473f482915d95fefd605", size = 523741, upload-time = "2025-05-18T19:03:38.168Z" }, - { url = "https://files.pythonhosted.org/packages/ea/10/768e8818538e5817c637b0df52e54366ec4cebc3346108a4457ea7a98f32/jiter-0.10.0-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:7d1bbf3c465de4a24ab12fb7766a0003f6f9bce48b8b6a886158c4d569452dc5", size = 514527, upload-time = "2025-05-18T19:03:39.577Z" }, - { url = "https://files.pythonhosted.org/packages/73/6d/29b7c2dc76ce93cbedabfd842fc9096d01a0550c52692dfc33d3cc889815/jiter-0.10.0-cp311-cp311-win32.whl", hash = "sha256:db16e4848b7e826edca4ccdd5b145939758dadf0dc06e7007ad0e9cfb5928ae7", size = 210765, upload-time = "2025-05-18T19:03:41.271Z" }, - { url = "https://files.pythonhosted.org/packages/c2/c9/d394706deb4c660137caf13e33d05a031d734eb99c051142e039d8ceb794/jiter-0.10.0-cp311-cp311-win_amd64.whl", hash = "sha256:9c9c1d5f10e18909e993f9641f12fe1c77b3e9b533ee94ffa970acc14ded3812", size = 209234, upload-time = "2025-05-18T19:03:42.918Z" }, - { url = "https://files.pythonhosted.org/packages/6d/b5/348b3313c58f5fbfb2194eb4d07e46a35748ba6e5b3b3046143f3040bafa/jiter-0.10.0-cp312-cp312-macosx_10_12_x86_64.whl", hash = "sha256:1e274728e4a5345a6dde2d343c8da018b9d4bd4350f5a472fa91f66fda44911b", size = 312262, upload-time = "2025-05-18T19:03:44.637Z" }, - { url = "https://files.pythonhosted.org/packages/9c/4a/6a2397096162b21645162825f058d1709a02965606e537e3304b02742e9b/jiter-0.10.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:7202ae396446c988cb2a5feb33a543ab2165b786ac97f53b59aafb803fef0744", size = 320124, upload-time = "2025-05-18T19:03:46.341Z" }, - { url = "https://files.pythonhosted.org/packages/2a/85/1ce02cade7516b726dd88f59a4ee46914bf79d1676d1228ef2002ed2f1c9/jiter-0.10.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:23ba7722d6748b6920ed02a8f1726fb4b33e0fd2f3f621816a8b486c66410ab2", size = 345330, upload-time = "2025-05-18T19:03:47.596Z" }, - { url = "https://files.pythonhosted.org/packages/75/d0/bb6b4f209a77190ce10ea8d7e50bf3725fc16d3372d0a9f11985a2b23eff/jiter-0.10.0-cp312-cp312-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:371eab43c0a288537d30e1f0b193bc4eca90439fc08a022dd83e5e07500ed026", size = 369670, upload-time = "2025-05-18T19:03:49.334Z" }, - { url = "https://files.pythonhosted.org/packages/a0/f5/a61787da9b8847a601e6827fbc42ecb12be2c925ced3252c8ffcb56afcaf/jiter-0.10.0-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:6c675736059020365cebc845a820214765162728b51ab1e03a1b7b3abb70f74c", size = 489057, upload-time = "2025-05-18T19:03:50.66Z" }, - { url = "https://files.pythonhosted.org/packages/12/e4/6f906272810a7b21406c760a53aadbe52e99ee070fc5c0cb191e316de30b/jiter-0.10.0-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:0c5867d40ab716e4684858e4887489685968a47e3ba222e44cde6e4a2154f959", size = 389372, upload-time = "2025-05-18T19:03:51.98Z" }, - { url = "https://files.pythonhosted.org/packages/e2/ba/77013b0b8ba904bf3762f11e0129b8928bff7f978a81838dfcc958ad5728/jiter-0.10.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:395bb9a26111b60141757d874d27fdea01b17e8fac958b91c20128ba8f4acc8a", size = 352038, upload-time = "2025-05-18T19:03:53.703Z" }, - { url = "https://files.pythonhosted.org/packages/67/27/c62568e3ccb03368dbcc44a1ef3a423cb86778a4389e995125d3d1aaa0a4/jiter-0.10.0-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:6842184aed5cdb07e0c7e20e5bdcfafe33515ee1741a6835353bb45fe5d1bd95", size = 391538, upload-time = "2025-05-18T19:03:55.046Z" }, - { url = "https://files.pythonhosted.org/packages/c0/72/0d6b7e31fc17a8fdce76164884edef0698ba556b8eb0af9546ae1a06b91d/jiter-0.10.0-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:62755d1bcea9876770d4df713d82606c8c1a3dca88ff39046b85a048566d56ea", size = 523557, upload-time = "2025-05-18T19:03:56.386Z" }, - { url = "https://files.pythonhosted.org/packages/2f/09/bc1661fbbcbeb6244bd2904ff3a06f340aa77a2b94e5a7373fd165960ea3/jiter-0.10.0-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:533efbce2cacec78d5ba73a41756beff8431dfa1694b6346ce7af3a12c42202b", size = 514202, upload-time = "2025-05-18T19:03:57.675Z" }, - { url = "https://files.pythonhosted.org/packages/1b/84/5a5d5400e9d4d54b8004c9673bbe4403928a00d28529ff35b19e9d176b19/jiter-0.10.0-cp312-cp312-win32.whl", hash = "sha256:8be921f0cadd245e981b964dfbcd6fd4bc4e254cdc069490416dd7a2632ecc01", size = 211781, upload-time = "2025-05-18T19:03:59.025Z" }, - { url = "https://files.pythonhosted.org/packages/9b/52/7ec47455e26f2d6e5f2ea4951a0652c06e5b995c291f723973ae9e724a65/jiter-0.10.0-cp312-cp312-win_amd64.whl", hash = "sha256:a7c7d785ae9dda68c2678532a5a1581347e9c15362ae9f6e68f3fdbfb64f2e49", size = 206176, upload-time = "2025-05-18T19:04:00.305Z" }, - { url = "https://files.pythonhosted.org/packages/2e/b0/279597e7a270e8d22623fea6c5d4eeac328e7d95c236ed51a2b884c54f70/jiter-0.10.0-cp313-cp313-macosx_10_12_x86_64.whl", hash = "sha256:e0588107ec8e11b6f5ef0e0d656fb2803ac6cf94a96b2b9fc675c0e3ab5e8644", size = 311617, upload-time = "2025-05-18T19:04:02.078Z" }, - { url = "https://files.pythonhosted.org/packages/91/e3/0916334936f356d605f54cc164af4060e3e7094364add445a3bc79335d46/jiter-0.10.0-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:cafc4628b616dc32530c20ee53d71589816cf385dd9449633e910d596b1f5c8a", size = 318947, upload-time = "2025-05-18T19:04:03.347Z" }, - { url = "https://files.pythonhosted.org/packages/6a/8e/fd94e8c02d0e94539b7d669a7ebbd2776e51f329bb2c84d4385e8063a2ad/jiter-0.10.0-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:520ef6d981172693786a49ff5b09eda72a42e539f14788124a07530f785c3ad6", size = 344618, upload-time = "2025-05-18T19:04:04.709Z" }, - { url = "https://files.pythonhosted.org/packages/6f/b0/f9f0a2ec42c6e9c2e61c327824687f1e2415b767e1089c1d9135f43816bd/jiter-0.10.0-cp313-cp313-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:554dedfd05937f8fc45d17ebdf298fe7e0c77458232bcb73d9fbbf4c6455f5b3", size = 368829, upload-time = "2025-05-18T19:04:06.912Z" }, - { url = "https://files.pythonhosted.org/packages/e8/57/5bbcd5331910595ad53b9fd0c610392ac68692176f05ae48d6ce5c852967/jiter-0.10.0-cp313-cp313-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:5bc299da7789deacf95f64052d97f75c16d4fc8c4c214a22bf8d859a4288a1c2", size = 491034, upload-time = "2025-05-18T19:04:08.222Z" }, - { url = "https://files.pythonhosted.org/packages/9b/be/c393df00e6e6e9e623a73551774449f2f23b6ec6a502a3297aeeece2c65a/jiter-0.10.0-cp313-cp313-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:5161e201172de298a8a1baad95eb85db4fb90e902353b1f6a41d64ea64644e25", size = 388529, upload-time = "2025-05-18T19:04:09.566Z" }, - { url = "https://files.pythonhosted.org/packages/42/3e/df2235c54d365434c7f150b986a6e35f41ebdc2f95acea3036d99613025d/jiter-0.10.0-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:2e2227db6ba93cb3e2bf67c87e594adde0609f146344e8207e8730364db27041", size = 350671, upload-time = "2025-05-18T19:04:10.98Z" }, - { url = "https://files.pythonhosted.org/packages/c6/77/71b0b24cbcc28f55ab4dbfe029f9a5b73aeadaba677843fc6dc9ed2b1d0a/jiter-0.10.0-cp313-cp313-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:15acb267ea5e2c64515574b06a8bf393fbfee6a50eb1673614aa45f4613c0cca", size = 390864, upload-time = "2025-05-18T19:04:12.722Z" }, - { url = "https://files.pythonhosted.org/packages/6a/d3/ef774b6969b9b6178e1d1e7a89a3bd37d241f3d3ec5f8deb37bbd203714a/jiter-0.10.0-cp313-cp313-musllinux_1_1_aarch64.whl", hash = "sha256:901b92f2e2947dc6dfcb52fd624453862e16665ea909a08398dde19c0731b7f4", size = 522989, upload-time = "2025-05-18T19:04:14.261Z" }, - { url = "https://files.pythonhosted.org/packages/0c/41/9becdb1d8dd5d854142f45a9d71949ed7e87a8e312b0bede2de849388cb9/jiter-0.10.0-cp313-cp313-musllinux_1_1_x86_64.whl", hash = "sha256:d0cb9a125d5a3ec971a094a845eadde2db0de85b33c9f13eb94a0c63d463879e", size = 513495, upload-time = "2025-05-18T19:04:15.603Z" }, - { url = "https://files.pythonhosted.org/packages/9c/36/3468e5a18238bdedae7c4d19461265b5e9b8e288d3f86cd89d00cbb48686/jiter-0.10.0-cp313-cp313-win32.whl", hash = "sha256:48a403277ad1ee208fb930bdf91745e4d2d6e47253eedc96e2559d1e6527006d", size = 211289, upload-time = "2025-05-18T19:04:17.541Z" }, - { url = "https://files.pythonhosted.org/packages/7e/07/1c96b623128bcb913706e294adb5f768fb7baf8db5e1338ce7b4ee8c78ef/jiter-0.10.0-cp313-cp313-win_amd64.whl", hash = "sha256:75f9eb72ecb640619c29bf714e78c9c46c9c4eaafd644bf78577ede459f330d4", size = 205074, upload-time = "2025-05-18T19:04:19.21Z" }, - { url = "https://files.pythonhosted.org/packages/54/46/caa2c1342655f57d8f0f2519774c6d67132205909c65e9aa8255e1d7b4f4/jiter-0.10.0-cp313-cp313t-macosx_11_0_arm64.whl", hash = "sha256:28ed2a4c05a1f32ef0e1d24c2611330219fed727dae01789f4a335617634b1ca", size = 318225, upload-time = "2025-05-18T19:04:20.583Z" }, - { url = "https://files.pythonhosted.org/packages/43/84/c7d44c75767e18946219ba2d703a5a32ab37b0bc21886a97bc6062e4da42/jiter-0.10.0-cp313-cp313t-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:14a4c418b1ec86a195f1ca69da8b23e8926c752b685af665ce30777233dfe070", size = 350235, upload-time = "2025-05-18T19:04:22.363Z" }, - { url = "https://files.pythonhosted.org/packages/01/16/f5a0135ccd968b480daad0e6ab34b0c7c5ba3bc447e5088152696140dcb3/jiter-0.10.0-cp313-cp313t-win_amd64.whl", hash = "sha256:d7bfed2fe1fe0e4dda6ef682cee888ba444b21e7a6553e03252e4feb6cf0adca", size = 207278, upload-time = "2025-05-18T19:04:23.627Z" }, - { url = "https://files.pythonhosted.org/packages/1c/9b/1d646da42c3de6c2188fdaa15bce8ecb22b635904fc68be025e21249ba44/jiter-0.10.0-cp314-cp314-macosx_10_12_x86_64.whl", hash = "sha256:5e9251a5e83fab8d87799d3e1a46cb4b7f2919b895c6f4483629ed2446f66522", size = 310866, upload-time = "2025-05-18T19:04:24.891Z" }, - { url = "https://files.pythonhosted.org/packages/ad/0e/26538b158e8a7c7987e94e7aeb2999e2e82b1f9d2e1f6e9874ddf71ebda0/jiter-0.10.0-cp314-cp314-macosx_11_0_arm64.whl", hash = "sha256:023aa0204126fe5b87ccbcd75c8a0d0261b9abdbbf46d55e7ae9f8e22424eeb8", size = 318772, upload-time = "2025-05-18T19:04:26.161Z" }, - { url = "https://files.pythonhosted.org/packages/7b/fb/d302893151caa1c2636d6574d213e4b34e31fd077af6050a9c5cbb42f6fb/jiter-0.10.0-cp314-cp314-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:3c189c4f1779c05f75fc17c0c1267594ed918996a231593a21a5ca5438445216", size = 344534, upload-time = "2025-05-18T19:04:27.495Z" }, - { url = "https://files.pythonhosted.org/packages/01/d8/5780b64a149d74e347c5128d82176eb1e3241b1391ac07935693466d6219/jiter-0.10.0-cp314-cp314-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:15720084d90d1098ca0229352607cd68256c76991f6b374af96f36920eae13c4", size = 369087, upload-time = "2025-05-18T19:04:28.896Z" }, - { url = "https://files.pythonhosted.org/packages/e8/5b/f235a1437445160e777544f3ade57544daf96ba7e96c1a5b24a6f7ac7004/jiter-0.10.0-cp314-cp314-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:e4f2fb68e5f1cfee30e2b2a09549a00683e0fde4c6a2ab88c94072fc33cb7426", size = 490694, upload-time = "2025-05-18T19:04:30.183Z" }, - { url = "https://files.pythonhosted.org/packages/85/a9/9c3d4617caa2ff89cf61b41e83820c27ebb3f7b5fae8a72901e8cd6ff9be/jiter-0.10.0-cp314-cp314-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:ce541693355fc6da424c08b7edf39a2895f58d6ea17d92cc2b168d20907dee12", size = 388992, upload-time = "2025-05-18T19:04:32.028Z" }, - { url = "https://files.pythonhosted.org/packages/68/b1/344fd14049ba5c94526540af7eb661871f9c54d5f5601ff41a959b9a0bbd/jiter-0.10.0-cp314-cp314-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:31c50c40272e189d50006ad5c73883caabb73d4e9748a688b216e85a9a9ca3b9", size = 351723, upload-time = "2025-05-18T19:04:33.467Z" }, - { url = "https://files.pythonhosted.org/packages/41/89/4c0e345041186f82a31aee7b9d4219a910df672b9fef26f129f0cda07a29/jiter-0.10.0-cp314-cp314-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:fa3402a2ff9815960e0372a47b75c76979d74402448509ccd49a275fa983ef8a", size = 392215, upload-time = "2025-05-18T19:04:34.827Z" }, - { url = "https://files.pythonhosted.org/packages/55/58/ee607863e18d3f895feb802154a2177d7e823a7103f000df182e0f718b38/jiter-0.10.0-cp314-cp314-musllinux_1_1_aarch64.whl", hash = "sha256:1956f934dca32d7bb647ea21d06d93ca40868b505c228556d3373cbd255ce853", size = 522762, upload-time = "2025-05-18T19:04:36.19Z" }, - { url = "https://files.pythonhosted.org/packages/15/d0/9123fb41825490d16929e73c212de9a42913d68324a8ce3c8476cae7ac9d/jiter-0.10.0-cp314-cp314-musllinux_1_1_x86_64.whl", hash = "sha256:fcedb049bdfc555e261d6f65a6abe1d5ad68825b7202ccb9692636c70fcced86", size = 513427, upload-time = "2025-05-18T19:04:37.544Z" }, - { url = "https://files.pythonhosted.org/packages/d8/b3/2bd02071c5a2430d0b70403a34411fc519c2f227da7b03da9ba6a956f931/jiter-0.10.0-cp314-cp314-win32.whl", hash = "sha256:ac509f7eccca54b2a29daeb516fb95b6f0bd0d0d8084efaf8ed5dfc7b9f0b357", size = 210127, upload-time = "2025-05-18T19:04:38.837Z" }, - { url = "https://files.pythonhosted.org/packages/03/0c/5fe86614ea050c3ecd728ab4035534387cd41e7c1855ef6c031f1ca93e3f/jiter-0.10.0-cp314-cp314t-macosx_11_0_arm64.whl", hash = "sha256:5ed975b83a2b8639356151cef5c0d597c68376fc4922b45d0eb384ac058cfa00", size = 318527, upload-time = "2025-05-18T19:04:40.612Z" }, - { url = "https://files.pythonhosted.org/packages/b3/4a/4175a563579e884192ba6e81725fc0448b042024419be8d83aa8a80a3f44/jiter-0.10.0-cp314-cp314t-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:3aa96f2abba33dc77f79b4cf791840230375f9534e5fac927ccceb58c5e604a5", size = 354213, upload-time = "2025-05-18T19:04:41.894Z" }, +sdist = { url = "https://files.pythonhosted.org/packages/ee/9d/ae7ddb4b8ab3fb1b51faf4deb36cb48a4fbbd7cb36bad6a5fca4741306f7/jiter-0.10.0.tar.gz", hash = "sha256:07a7142c38aacc85194391108dc91b5b57093c978a9932bd86a36862759d9500", size = 162759, upload_time = "2025-05-18T19:04:59.73Z" } +wheels = [ + { url = "https://files.pythonhosted.org/packages/1b/dd/6cefc6bd68b1c3c979cecfa7029ab582b57690a31cd2f346c4d0ce7951b6/jiter-0.10.0-cp311-cp311-macosx_10_12_x86_64.whl", hash = "sha256:3bebe0c558e19902c96e99217e0b8e8b17d570906e72ed8a87170bc290b1e978", size = 317473, upload_time = "2025-05-18T19:03:25.942Z" }, + { url = "https://files.pythonhosted.org/packages/be/cf/fc33f5159ce132be1d8dd57251a1ec7a631c7df4bd11e1cd198308c6ae32/jiter-0.10.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:558cc7e44fd8e507a236bee6a02fa17199ba752874400a0ca6cd6e2196cdb7dc", size = 321971, upload_time = "2025-05-18T19:03:27.255Z" }, + { url = "https://files.pythonhosted.org/packages/68/a4/da3f150cf1d51f6c472616fb7650429c7ce053e0c962b41b68557fdf6379/jiter-0.10.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:4d613e4b379a07d7c8453c5712ce7014e86c6ac93d990a0b8e7377e18505e98d", size = 345574, upload_time = "2025-05-18T19:03:28.63Z" }, + { url = "https://files.pythonhosted.org/packages/84/34/6e8d412e60ff06b186040e77da5f83bc158e9735759fcae65b37d681f28b/jiter-0.10.0-cp311-cp311-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:f62cf8ba0618eda841b9bf61797f21c5ebd15a7a1e19daab76e4e4b498d515b2", size = 371028, upload_time = "2025-05-18T19:03:30.292Z" }, + { url = "https://files.pythonhosted.org/packages/fb/d9/9ee86173aae4576c35a2f50ae930d2ccb4c4c236f6cb9353267aa1d626b7/jiter-0.10.0-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:919d139cdfa8ae8945112398511cb7fca58a77382617d279556b344867a37e61", size = 491083, upload_time = "2025-05-18T19:03:31.654Z" }, + { url = "https://files.pythonhosted.org/packages/d9/2c/f955de55e74771493ac9e188b0f731524c6a995dffdcb8c255b89c6fb74b/jiter-0.10.0-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:13ddbc6ae311175a3b03bd8994881bc4635c923754932918e18da841632349db", size = 388821, upload_time = "2025-05-18T19:03:33.184Z" }, + { url = "https://files.pythonhosted.org/packages/81/5a/0e73541b6edd3f4aada586c24e50626c7815c561a7ba337d6a7eb0a915b4/jiter-0.10.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:4c440ea003ad10927a30521a9062ce10b5479592e8a70da27f21eeb457b4a9c5", size = 352174, upload_time = "2025-05-18T19:03:34.965Z" }, + { url = "https://files.pythonhosted.org/packages/1c/c0/61eeec33b8c75b31cae42be14d44f9e6fe3ac15a4e58010256ac3abf3638/jiter-0.10.0-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:dc347c87944983481e138dea467c0551080c86b9d21de6ea9306efb12ca8f606", size = 391869, upload_time = "2025-05-18T19:03:36.436Z" }, + { url = "https://files.pythonhosted.org/packages/41/22/5beb5ee4ad4ef7d86f5ea5b4509f680a20706c4a7659e74344777efb7739/jiter-0.10.0-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:13252b58c1f4d8c5b63ab103c03d909e8e1e7842d302473f482915d95fefd605", size = 523741, upload_time = "2025-05-18T19:03:38.168Z" }, + { url = "https://files.pythonhosted.org/packages/ea/10/768e8818538e5817c637b0df52e54366ec4cebc3346108a4457ea7a98f32/jiter-0.10.0-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:7d1bbf3c465de4a24ab12fb7766a0003f6f9bce48b8b6a886158c4d569452dc5", size = 514527, upload_time = "2025-05-18T19:03:39.577Z" }, + { url = "https://files.pythonhosted.org/packages/73/6d/29b7c2dc76ce93cbedabfd842fc9096d01a0550c52692dfc33d3cc889815/jiter-0.10.0-cp311-cp311-win32.whl", hash = "sha256:db16e4848b7e826edca4ccdd5b145939758dadf0dc06e7007ad0e9cfb5928ae7", size = 210765, upload_time = "2025-05-18T19:03:41.271Z" }, + { url = "https://files.pythonhosted.org/packages/c2/c9/d394706deb4c660137caf13e33d05a031d734eb99c051142e039d8ceb794/jiter-0.10.0-cp311-cp311-win_amd64.whl", hash = "sha256:9c9c1d5f10e18909e993f9641f12fe1c77b3e9b533ee94ffa970acc14ded3812", size = 209234, upload_time = "2025-05-18T19:03:42.918Z" }, + { url = "https://files.pythonhosted.org/packages/6d/b5/348b3313c58f5fbfb2194eb4d07e46a35748ba6e5b3b3046143f3040bafa/jiter-0.10.0-cp312-cp312-macosx_10_12_x86_64.whl", hash = "sha256:1e274728e4a5345a6dde2d343c8da018b9d4bd4350f5a472fa91f66fda44911b", size = 312262, upload_time = "2025-05-18T19:03:44.637Z" }, + { url = "https://files.pythonhosted.org/packages/9c/4a/6a2397096162b21645162825f058d1709a02965606e537e3304b02742e9b/jiter-0.10.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:7202ae396446c988cb2a5feb33a543ab2165b786ac97f53b59aafb803fef0744", size = 320124, upload_time = "2025-05-18T19:03:46.341Z" }, + { url = "https://files.pythonhosted.org/packages/2a/85/1ce02cade7516b726dd88f59a4ee46914bf79d1676d1228ef2002ed2f1c9/jiter-0.10.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:23ba7722d6748b6920ed02a8f1726fb4b33e0fd2f3f621816a8b486c66410ab2", size = 345330, upload_time = "2025-05-18T19:03:47.596Z" }, + { url = "https://files.pythonhosted.org/packages/75/d0/bb6b4f209a77190ce10ea8d7e50bf3725fc16d3372d0a9f11985a2b23eff/jiter-0.10.0-cp312-cp312-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:371eab43c0a288537d30e1f0b193bc4eca90439fc08a022dd83e5e07500ed026", size = 369670, upload_time = "2025-05-18T19:03:49.334Z" }, + { url = "https://files.pythonhosted.org/packages/a0/f5/a61787da9b8847a601e6827fbc42ecb12be2c925ced3252c8ffcb56afcaf/jiter-0.10.0-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:6c675736059020365cebc845a820214765162728b51ab1e03a1b7b3abb70f74c", size = 489057, upload_time = "2025-05-18T19:03:50.66Z" }, + { url = "https://files.pythonhosted.org/packages/12/e4/6f906272810a7b21406c760a53aadbe52e99ee070fc5c0cb191e316de30b/jiter-0.10.0-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:0c5867d40ab716e4684858e4887489685968a47e3ba222e44cde6e4a2154f959", size = 389372, upload_time = "2025-05-18T19:03:51.98Z" }, + { url = "https://files.pythonhosted.org/packages/e2/ba/77013b0b8ba904bf3762f11e0129b8928bff7f978a81838dfcc958ad5728/jiter-0.10.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:395bb9a26111b60141757d874d27fdea01b17e8fac958b91c20128ba8f4acc8a", size = 352038, upload_time = "2025-05-18T19:03:53.703Z" }, + { url = "https://files.pythonhosted.org/packages/67/27/c62568e3ccb03368dbcc44a1ef3a423cb86778a4389e995125d3d1aaa0a4/jiter-0.10.0-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:6842184aed5cdb07e0c7e20e5bdcfafe33515ee1741a6835353bb45fe5d1bd95", size = 391538, upload_time = "2025-05-18T19:03:55.046Z" }, + { url = "https://files.pythonhosted.org/packages/c0/72/0d6b7e31fc17a8fdce76164884edef0698ba556b8eb0af9546ae1a06b91d/jiter-0.10.0-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:62755d1bcea9876770d4df713d82606c8c1a3dca88ff39046b85a048566d56ea", size = 523557, upload_time = "2025-05-18T19:03:56.386Z" }, + { url = "https://files.pythonhosted.org/packages/2f/09/bc1661fbbcbeb6244bd2904ff3a06f340aa77a2b94e5a7373fd165960ea3/jiter-0.10.0-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:533efbce2cacec78d5ba73a41756beff8431dfa1694b6346ce7af3a12c42202b", size = 514202, upload_time = "2025-05-18T19:03:57.675Z" }, + { url = "https://files.pythonhosted.org/packages/1b/84/5a5d5400e9d4d54b8004c9673bbe4403928a00d28529ff35b19e9d176b19/jiter-0.10.0-cp312-cp312-win32.whl", hash = "sha256:8be921f0cadd245e981b964dfbcd6fd4bc4e254cdc069490416dd7a2632ecc01", size = 211781, upload_time = "2025-05-18T19:03:59.025Z" }, + { url = "https://files.pythonhosted.org/packages/9b/52/7ec47455e26f2d6e5f2ea4951a0652c06e5b995c291f723973ae9e724a65/jiter-0.10.0-cp312-cp312-win_amd64.whl", hash = "sha256:a7c7d785ae9dda68c2678532a5a1581347e9c15362ae9f6e68f3fdbfb64f2e49", size = 206176, upload_time = "2025-05-18T19:04:00.305Z" }, + { url = "https://files.pythonhosted.org/packages/2e/b0/279597e7a270e8d22623fea6c5d4eeac328e7d95c236ed51a2b884c54f70/jiter-0.10.0-cp313-cp313-macosx_10_12_x86_64.whl", hash = "sha256:e0588107ec8e11b6f5ef0e0d656fb2803ac6cf94a96b2b9fc675c0e3ab5e8644", size = 311617, upload_time = "2025-05-18T19:04:02.078Z" }, + { url = "https://files.pythonhosted.org/packages/91/e3/0916334936f356d605f54cc164af4060e3e7094364add445a3bc79335d46/jiter-0.10.0-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:cafc4628b616dc32530c20ee53d71589816cf385dd9449633e910d596b1f5c8a", size = 318947, upload_time = "2025-05-18T19:04:03.347Z" }, + { url = "https://files.pythonhosted.org/packages/6a/8e/fd94e8c02d0e94539b7d669a7ebbd2776e51f329bb2c84d4385e8063a2ad/jiter-0.10.0-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:520ef6d981172693786a49ff5b09eda72a42e539f14788124a07530f785c3ad6", size = 344618, upload_time = "2025-05-18T19:04:04.709Z" }, + { url = "https://files.pythonhosted.org/packages/6f/b0/f9f0a2ec42c6e9c2e61c327824687f1e2415b767e1089c1d9135f43816bd/jiter-0.10.0-cp313-cp313-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:554dedfd05937f8fc45d17ebdf298fe7e0c77458232bcb73d9fbbf4c6455f5b3", size = 368829, upload_time = "2025-05-18T19:04:06.912Z" }, + { url = "https://files.pythonhosted.org/packages/e8/57/5bbcd5331910595ad53b9fd0c610392ac68692176f05ae48d6ce5c852967/jiter-0.10.0-cp313-cp313-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:5bc299da7789deacf95f64052d97f75c16d4fc8c4c214a22bf8d859a4288a1c2", size = 491034, upload_time = "2025-05-18T19:04:08.222Z" }, + { url = "https://files.pythonhosted.org/packages/9b/be/c393df00e6e6e9e623a73551774449f2f23b6ec6a502a3297aeeece2c65a/jiter-0.10.0-cp313-cp313-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:5161e201172de298a8a1baad95eb85db4fb90e902353b1f6a41d64ea64644e25", size = 388529, upload_time = "2025-05-18T19:04:09.566Z" }, + { url = "https://files.pythonhosted.org/packages/42/3e/df2235c54d365434c7f150b986a6e35f41ebdc2f95acea3036d99613025d/jiter-0.10.0-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:2e2227db6ba93cb3e2bf67c87e594adde0609f146344e8207e8730364db27041", size = 350671, upload_time = "2025-05-18T19:04:10.98Z" }, + { url = "https://files.pythonhosted.org/packages/c6/77/71b0b24cbcc28f55ab4dbfe029f9a5b73aeadaba677843fc6dc9ed2b1d0a/jiter-0.10.0-cp313-cp313-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:15acb267ea5e2c64515574b06a8bf393fbfee6a50eb1673614aa45f4613c0cca", size = 390864, upload_time = "2025-05-18T19:04:12.722Z" }, + { url = "https://files.pythonhosted.org/packages/6a/d3/ef774b6969b9b6178e1d1e7a89a3bd37d241f3d3ec5f8deb37bbd203714a/jiter-0.10.0-cp313-cp313-musllinux_1_1_aarch64.whl", hash = "sha256:901b92f2e2947dc6dfcb52fd624453862e16665ea909a08398dde19c0731b7f4", size = 522989, upload_time = "2025-05-18T19:04:14.261Z" }, + { url = "https://files.pythonhosted.org/packages/0c/41/9becdb1d8dd5d854142f45a9d71949ed7e87a8e312b0bede2de849388cb9/jiter-0.10.0-cp313-cp313-musllinux_1_1_x86_64.whl", hash = "sha256:d0cb9a125d5a3ec971a094a845eadde2db0de85b33c9f13eb94a0c63d463879e", size = 513495, upload_time = "2025-05-18T19:04:15.603Z" }, + { url = "https://files.pythonhosted.org/packages/9c/36/3468e5a18238bdedae7c4d19461265b5e9b8e288d3f86cd89d00cbb48686/jiter-0.10.0-cp313-cp313-win32.whl", hash = "sha256:48a403277ad1ee208fb930bdf91745e4d2d6e47253eedc96e2559d1e6527006d", size = 211289, upload_time = "2025-05-18T19:04:17.541Z" }, + { url = "https://files.pythonhosted.org/packages/7e/07/1c96b623128bcb913706e294adb5f768fb7baf8db5e1338ce7b4ee8c78ef/jiter-0.10.0-cp313-cp313-win_amd64.whl", hash = "sha256:75f9eb72ecb640619c29bf714e78c9c46c9c4eaafd644bf78577ede459f330d4", size = 205074, upload_time = "2025-05-18T19:04:19.21Z" }, + { url = "https://files.pythonhosted.org/packages/54/46/caa2c1342655f57d8f0f2519774c6d67132205909c65e9aa8255e1d7b4f4/jiter-0.10.0-cp313-cp313t-macosx_11_0_arm64.whl", hash = "sha256:28ed2a4c05a1f32ef0e1d24c2611330219fed727dae01789f4a335617634b1ca", size = 318225, upload_time = "2025-05-18T19:04:20.583Z" }, + { url = "https://files.pythonhosted.org/packages/43/84/c7d44c75767e18946219ba2d703a5a32ab37b0bc21886a97bc6062e4da42/jiter-0.10.0-cp313-cp313t-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:14a4c418b1ec86a195f1ca69da8b23e8926c752b685af665ce30777233dfe070", size = 350235, upload_time = "2025-05-18T19:04:22.363Z" }, + { url = "https://files.pythonhosted.org/packages/01/16/f5a0135ccd968b480daad0e6ab34b0c7c5ba3bc447e5088152696140dcb3/jiter-0.10.0-cp313-cp313t-win_amd64.whl", hash = "sha256:d7bfed2fe1fe0e4dda6ef682cee888ba444b21e7a6553e03252e4feb6cf0adca", size = 207278, upload_time = "2025-05-18T19:04:23.627Z" }, + { url = "https://files.pythonhosted.org/packages/1c/9b/1d646da42c3de6c2188fdaa15bce8ecb22b635904fc68be025e21249ba44/jiter-0.10.0-cp314-cp314-macosx_10_12_x86_64.whl", hash = "sha256:5e9251a5e83fab8d87799d3e1a46cb4b7f2919b895c6f4483629ed2446f66522", size = 310866, upload_time = "2025-05-18T19:04:24.891Z" }, + { url = "https://files.pythonhosted.org/packages/ad/0e/26538b158e8a7c7987e94e7aeb2999e2e82b1f9d2e1f6e9874ddf71ebda0/jiter-0.10.0-cp314-cp314-macosx_11_0_arm64.whl", hash = "sha256:023aa0204126fe5b87ccbcd75c8a0d0261b9abdbbf46d55e7ae9f8e22424eeb8", size = 318772, upload_time = "2025-05-18T19:04:26.161Z" }, + { url = "https://files.pythonhosted.org/packages/7b/fb/d302893151caa1c2636d6574d213e4b34e31fd077af6050a9c5cbb42f6fb/jiter-0.10.0-cp314-cp314-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:3c189c4f1779c05f75fc17c0c1267594ed918996a231593a21a5ca5438445216", size = 344534, upload_time = "2025-05-18T19:04:27.495Z" }, + { url = "https://files.pythonhosted.org/packages/01/d8/5780b64a149d74e347c5128d82176eb1e3241b1391ac07935693466d6219/jiter-0.10.0-cp314-cp314-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:15720084d90d1098ca0229352607cd68256c76991f6b374af96f36920eae13c4", size = 369087, upload_time = "2025-05-18T19:04:28.896Z" }, + { url = "https://files.pythonhosted.org/packages/e8/5b/f235a1437445160e777544f3ade57544daf96ba7e96c1a5b24a6f7ac7004/jiter-0.10.0-cp314-cp314-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:e4f2fb68e5f1cfee30e2b2a09549a00683e0fde4c6a2ab88c94072fc33cb7426", size = 490694, upload_time = "2025-05-18T19:04:30.183Z" }, + { url = "https://files.pythonhosted.org/packages/85/a9/9c3d4617caa2ff89cf61b41e83820c27ebb3f7b5fae8a72901e8cd6ff9be/jiter-0.10.0-cp314-cp314-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:ce541693355fc6da424c08b7edf39a2895f58d6ea17d92cc2b168d20907dee12", size = 388992, upload_time = "2025-05-18T19:04:32.028Z" }, + { url = "https://files.pythonhosted.org/packages/68/b1/344fd14049ba5c94526540af7eb661871f9c54d5f5601ff41a959b9a0bbd/jiter-0.10.0-cp314-cp314-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:31c50c40272e189d50006ad5c73883caabb73d4e9748a688b216e85a9a9ca3b9", size = 351723, upload_time = "2025-05-18T19:04:33.467Z" }, + { url = "https://files.pythonhosted.org/packages/41/89/4c0e345041186f82a31aee7b9d4219a910df672b9fef26f129f0cda07a29/jiter-0.10.0-cp314-cp314-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:fa3402a2ff9815960e0372a47b75c76979d74402448509ccd49a275fa983ef8a", size = 392215, upload_time = "2025-05-18T19:04:34.827Z" }, + { url = "https://files.pythonhosted.org/packages/55/58/ee607863e18d3f895feb802154a2177d7e823a7103f000df182e0f718b38/jiter-0.10.0-cp314-cp314-musllinux_1_1_aarch64.whl", hash = "sha256:1956f934dca32d7bb647ea21d06d93ca40868b505c228556d3373cbd255ce853", size = 522762, upload_time = "2025-05-18T19:04:36.19Z" }, + { url = "https://files.pythonhosted.org/packages/15/d0/9123fb41825490d16929e73c212de9a42913d68324a8ce3c8476cae7ac9d/jiter-0.10.0-cp314-cp314-musllinux_1_1_x86_64.whl", hash = "sha256:fcedb049bdfc555e261d6f65a6abe1d5ad68825b7202ccb9692636c70fcced86", size = 513427, upload_time = "2025-05-18T19:04:37.544Z" }, + { url = "https://files.pythonhosted.org/packages/d8/b3/2bd02071c5a2430d0b70403a34411fc519c2f227da7b03da9ba6a956f931/jiter-0.10.0-cp314-cp314-win32.whl", hash = "sha256:ac509f7eccca54b2a29daeb516fb95b6f0bd0d0d8084efaf8ed5dfc7b9f0b357", size = 210127, upload_time = "2025-05-18T19:04:38.837Z" }, + { url = "https://files.pythonhosted.org/packages/03/0c/5fe86614ea050c3ecd728ab4035534387cd41e7c1855ef6c031f1ca93e3f/jiter-0.10.0-cp314-cp314t-macosx_11_0_arm64.whl", hash = "sha256:5ed975b83a2b8639356151cef5c0d597c68376fc4922b45d0eb384ac058cfa00", size = 318527, upload_time = "2025-05-18T19:04:40.612Z" }, + { url = "https://files.pythonhosted.org/packages/b3/4a/4175a563579e884192ba6e81725fc0448b042024419be8d83aa8a80a3f44/jiter-0.10.0-cp314-cp314t-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:3aa96f2abba33dc77f79b4cf791840230375f9534e5fac927ccceb58c5e604a5", size = 354213, upload_time = "2025-05-18T19:04:41.894Z" }, ] [[package]] name = "jmespath" version = "1.0.1" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/00/2a/e867e8531cf3e36b41201936b7fa7ba7b5702dbef42922193f05c8976cd6/jmespath-1.0.1.tar.gz", hash = "sha256:90261b206d6defd58fdd5e85f478bf633a2901798906be2ad389150c5c60edbe", size = 25843, upload-time = "2022-06-17T18:00:12.224Z" } +sdist = { url = "https://files.pythonhosted.org/packages/00/2a/e867e8531cf3e36b41201936b7fa7ba7b5702dbef42922193f05c8976cd6/jmespath-1.0.1.tar.gz", hash = "sha256:90261b206d6defd58fdd5e85f478bf633a2901798906be2ad389150c5c60edbe", size = 25843, upload_time = "2022-06-17T18:00:12.224Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/31/b4/b9b800c45527aadd64d5b442f9b932b00648617eb5d63d2c7a6587b7cafc/jmespath-1.0.1-py3-none-any.whl", hash = "sha256:02e2e4cc71b5bcab88332eebf907519190dd9e6e82107fa7f83b1003a6252980", size = 20256, upload-time = "2022-06-17T18:00:10.251Z" }, + { url = "https://files.pythonhosted.org/packages/31/b4/b9b800c45527aadd64d5b442f9b932b00648617eb5d63d2c7a6587b7cafc/jmespath-1.0.1-py3-none-any.whl", hash = "sha256:02e2e4cc71b5bcab88332eebf907519190dd9e6e82107fa7f83b1003a6252980", size = 20256, upload_time = "2022-06-17T18:00:10.251Z" }, ] [[package]] name = "json5" version = "0.12.0" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/12/be/c6c745ec4c4539b25a278b70e29793f10382947df0d9efba2fa09120895d/json5-0.12.0.tar.gz", hash = "sha256:0b4b6ff56801a1c7dc817b0241bca4ce474a0e6a163bfef3fc594d3fd263ff3a", size = 51907, upload-time = "2025-04-03T16:33:13.201Z" } +sdist = { url = "https://files.pythonhosted.org/packages/12/be/c6c745ec4c4539b25a278b70e29793f10382947df0d9efba2fa09120895d/json5-0.12.0.tar.gz", hash = "sha256:0b4b6ff56801a1c7dc817b0241bca4ce474a0e6a163bfef3fc594d3fd263ff3a", size = 51907, upload_time = "2025-04-03T16:33:13.201Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/41/9f/3500910d5a98549e3098807493851eeef2b89cdd3032227558a104dfe926/json5-0.12.0-py3-none-any.whl", hash = "sha256:6d37aa6c08b0609f16e1ec5ff94697e2cbbfbad5ac112afa05794da9ab7810db", size = 36079, upload-time = "2025-04-03T16:33:11.927Z" }, + { url = "https://files.pythonhosted.org/packages/41/9f/3500910d5a98549e3098807493851eeef2b89cdd3032227558a104dfe926/json5-0.12.0-py3-none-any.whl", hash = "sha256:6d37aa6c08b0609f16e1ec5ff94697e2cbbfbad5ac112afa05794da9ab7810db", size = 36079, upload_time = "2025-04-03T16:33:11.927Z" }, ] [[package]] name = "jsonpointer" version = "3.0.0" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/6a/0a/eebeb1fa92507ea94016a2a790b93c2ae41a7e18778f85471dc54475ed25/jsonpointer-3.0.0.tar.gz", hash = "sha256:2b2d729f2091522d61c3b31f82e11870f60b68f43fbc705cb76bf4b832af59ef", size = 9114, upload-time = "2024-06-10T19:24:42.462Z" } +sdist = { url = "https://files.pythonhosted.org/packages/6a/0a/eebeb1fa92507ea94016a2a790b93c2ae41a7e18778f85471dc54475ed25/jsonpointer-3.0.0.tar.gz", hash = "sha256:2b2d729f2091522d61c3b31f82e11870f60b68f43fbc705cb76bf4b832af59ef", size = 9114, upload_time = "2024-06-10T19:24:42.462Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/71/92/5e77f98553e9e75130c78900d000368476aed74276eb8ae8796f65f00918/jsonpointer-3.0.0-py2.py3-none-any.whl", hash = "sha256:13e088adc14fca8b6aa8177c044e12701e6ad4b28ff10e65f2267a90109c9942", size = 7595, upload-time = "2024-06-10T19:24:40.698Z" }, + { url = "https://files.pythonhosted.org/packages/71/92/5e77f98553e9e75130c78900d000368476aed74276eb8ae8796f65f00918/jsonpointer-3.0.0-py2.py3-none-any.whl", hash = "sha256:13e088adc14fca8b6aa8177c044e12701e6ad4b28ff10e65f2267a90109c9942", size = 7595, upload_time = "2024-06-10T19:24:40.698Z" }, ] [[package]] @@ -1394,9 +1394,9 @@ dependencies = [ { name = "referencing" }, { name = "rpds-py" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/bf/d3/1cf5326b923a53515d8f3a2cd442e6d7e94fcc444716e879ea70a0ce3177/jsonschema-4.24.0.tar.gz", hash = "sha256:0b4e8069eb12aedfa881333004bccaec24ecef5a8a6a4b6df142b2cc9599d196", size = 353480, upload-time = "2025-05-26T18:48:10.459Z" } +sdist = { url = "https://files.pythonhosted.org/packages/bf/d3/1cf5326b923a53515d8f3a2cd442e6d7e94fcc444716e879ea70a0ce3177/jsonschema-4.24.0.tar.gz", hash = "sha256:0b4e8069eb12aedfa881333004bccaec24ecef5a8a6a4b6df142b2cc9599d196", size = 353480, upload_time = "2025-05-26T18:48:10.459Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/a2/3d/023389198f69c722d039351050738d6755376c8fd343e91dc493ea485905/jsonschema-4.24.0-py3-none-any.whl", hash = "sha256:a462455f19f5faf404a7902952b6f0e3ce868f3ee09a359b05eca6673bd8412d", size = 88709, upload-time = "2025-05-26T18:48:08.417Z" }, + { url = "https://files.pythonhosted.org/packages/a2/3d/023389198f69c722d039351050738d6755376c8fd343e91dc493ea485905/jsonschema-4.24.0-py3-none-any.whl", hash = "sha256:a462455f19f5faf404a7902952b6f0e3ce868f3ee09a359b05eca6673bd8412d", size = 88709, upload_time = "2025-05-26T18:48:08.417Z" }, ] [package.optional-dependencies] @@ -1418,9 +1418,9 @@ source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "referencing" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/bf/ce/46fbd9c8119cfc3581ee5643ea49464d168028cfb5caff5fc0596d0cf914/jsonschema_specifications-2025.4.1.tar.gz", hash = "sha256:630159c9f4dbea161a6a2205c3011cc4f18ff381b189fff48bb39b9bf26ae608", size = 15513, upload-time = "2025-04-23T12:34:07.418Z" } +sdist = { url = "https://files.pythonhosted.org/packages/bf/ce/46fbd9c8119cfc3581ee5643ea49464d168028cfb5caff5fc0596d0cf914/jsonschema_specifications-2025.4.1.tar.gz", hash = "sha256:630159c9f4dbea161a6a2205c3011cc4f18ff381b189fff48bb39b9bf26ae608", size = 15513, upload_time = "2025-04-23T12:34:07.418Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/01/0e/b27cdbaccf30b890c40ed1da9fd4a3593a5cf94dae54fb34f8a4b74fcd3f/jsonschema_specifications-2025.4.1-py3-none-any.whl", hash = "sha256:4653bffbd6584f7de83a67e0d620ef16900b390ddc7939d56684d6c81e33f1af", size = 18437, upload-time = "2025-04-23T12:34:05.422Z" }, + { url = "https://files.pythonhosted.org/packages/01/0e/b27cdbaccf30b890c40ed1da9fd4a3593a5cf94dae54fb34f8a4b74fcd3f/jsonschema_specifications-2025.4.1-py3-none-any.whl", hash = "sha256:4653bffbd6584f7de83a67e0d620ef16900b390ddc7939d56684d6c81e33f1af", size = 18437, upload_time = "2025-04-23T12:34:05.422Z" }, ] [[package]] @@ -1434,9 +1434,9 @@ dependencies = [ { name = "tornado" }, { name = "traitlets" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/71/22/bf9f12fdaeae18019a468b68952a60fe6dbab5d67cd2a103cac7659b41ca/jupyter_client-8.6.3.tar.gz", hash = "sha256:35b3a0947c4a6e9d589eb97d7d4cd5e90f910ee73101611f01283732bd6d9419", size = 342019, upload-time = "2024-09-17T10:44:17.613Z" } +sdist = { url = "https://files.pythonhosted.org/packages/71/22/bf9f12fdaeae18019a468b68952a60fe6dbab5d67cd2a103cac7659b41ca/jupyter_client-8.6.3.tar.gz", hash = "sha256:35b3a0947c4a6e9d589eb97d7d4cd5e90f910ee73101611f01283732bd6d9419", size = 342019, upload_time = "2024-09-17T10:44:17.613Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/11/85/b0394e0b6fcccd2c1eeefc230978a6f8cb0c5df1e4cd3e7625735a0d7d1e/jupyter_client-8.6.3-py3-none-any.whl", hash = "sha256:e8a19cc986cc45905ac3362915f410f3af85424b4c0905e94fa5f2cb08e8f23f", size = 106105, upload-time = "2024-09-17T10:44:15.218Z" }, + { url = "https://files.pythonhosted.org/packages/11/85/b0394e0b6fcccd2c1eeefc230978a6f8cb0c5df1e4cd3e7625735a0d7d1e/jupyter_client-8.6.3-py3-none-any.whl", hash = "sha256:e8a19cc986cc45905ac3362915f410f3af85424b4c0905e94fa5f2cb08e8f23f", size = 106105, upload_time = "2024-09-17T10:44:15.218Z" }, ] [[package]] @@ -1448,9 +1448,9 @@ dependencies = [ { name = "pywin32", marker = "platform_python_implementation != 'PyPy' and sys_platform == 'win32'" }, { name = "traitlets" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/99/1b/72906d554acfeb588332eaaa6f61577705e9ec752ddb486f302dafa292d9/jupyter_core-5.8.1.tar.gz", hash = "sha256:0a5f9706f70e64786b75acba995988915ebd4601c8a52e534a40b51c95f59941", size = 88923, upload-time = "2025-05-27T07:38:16.655Z" } +sdist = { url = "https://files.pythonhosted.org/packages/99/1b/72906d554acfeb588332eaaa6f61577705e9ec752ddb486f302dafa292d9/jupyter_core-5.8.1.tar.gz", hash = "sha256:0a5f9706f70e64786b75acba995988915ebd4601c8a52e534a40b51c95f59941", size = 88923, upload_time = "2025-05-27T07:38:16.655Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/2f/57/6bffd4b20b88da3800c5d691e0337761576ee688eb01299eae865689d2df/jupyter_core-5.8.1-py3-none-any.whl", hash = "sha256:c28d268fc90fb53f1338ded2eb410704c5449a358406e8a948b75706e24863d0", size = 28880, upload-time = "2025-05-27T07:38:15.137Z" }, + { url = "https://files.pythonhosted.org/packages/2f/57/6bffd4b20b88da3800c5d691e0337761576ee688eb01299eae865689d2df/jupyter_core-5.8.1-py3-none-any.whl", hash = "sha256:c28d268fc90fb53f1338ded2eb410704c5449a358406e8a948b75706e24863d0", size = 28880, upload_time = "2025-05-27T07:38:15.137Z" }, ] [[package]] @@ -1467,9 +1467,9 @@ dependencies = [ { name = "rfc3986-validator" }, { name = "traitlets" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/9d/c3/306d090461e4cf3cd91eceaff84bede12a8e52cd821c2d20c9a4fd728385/jupyter_events-0.12.0.tar.gz", hash = "sha256:fc3fce98865f6784c9cd0a56a20644fc6098f21c8c33834a8d9fe383c17e554b", size = 62196, upload-time = "2025-02-03T17:23:41.485Z" } +sdist = { url = "https://files.pythonhosted.org/packages/9d/c3/306d090461e4cf3cd91eceaff84bede12a8e52cd821c2d20c9a4fd728385/jupyter_events-0.12.0.tar.gz", hash = "sha256:fc3fce98865f6784c9cd0a56a20644fc6098f21c8c33834a8d9fe383c17e554b", size = 62196, upload_time = "2025-02-03T17:23:41.485Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/e2/48/577993f1f99c552f18a0428731a755e06171f9902fa118c379eb7c04ea22/jupyter_events-0.12.0-py3-none-any.whl", hash = "sha256:6464b2fa5ad10451c3d35fabc75eab39556ae1e2853ad0c0cc31b656731a97fb", size = 19430, upload-time = "2025-02-03T17:23:38.643Z" }, + { url = "https://files.pythonhosted.org/packages/e2/48/577993f1f99c552f18a0428731a755e06171f9902fa118c379eb7c04ea22/jupyter_events-0.12.0-py3-none-any.whl", hash = "sha256:6464b2fa5ad10451c3d35fabc75eab39556ae1e2853ad0c0cc31b656731a97fb", size = 19430, upload_time = "2025-02-03T17:23:38.643Z" }, ] [[package]] @@ -1479,9 +1479,9 @@ source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "jupyter-server" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/85/b4/3200b0b09c12bc3b72d943d923323c398eff382d1dcc7c0dbc8b74630e40/jupyter-lsp-2.2.5.tar.gz", hash = "sha256:793147a05ad446f809fd53ef1cd19a9f5256fd0a2d6b7ce943a982cb4f545001", size = 48741, upload-time = "2024-04-09T17:59:44.918Z" } +sdist = { url = "https://files.pythonhosted.org/packages/85/b4/3200b0b09c12bc3b72d943d923323c398eff382d1dcc7c0dbc8b74630e40/jupyter-lsp-2.2.5.tar.gz", hash = "sha256:793147a05ad446f809fd53ef1cd19a9f5256fd0a2d6b7ce943a982cb4f545001", size = 48741, upload_time = "2024-04-09T17:59:44.918Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/07/e0/7bd7cff65594fd9936e2f9385701e44574fc7d721331ff676ce440b14100/jupyter_lsp-2.2.5-py3-none-any.whl", hash = "sha256:45fbddbd505f3fbfb0b6cb2f1bc5e15e83ab7c79cd6e89416b248cb3c00c11da", size = 69146, upload-time = "2024-04-09T17:59:43.388Z" }, + { url = "https://files.pythonhosted.org/packages/07/e0/7bd7cff65594fd9936e2f9385701e44574fc7d721331ff676ce440b14100/jupyter_lsp-2.2.5-py3-none-any.whl", hash = "sha256:45fbddbd505f3fbfb0b6cb2f1bc5e15e83ab7c79cd6e89416b248cb3c00c11da", size = 69146, upload_time = "2024-04-09T17:59:43.388Z" }, ] [[package]] @@ -1509,9 +1509,9 @@ dependencies = [ { name = "traitlets" }, { name = "websocket-client" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/41/c8/ba2bbcd758c47f1124c4ca14061e8ce60d9c6fd537faee9534a95f83521a/jupyter_server-2.16.0.tar.gz", hash = "sha256:65d4b44fdf2dcbbdfe0aa1ace4a842d4aaf746a2b7b168134d5aaed35621b7f6", size = 728177, upload-time = "2025-05-12T16:44:46.245Z" } +sdist = { url = "https://files.pythonhosted.org/packages/41/c8/ba2bbcd758c47f1124c4ca14061e8ce60d9c6fd537faee9534a95f83521a/jupyter_server-2.16.0.tar.gz", hash = "sha256:65d4b44fdf2dcbbdfe0aa1ace4a842d4aaf746a2b7b168134d5aaed35621b7f6", size = 728177, upload_time = "2025-05-12T16:44:46.245Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/46/1f/5ebbced977171d09a7b0c08a285ff9a20aafb9c51bde07e52349ff1ddd71/jupyter_server-2.16.0-py3-none-any.whl", hash = "sha256:3d8db5be3bc64403b1c65b400a1d7f4647a5ce743f3b20dbdefe8ddb7b55af9e", size = 386904, upload-time = "2025-05-12T16:44:43.335Z" }, + { url = "https://files.pythonhosted.org/packages/46/1f/5ebbced977171d09a7b0c08a285ff9a20aafb9c51bde07e52349ff1ddd71/jupyter_server-2.16.0-py3-none-any.whl", hash = "sha256:3d8db5be3bc64403b1c65b400a1d7f4647a5ce743f3b20dbdefe8ddb7b55af9e", size = 386904, upload_time = "2025-05-12T16:44:43.335Z" }, ] [[package]] @@ -1522,9 +1522,9 @@ dependencies = [ { name = "pywinpty", marker = "os_name == 'nt'" }, { name = "terminado" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/fc/d5/562469734f476159e99a55426d697cbf8e7eb5efe89fb0e0b4f83a3d3459/jupyter_server_terminals-0.5.3.tar.gz", hash = "sha256:5ae0295167220e9ace0edcfdb212afd2b01ee8d179fe6f23c899590e9b8a5269", size = 31430, upload-time = "2024-03-12T14:37:03.049Z" } +sdist = { url = "https://files.pythonhosted.org/packages/fc/d5/562469734f476159e99a55426d697cbf8e7eb5efe89fb0e0b4f83a3d3459/jupyter_server_terminals-0.5.3.tar.gz", hash = "sha256:5ae0295167220e9ace0edcfdb212afd2b01ee8d179fe6f23c899590e9b8a5269", size = 31430, upload_time = "2024-03-12T14:37:03.049Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/07/2d/2b32cdbe8d2a602f697a649798554e4f072115438e92249624e532e8aca6/jupyter_server_terminals-0.5.3-py3-none-any.whl", hash = "sha256:41ee0d7dc0ebf2809c668e0fc726dfaf258fcd3e769568996ca731b6194ae9aa", size = 13656, upload-time = "2024-03-12T14:37:00.708Z" }, + { url = "https://files.pythonhosted.org/packages/07/2d/2b32cdbe8d2a602f697a649798554e4f072115438e92249624e532e8aca6/jupyter_server_terminals-0.5.3-py3-none-any.whl", hash = "sha256:41ee0d7dc0ebf2809c668e0fc726dfaf258fcd3e769568996ca731b6194ae9aa", size = 13656, upload_time = "2024-03-12T14:37:00.708Z" }, ] [[package]] @@ -1546,18 +1546,18 @@ dependencies = [ { name = "tornado" }, { name = "traitlets" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/d3/2d/d1678dcf2db66cb4a38a80d9e5fcf48c349f3ac12f2d38882993353ae768/jupyterlab-4.4.3.tar.gz", hash = "sha256:a94c32fd7f8b93e82a49dc70a6ec45a5c18281ca2a7228d12765e4e210e5bca2", size = 23032376, upload-time = "2025-05-26T11:18:00.996Z" } +sdist = { url = "https://files.pythonhosted.org/packages/d3/2d/d1678dcf2db66cb4a38a80d9e5fcf48c349f3ac12f2d38882993353ae768/jupyterlab-4.4.3.tar.gz", hash = "sha256:a94c32fd7f8b93e82a49dc70a6ec45a5c18281ca2a7228d12765e4e210e5bca2", size = 23032376, upload_time = "2025-05-26T11:18:00.996Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/c6/4d/7dd5c2ffbb960930452a031dc8410746183c924580f2ab4e68ceb5b3043f/jupyterlab-4.4.3-py3-none-any.whl", hash = "sha256:164302f6d4b6c44773dfc38d585665a4db401a16e5296c37df5cba63904fbdea", size = 12295480, upload-time = "2025-05-26T11:17:56.607Z" }, + { url = "https://files.pythonhosted.org/packages/c6/4d/7dd5c2ffbb960930452a031dc8410746183c924580f2ab4e68ceb5b3043f/jupyterlab-4.4.3-py3-none-any.whl", hash = "sha256:164302f6d4b6c44773dfc38d585665a4db401a16e5296c37df5cba63904fbdea", size = 12295480, upload_time = "2025-05-26T11:17:56.607Z" }, ] [[package]] name = "jupyterlab-pygments" version = "0.3.0" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/90/51/9187be60d989df97f5f0aba133fa54e7300f17616e065d1ada7d7646b6d6/jupyterlab_pygments-0.3.0.tar.gz", hash = "sha256:721aca4d9029252b11cfa9d185e5b5af4d54772bb8072f9b7036f4170054d35d", size = 512900, upload-time = "2023-11-23T09:26:37.44Z" } +sdist = { url = "https://files.pythonhosted.org/packages/90/51/9187be60d989df97f5f0aba133fa54e7300f17616e065d1ada7d7646b6d6/jupyterlab_pygments-0.3.0.tar.gz", hash = "sha256:721aca4d9029252b11cfa9d185e5b5af4d54772bb8072f9b7036f4170054d35d", size = 512900, upload_time = "2023-11-23T09:26:37.44Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/b1/dd/ead9d8ea85bf202d90cc513b533f9c363121c7792674f78e0d8a854b63b4/jupyterlab_pygments-0.3.0-py3-none-any.whl", hash = "sha256:841a89020971da1d8693f1a99997aefc5dc424bb1b251fd6322462a1b8842780", size = 15884, upload-time = "2023-11-23T09:26:34.325Z" }, + { url = "https://files.pythonhosted.org/packages/b1/dd/ead9d8ea85bf202d90cc513b533f9c363121c7792674f78e0d8a854b63b4/jupyterlab_pygments-0.3.0-py3-none-any.whl", hash = "sha256:841a89020971da1d8693f1a99997aefc5dc424bb1b251fd6322462a1b8842780", size = 15884, upload_time = "2023-11-23T09:26:34.325Z" }, ] [[package]] @@ -1573,9 +1573,9 @@ dependencies = [ { name = "packaging" }, { name = "requests" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/0a/c9/a883ce65eb27905ce77ace410d83587c82ea64dc85a48d1f7ed52bcfa68d/jupyterlab_server-2.27.3.tar.gz", hash = "sha256:eb36caca59e74471988f0ae25c77945610b887f777255aa21f8065def9e51ed4", size = 76173, upload-time = "2024-07-16T17:02:04.149Z" } +sdist = { url = "https://files.pythonhosted.org/packages/0a/c9/a883ce65eb27905ce77ace410d83587c82ea64dc85a48d1f7ed52bcfa68d/jupyterlab_server-2.27.3.tar.gz", hash = "sha256:eb36caca59e74471988f0ae25c77945610b887f777255aa21f8065def9e51ed4", size = 76173, upload_time = "2024-07-16T17:02:04.149Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/54/09/2032e7d15c544a0e3cd831c51d77a8ca57f7555b2e1b2922142eddb02a84/jupyterlab_server-2.27.3-py3-none-any.whl", hash = "sha256:e697488f66c3db49df675158a77b3b017520d772c6e1548c7d9bcc5df7944ee4", size = 59700, upload-time = "2024-07-16T17:02:01.115Z" }, + { url = "https://files.pythonhosted.org/packages/54/09/2032e7d15c544a0e3cd831c51d77a8ca57f7555b2e1b2922142eddb02a84/jupyterlab_server-2.27.3-py3-none-any.whl", hash = "sha256:e697488f66c3db49df675158a77b3b017520d772c6e1548c7d9bcc5df7944ee4", size = 59700, upload_time = "2024-07-16T17:02:01.115Z" }, ] [[package]] @@ -1585,57 +1585,57 @@ source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "mdurl" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/38/71/3b932df36c1a044d397a1f92d1cf91ee0a503d91e470cbd670aa66b07ed0/markdown-it-py-3.0.0.tar.gz", hash = "sha256:e3f60a94fa066dc52ec76661e37c851cb232d92f9886b15cb560aaada2df8feb", size = 74596, upload-time = "2023-06-03T06:41:14.443Z" } +sdist = { url = "https://files.pythonhosted.org/packages/38/71/3b932df36c1a044d397a1f92d1cf91ee0a503d91e470cbd670aa66b07ed0/markdown-it-py-3.0.0.tar.gz", hash = "sha256:e3f60a94fa066dc52ec76661e37c851cb232d92f9886b15cb560aaada2df8feb", size = 74596, upload_time = "2023-06-03T06:41:14.443Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/42/d7/1ec15b46af6af88f19b8e5ffea08fa375d433c998b8a7639e76935c14f1f/markdown_it_py-3.0.0-py3-none-any.whl", hash = "sha256:355216845c60bd96232cd8d8c40e8f9765cc86f46880e43a8fd22dc1a1a8cab1", size = 87528, upload-time = "2023-06-03T06:41:11.019Z" }, + { url = "https://files.pythonhosted.org/packages/42/d7/1ec15b46af6af88f19b8e5ffea08fa375d433c998b8a7639e76935c14f1f/markdown_it_py-3.0.0-py3-none-any.whl", hash = "sha256:355216845c60bd96232cd8d8c40e8f9765cc86f46880e43a8fd22dc1a1a8cab1", size = 87528, upload_time = "2023-06-03T06:41:11.019Z" }, ] [[package]] name = "markupsafe" version = "3.0.2" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/b2/97/5d42485e71dfc078108a86d6de8fa46db44a1a9295e89c5d6d4a06e23a62/markupsafe-3.0.2.tar.gz", hash = "sha256:ee55d3edf80167e48ea11a923c7386f4669df67d7994554387f84e7d8b0a2bf0", size = 20537, upload-time = "2024-10-18T15:21:54.129Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/6b/28/bbf83e3f76936960b850435576dd5e67034e200469571be53f69174a2dfd/MarkupSafe-3.0.2-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:9025b4018f3a1314059769c7bf15441064b2207cb3f065e6ea1e7359cb46db9d", size = 14353, upload-time = "2024-10-18T15:21:02.187Z" }, - { url = "https://files.pythonhosted.org/packages/6c/30/316d194b093cde57d448a4c3209f22e3046c5bb2fb0820b118292b334be7/MarkupSafe-3.0.2-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:93335ca3812df2f366e80509ae119189886b0f3c2b81325d39efdb84a1e2ae93", size = 12392, upload-time = "2024-10-18T15:21:02.941Z" }, - { url = "https://files.pythonhosted.org/packages/f2/96/9cdafba8445d3a53cae530aaf83c38ec64c4d5427d975c974084af5bc5d2/MarkupSafe-3.0.2-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:2cb8438c3cbb25e220c2ab33bb226559e7afb3baec11c4f218ffa7308603c832", size = 23984, upload-time = "2024-10-18T15:21:03.953Z" }, - { url = "https://files.pythonhosted.org/packages/f1/a4/aefb044a2cd8d7334c8a47d3fb2c9f328ac48cb349468cc31c20b539305f/MarkupSafe-3.0.2-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:a123e330ef0853c6e822384873bef7507557d8e4a082961e1defa947aa59ba84", size = 23120, upload-time = "2024-10-18T15:21:06.495Z" }, - { url = "https://files.pythonhosted.org/packages/8d/21/5e4851379f88f3fad1de30361db501300d4f07bcad047d3cb0449fc51f8c/MarkupSafe-3.0.2-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:1e084f686b92e5b83186b07e8a17fc09e38fff551f3602b249881fec658d3eca", size = 23032, upload-time = "2024-10-18T15:21:07.295Z" }, - { url = "https://files.pythonhosted.org/packages/00/7b/e92c64e079b2d0d7ddf69899c98842f3f9a60a1ae72657c89ce2655c999d/MarkupSafe-3.0.2-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:d8213e09c917a951de9d09ecee036d5c7d36cb6cb7dbaece4c71a60d79fb9798", size = 24057, upload-time = "2024-10-18T15:21:08.073Z" }, - { url = "https://files.pythonhosted.org/packages/f9/ac/46f960ca323037caa0a10662ef97d0a4728e890334fc156b9f9e52bcc4ca/MarkupSafe-3.0.2-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:5b02fb34468b6aaa40dfc198d813a641e3a63b98c2b05a16b9f80b7ec314185e", size = 23359, upload-time = "2024-10-18T15:21:09.318Z" }, - { url = "https://files.pythonhosted.org/packages/69/84/83439e16197337b8b14b6a5b9c2105fff81d42c2a7c5b58ac7b62ee2c3b1/MarkupSafe-3.0.2-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:0bff5e0ae4ef2e1ae4fdf2dfd5b76c75e5c2fa4132d05fc1b0dabcd20c7e28c4", size = 23306, upload-time = "2024-10-18T15:21:10.185Z" }, - { url = "https://files.pythonhosted.org/packages/9a/34/a15aa69f01e2181ed8d2b685c0d2f6655d5cca2c4db0ddea775e631918cd/MarkupSafe-3.0.2-cp311-cp311-win32.whl", hash = "sha256:6c89876f41da747c8d3677a2b540fb32ef5715f97b66eeb0c6b66f5e3ef6f59d", size = 15094, upload-time = "2024-10-18T15:21:11.005Z" }, - { url = "https://files.pythonhosted.org/packages/da/b8/3a3bd761922d416f3dc5d00bfbed11f66b1ab89a0c2b6e887240a30b0f6b/MarkupSafe-3.0.2-cp311-cp311-win_amd64.whl", hash = "sha256:70a87b411535ccad5ef2f1df5136506a10775d267e197e4cf531ced10537bd6b", size = 15521, upload-time = "2024-10-18T15:21:12.911Z" }, - { url = "https://files.pythonhosted.org/packages/22/09/d1f21434c97fc42f09d290cbb6350d44eb12f09cc62c9476effdb33a18aa/MarkupSafe-3.0.2-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:9778bd8ab0a994ebf6f84c2b949e65736d5575320a17ae8984a77fab08db94cf", size = 14274, upload-time = "2024-10-18T15:21:13.777Z" }, - { url = "https://files.pythonhosted.org/packages/6b/b0/18f76bba336fa5aecf79d45dcd6c806c280ec44538b3c13671d49099fdd0/MarkupSafe-3.0.2-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:846ade7b71e3536c4e56b386c2a47adf5741d2d8b94ec9dc3e92e5e1ee1e2225", size = 12348, upload-time = "2024-10-18T15:21:14.822Z" }, - { url = "https://files.pythonhosted.org/packages/e0/25/dd5c0f6ac1311e9b40f4af06c78efde0f3b5cbf02502f8ef9501294c425b/MarkupSafe-3.0.2-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:1c99d261bd2d5f6b59325c92c73df481e05e57f19837bdca8413b9eac4bd8028", size = 24149, upload-time = "2024-10-18T15:21:15.642Z" }, - { url = "https://files.pythonhosted.org/packages/f3/f0/89e7aadfb3749d0f52234a0c8c7867877876e0a20b60e2188e9850794c17/MarkupSafe-3.0.2-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:e17c96c14e19278594aa4841ec148115f9c7615a47382ecb6b82bd8fea3ab0c8", size = 23118, upload-time = "2024-10-18T15:21:17.133Z" }, - { url = "https://files.pythonhosted.org/packages/d5/da/f2eeb64c723f5e3777bc081da884b414671982008c47dcc1873d81f625b6/MarkupSafe-3.0.2-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:88416bd1e65dcea10bc7569faacb2c20ce071dd1f87539ca2ab364bf6231393c", size = 22993, upload-time = "2024-10-18T15:21:18.064Z" }, - { url = "https://files.pythonhosted.org/packages/da/0e/1f32af846df486dce7c227fe0f2398dc7e2e51d4a370508281f3c1c5cddc/MarkupSafe-3.0.2-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:2181e67807fc2fa785d0592dc2d6206c019b9502410671cc905d132a92866557", size = 24178, upload-time = "2024-10-18T15:21:18.859Z" }, - { url = "https://files.pythonhosted.org/packages/c4/f6/bb3ca0532de8086cbff5f06d137064c8410d10779c4c127e0e47d17c0b71/MarkupSafe-3.0.2-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:52305740fe773d09cffb16f8ed0427942901f00adedac82ec8b67752f58a1b22", size = 23319, upload-time = "2024-10-18T15:21:19.671Z" }, - { url = "https://files.pythonhosted.org/packages/a2/82/8be4c96ffee03c5b4a034e60a31294daf481e12c7c43ab8e34a1453ee48b/MarkupSafe-3.0.2-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:ad10d3ded218f1039f11a75f8091880239651b52e9bb592ca27de44eed242a48", size = 23352, upload-time = "2024-10-18T15:21:20.971Z" }, - { url = "https://files.pythonhosted.org/packages/51/ae/97827349d3fcffee7e184bdf7f41cd6b88d9919c80f0263ba7acd1bbcb18/MarkupSafe-3.0.2-cp312-cp312-win32.whl", hash = "sha256:0f4ca02bea9a23221c0182836703cbf8930c5e9454bacce27e767509fa286a30", size = 15097, upload-time = "2024-10-18T15:21:22.646Z" }, - { url = "https://files.pythonhosted.org/packages/c1/80/a61f99dc3a936413c3ee4e1eecac96c0da5ed07ad56fd975f1a9da5bc630/MarkupSafe-3.0.2-cp312-cp312-win_amd64.whl", hash = "sha256:8e06879fc22a25ca47312fbe7c8264eb0b662f6db27cb2d3bbbc74b1df4b9b87", size = 15601, upload-time = "2024-10-18T15:21:23.499Z" }, - { url = "https://files.pythonhosted.org/packages/83/0e/67eb10a7ecc77a0c2bbe2b0235765b98d164d81600746914bebada795e97/MarkupSafe-3.0.2-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:ba9527cdd4c926ed0760bc301f6728ef34d841f405abf9d4f959c478421e4efd", size = 14274, upload-time = "2024-10-18T15:21:24.577Z" }, - { url = "https://files.pythonhosted.org/packages/2b/6d/9409f3684d3335375d04e5f05744dfe7e9f120062c9857df4ab490a1031a/MarkupSafe-3.0.2-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:f8b3d067f2e40fe93e1ccdd6b2e1d16c43140e76f02fb1319a05cf2b79d99430", size = 12352, upload-time = "2024-10-18T15:21:25.382Z" }, - { url = "https://files.pythonhosted.org/packages/d2/f5/6eadfcd3885ea85fe2a7c128315cc1bb7241e1987443d78c8fe712d03091/MarkupSafe-3.0.2-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:569511d3b58c8791ab4c2e1285575265991e6d8f8700c7be0e88f86cb0672094", size = 24122, upload-time = "2024-10-18T15:21:26.199Z" }, - { url = "https://files.pythonhosted.org/packages/0c/91/96cf928db8236f1bfab6ce15ad070dfdd02ed88261c2afafd4b43575e9e9/MarkupSafe-3.0.2-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:15ab75ef81add55874e7ab7055e9c397312385bd9ced94920f2802310c930396", size = 23085, upload-time = "2024-10-18T15:21:27.029Z" }, - { url = "https://files.pythonhosted.org/packages/c2/cf/c9d56af24d56ea04daae7ac0940232d31d5a8354f2b457c6d856b2057d69/MarkupSafe-3.0.2-cp313-cp313-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:f3818cb119498c0678015754eba762e0d61e5b52d34c8b13d770f0719f7b1d79", size = 22978, upload-time = "2024-10-18T15:21:27.846Z" }, - { url = "https://files.pythonhosted.org/packages/2a/9f/8619835cd6a711d6272d62abb78c033bda638fdc54c4e7f4272cf1c0962b/MarkupSafe-3.0.2-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:cdb82a876c47801bb54a690c5ae105a46b392ac6099881cdfb9f6e95e4014c6a", size = 24208, upload-time = "2024-10-18T15:21:28.744Z" }, - { url = "https://files.pythonhosted.org/packages/f9/bf/176950a1792b2cd2102b8ffeb5133e1ed984547b75db47c25a67d3359f77/MarkupSafe-3.0.2-cp313-cp313-musllinux_1_2_i686.whl", hash = "sha256:cabc348d87e913db6ab4aa100f01b08f481097838bdddf7c7a84b7575b7309ca", size = 23357, upload-time = "2024-10-18T15:21:29.545Z" }, - { url = "https://files.pythonhosted.org/packages/ce/4f/9a02c1d335caabe5c4efb90e1b6e8ee944aa245c1aaaab8e8a618987d816/MarkupSafe-3.0.2-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:444dcda765c8a838eaae23112db52f1efaf750daddb2d9ca300bcae1039adc5c", size = 23344, upload-time = "2024-10-18T15:21:30.366Z" }, - { url = "https://files.pythonhosted.org/packages/ee/55/c271b57db36f748f0e04a759ace9f8f759ccf22b4960c270c78a394f58be/MarkupSafe-3.0.2-cp313-cp313-win32.whl", hash = "sha256:bcf3e58998965654fdaff38e58584d8937aa3096ab5354d493c77d1fdd66d7a1", size = 15101, upload-time = "2024-10-18T15:21:31.207Z" }, - { url = "https://files.pythonhosted.org/packages/29/88/07df22d2dd4df40aba9f3e402e6dc1b8ee86297dddbad4872bd5e7b0094f/MarkupSafe-3.0.2-cp313-cp313-win_amd64.whl", hash = "sha256:e6a2a455bd412959b57a172ce6328d2dd1f01cb2135efda2e4576e8a23fa3b0f", size = 15603, upload-time = "2024-10-18T15:21:32.032Z" }, - { url = "https://files.pythonhosted.org/packages/62/6a/8b89d24db2d32d433dffcd6a8779159da109842434f1dd2f6e71f32f738c/MarkupSafe-3.0.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:b5a6b3ada725cea8a5e634536b1b01c30bcdcd7f9c6fff4151548d5bf6b3a36c", size = 14510, upload-time = "2024-10-18T15:21:33.625Z" }, - { url = "https://files.pythonhosted.org/packages/7a/06/a10f955f70a2e5a9bf78d11a161029d278eeacbd35ef806c3fd17b13060d/MarkupSafe-3.0.2-cp313-cp313t-macosx_11_0_arm64.whl", hash = "sha256:a904af0a6162c73e3edcb969eeeb53a63ceeb5d8cf642fade7d39e7963a22ddb", size = 12486, upload-time = "2024-10-18T15:21:34.611Z" }, - { url = "https://files.pythonhosted.org/packages/34/cf/65d4a571869a1a9078198ca28f39fba5fbb910f952f9dbc5220afff9f5e6/MarkupSafe-3.0.2-cp313-cp313t-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:4aa4e5faecf353ed117801a068ebab7b7e09ffb6e1d5e412dc852e0da018126c", size = 25480, upload-time = "2024-10-18T15:21:35.398Z" }, - { url = "https://files.pythonhosted.org/packages/0c/e3/90e9651924c430b885468b56b3d597cabf6d72be4b24a0acd1fa0e12af67/MarkupSafe-3.0.2-cp313-cp313t-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:c0ef13eaeee5b615fb07c9a7dadb38eac06a0608b41570d8ade51c56539e509d", size = 23914, upload-time = "2024-10-18T15:21:36.231Z" }, - { url = "https://files.pythonhosted.org/packages/66/8c/6c7cf61f95d63bb866db39085150df1f2a5bd3335298f14a66b48e92659c/MarkupSafe-3.0.2-cp313-cp313t-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:d16a81a06776313e817c951135cf7340a3e91e8c1ff2fac444cfd75fffa04afe", size = 23796, upload-time = "2024-10-18T15:21:37.073Z" }, - { url = "https://files.pythonhosted.org/packages/bb/35/cbe9238ec3f47ac9a7c8b3df7a808e7cb50fe149dc7039f5f454b3fba218/MarkupSafe-3.0.2-cp313-cp313t-musllinux_1_2_aarch64.whl", hash = "sha256:6381026f158fdb7c72a168278597a5e3a5222e83ea18f543112b2662a9b699c5", size = 25473, upload-time = "2024-10-18T15:21:37.932Z" }, - { url = "https://files.pythonhosted.org/packages/e6/32/7621a4382488aa283cc05e8984a9c219abad3bca087be9ec77e89939ded9/MarkupSafe-3.0.2-cp313-cp313t-musllinux_1_2_i686.whl", hash = "sha256:3d79d162e7be8f996986c064d1c7c817f6df3a77fe3d6859f6f9e7be4b8c213a", size = 24114, upload-time = "2024-10-18T15:21:39.799Z" }, - { url = "https://files.pythonhosted.org/packages/0d/80/0985960e4b89922cb5a0bac0ed39c5b96cbc1a536a99f30e8c220a996ed9/MarkupSafe-3.0.2-cp313-cp313t-musllinux_1_2_x86_64.whl", hash = "sha256:131a3c7689c85f5ad20f9f6fb1b866f402c445b220c19fe4308c0b147ccd2ad9", size = 24098, upload-time = "2024-10-18T15:21:40.813Z" }, - { url = "https://files.pythonhosted.org/packages/82/78/fedb03c7d5380df2427038ec8d973587e90561b2d90cd472ce9254cf348b/MarkupSafe-3.0.2-cp313-cp313t-win32.whl", hash = "sha256:ba8062ed2cf21c07a9e295d5b8a2a5ce678b913b45fdf68c32d95d6c1291e0b6", size = 15208, upload-time = "2024-10-18T15:21:41.814Z" }, - { url = "https://files.pythonhosted.org/packages/4f/65/6079a46068dfceaeabb5dcad6d674f5f5c61a6fa5673746f42a9f4c233b3/MarkupSafe-3.0.2-cp313-cp313t-win_amd64.whl", hash = "sha256:e444a31f8db13eb18ada366ab3cf45fd4b31e4db1236a4448f68778c1d1a5a2f", size = 15739, upload-time = "2024-10-18T15:21:42.784Z" }, +sdist = { url = "https://files.pythonhosted.org/packages/b2/97/5d42485e71dfc078108a86d6de8fa46db44a1a9295e89c5d6d4a06e23a62/markupsafe-3.0.2.tar.gz", hash = "sha256:ee55d3edf80167e48ea11a923c7386f4669df67d7994554387f84e7d8b0a2bf0", size = 20537, upload_time = "2024-10-18T15:21:54.129Z" } +wheels = [ + { url = "https://files.pythonhosted.org/packages/6b/28/bbf83e3f76936960b850435576dd5e67034e200469571be53f69174a2dfd/MarkupSafe-3.0.2-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:9025b4018f3a1314059769c7bf15441064b2207cb3f065e6ea1e7359cb46db9d", size = 14353, upload_time = "2024-10-18T15:21:02.187Z" }, + { url = "https://files.pythonhosted.org/packages/6c/30/316d194b093cde57d448a4c3209f22e3046c5bb2fb0820b118292b334be7/MarkupSafe-3.0.2-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:93335ca3812df2f366e80509ae119189886b0f3c2b81325d39efdb84a1e2ae93", size = 12392, upload_time = "2024-10-18T15:21:02.941Z" }, + { url = "https://files.pythonhosted.org/packages/f2/96/9cdafba8445d3a53cae530aaf83c38ec64c4d5427d975c974084af5bc5d2/MarkupSafe-3.0.2-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:2cb8438c3cbb25e220c2ab33bb226559e7afb3baec11c4f218ffa7308603c832", size = 23984, upload_time = "2024-10-18T15:21:03.953Z" }, + { url = "https://files.pythonhosted.org/packages/f1/a4/aefb044a2cd8d7334c8a47d3fb2c9f328ac48cb349468cc31c20b539305f/MarkupSafe-3.0.2-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:a123e330ef0853c6e822384873bef7507557d8e4a082961e1defa947aa59ba84", size = 23120, upload_time = "2024-10-18T15:21:06.495Z" }, + { url = "https://files.pythonhosted.org/packages/8d/21/5e4851379f88f3fad1de30361db501300d4f07bcad047d3cb0449fc51f8c/MarkupSafe-3.0.2-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:1e084f686b92e5b83186b07e8a17fc09e38fff551f3602b249881fec658d3eca", size = 23032, upload_time = "2024-10-18T15:21:07.295Z" }, + { url = "https://files.pythonhosted.org/packages/00/7b/e92c64e079b2d0d7ddf69899c98842f3f9a60a1ae72657c89ce2655c999d/MarkupSafe-3.0.2-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:d8213e09c917a951de9d09ecee036d5c7d36cb6cb7dbaece4c71a60d79fb9798", size = 24057, upload_time = "2024-10-18T15:21:08.073Z" }, + { url = "https://files.pythonhosted.org/packages/f9/ac/46f960ca323037caa0a10662ef97d0a4728e890334fc156b9f9e52bcc4ca/MarkupSafe-3.0.2-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:5b02fb34468b6aaa40dfc198d813a641e3a63b98c2b05a16b9f80b7ec314185e", size = 23359, upload_time = "2024-10-18T15:21:09.318Z" }, + { url = "https://files.pythonhosted.org/packages/69/84/83439e16197337b8b14b6a5b9c2105fff81d42c2a7c5b58ac7b62ee2c3b1/MarkupSafe-3.0.2-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:0bff5e0ae4ef2e1ae4fdf2dfd5b76c75e5c2fa4132d05fc1b0dabcd20c7e28c4", size = 23306, upload_time = "2024-10-18T15:21:10.185Z" }, + { url = "https://files.pythonhosted.org/packages/9a/34/a15aa69f01e2181ed8d2b685c0d2f6655d5cca2c4db0ddea775e631918cd/MarkupSafe-3.0.2-cp311-cp311-win32.whl", hash = "sha256:6c89876f41da747c8d3677a2b540fb32ef5715f97b66eeb0c6b66f5e3ef6f59d", size = 15094, upload_time = "2024-10-18T15:21:11.005Z" }, + { url = "https://files.pythonhosted.org/packages/da/b8/3a3bd761922d416f3dc5d00bfbed11f66b1ab89a0c2b6e887240a30b0f6b/MarkupSafe-3.0.2-cp311-cp311-win_amd64.whl", hash = "sha256:70a87b411535ccad5ef2f1df5136506a10775d267e197e4cf531ced10537bd6b", size = 15521, upload_time = "2024-10-18T15:21:12.911Z" }, + { url = "https://files.pythonhosted.org/packages/22/09/d1f21434c97fc42f09d290cbb6350d44eb12f09cc62c9476effdb33a18aa/MarkupSafe-3.0.2-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:9778bd8ab0a994ebf6f84c2b949e65736d5575320a17ae8984a77fab08db94cf", size = 14274, upload_time = "2024-10-18T15:21:13.777Z" }, + { url = "https://files.pythonhosted.org/packages/6b/b0/18f76bba336fa5aecf79d45dcd6c806c280ec44538b3c13671d49099fdd0/MarkupSafe-3.0.2-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:846ade7b71e3536c4e56b386c2a47adf5741d2d8b94ec9dc3e92e5e1ee1e2225", size = 12348, upload_time = "2024-10-18T15:21:14.822Z" }, + { url = "https://files.pythonhosted.org/packages/e0/25/dd5c0f6ac1311e9b40f4af06c78efde0f3b5cbf02502f8ef9501294c425b/MarkupSafe-3.0.2-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:1c99d261bd2d5f6b59325c92c73df481e05e57f19837bdca8413b9eac4bd8028", size = 24149, upload_time = "2024-10-18T15:21:15.642Z" }, + { url = "https://files.pythonhosted.org/packages/f3/f0/89e7aadfb3749d0f52234a0c8c7867877876e0a20b60e2188e9850794c17/MarkupSafe-3.0.2-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:e17c96c14e19278594aa4841ec148115f9c7615a47382ecb6b82bd8fea3ab0c8", size = 23118, upload_time = "2024-10-18T15:21:17.133Z" }, + { url = "https://files.pythonhosted.org/packages/d5/da/f2eeb64c723f5e3777bc081da884b414671982008c47dcc1873d81f625b6/MarkupSafe-3.0.2-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:88416bd1e65dcea10bc7569faacb2c20ce071dd1f87539ca2ab364bf6231393c", size = 22993, upload_time = "2024-10-18T15:21:18.064Z" }, + { url = "https://files.pythonhosted.org/packages/da/0e/1f32af846df486dce7c227fe0f2398dc7e2e51d4a370508281f3c1c5cddc/MarkupSafe-3.0.2-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:2181e67807fc2fa785d0592dc2d6206c019b9502410671cc905d132a92866557", size = 24178, upload_time = "2024-10-18T15:21:18.859Z" }, + { url = "https://files.pythonhosted.org/packages/c4/f6/bb3ca0532de8086cbff5f06d137064c8410d10779c4c127e0e47d17c0b71/MarkupSafe-3.0.2-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:52305740fe773d09cffb16f8ed0427942901f00adedac82ec8b67752f58a1b22", size = 23319, upload_time = "2024-10-18T15:21:19.671Z" }, + { url = "https://files.pythonhosted.org/packages/a2/82/8be4c96ffee03c5b4a034e60a31294daf481e12c7c43ab8e34a1453ee48b/MarkupSafe-3.0.2-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:ad10d3ded218f1039f11a75f8091880239651b52e9bb592ca27de44eed242a48", size = 23352, upload_time = "2024-10-18T15:21:20.971Z" }, + { url = "https://files.pythonhosted.org/packages/51/ae/97827349d3fcffee7e184bdf7f41cd6b88d9919c80f0263ba7acd1bbcb18/MarkupSafe-3.0.2-cp312-cp312-win32.whl", hash = "sha256:0f4ca02bea9a23221c0182836703cbf8930c5e9454bacce27e767509fa286a30", size = 15097, upload_time = "2024-10-18T15:21:22.646Z" }, + { url = "https://files.pythonhosted.org/packages/c1/80/a61f99dc3a936413c3ee4e1eecac96c0da5ed07ad56fd975f1a9da5bc630/MarkupSafe-3.0.2-cp312-cp312-win_amd64.whl", hash = "sha256:8e06879fc22a25ca47312fbe7c8264eb0b662f6db27cb2d3bbbc74b1df4b9b87", size = 15601, upload_time = "2024-10-18T15:21:23.499Z" }, + { url = "https://files.pythonhosted.org/packages/83/0e/67eb10a7ecc77a0c2bbe2b0235765b98d164d81600746914bebada795e97/MarkupSafe-3.0.2-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:ba9527cdd4c926ed0760bc301f6728ef34d841f405abf9d4f959c478421e4efd", size = 14274, upload_time = "2024-10-18T15:21:24.577Z" }, + { url = "https://files.pythonhosted.org/packages/2b/6d/9409f3684d3335375d04e5f05744dfe7e9f120062c9857df4ab490a1031a/MarkupSafe-3.0.2-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:f8b3d067f2e40fe93e1ccdd6b2e1d16c43140e76f02fb1319a05cf2b79d99430", size = 12352, upload_time = "2024-10-18T15:21:25.382Z" }, + { url = "https://files.pythonhosted.org/packages/d2/f5/6eadfcd3885ea85fe2a7c128315cc1bb7241e1987443d78c8fe712d03091/MarkupSafe-3.0.2-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:569511d3b58c8791ab4c2e1285575265991e6d8f8700c7be0e88f86cb0672094", size = 24122, upload_time = "2024-10-18T15:21:26.199Z" }, + { url = "https://files.pythonhosted.org/packages/0c/91/96cf928db8236f1bfab6ce15ad070dfdd02ed88261c2afafd4b43575e9e9/MarkupSafe-3.0.2-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:15ab75ef81add55874e7ab7055e9c397312385bd9ced94920f2802310c930396", size = 23085, upload_time = "2024-10-18T15:21:27.029Z" }, + { url = "https://files.pythonhosted.org/packages/c2/cf/c9d56af24d56ea04daae7ac0940232d31d5a8354f2b457c6d856b2057d69/MarkupSafe-3.0.2-cp313-cp313-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:f3818cb119498c0678015754eba762e0d61e5b52d34c8b13d770f0719f7b1d79", size = 22978, upload_time = "2024-10-18T15:21:27.846Z" }, + { url = "https://files.pythonhosted.org/packages/2a/9f/8619835cd6a711d6272d62abb78c033bda638fdc54c4e7f4272cf1c0962b/MarkupSafe-3.0.2-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:cdb82a876c47801bb54a690c5ae105a46b392ac6099881cdfb9f6e95e4014c6a", size = 24208, upload_time = "2024-10-18T15:21:28.744Z" }, + { url = "https://files.pythonhosted.org/packages/f9/bf/176950a1792b2cd2102b8ffeb5133e1ed984547b75db47c25a67d3359f77/MarkupSafe-3.0.2-cp313-cp313-musllinux_1_2_i686.whl", hash = "sha256:cabc348d87e913db6ab4aa100f01b08f481097838bdddf7c7a84b7575b7309ca", size = 23357, upload_time = "2024-10-18T15:21:29.545Z" }, + { url = "https://files.pythonhosted.org/packages/ce/4f/9a02c1d335caabe5c4efb90e1b6e8ee944aa245c1aaaab8e8a618987d816/MarkupSafe-3.0.2-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:444dcda765c8a838eaae23112db52f1efaf750daddb2d9ca300bcae1039adc5c", size = 23344, upload_time = "2024-10-18T15:21:30.366Z" }, + { url = "https://files.pythonhosted.org/packages/ee/55/c271b57db36f748f0e04a759ace9f8f759ccf22b4960c270c78a394f58be/MarkupSafe-3.0.2-cp313-cp313-win32.whl", hash = "sha256:bcf3e58998965654fdaff38e58584d8937aa3096ab5354d493c77d1fdd66d7a1", size = 15101, upload_time = "2024-10-18T15:21:31.207Z" }, + { url = "https://files.pythonhosted.org/packages/29/88/07df22d2dd4df40aba9f3e402e6dc1b8ee86297dddbad4872bd5e7b0094f/MarkupSafe-3.0.2-cp313-cp313-win_amd64.whl", hash = "sha256:e6a2a455bd412959b57a172ce6328d2dd1f01cb2135efda2e4576e8a23fa3b0f", size = 15603, upload_time = "2024-10-18T15:21:32.032Z" }, + { url = "https://files.pythonhosted.org/packages/62/6a/8b89d24db2d32d433dffcd6a8779159da109842434f1dd2f6e71f32f738c/MarkupSafe-3.0.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:b5a6b3ada725cea8a5e634536b1b01c30bcdcd7f9c6fff4151548d5bf6b3a36c", size = 14510, upload_time = "2024-10-18T15:21:33.625Z" }, + { url = "https://files.pythonhosted.org/packages/7a/06/a10f955f70a2e5a9bf78d11a161029d278eeacbd35ef806c3fd17b13060d/MarkupSafe-3.0.2-cp313-cp313t-macosx_11_0_arm64.whl", hash = "sha256:a904af0a6162c73e3edcb969eeeb53a63ceeb5d8cf642fade7d39e7963a22ddb", size = 12486, upload_time = "2024-10-18T15:21:34.611Z" }, + { url = "https://files.pythonhosted.org/packages/34/cf/65d4a571869a1a9078198ca28f39fba5fbb910f952f9dbc5220afff9f5e6/MarkupSafe-3.0.2-cp313-cp313t-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:4aa4e5faecf353ed117801a068ebab7b7e09ffb6e1d5e412dc852e0da018126c", size = 25480, upload_time = "2024-10-18T15:21:35.398Z" }, + { url = "https://files.pythonhosted.org/packages/0c/e3/90e9651924c430b885468b56b3d597cabf6d72be4b24a0acd1fa0e12af67/MarkupSafe-3.0.2-cp313-cp313t-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:c0ef13eaeee5b615fb07c9a7dadb38eac06a0608b41570d8ade51c56539e509d", size = 23914, upload_time = "2024-10-18T15:21:36.231Z" }, + { url = "https://files.pythonhosted.org/packages/66/8c/6c7cf61f95d63bb866db39085150df1f2a5bd3335298f14a66b48e92659c/MarkupSafe-3.0.2-cp313-cp313t-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:d16a81a06776313e817c951135cf7340a3e91e8c1ff2fac444cfd75fffa04afe", size = 23796, upload_time = "2024-10-18T15:21:37.073Z" }, + { url = "https://files.pythonhosted.org/packages/bb/35/cbe9238ec3f47ac9a7c8b3df7a808e7cb50fe149dc7039f5f454b3fba218/MarkupSafe-3.0.2-cp313-cp313t-musllinux_1_2_aarch64.whl", hash = "sha256:6381026f158fdb7c72a168278597a5e3a5222e83ea18f543112b2662a9b699c5", size = 25473, upload_time = "2024-10-18T15:21:37.932Z" }, + { url = "https://files.pythonhosted.org/packages/e6/32/7621a4382488aa283cc05e8984a9c219abad3bca087be9ec77e89939ded9/MarkupSafe-3.0.2-cp313-cp313t-musllinux_1_2_i686.whl", hash = "sha256:3d79d162e7be8f996986c064d1c7c817f6df3a77fe3d6859f6f9e7be4b8c213a", size = 24114, upload_time = "2024-10-18T15:21:39.799Z" }, + { url = "https://files.pythonhosted.org/packages/0d/80/0985960e4b89922cb5a0bac0ed39c5b96cbc1a536a99f30e8c220a996ed9/MarkupSafe-3.0.2-cp313-cp313t-musllinux_1_2_x86_64.whl", hash = "sha256:131a3c7689c85f5ad20f9f6fb1b866f402c445b220c19fe4308c0b147ccd2ad9", size = 24098, upload_time = "2024-10-18T15:21:40.813Z" }, + { url = "https://files.pythonhosted.org/packages/82/78/fedb03c7d5380df2427038ec8d973587e90561b2d90cd472ce9254cf348b/MarkupSafe-3.0.2-cp313-cp313t-win32.whl", hash = "sha256:ba8062ed2cf21c07a9e295d5b8a2a5ce678b913b45fdf68c32d95d6c1291e0b6", size = 15208, upload_time = "2024-10-18T15:21:41.814Z" }, + { url = "https://files.pythonhosted.org/packages/4f/65/6079a46068dfceaeabb5dcad6d674f5f5c61a6fa5673746f42a9f4c233b3/MarkupSafe-3.0.2-cp313-cp313t-win_amd64.whl", hash = "sha256:e444a31f8db13eb18ada366ab3cf45fd4b31e4db1236a4448f68778c1d1a5a2f", size = 15739, upload_time = "2024-10-18T15:21:42.784Z" }, ] [[package]] @@ -1645,113 +1645,113 @@ source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "traitlets" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/99/5b/a36a337438a14116b16480db471ad061c36c3694df7c2084a0da7ba538b7/matplotlib_inline-0.1.7.tar.gz", hash = "sha256:8423b23ec666be3d16e16b60bdd8ac4e86e840ebd1dd11a30b9f117f2fa0ab90", size = 8159, upload-time = "2024-04-15T13:44:44.803Z" } +sdist = { url = "https://files.pythonhosted.org/packages/99/5b/a36a337438a14116b16480db471ad061c36c3694df7c2084a0da7ba538b7/matplotlib_inline-0.1.7.tar.gz", hash = "sha256:8423b23ec666be3d16e16b60bdd8ac4e86e840ebd1dd11a30b9f117f2fa0ab90", size = 8159, upload_time = "2024-04-15T13:44:44.803Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/8f/8e/9ad090d3553c280a8060fbf6e24dc1c0c29704ee7d1c372f0c174aa59285/matplotlib_inline-0.1.7-py3-none-any.whl", hash = "sha256:df192d39a4ff8f21b1895d72e6a13f5fcc5099f00fa84384e0ea28c2cc0653ca", size = 9899, upload-time = "2024-04-15T13:44:43.265Z" }, + { url = "https://files.pythonhosted.org/packages/8f/8e/9ad090d3553c280a8060fbf6e24dc1c0c29704ee7d1c372f0c174aa59285/matplotlib_inline-0.1.7-py3-none-any.whl", hash = "sha256:df192d39a4ff8f21b1895d72e6a13f5fcc5099f00fa84384e0ea28c2cc0653ca", size = 9899, upload_time = "2024-04-15T13:44:43.265Z" }, ] [[package]] name = "mdurl" version = "0.1.2" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/d6/54/cfe61301667036ec958cb99bd3efefba235e65cdeb9c84d24a8293ba1d90/mdurl-0.1.2.tar.gz", hash = "sha256:bb413d29f5eea38f31dd4754dd7377d4465116fb207585f97bf925588687c1ba", size = 8729, upload-time = "2022-08-14T12:40:10.846Z" } +sdist = { url = "https://files.pythonhosted.org/packages/d6/54/cfe61301667036ec958cb99bd3efefba235e65cdeb9c84d24a8293ba1d90/mdurl-0.1.2.tar.gz", hash = "sha256:bb413d29f5eea38f31dd4754dd7377d4465116fb207585f97bf925588687c1ba", size = 8729, upload_time = "2022-08-14T12:40:10.846Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/b3/38/89ba8ad64ae25be8de66a6d463314cf1eb366222074cfda9ee839c56a4b4/mdurl-0.1.2-py3-none-any.whl", hash = "sha256:84008a41e51615a49fc9966191ff91509e3c40b939176e643fd50a5c2196b8f8", size = 9979, upload-time = "2022-08-14T12:40:09.779Z" }, + { url = "https://files.pythonhosted.org/packages/b3/38/89ba8ad64ae25be8de66a6d463314cf1eb366222074cfda9ee839c56a4b4/mdurl-0.1.2-py3-none-any.whl", hash = "sha256:84008a41e51615a49fc9966191ff91509e3c40b939176e643fd50a5c2196b8f8", size = 9979, upload_time = "2022-08-14T12:40:09.779Z" }, ] [[package]] name = "mistune" version = "3.1.3" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/c4/79/bda47f7dd7c3c55770478d6d02c9960c430b0cf1773b72366ff89126ea31/mistune-3.1.3.tar.gz", hash = "sha256:a7035c21782b2becb6be62f8f25d3df81ccb4d6fa477a6525b15af06539f02a0", size = 94347, upload-time = "2025-03-19T14:27:24.955Z" } +sdist = { url = "https://files.pythonhosted.org/packages/c4/79/bda47f7dd7c3c55770478d6d02c9960c430b0cf1773b72366ff89126ea31/mistune-3.1.3.tar.gz", hash = "sha256:a7035c21782b2becb6be62f8f25d3df81ccb4d6fa477a6525b15af06539f02a0", size = 94347, upload_time = "2025-03-19T14:27:24.955Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/01/4d/23c4e4f09da849e127e9f123241946c23c1e30f45a88366879e064211815/mistune-3.1.3-py3-none-any.whl", hash = "sha256:1a32314113cff28aa6432e99e522677c8587fd83e3d51c29b82a52409c842bd9", size = 53410, upload-time = "2025-03-19T14:27:23.451Z" }, + { url = "https://files.pythonhosted.org/packages/01/4d/23c4e4f09da849e127e9f123241946c23c1e30f45a88366879e064211815/mistune-3.1.3-py3-none-any.whl", hash = "sha256:1a32314113cff28aa6432e99e522677c8587fd83e3d51c29b82a52409c842bd9", size = 53410, upload_time = "2025-03-19T14:27:23.451Z" }, ] [[package]] name = "mpmath" version = "1.3.0" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/e0/47/dd32fa426cc72114383ac549964eecb20ecfd886d1e5ccf5340b55b02f57/mpmath-1.3.0.tar.gz", hash = "sha256:7a28eb2a9774d00c7bc92411c19a89209d5da7c4c9a9e227be8330a23a25b91f", size = 508106, upload-time = "2023-03-07T16:47:11.061Z" } +sdist = { url = "https://files.pythonhosted.org/packages/e0/47/dd32fa426cc72114383ac549964eecb20ecfd886d1e5ccf5340b55b02f57/mpmath-1.3.0.tar.gz", hash = "sha256:7a28eb2a9774d00c7bc92411c19a89209d5da7c4c9a9e227be8330a23a25b91f", size = 508106, upload_time = "2023-03-07T16:47:11.061Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/43/e3/7d92a15f894aa0c9c4b49b8ee9ac9850d6e63b03c9c32c0367a13ae62209/mpmath-1.3.0-py3-none-any.whl", hash = "sha256:a0b2b9fe80bbcd81a6647ff13108738cfb482d481d826cc0e02f5b35e5c88d2c", size = 536198, upload-time = "2023-03-07T16:47:09.197Z" }, + { url = "https://files.pythonhosted.org/packages/43/e3/7d92a15f894aa0c9c4b49b8ee9ac9850d6e63b03c9c32c0367a13ae62209/mpmath-1.3.0-py3-none-any.whl", hash = "sha256:a0b2b9fe80bbcd81a6647ff13108738cfb482d481d826cc0e02f5b35e5c88d2c", size = 536198, upload_time = "2023-03-07T16:47:09.197Z" }, ] [[package]] name = "multidict" version = "6.4.4" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/91/2f/a3470242707058fe856fe59241eee5635d79087100b7042a867368863a27/multidict-6.4.4.tar.gz", hash = "sha256:69ee9e6ba214b5245031b76233dd95408a0fd57fdb019ddcc1ead4790932a8e8", size = 90183, upload-time = "2025-05-19T14:16:37.381Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/19/1b/4c6e638195851524a63972c5773c7737bea7e47b1ba402186a37773acee2/multidict-6.4.4-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:4f5f29794ac0e73d2a06ac03fd18870adc0135a9d384f4a306a951188ed02f95", size = 65515, upload-time = "2025-05-19T14:14:19.767Z" }, - { url = "https://files.pythonhosted.org/packages/25/d5/10e6bca9a44b8af3c7f920743e5fc0c2bcf8c11bf7a295d4cfe00b08fb46/multidict-6.4.4-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:c04157266344158ebd57b7120d9b0b35812285d26d0e78193e17ef57bfe2979a", size = 38609, upload-time = "2025-05-19T14:14:21.538Z" }, - { url = "https://files.pythonhosted.org/packages/26/b4/91fead447ccff56247edc7f0535fbf140733ae25187a33621771ee598a18/multidict-6.4.4-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:bb61ffd3ab8310d93427e460f565322c44ef12769f51f77277b4abad7b6f7223", size = 37871, upload-time = "2025-05-19T14:14:22.666Z" }, - { url = "https://files.pythonhosted.org/packages/3b/37/cbc977cae59277e99d15bbda84cc53b5e0c4929ffd91d958347200a42ad0/multidict-6.4.4-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:5e0ba18a9afd495f17c351d08ebbc4284e9c9f7971d715f196b79636a4d0de44", size = 226661, upload-time = "2025-05-19T14:14:24.124Z" }, - { url = "https://files.pythonhosted.org/packages/15/cd/7e0b57fbd4dc2fc105169c4ecce5be1a63970f23bb4ec8c721b67e11953d/multidict-6.4.4-cp311-cp311-manylinux_2_17_armv7l.manylinux2014_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:9faf1b1dcaadf9f900d23a0e6d6c8eadd6a95795a0e57fcca73acce0eb912065", size = 223422, upload-time = "2025-05-19T14:14:25.437Z" }, - { url = "https://files.pythonhosted.org/packages/f1/01/1de268da121bac9f93242e30cd3286f6a819e5f0b8896511162d6ed4bf8d/multidict-6.4.4-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:a4d1cb1327c6082c4fce4e2a438483390964c02213bc6b8d782cf782c9b1471f", size = 235447, upload-time = "2025-05-19T14:14:26.793Z" }, - { url = "https://files.pythonhosted.org/packages/d2/8c/8b9a5e4aaaf4f2de14e86181a3a3d7b105077f668b6a06f043ec794f684c/multidict-6.4.4-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:941f1bec2f5dbd51feeb40aea654c2747f811ab01bdd3422a48a4e4576b7d76a", size = 231455, upload-time = "2025-05-19T14:14:28.149Z" }, - { url = "https://files.pythonhosted.org/packages/35/db/e1817dcbaa10b319c412769cf999b1016890849245d38905b73e9c286862/multidict-6.4.4-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:e5f8a146184da7ea12910a4cec51ef85e44f6268467fb489c3caf0cd512f29c2", size = 223666, upload-time = "2025-05-19T14:14:29.584Z" }, - { url = "https://files.pythonhosted.org/packages/4a/e1/66e8579290ade8a00e0126b3d9a93029033ffd84f0e697d457ed1814d0fc/multidict-6.4.4-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:232b7237e57ec3c09be97206bfb83a0aa1c5d7d377faa019c68a210fa35831f1", size = 217392, upload-time = "2025-05-19T14:14:30.961Z" }, - { url = "https://files.pythonhosted.org/packages/7b/6f/f8639326069c24a48c7747c2a5485d37847e142a3f741ff3340c88060a9a/multidict-6.4.4-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:55ae0721c1513e5e3210bca4fc98456b980b0c2c016679d3d723119b6b202c42", size = 228969, upload-time = "2025-05-19T14:14:32.672Z" }, - { url = "https://files.pythonhosted.org/packages/d2/c3/3d58182f76b960eeade51c89fcdce450f93379340457a328e132e2f8f9ed/multidict-6.4.4-cp311-cp311-musllinux_1_2_armv7l.whl", hash = "sha256:51d662c072579f63137919d7bb8fc250655ce79f00c82ecf11cab678f335062e", size = 217433, upload-time = "2025-05-19T14:14:34.016Z" }, - { url = "https://files.pythonhosted.org/packages/e1/4b/f31a562906f3bd375f3d0e83ce314e4a660c01b16c2923e8229b53fba5d7/multidict-6.4.4-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:0e05c39962baa0bb19a6b210e9b1422c35c093b651d64246b6c2e1a7e242d9fd", size = 225418, upload-time = "2025-05-19T14:14:35.376Z" }, - { url = "https://files.pythonhosted.org/packages/99/89/78bb95c89c496d64b5798434a3deee21996114d4d2c28dd65850bf3a691e/multidict-6.4.4-cp311-cp311-musllinux_1_2_ppc64le.whl", hash = "sha256:d5b1cc3ab8c31d9ebf0faa6e3540fb91257590da330ffe6d2393d4208e638925", size = 235042, upload-time = "2025-05-19T14:14:36.723Z" }, - { url = "https://files.pythonhosted.org/packages/74/91/8780a6e5885a8770442a8f80db86a0887c4becca0e5a2282ba2cae702bc4/multidict-6.4.4-cp311-cp311-musllinux_1_2_s390x.whl", hash = "sha256:93ec84488a384cd7b8a29c2c7f467137d8a73f6fe38bb810ecf29d1ade011a7c", size = 230280, upload-time = "2025-05-19T14:14:38.194Z" }, - { url = "https://files.pythonhosted.org/packages/68/c1/fcf69cabd542eb6f4b892469e033567ee6991d361d77abdc55e3a0f48349/multidict-6.4.4-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:b308402608493638763abc95f9dc0030bbd6ac6aff784512e8ac3da73a88af08", size = 223322, upload-time = "2025-05-19T14:14:40.015Z" }, - { url = "https://files.pythonhosted.org/packages/b8/85/5b80bf4b83d8141bd763e1d99142a9cdfd0db83f0739b4797172a4508014/multidict-6.4.4-cp311-cp311-win32.whl", hash = "sha256:343892a27d1a04d6ae455ecece12904d242d299ada01633d94c4f431d68a8c49", size = 35070, upload-time = "2025-05-19T14:14:41.904Z" }, - { url = "https://files.pythonhosted.org/packages/09/66/0bed198ffd590ab86e001f7fa46b740d58cf8ff98c2f254e4a36bf8861ad/multidict-6.4.4-cp311-cp311-win_amd64.whl", hash = "sha256:73484a94f55359780c0f458bbd3c39cb9cf9c182552177d2136e828269dee529", size = 38667, upload-time = "2025-05-19T14:14:43.534Z" }, - { url = "https://files.pythonhosted.org/packages/d2/b5/5675377da23d60875fe7dae6be841787755878e315e2f517235f22f59e18/multidict-6.4.4-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:dc388f75a1c00000824bf28b7633e40854f4127ede80512b44c3cfeeea1839a2", size = 64293, upload-time = "2025-05-19T14:14:44.724Z" }, - { url = "https://files.pythonhosted.org/packages/34/a7/be384a482754bb8c95d2bbe91717bf7ccce6dc38c18569997a11f95aa554/multidict-6.4.4-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:98af87593a666f739d9dba5d0ae86e01b0e1a9cfcd2e30d2d361fbbbd1a9162d", size = 38096, upload-time = "2025-05-19T14:14:45.95Z" }, - { url = "https://files.pythonhosted.org/packages/66/6d/d59854bb4352306145bdfd1704d210731c1bb2c890bfee31fb7bbc1c4c7f/multidict-6.4.4-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:aff4cafea2d120327d55eadd6b7f1136a8e5a0ecf6fb3b6863e8aca32cd8e50a", size = 37214, upload-time = "2025-05-19T14:14:47.158Z" }, - { url = "https://files.pythonhosted.org/packages/99/e0/c29d9d462d7cfc5fc8f9bf24f9c6843b40e953c0b55e04eba2ad2cf54fba/multidict-6.4.4-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:169c4ba7858176b797fe551d6e99040c531c775d2d57b31bcf4de6d7a669847f", size = 224686, upload-time = "2025-05-19T14:14:48.366Z" }, - { url = "https://files.pythonhosted.org/packages/dc/4a/da99398d7fd8210d9de068f9a1b5f96dfaf67d51e3f2521f17cba4ee1012/multidict-6.4.4-cp312-cp312-manylinux_2_17_armv7l.manylinux2014_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:b9eb4c59c54421a32b3273d4239865cb14ead53a606db066d7130ac80cc8ec93", size = 231061, upload-time = "2025-05-19T14:14:49.952Z" }, - { url = "https://files.pythonhosted.org/packages/21/f5/ac11add39a0f447ac89353e6ca46666847051103649831c08a2800a14455/multidict-6.4.4-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:7cf3bd54c56aa16fdb40028d545eaa8d051402b61533c21e84046e05513d5780", size = 232412, upload-time = "2025-05-19T14:14:51.812Z" }, - { url = "https://files.pythonhosted.org/packages/d9/11/4b551e2110cded705a3c13a1d4b6a11f73891eb5a1c449f1b2b6259e58a6/multidict-6.4.4-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:f682c42003c7264134bfe886376299db4cc0c6cd06a3295b41b347044bcb5482", size = 231563, upload-time = "2025-05-19T14:14:53.262Z" }, - { url = "https://files.pythonhosted.org/packages/4c/02/751530c19e78fe73b24c3da66618eda0aa0d7f6e7aa512e46483de6be210/multidict-6.4.4-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:a920f9cf2abdf6e493c519492d892c362007f113c94da4c239ae88429835bad1", size = 223811, upload-time = "2025-05-19T14:14:55.232Z" }, - { url = "https://files.pythonhosted.org/packages/c7/cb/2be8a214643056289e51ca356026c7b2ce7225373e7a1f8c8715efee8988/multidict-6.4.4-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:530d86827a2df6504526106b4c104ba19044594f8722d3e87714e847c74a0275", size = 216524, upload-time = "2025-05-19T14:14:57.226Z" }, - { url = "https://files.pythonhosted.org/packages/19/f3/6d5011ec375c09081f5250af58de85f172bfcaafebff286d8089243c4bd4/multidict-6.4.4-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:ecde56ea2439b96ed8a8d826b50c57364612ddac0438c39e473fafad7ae1c23b", size = 229012, upload-time = "2025-05-19T14:14:58.597Z" }, - { url = "https://files.pythonhosted.org/packages/67/9c/ca510785df5cf0eaf5b2a8132d7d04c1ce058dcf2c16233e596ce37a7f8e/multidict-6.4.4-cp312-cp312-musllinux_1_2_armv7l.whl", hash = "sha256:dc8c9736d8574b560634775ac0def6bdc1661fc63fa27ffdfc7264c565bcb4f2", size = 226765, upload-time = "2025-05-19T14:15:00.048Z" }, - { url = "https://files.pythonhosted.org/packages/36/c8/ca86019994e92a0f11e642bda31265854e6ea7b235642f0477e8c2e25c1f/multidict-6.4.4-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:7f3d3b3c34867579ea47cbd6c1f2ce23fbfd20a273b6f9e3177e256584f1eacc", size = 222888, upload-time = "2025-05-19T14:15:01.568Z" }, - { url = "https://files.pythonhosted.org/packages/c6/67/bc25a8e8bd522935379066950ec4e2277f9b236162a73548a2576d4b9587/multidict-6.4.4-cp312-cp312-musllinux_1_2_ppc64le.whl", hash = "sha256:87a728af265e08f96b6318ebe3c0f68b9335131f461efab2fc64cc84a44aa6ed", size = 234041, upload-time = "2025-05-19T14:15:03.759Z" }, - { url = "https://files.pythonhosted.org/packages/f1/a0/70c4c2d12857fccbe607b334b7ee28b6b5326c322ca8f73ee54e70d76484/multidict-6.4.4-cp312-cp312-musllinux_1_2_s390x.whl", hash = "sha256:9f193eeda1857f8e8d3079a4abd258f42ef4a4bc87388452ed1e1c4d2b0c8740", size = 231046, upload-time = "2025-05-19T14:15:05.698Z" }, - { url = "https://files.pythonhosted.org/packages/c1/0f/52954601d02d39742aab01d6b92f53c1dd38b2392248154c50797b4df7f1/multidict-6.4.4-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:be06e73c06415199200e9a2324a11252a3d62030319919cde5e6950ffeccf72e", size = 227106, upload-time = "2025-05-19T14:15:07.124Z" }, - { url = "https://files.pythonhosted.org/packages/af/24/679d83ec4379402d28721790dce818e5d6b9f94ce1323a556fb17fa9996c/multidict-6.4.4-cp312-cp312-win32.whl", hash = "sha256:622f26ea6a7e19b7c48dd9228071f571b2fbbd57a8cd71c061e848f281550e6b", size = 35351, upload-time = "2025-05-19T14:15:08.556Z" }, - { url = "https://files.pythonhosted.org/packages/52/ef/40d98bc5f986f61565f9b345f102409534e29da86a6454eb6b7c00225a13/multidict-6.4.4-cp312-cp312-win_amd64.whl", hash = "sha256:5e2bcda30d5009996ff439e02a9f2b5c3d64a20151d34898c000a6281faa3781", size = 38791, upload-time = "2025-05-19T14:15:09.825Z" }, - { url = "https://files.pythonhosted.org/packages/df/2a/e166d2ffbf4b10131b2d5b0e458f7cee7d986661caceae0de8753042d4b2/multidict-6.4.4-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:82ffabefc8d84c2742ad19c37f02cde5ec2a1ee172d19944d380f920a340e4b9", size = 64123, upload-time = "2025-05-19T14:15:11.044Z" }, - { url = "https://files.pythonhosted.org/packages/8c/96/e200e379ae5b6f95cbae472e0199ea98913f03d8c9a709f42612a432932c/multidict-6.4.4-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:6a2f58a66fe2c22615ad26156354005391e26a2f3721c3621504cd87c1ea87bf", size = 38049, upload-time = "2025-05-19T14:15:12.902Z" }, - { url = "https://files.pythonhosted.org/packages/75/fb/47afd17b83f6a8c7fa863c6d23ac5ba6a0e6145ed8a6bcc8da20b2b2c1d2/multidict-6.4.4-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:5883d6ee0fd9d8a48e9174df47540b7545909841ac82354c7ae4cbe9952603bd", size = 37078, upload-time = "2025-05-19T14:15:14.282Z" }, - { url = "https://files.pythonhosted.org/packages/fa/70/1af3143000eddfb19fd5ca5e78393985ed988ac493bb859800fe0914041f/multidict-6.4.4-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:9abcf56a9511653fa1d052bfc55fbe53dbee8f34e68bd6a5a038731b0ca42d15", size = 224097, upload-time = "2025-05-19T14:15:15.566Z" }, - { url = "https://files.pythonhosted.org/packages/b1/39/d570c62b53d4fba844e0378ffbcd02ac25ca423d3235047013ba2f6f60f8/multidict-6.4.4-cp313-cp313-manylinux_2_17_armv7l.manylinux2014_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:6ed5ae5605d4ad5a049fad2a28bb7193400700ce2f4ae484ab702d1e3749c3f9", size = 230768, upload-time = "2025-05-19T14:15:17.308Z" }, - { url = "https://files.pythonhosted.org/packages/fd/f8/ed88f2c4d06f752b015933055eb291d9bc184936903752c66f68fb3c95a7/multidict-6.4.4-cp313-cp313-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:bbfcb60396f9bcfa63e017a180c3105b8c123a63e9d1428a36544e7d37ca9e20", size = 231331, upload-time = "2025-05-19T14:15:18.73Z" }, - { url = "https://files.pythonhosted.org/packages/9c/6f/8e07cffa32f483ab887b0d56bbd8747ac2c1acd00dc0af6fcf265f4a121e/multidict-6.4.4-cp313-cp313-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:b0f1987787f5f1e2076b59692352ab29a955b09ccc433c1f6b8e8e18666f608b", size = 230169, upload-time = "2025-05-19T14:15:20.179Z" }, - { url = "https://files.pythonhosted.org/packages/e6/2b/5dcf173be15e42f330110875a2668ddfc208afc4229097312212dc9c1236/multidict-6.4.4-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:1d0121ccce8c812047d8d43d691a1ad7641f72c4f730474878a5aeae1b8ead8c", size = 222947, upload-time = "2025-05-19T14:15:21.714Z" }, - { url = "https://files.pythonhosted.org/packages/39/75/4ddcbcebe5ebcd6faa770b629260d15840a5fc07ce8ad295a32e14993726/multidict-6.4.4-cp313-cp313-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:83ec4967114295b8afd120a8eec579920c882831a3e4c3331d591a8e5bfbbc0f", size = 215761, upload-time = "2025-05-19T14:15:23.242Z" }, - { url = "https://files.pythonhosted.org/packages/6a/c9/55e998ae45ff15c5608e384206aa71a11e1b7f48b64d166db400b14a3433/multidict-6.4.4-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:995f985e2e268deaf17867801b859a282e0448633f1310e3704b30616d269d69", size = 227605, upload-time = "2025-05-19T14:15:24.763Z" }, - { url = "https://files.pythonhosted.org/packages/04/49/c2404eac74497503c77071bd2e6f88c7e94092b8a07601536b8dbe99be50/multidict-6.4.4-cp313-cp313-musllinux_1_2_armv7l.whl", hash = "sha256:d832c608f94b9f92a0ec8b7e949be7792a642b6e535fcf32f3e28fab69eeb046", size = 226144, upload-time = "2025-05-19T14:15:26.249Z" }, - { url = "https://files.pythonhosted.org/packages/62/c5/0cd0c3c6f18864c40846aa2252cd69d308699cb163e1c0d989ca301684da/multidict-6.4.4-cp313-cp313-musllinux_1_2_i686.whl", hash = "sha256:d21c1212171cf7da703c5b0b7a0e85be23b720818aef502ad187d627316d5645", size = 221100, upload-time = "2025-05-19T14:15:28.303Z" }, - { url = "https://files.pythonhosted.org/packages/71/7b/f2f3887bea71739a046d601ef10e689528d4f911d84da873b6be9194ffea/multidict-6.4.4-cp313-cp313-musllinux_1_2_ppc64le.whl", hash = "sha256:cbebaa076aaecad3d4bb4c008ecc73b09274c952cf6a1b78ccfd689e51f5a5b0", size = 232731, upload-time = "2025-05-19T14:15:30.263Z" }, - { url = "https://files.pythonhosted.org/packages/e5/b3/d9de808349df97fa75ec1372758701b5800ebad3c46ae377ad63058fbcc6/multidict-6.4.4-cp313-cp313-musllinux_1_2_s390x.whl", hash = "sha256:c93a6fb06cc8e5d3628b2b5fda215a5db01e8f08fc15fadd65662d9b857acbe4", size = 229637, upload-time = "2025-05-19T14:15:33.337Z" }, - { url = "https://files.pythonhosted.org/packages/5e/57/13207c16b615eb4f1745b44806a96026ef8e1b694008a58226c2d8f5f0a5/multidict-6.4.4-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:8cd8f81f1310182362fb0c7898145ea9c9b08a71081c5963b40ee3e3cac589b1", size = 225594, upload-time = "2025-05-19T14:15:34.832Z" }, - { url = "https://files.pythonhosted.org/packages/3a/e4/d23bec2f70221604f5565000632c305fc8f25ba953e8ce2d8a18842b9841/multidict-6.4.4-cp313-cp313-win32.whl", hash = "sha256:3e9f1cd61a0ab857154205fb0b1f3d3ace88d27ebd1409ab7af5096e409614cd", size = 35359, upload-time = "2025-05-19T14:15:36.246Z" }, - { url = "https://files.pythonhosted.org/packages/a7/7a/cfe1a47632be861b627f46f642c1d031704cc1c0f5c0efbde2ad44aa34bd/multidict-6.4.4-cp313-cp313-win_amd64.whl", hash = "sha256:8ffb40b74400e4455785c2fa37eba434269149ec525fc8329858c862e4b35373", size = 38903, upload-time = "2025-05-19T14:15:37.507Z" }, - { url = "https://files.pythonhosted.org/packages/68/7b/15c259b0ab49938a0a1c8f3188572802704a779ddb294edc1b2a72252e7c/multidict-6.4.4-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:6a602151dbf177be2450ef38966f4be3467d41a86c6a845070d12e17c858a156", size = 68895, upload-time = "2025-05-19T14:15:38.856Z" }, - { url = "https://files.pythonhosted.org/packages/f1/7d/168b5b822bccd88142e0a3ce985858fea612404edd228698f5af691020c9/multidict-6.4.4-cp313-cp313t-macosx_10_13_x86_64.whl", hash = "sha256:0d2b9712211b860d123815a80b859075d86a4d54787e247d7fbee9db6832cf1c", size = 40183, upload-time = "2025-05-19T14:15:40.197Z" }, - { url = "https://files.pythonhosted.org/packages/e0/b7/d4b8d98eb850ef28a4922ba508c31d90715fd9b9da3801a30cea2967130b/multidict-6.4.4-cp313-cp313t-macosx_11_0_arm64.whl", hash = "sha256:d2fa86af59f8fc1972e121ade052145f6da22758f6996a197d69bb52f8204e7e", size = 39592, upload-time = "2025-05-19T14:15:41.508Z" }, - { url = "https://files.pythonhosted.org/packages/18/28/a554678898a19583548e742080cf55d169733baf57efc48c2f0273a08583/multidict-6.4.4-cp313-cp313t-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:50855d03e9e4d66eab6947ba688ffb714616f985838077bc4b490e769e48da51", size = 226071, upload-time = "2025-05-19T14:15:42.877Z" }, - { url = "https://files.pythonhosted.org/packages/ee/dc/7ba6c789d05c310e294f85329efac1bf5b450338d2542498db1491a264df/multidict-6.4.4-cp313-cp313t-manylinux_2_17_armv7l.manylinux2014_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:5bce06b83be23225be1905dcdb6b789064fae92499fbc458f59a8c0e68718601", size = 222597, upload-time = "2025-05-19T14:15:44.412Z" }, - { url = "https://files.pythonhosted.org/packages/24/4f/34eadbbf401b03768dba439be0fb94b0d187facae9142821a3d5599ccb3b/multidict-6.4.4-cp313-cp313t-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:66ed0731f8e5dfd8369a883b6e564aca085fb9289aacabd9decd70568b9a30de", size = 228253, upload-time = "2025-05-19T14:15:46.474Z" }, - { url = "https://files.pythonhosted.org/packages/c0/e6/493225a3cdb0d8d80d43a94503fc313536a07dae54a3f030d279e629a2bc/multidict-6.4.4-cp313-cp313t-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:329ae97fc2f56f44d91bc47fe0972b1f52d21c4b7a2ac97040da02577e2daca2", size = 226146, upload-time = "2025-05-19T14:15:48.003Z" }, - { url = "https://files.pythonhosted.org/packages/2f/70/e411a7254dc3bff6f7e6e004303b1b0591358e9f0b7c08639941e0de8bd6/multidict-6.4.4-cp313-cp313t-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:c27e5dcf520923d6474d98b96749e6805f7677e93aaaf62656005b8643f907ab", size = 220585, upload-time = "2025-05-19T14:15:49.546Z" }, - { url = "https://files.pythonhosted.org/packages/08/8f/beb3ae7406a619100d2b1fb0022c3bb55a8225ab53c5663648ba50dfcd56/multidict-6.4.4-cp313-cp313t-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:058cc59b9e9b143cc56715e59e22941a5d868c322242278d28123a5d09cdf6b0", size = 212080, upload-time = "2025-05-19T14:15:51.151Z" }, - { url = "https://files.pythonhosted.org/packages/9c/ec/355124e9d3d01cf8edb072fd14947220f357e1c5bc79c88dff89297e9342/multidict-6.4.4-cp313-cp313t-musllinux_1_2_aarch64.whl", hash = "sha256:69133376bc9a03f8c47343d33f91f74a99c339e8b58cea90433d8e24bb298031", size = 226558, upload-time = "2025-05-19T14:15:52.665Z" }, - { url = "https://files.pythonhosted.org/packages/fd/22/d2b95cbebbc2ada3be3812ea9287dcc9712d7f1a012fad041770afddb2ad/multidict-6.4.4-cp313-cp313t-musllinux_1_2_armv7l.whl", hash = "sha256:d6b15c55721b1b115c5ba178c77104123745b1417527ad9641a4c5e2047450f0", size = 212168, upload-time = "2025-05-19T14:15:55.279Z" }, - { url = "https://files.pythonhosted.org/packages/4d/c5/62bfc0b2f9ce88326dbe7179f9824a939c6c7775b23b95de777267b9725c/multidict-6.4.4-cp313-cp313t-musllinux_1_2_i686.whl", hash = "sha256:a887b77f51d3d41e6e1a63cf3bc7ddf24de5939d9ff69441387dfefa58ac2e26", size = 217970, upload-time = "2025-05-19T14:15:56.806Z" }, - { url = "https://files.pythonhosted.org/packages/79/74/977cea1aadc43ff1c75d23bd5bc4768a8fac98c14e5878d6ee8d6bab743c/multidict-6.4.4-cp313-cp313t-musllinux_1_2_ppc64le.whl", hash = "sha256:632a3bf8f1787f7ef7d3c2f68a7bde5be2f702906f8b5842ad6da9d974d0aab3", size = 226980, upload-time = "2025-05-19T14:15:58.313Z" }, - { url = "https://files.pythonhosted.org/packages/48/fc/cc4a1a2049df2eb84006607dc428ff237af38e0fcecfdb8a29ca47b1566c/multidict-6.4.4-cp313-cp313t-musllinux_1_2_s390x.whl", hash = "sha256:a145c550900deb7540973c5cdb183b0d24bed6b80bf7bddf33ed8f569082535e", size = 220641, upload-time = "2025-05-19T14:15:59.866Z" }, - { url = "https://files.pythonhosted.org/packages/3b/6a/a7444d113ab918701988d4abdde373dbdfd2def7bd647207e2bf645c7eac/multidict-6.4.4-cp313-cp313t-musllinux_1_2_x86_64.whl", hash = "sha256:cc5d83c6619ca5c9672cb78b39ed8542f1975a803dee2cda114ff73cbb076edd", size = 221728, upload-time = "2025-05-19T14:16:01.535Z" }, - { url = "https://files.pythonhosted.org/packages/2b/b0/fdf4c73ad1c55e0f4dbbf2aa59dd37037334091f9a4961646d2b7ac91a86/multidict-6.4.4-cp313-cp313t-win32.whl", hash = "sha256:3312f63261b9df49be9d57aaa6abf53a6ad96d93b24f9cc16cf979956355ce6e", size = 41913, upload-time = "2025-05-19T14:16:03.199Z" }, - { url = "https://files.pythonhosted.org/packages/8e/92/27989ecca97e542c0d01d05a98a5ae12198a243a9ee12563a0313291511f/multidict-6.4.4-cp313-cp313t-win_amd64.whl", hash = "sha256:ba852168d814b2c73333073e1c7116d9395bea69575a01b0b3c89d2d5a87c8fb", size = 46112, upload-time = "2025-05-19T14:16:04.909Z" }, - { url = "https://files.pythonhosted.org/packages/84/5d/e17845bb0fa76334477d5de38654d27946d5b5d3695443987a094a71b440/multidict-6.4.4-py3-none-any.whl", hash = "sha256:bd4557071b561a8b3b6075c3ce93cf9bfb6182cb241805c3d66ced3b75eff4ac", size = 10481, upload-time = "2025-05-19T14:16:36.024Z" }, +sdist = { url = "https://files.pythonhosted.org/packages/91/2f/a3470242707058fe856fe59241eee5635d79087100b7042a867368863a27/multidict-6.4.4.tar.gz", hash = "sha256:69ee9e6ba214b5245031b76233dd95408a0fd57fdb019ddcc1ead4790932a8e8", size = 90183, upload_time = "2025-05-19T14:16:37.381Z" } +wheels = [ + { url = "https://files.pythonhosted.org/packages/19/1b/4c6e638195851524a63972c5773c7737bea7e47b1ba402186a37773acee2/multidict-6.4.4-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:4f5f29794ac0e73d2a06ac03fd18870adc0135a9d384f4a306a951188ed02f95", size = 65515, upload_time = "2025-05-19T14:14:19.767Z" }, + { url = "https://files.pythonhosted.org/packages/25/d5/10e6bca9a44b8af3c7f920743e5fc0c2bcf8c11bf7a295d4cfe00b08fb46/multidict-6.4.4-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:c04157266344158ebd57b7120d9b0b35812285d26d0e78193e17ef57bfe2979a", size = 38609, upload_time = "2025-05-19T14:14:21.538Z" }, + { url = "https://files.pythonhosted.org/packages/26/b4/91fead447ccff56247edc7f0535fbf140733ae25187a33621771ee598a18/multidict-6.4.4-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:bb61ffd3ab8310d93427e460f565322c44ef12769f51f77277b4abad7b6f7223", size = 37871, upload_time = "2025-05-19T14:14:22.666Z" }, + { url = "https://files.pythonhosted.org/packages/3b/37/cbc977cae59277e99d15bbda84cc53b5e0c4929ffd91d958347200a42ad0/multidict-6.4.4-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:5e0ba18a9afd495f17c351d08ebbc4284e9c9f7971d715f196b79636a4d0de44", size = 226661, upload_time = "2025-05-19T14:14:24.124Z" }, + { url = "https://files.pythonhosted.org/packages/15/cd/7e0b57fbd4dc2fc105169c4ecce5be1a63970f23bb4ec8c721b67e11953d/multidict-6.4.4-cp311-cp311-manylinux_2_17_armv7l.manylinux2014_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:9faf1b1dcaadf9f900d23a0e6d6c8eadd6a95795a0e57fcca73acce0eb912065", size = 223422, upload_time = "2025-05-19T14:14:25.437Z" }, + { url = "https://files.pythonhosted.org/packages/f1/01/1de268da121bac9f93242e30cd3286f6a819e5f0b8896511162d6ed4bf8d/multidict-6.4.4-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:a4d1cb1327c6082c4fce4e2a438483390964c02213bc6b8d782cf782c9b1471f", size = 235447, upload_time = "2025-05-19T14:14:26.793Z" }, + { url = "https://files.pythonhosted.org/packages/d2/8c/8b9a5e4aaaf4f2de14e86181a3a3d7b105077f668b6a06f043ec794f684c/multidict-6.4.4-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:941f1bec2f5dbd51feeb40aea654c2747f811ab01bdd3422a48a4e4576b7d76a", size = 231455, upload_time = "2025-05-19T14:14:28.149Z" }, + { url = "https://files.pythonhosted.org/packages/35/db/e1817dcbaa10b319c412769cf999b1016890849245d38905b73e9c286862/multidict-6.4.4-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:e5f8a146184da7ea12910a4cec51ef85e44f6268467fb489c3caf0cd512f29c2", size = 223666, upload_time = "2025-05-19T14:14:29.584Z" }, + { url = "https://files.pythonhosted.org/packages/4a/e1/66e8579290ade8a00e0126b3d9a93029033ffd84f0e697d457ed1814d0fc/multidict-6.4.4-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:232b7237e57ec3c09be97206bfb83a0aa1c5d7d377faa019c68a210fa35831f1", size = 217392, upload_time = "2025-05-19T14:14:30.961Z" }, + { url = "https://files.pythonhosted.org/packages/7b/6f/f8639326069c24a48c7747c2a5485d37847e142a3f741ff3340c88060a9a/multidict-6.4.4-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:55ae0721c1513e5e3210bca4fc98456b980b0c2c016679d3d723119b6b202c42", size = 228969, upload_time = "2025-05-19T14:14:32.672Z" }, + { url = "https://files.pythonhosted.org/packages/d2/c3/3d58182f76b960eeade51c89fcdce450f93379340457a328e132e2f8f9ed/multidict-6.4.4-cp311-cp311-musllinux_1_2_armv7l.whl", hash = "sha256:51d662c072579f63137919d7bb8fc250655ce79f00c82ecf11cab678f335062e", size = 217433, upload_time = "2025-05-19T14:14:34.016Z" }, + { url = "https://files.pythonhosted.org/packages/e1/4b/f31a562906f3bd375f3d0e83ce314e4a660c01b16c2923e8229b53fba5d7/multidict-6.4.4-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:0e05c39962baa0bb19a6b210e9b1422c35c093b651d64246b6c2e1a7e242d9fd", size = 225418, upload_time = "2025-05-19T14:14:35.376Z" }, + { url = "https://files.pythonhosted.org/packages/99/89/78bb95c89c496d64b5798434a3deee21996114d4d2c28dd65850bf3a691e/multidict-6.4.4-cp311-cp311-musllinux_1_2_ppc64le.whl", hash = "sha256:d5b1cc3ab8c31d9ebf0faa6e3540fb91257590da330ffe6d2393d4208e638925", size = 235042, upload_time = "2025-05-19T14:14:36.723Z" }, + { url = "https://files.pythonhosted.org/packages/74/91/8780a6e5885a8770442a8f80db86a0887c4becca0e5a2282ba2cae702bc4/multidict-6.4.4-cp311-cp311-musllinux_1_2_s390x.whl", hash = "sha256:93ec84488a384cd7b8a29c2c7f467137d8a73f6fe38bb810ecf29d1ade011a7c", size = 230280, upload_time = "2025-05-19T14:14:38.194Z" }, + { url = "https://files.pythonhosted.org/packages/68/c1/fcf69cabd542eb6f4b892469e033567ee6991d361d77abdc55e3a0f48349/multidict-6.4.4-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:b308402608493638763abc95f9dc0030bbd6ac6aff784512e8ac3da73a88af08", size = 223322, upload_time = "2025-05-19T14:14:40.015Z" }, + { url = "https://files.pythonhosted.org/packages/b8/85/5b80bf4b83d8141bd763e1d99142a9cdfd0db83f0739b4797172a4508014/multidict-6.4.4-cp311-cp311-win32.whl", hash = "sha256:343892a27d1a04d6ae455ecece12904d242d299ada01633d94c4f431d68a8c49", size = 35070, upload_time = "2025-05-19T14:14:41.904Z" }, + { url = "https://files.pythonhosted.org/packages/09/66/0bed198ffd590ab86e001f7fa46b740d58cf8ff98c2f254e4a36bf8861ad/multidict-6.4.4-cp311-cp311-win_amd64.whl", hash = "sha256:73484a94f55359780c0f458bbd3c39cb9cf9c182552177d2136e828269dee529", size = 38667, upload_time = "2025-05-19T14:14:43.534Z" }, + { url = "https://files.pythonhosted.org/packages/d2/b5/5675377da23d60875fe7dae6be841787755878e315e2f517235f22f59e18/multidict-6.4.4-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:dc388f75a1c00000824bf28b7633e40854f4127ede80512b44c3cfeeea1839a2", size = 64293, upload_time = "2025-05-19T14:14:44.724Z" }, + { url = "https://files.pythonhosted.org/packages/34/a7/be384a482754bb8c95d2bbe91717bf7ccce6dc38c18569997a11f95aa554/multidict-6.4.4-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:98af87593a666f739d9dba5d0ae86e01b0e1a9cfcd2e30d2d361fbbbd1a9162d", size = 38096, upload_time = "2025-05-19T14:14:45.95Z" }, + { url = "https://files.pythonhosted.org/packages/66/6d/d59854bb4352306145bdfd1704d210731c1bb2c890bfee31fb7bbc1c4c7f/multidict-6.4.4-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:aff4cafea2d120327d55eadd6b7f1136a8e5a0ecf6fb3b6863e8aca32cd8e50a", size = 37214, upload_time = "2025-05-19T14:14:47.158Z" }, + { url = "https://files.pythonhosted.org/packages/99/e0/c29d9d462d7cfc5fc8f9bf24f9c6843b40e953c0b55e04eba2ad2cf54fba/multidict-6.4.4-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:169c4ba7858176b797fe551d6e99040c531c775d2d57b31bcf4de6d7a669847f", size = 224686, upload_time = "2025-05-19T14:14:48.366Z" }, + { url = "https://files.pythonhosted.org/packages/dc/4a/da99398d7fd8210d9de068f9a1b5f96dfaf67d51e3f2521f17cba4ee1012/multidict-6.4.4-cp312-cp312-manylinux_2_17_armv7l.manylinux2014_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:b9eb4c59c54421a32b3273d4239865cb14ead53a606db066d7130ac80cc8ec93", size = 231061, upload_time = "2025-05-19T14:14:49.952Z" }, + { url = "https://files.pythonhosted.org/packages/21/f5/ac11add39a0f447ac89353e6ca46666847051103649831c08a2800a14455/multidict-6.4.4-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:7cf3bd54c56aa16fdb40028d545eaa8d051402b61533c21e84046e05513d5780", size = 232412, upload_time = "2025-05-19T14:14:51.812Z" }, + { url = "https://files.pythonhosted.org/packages/d9/11/4b551e2110cded705a3c13a1d4b6a11f73891eb5a1c449f1b2b6259e58a6/multidict-6.4.4-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:f682c42003c7264134bfe886376299db4cc0c6cd06a3295b41b347044bcb5482", size = 231563, upload_time = "2025-05-19T14:14:53.262Z" }, + { url = "https://files.pythonhosted.org/packages/4c/02/751530c19e78fe73b24c3da66618eda0aa0d7f6e7aa512e46483de6be210/multidict-6.4.4-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:a920f9cf2abdf6e493c519492d892c362007f113c94da4c239ae88429835bad1", size = 223811, upload_time = "2025-05-19T14:14:55.232Z" }, + { url = "https://files.pythonhosted.org/packages/c7/cb/2be8a214643056289e51ca356026c7b2ce7225373e7a1f8c8715efee8988/multidict-6.4.4-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:530d86827a2df6504526106b4c104ba19044594f8722d3e87714e847c74a0275", size = 216524, upload_time = "2025-05-19T14:14:57.226Z" }, + { url = "https://files.pythonhosted.org/packages/19/f3/6d5011ec375c09081f5250af58de85f172bfcaafebff286d8089243c4bd4/multidict-6.4.4-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:ecde56ea2439b96ed8a8d826b50c57364612ddac0438c39e473fafad7ae1c23b", size = 229012, upload_time = "2025-05-19T14:14:58.597Z" }, + { url = "https://files.pythonhosted.org/packages/67/9c/ca510785df5cf0eaf5b2a8132d7d04c1ce058dcf2c16233e596ce37a7f8e/multidict-6.4.4-cp312-cp312-musllinux_1_2_armv7l.whl", hash = "sha256:dc8c9736d8574b560634775ac0def6bdc1661fc63fa27ffdfc7264c565bcb4f2", size = 226765, upload_time = "2025-05-19T14:15:00.048Z" }, + { url = "https://files.pythonhosted.org/packages/36/c8/ca86019994e92a0f11e642bda31265854e6ea7b235642f0477e8c2e25c1f/multidict-6.4.4-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:7f3d3b3c34867579ea47cbd6c1f2ce23fbfd20a273b6f9e3177e256584f1eacc", size = 222888, upload_time = "2025-05-19T14:15:01.568Z" }, + { url = "https://files.pythonhosted.org/packages/c6/67/bc25a8e8bd522935379066950ec4e2277f9b236162a73548a2576d4b9587/multidict-6.4.4-cp312-cp312-musllinux_1_2_ppc64le.whl", hash = "sha256:87a728af265e08f96b6318ebe3c0f68b9335131f461efab2fc64cc84a44aa6ed", size = 234041, upload_time = "2025-05-19T14:15:03.759Z" }, + { url = "https://files.pythonhosted.org/packages/f1/a0/70c4c2d12857fccbe607b334b7ee28b6b5326c322ca8f73ee54e70d76484/multidict-6.4.4-cp312-cp312-musllinux_1_2_s390x.whl", hash = "sha256:9f193eeda1857f8e8d3079a4abd258f42ef4a4bc87388452ed1e1c4d2b0c8740", size = 231046, upload_time = "2025-05-19T14:15:05.698Z" }, + { url = "https://files.pythonhosted.org/packages/c1/0f/52954601d02d39742aab01d6b92f53c1dd38b2392248154c50797b4df7f1/multidict-6.4.4-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:be06e73c06415199200e9a2324a11252a3d62030319919cde5e6950ffeccf72e", size = 227106, upload_time = "2025-05-19T14:15:07.124Z" }, + { url = "https://files.pythonhosted.org/packages/af/24/679d83ec4379402d28721790dce818e5d6b9f94ce1323a556fb17fa9996c/multidict-6.4.4-cp312-cp312-win32.whl", hash = "sha256:622f26ea6a7e19b7c48dd9228071f571b2fbbd57a8cd71c061e848f281550e6b", size = 35351, upload_time = "2025-05-19T14:15:08.556Z" }, + { url = "https://files.pythonhosted.org/packages/52/ef/40d98bc5f986f61565f9b345f102409534e29da86a6454eb6b7c00225a13/multidict-6.4.4-cp312-cp312-win_amd64.whl", hash = "sha256:5e2bcda30d5009996ff439e02a9f2b5c3d64a20151d34898c000a6281faa3781", size = 38791, upload_time = "2025-05-19T14:15:09.825Z" }, + { url = "https://files.pythonhosted.org/packages/df/2a/e166d2ffbf4b10131b2d5b0e458f7cee7d986661caceae0de8753042d4b2/multidict-6.4.4-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:82ffabefc8d84c2742ad19c37f02cde5ec2a1ee172d19944d380f920a340e4b9", size = 64123, upload_time = "2025-05-19T14:15:11.044Z" }, + { url = "https://files.pythonhosted.org/packages/8c/96/e200e379ae5b6f95cbae472e0199ea98913f03d8c9a709f42612a432932c/multidict-6.4.4-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:6a2f58a66fe2c22615ad26156354005391e26a2f3721c3621504cd87c1ea87bf", size = 38049, upload_time = "2025-05-19T14:15:12.902Z" }, + { url = "https://files.pythonhosted.org/packages/75/fb/47afd17b83f6a8c7fa863c6d23ac5ba6a0e6145ed8a6bcc8da20b2b2c1d2/multidict-6.4.4-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:5883d6ee0fd9d8a48e9174df47540b7545909841ac82354c7ae4cbe9952603bd", size = 37078, upload_time = "2025-05-19T14:15:14.282Z" }, + { url = "https://files.pythonhosted.org/packages/fa/70/1af3143000eddfb19fd5ca5e78393985ed988ac493bb859800fe0914041f/multidict-6.4.4-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:9abcf56a9511653fa1d052bfc55fbe53dbee8f34e68bd6a5a038731b0ca42d15", size = 224097, upload_time = "2025-05-19T14:15:15.566Z" }, + { url = "https://files.pythonhosted.org/packages/b1/39/d570c62b53d4fba844e0378ffbcd02ac25ca423d3235047013ba2f6f60f8/multidict-6.4.4-cp313-cp313-manylinux_2_17_armv7l.manylinux2014_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:6ed5ae5605d4ad5a049fad2a28bb7193400700ce2f4ae484ab702d1e3749c3f9", size = 230768, upload_time = "2025-05-19T14:15:17.308Z" }, + { url = "https://files.pythonhosted.org/packages/fd/f8/ed88f2c4d06f752b015933055eb291d9bc184936903752c66f68fb3c95a7/multidict-6.4.4-cp313-cp313-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:bbfcb60396f9bcfa63e017a180c3105b8c123a63e9d1428a36544e7d37ca9e20", size = 231331, upload_time = "2025-05-19T14:15:18.73Z" }, + { url = "https://files.pythonhosted.org/packages/9c/6f/8e07cffa32f483ab887b0d56bbd8747ac2c1acd00dc0af6fcf265f4a121e/multidict-6.4.4-cp313-cp313-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:b0f1987787f5f1e2076b59692352ab29a955b09ccc433c1f6b8e8e18666f608b", size = 230169, upload_time = "2025-05-19T14:15:20.179Z" }, + { url = "https://files.pythonhosted.org/packages/e6/2b/5dcf173be15e42f330110875a2668ddfc208afc4229097312212dc9c1236/multidict-6.4.4-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:1d0121ccce8c812047d8d43d691a1ad7641f72c4f730474878a5aeae1b8ead8c", size = 222947, upload_time = "2025-05-19T14:15:21.714Z" }, + { url = "https://files.pythonhosted.org/packages/39/75/4ddcbcebe5ebcd6faa770b629260d15840a5fc07ce8ad295a32e14993726/multidict-6.4.4-cp313-cp313-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:83ec4967114295b8afd120a8eec579920c882831a3e4c3331d591a8e5bfbbc0f", size = 215761, upload_time = "2025-05-19T14:15:23.242Z" }, + { url = "https://files.pythonhosted.org/packages/6a/c9/55e998ae45ff15c5608e384206aa71a11e1b7f48b64d166db400b14a3433/multidict-6.4.4-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:995f985e2e268deaf17867801b859a282e0448633f1310e3704b30616d269d69", size = 227605, upload_time = "2025-05-19T14:15:24.763Z" }, + { url = "https://files.pythonhosted.org/packages/04/49/c2404eac74497503c77071bd2e6f88c7e94092b8a07601536b8dbe99be50/multidict-6.4.4-cp313-cp313-musllinux_1_2_armv7l.whl", hash = "sha256:d832c608f94b9f92a0ec8b7e949be7792a642b6e535fcf32f3e28fab69eeb046", size = 226144, upload_time = "2025-05-19T14:15:26.249Z" }, + { url = "https://files.pythonhosted.org/packages/62/c5/0cd0c3c6f18864c40846aa2252cd69d308699cb163e1c0d989ca301684da/multidict-6.4.4-cp313-cp313-musllinux_1_2_i686.whl", hash = "sha256:d21c1212171cf7da703c5b0b7a0e85be23b720818aef502ad187d627316d5645", size = 221100, upload_time = "2025-05-19T14:15:28.303Z" }, + { url = "https://files.pythonhosted.org/packages/71/7b/f2f3887bea71739a046d601ef10e689528d4f911d84da873b6be9194ffea/multidict-6.4.4-cp313-cp313-musllinux_1_2_ppc64le.whl", hash = "sha256:cbebaa076aaecad3d4bb4c008ecc73b09274c952cf6a1b78ccfd689e51f5a5b0", size = 232731, upload_time = "2025-05-19T14:15:30.263Z" }, + { url = "https://files.pythonhosted.org/packages/e5/b3/d9de808349df97fa75ec1372758701b5800ebad3c46ae377ad63058fbcc6/multidict-6.4.4-cp313-cp313-musllinux_1_2_s390x.whl", hash = "sha256:c93a6fb06cc8e5d3628b2b5fda215a5db01e8f08fc15fadd65662d9b857acbe4", size = 229637, upload_time = "2025-05-19T14:15:33.337Z" }, + { url = "https://files.pythonhosted.org/packages/5e/57/13207c16b615eb4f1745b44806a96026ef8e1b694008a58226c2d8f5f0a5/multidict-6.4.4-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:8cd8f81f1310182362fb0c7898145ea9c9b08a71081c5963b40ee3e3cac589b1", size = 225594, upload_time = "2025-05-19T14:15:34.832Z" }, + { url = "https://files.pythonhosted.org/packages/3a/e4/d23bec2f70221604f5565000632c305fc8f25ba953e8ce2d8a18842b9841/multidict-6.4.4-cp313-cp313-win32.whl", hash = "sha256:3e9f1cd61a0ab857154205fb0b1f3d3ace88d27ebd1409ab7af5096e409614cd", size = 35359, upload_time = "2025-05-19T14:15:36.246Z" }, + { url = "https://files.pythonhosted.org/packages/a7/7a/cfe1a47632be861b627f46f642c1d031704cc1c0f5c0efbde2ad44aa34bd/multidict-6.4.4-cp313-cp313-win_amd64.whl", hash = "sha256:8ffb40b74400e4455785c2fa37eba434269149ec525fc8329858c862e4b35373", size = 38903, upload_time = "2025-05-19T14:15:37.507Z" }, + { url = "https://files.pythonhosted.org/packages/68/7b/15c259b0ab49938a0a1c8f3188572802704a779ddb294edc1b2a72252e7c/multidict-6.4.4-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:6a602151dbf177be2450ef38966f4be3467d41a86c6a845070d12e17c858a156", size = 68895, upload_time = "2025-05-19T14:15:38.856Z" }, + { url = "https://files.pythonhosted.org/packages/f1/7d/168b5b822bccd88142e0a3ce985858fea612404edd228698f5af691020c9/multidict-6.4.4-cp313-cp313t-macosx_10_13_x86_64.whl", hash = "sha256:0d2b9712211b860d123815a80b859075d86a4d54787e247d7fbee9db6832cf1c", size = 40183, upload_time = "2025-05-19T14:15:40.197Z" }, + { url = "https://files.pythonhosted.org/packages/e0/b7/d4b8d98eb850ef28a4922ba508c31d90715fd9b9da3801a30cea2967130b/multidict-6.4.4-cp313-cp313t-macosx_11_0_arm64.whl", hash = "sha256:d2fa86af59f8fc1972e121ade052145f6da22758f6996a197d69bb52f8204e7e", size = 39592, upload_time = "2025-05-19T14:15:41.508Z" }, + { url = "https://files.pythonhosted.org/packages/18/28/a554678898a19583548e742080cf55d169733baf57efc48c2f0273a08583/multidict-6.4.4-cp313-cp313t-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:50855d03e9e4d66eab6947ba688ffb714616f985838077bc4b490e769e48da51", size = 226071, upload_time = "2025-05-19T14:15:42.877Z" }, + { url = "https://files.pythonhosted.org/packages/ee/dc/7ba6c789d05c310e294f85329efac1bf5b450338d2542498db1491a264df/multidict-6.4.4-cp313-cp313t-manylinux_2_17_armv7l.manylinux2014_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:5bce06b83be23225be1905dcdb6b789064fae92499fbc458f59a8c0e68718601", size = 222597, upload_time = "2025-05-19T14:15:44.412Z" }, + { url = "https://files.pythonhosted.org/packages/24/4f/34eadbbf401b03768dba439be0fb94b0d187facae9142821a3d5599ccb3b/multidict-6.4.4-cp313-cp313t-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:66ed0731f8e5dfd8369a883b6e564aca085fb9289aacabd9decd70568b9a30de", size = 228253, upload_time = "2025-05-19T14:15:46.474Z" }, + { url = "https://files.pythonhosted.org/packages/c0/e6/493225a3cdb0d8d80d43a94503fc313536a07dae54a3f030d279e629a2bc/multidict-6.4.4-cp313-cp313t-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:329ae97fc2f56f44d91bc47fe0972b1f52d21c4b7a2ac97040da02577e2daca2", size = 226146, upload_time = "2025-05-19T14:15:48.003Z" }, + { url = "https://files.pythonhosted.org/packages/2f/70/e411a7254dc3bff6f7e6e004303b1b0591358e9f0b7c08639941e0de8bd6/multidict-6.4.4-cp313-cp313t-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:c27e5dcf520923d6474d98b96749e6805f7677e93aaaf62656005b8643f907ab", size = 220585, upload_time = "2025-05-19T14:15:49.546Z" }, + { url = "https://files.pythonhosted.org/packages/08/8f/beb3ae7406a619100d2b1fb0022c3bb55a8225ab53c5663648ba50dfcd56/multidict-6.4.4-cp313-cp313t-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:058cc59b9e9b143cc56715e59e22941a5d868c322242278d28123a5d09cdf6b0", size = 212080, upload_time = "2025-05-19T14:15:51.151Z" }, + { url = "https://files.pythonhosted.org/packages/9c/ec/355124e9d3d01cf8edb072fd14947220f357e1c5bc79c88dff89297e9342/multidict-6.4.4-cp313-cp313t-musllinux_1_2_aarch64.whl", hash = "sha256:69133376bc9a03f8c47343d33f91f74a99c339e8b58cea90433d8e24bb298031", size = 226558, upload_time = "2025-05-19T14:15:52.665Z" }, + { url = "https://files.pythonhosted.org/packages/fd/22/d2b95cbebbc2ada3be3812ea9287dcc9712d7f1a012fad041770afddb2ad/multidict-6.4.4-cp313-cp313t-musllinux_1_2_armv7l.whl", hash = "sha256:d6b15c55721b1b115c5ba178c77104123745b1417527ad9641a4c5e2047450f0", size = 212168, upload_time = "2025-05-19T14:15:55.279Z" }, + { url = "https://files.pythonhosted.org/packages/4d/c5/62bfc0b2f9ce88326dbe7179f9824a939c6c7775b23b95de777267b9725c/multidict-6.4.4-cp313-cp313t-musllinux_1_2_i686.whl", hash = "sha256:a887b77f51d3d41e6e1a63cf3bc7ddf24de5939d9ff69441387dfefa58ac2e26", size = 217970, upload_time = "2025-05-19T14:15:56.806Z" }, + { url = "https://files.pythonhosted.org/packages/79/74/977cea1aadc43ff1c75d23bd5bc4768a8fac98c14e5878d6ee8d6bab743c/multidict-6.4.4-cp313-cp313t-musllinux_1_2_ppc64le.whl", hash = "sha256:632a3bf8f1787f7ef7d3c2f68a7bde5be2f702906f8b5842ad6da9d974d0aab3", size = 226980, upload_time = "2025-05-19T14:15:58.313Z" }, + { url = "https://files.pythonhosted.org/packages/48/fc/cc4a1a2049df2eb84006607dc428ff237af38e0fcecfdb8a29ca47b1566c/multidict-6.4.4-cp313-cp313t-musllinux_1_2_s390x.whl", hash = "sha256:a145c550900deb7540973c5cdb183b0d24bed6b80bf7bddf33ed8f569082535e", size = 220641, upload_time = "2025-05-19T14:15:59.866Z" }, + { url = "https://files.pythonhosted.org/packages/3b/6a/a7444d113ab918701988d4abdde373dbdfd2def7bd647207e2bf645c7eac/multidict-6.4.4-cp313-cp313t-musllinux_1_2_x86_64.whl", hash = "sha256:cc5d83c6619ca5c9672cb78b39ed8542f1975a803dee2cda114ff73cbb076edd", size = 221728, upload_time = "2025-05-19T14:16:01.535Z" }, + { url = "https://files.pythonhosted.org/packages/2b/b0/fdf4c73ad1c55e0f4dbbf2aa59dd37037334091f9a4961646d2b7ac91a86/multidict-6.4.4-cp313-cp313t-win32.whl", hash = "sha256:3312f63261b9df49be9d57aaa6abf53a6ad96d93b24f9cc16cf979956355ce6e", size = 41913, upload_time = "2025-05-19T14:16:03.199Z" }, + { url = "https://files.pythonhosted.org/packages/8e/92/27989ecca97e542c0d01d05a98a5ae12198a243a9ee12563a0313291511f/multidict-6.4.4-cp313-cp313t-win_amd64.whl", hash = "sha256:ba852168d814b2c73333073e1c7116d9395bea69575a01b0b3c89d2d5a87c8fb", size = 46112, upload_time = "2025-05-19T14:16:04.909Z" }, + { url = "https://files.pythonhosted.org/packages/84/5d/e17845bb0fa76334477d5de38654d27946d5b5d3695443987a094a71b440/multidict-6.4.4-py3-none-any.whl", hash = "sha256:bd4557071b561a8b3b6075c3ce93cf9bfb6182cb241805c3d66ced3b75eff4ac", size = 10481, upload_time = "2025-05-19T14:16:36.024Z" }, ] [[package]] @@ -1761,22 +1761,22 @@ source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "dill" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/b5/ae/04f39c5d0d0def03247c2893d6f2b83c136bf3320a2154d7b8858f2ba72d/multiprocess-0.70.16.tar.gz", hash = "sha256:161af703d4652a0e1410be6abccecde4a7ddffd19341be0a7011b94aeb171ac1", size = 1772603, upload-time = "2024-01-28T18:52:34.85Z" } +sdist = { url = "https://files.pythonhosted.org/packages/b5/ae/04f39c5d0d0def03247c2893d6f2b83c136bf3320a2154d7b8858f2ba72d/multiprocess-0.70.16.tar.gz", hash = "sha256:161af703d4652a0e1410be6abccecde4a7ddffd19341be0a7011b94aeb171ac1", size = 1772603, upload_time = "2024-01-28T18:52:34.85Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/bc/f7/7ec7fddc92e50714ea3745631f79bd9c96424cb2702632521028e57d3a36/multiprocess-0.70.16-py310-none-any.whl", hash = "sha256:c4a9944c67bd49f823687463660a2d6daae94c289adff97e0f9d696ba6371d02", size = 134824, upload-time = "2024-01-28T18:52:26.062Z" }, - { url = "https://files.pythonhosted.org/packages/50/15/b56e50e8debaf439f44befec5b2af11db85f6e0f344c3113ae0be0593a91/multiprocess-0.70.16-py311-none-any.whl", hash = "sha256:af4cabb0dac72abfb1e794fa7855c325fd2b55a10a44628a3c1ad3311c04127a", size = 143519, upload-time = "2024-01-28T18:52:28.115Z" }, - { url = "https://files.pythonhosted.org/packages/0a/7d/a988f258104dcd2ccf1ed40fdc97e26c4ac351eeaf81d76e266c52d84e2f/multiprocess-0.70.16-py312-none-any.whl", hash = "sha256:fc0544c531920dde3b00c29863377f87e1632601092ea2daca74e4beb40faa2e", size = 146741, upload-time = "2024-01-28T18:52:29.395Z" }, - { url = "https://files.pythonhosted.org/packages/ea/89/38df130f2c799090c978b366cfdf5b96d08de5b29a4a293df7f7429fa50b/multiprocess-0.70.16-py38-none-any.whl", hash = "sha256:a71d82033454891091a226dfc319d0cfa8019a4e888ef9ca910372a446de4435", size = 132628, upload-time = "2024-01-28T18:52:30.853Z" }, - { url = "https://files.pythonhosted.org/packages/da/d9/f7f9379981e39b8c2511c9e0326d212accacb82f12fbfdc1aa2ce2a7b2b6/multiprocess-0.70.16-py39-none-any.whl", hash = "sha256:a0bafd3ae1b732eac64be2e72038231c1ba97724b60b09400d68f229fcc2fbf3", size = 133351, upload-time = "2024-01-28T18:52:31.981Z" }, + { url = "https://files.pythonhosted.org/packages/bc/f7/7ec7fddc92e50714ea3745631f79bd9c96424cb2702632521028e57d3a36/multiprocess-0.70.16-py310-none-any.whl", hash = "sha256:c4a9944c67bd49f823687463660a2d6daae94c289adff97e0f9d696ba6371d02", size = 134824, upload_time = "2024-01-28T18:52:26.062Z" }, + { url = "https://files.pythonhosted.org/packages/50/15/b56e50e8debaf439f44befec5b2af11db85f6e0f344c3113ae0be0593a91/multiprocess-0.70.16-py311-none-any.whl", hash = "sha256:af4cabb0dac72abfb1e794fa7855c325fd2b55a10a44628a3c1ad3311c04127a", size = 143519, upload_time = "2024-01-28T18:52:28.115Z" }, + { url = "https://files.pythonhosted.org/packages/0a/7d/a988f258104dcd2ccf1ed40fdc97e26c4ac351eeaf81d76e266c52d84e2f/multiprocess-0.70.16-py312-none-any.whl", hash = "sha256:fc0544c531920dde3b00c29863377f87e1632601092ea2daca74e4beb40faa2e", size = 146741, upload_time = "2024-01-28T18:52:29.395Z" }, + { url = "https://files.pythonhosted.org/packages/ea/89/38df130f2c799090c978b366cfdf5b96d08de5b29a4a293df7f7429fa50b/multiprocess-0.70.16-py38-none-any.whl", hash = "sha256:a71d82033454891091a226dfc319d0cfa8019a4e888ef9ca910372a446de4435", size = 132628, upload_time = "2024-01-28T18:52:30.853Z" }, + { url = "https://files.pythonhosted.org/packages/da/d9/f7f9379981e39b8c2511c9e0326d212accacb82f12fbfdc1aa2ce2a7b2b6/multiprocess-0.70.16-py39-none-any.whl", hash = "sha256:a0bafd3ae1b732eac64be2e72038231c1ba97724b60b09400d68f229fcc2fbf3", size = 133351, upload_time = "2024-01-28T18:52:31.981Z" }, ] [[package]] name = "mypy-extensions" version = "1.1.0" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/a2/6e/371856a3fb9d31ca8dac321cda606860fa4548858c0cc45d9d1d4ca2628b/mypy_extensions-1.1.0.tar.gz", hash = "sha256:52e68efc3284861e772bbcd66823fde5ae21fd2fdb51c62a211403730b916558", size = 6343, upload-time = "2025-04-22T14:54:24.164Z" } +sdist = { url = "https://files.pythonhosted.org/packages/a2/6e/371856a3fb9d31ca8dac321cda606860fa4548858c0cc45d9d1d4ca2628b/mypy_extensions-1.1.0.tar.gz", hash = "sha256:52e68efc3284861e772bbcd66823fde5ae21fd2fdb51c62a211403730b916558", size = 6343, upload_time = "2025-04-22T14:54:24.164Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/79/7b/2c79738432f5c924bef5071f933bcc9efd0473bac3b4aa584a6f7c1c8df8/mypy_extensions-1.1.0-py3-none-any.whl", hash = "sha256:1be4cccdb0f2482337c4743e60421de3a356cd97508abadd57d47403e94f5505", size = 4963, upload-time = "2025-04-22T14:54:22.983Z" }, + { url = "https://files.pythonhosted.org/packages/79/7b/2c79738432f5c924bef5071f933bcc9efd0473bac3b4aa584a6f7c1c8df8/mypy_extensions-1.1.0-py3-none-any.whl", hash = "sha256:1be4cccdb0f2482337c4743e60421de3a356cd97508abadd57d47403e94f5505", size = 4963, upload_time = "2025-04-22T14:54:22.983Z" }, ] [[package]] @@ -1789,9 +1789,9 @@ dependencies = [ { name = "nbformat" }, { name = "traitlets" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/87/66/7ffd18d58eae90d5721f9f39212327695b749e23ad44b3881744eaf4d9e8/nbclient-0.10.2.tar.gz", hash = "sha256:90b7fc6b810630db87a6d0c2250b1f0ab4cf4d3c27a299b0cde78a4ed3fd9193", size = 62424, upload-time = "2024-12-19T10:32:27.164Z" } +sdist = { url = "https://files.pythonhosted.org/packages/87/66/7ffd18d58eae90d5721f9f39212327695b749e23ad44b3881744eaf4d9e8/nbclient-0.10.2.tar.gz", hash = "sha256:90b7fc6b810630db87a6d0c2250b1f0ab4cf4d3c27a299b0cde78a4ed3fd9193", size = 62424, upload_time = "2024-12-19T10:32:27.164Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/34/6d/e7fa07f03a4a7b221d94b4d586edb754a9b0dc3c9e2c93353e9fa4e0d117/nbclient-0.10.2-py3-none-any.whl", hash = "sha256:4ffee11e788b4a27fabeb7955547e4318a5298f34342a4bfd01f2e1faaeadc3d", size = 25434, upload-time = "2024-12-19T10:32:24.139Z" }, + { url = "https://files.pythonhosted.org/packages/34/6d/e7fa07f03a4a7b221d94b4d586edb754a9b0dc3c9e2c93353e9fa4e0d117/nbclient-0.10.2-py3-none-any.whl", hash = "sha256:4ffee11e788b4a27fabeb7955547e4318a5298f34342a4bfd01f2e1faaeadc3d", size = 25434, upload_time = "2024-12-19T10:32:24.139Z" }, ] [[package]] @@ -1814,9 +1814,9 @@ dependencies = [ { name = "pygments" }, { name = "traitlets" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/a3/59/f28e15fc47ffb73af68a8d9b47367a8630d76e97ae85ad18271b9db96fdf/nbconvert-7.16.6.tar.gz", hash = "sha256:576a7e37c6480da7b8465eefa66c17844243816ce1ccc372633c6b71c3c0f582", size = 857715, upload-time = "2025-01-28T09:29:14.724Z" } +sdist = { url = "https://files.pythonhosted.org/packages/a3/59/f28e15fc47ffb73af68a8d9b47367a8630d76e97ae85ad18271b9db96fdf/nbconvert-7.16.6.tar.gz", hash = "sha256:576a7e37c6480da7b8465eefa66c17844243816ce1ccc372633c6b71c3c0f582", size = 857715, upload_time = "2025-01-28T09:29:14.724Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/cc/9a/cd673b2f773a12c992f41309ef81b99da1690426bd2f96957a7ade0d3ed7/nbconvert-7.16.6-py3-none-any.whl", hash = "sha256:1375a7b67e0c2883678c48e506dc320febb57685e5ee67faa51b18a90f3a712b", size = 258525, upload-time = "2025-01-28T09:29:12.551Z" }, + { url = "https://files.pythonhosted.org/packages/cc/9a/cd673b2f773a12c992f41309ef81b99da1690426bd2f96957a7ade0d3ed7/nbconvert-7.16.6-py3-none-any.whl", hash = "sha256:1375a7b67e0c2883678c48e506dc320febb57685e5ee67faa51b18a90f3a712b", size = 258525, upload_time = "2025-01-28T09:29:12.551Z" }, ] [[package]] @@ -1829,36 +1829,36 @@ dependencies = [ { name = "jupyter-core" }, { name = "traitlets" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/6d/fd/91545e604bc3dad7dca9ed03284086039b294c6b3d75c0d2fa45f9e9caf3/nbformat-5.10.4.tar.gz", hash = "sha256:322168b14f937a5d11362988ecac2a4952d3d8e3a2cbeb2319584631226d5b3a", size = 142749, upload-time = "2024-04-04T11:20:37.371Z" } +sdist = { url = "https://files.pythonhosted.org/packages/6d/fd/91545e604bc3dad7dca9ed03284086039b294c6b3d75c0d2fa45f9e9caf3/nbformat-5.10.4.tar.gz", hash = "sha256:322168b14f937a5d11362988ecac2a4952d3d8e3a2cbeb2319584631226d5b3a", size = 142749, upload_time = "2024-04-04T11:20:37.371Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/a9/82/0340caa499416c78e5d8f5f05947ae4bc3cba53c9f038ab6e9ed964e22f1/nbformat-5.10.4-py3-none-any.whl", hash = "sha256:3b48d6c8fbca4b299bf3982ea7db1af21580e4fec269ad087b9e81588891200b", size = 78454, upload-time = "2024-04-04T11:20:34.895Z" }, + { url = "https://files.pythonhosted.org/packages/a9/82/0340caa499416c78e5d8f5f05947ae4bc3cba53c9f038ab6e9ed964e22f1/nbformat-5.10.4-py3-none-any.whl", hash = "sha256:3b48d6c8fbca4b299bf3982ea7db1af21580e4fec269ad087b9e81588891200b", size = 78454, upload_time = "2024-04-04T11:20:34.895Z" }, ] [[package]] name = "nest-asyncio" version = "1.6.0" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/83/f8/51569ac65d696c8ecbee95938f89d4abf00f47d58d48f6fbabfe8f0baefe/nest_asyncio-1.6.0.tar.gz", hash = "sha256:6f172d5449aca15afd6c646851f4e31e02c598d553a667e38cafa997cfec55fe", size = 7418, upload-time = "2024-01-21T14:25:19.227Z" } +sdist = { url = "https://files.pythonhosted.org/packages/83/f8/51569ac65d696c8ecbee95938f89d4abf00f47d58d48f6fbabfe8f0baefe/nest_asyncio-1.6.0.tar.gz", hash = "sha256:6f172d5449aca15afd6c646851f4e31e02c598d553a667e38cafa997cfec55fe", size = 7418, upload_time = "2024-01-21T14:25:19.227Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/a0/c4/c2971a3ba4c6103a3d10c4b0f24f461ddc027f0f09763220cf35ca1401b3/nest_asyncio-1.6.0-py3-none-any.whl", hash = "sha256:87af6efd6b5e897c81050477ef65c62e2b2f35d51703cae01aff2905b1852e1c", size = 5195, upload-time = "2024-01-21T14:25:17.223Z" }, + { url = "https://files.pythonhosted.org/packages/a0/c4/c2971a3ba4c6103a3d10c4b0f24f461ddc027f0f09763220cf35ca1401b3/nest_asyncio-1.6.0-py3-none-any.whl", hash = "sha256:87af6efd6b5e897c81050477ef65c62e2b2f35d51703cae01aff2905b1852e1c", size = 5195, upload_time = "2024-01-21T14:25:17.223Z" }, ] [[package]] name = "networkx" version = "3.5" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/6c/4f/ccdb8ad3a38e583f214547fd2f7ff1fc160c43a75af88e6aec213404b96a/networkx-3.5.tar.gz", hash = "sha256:d4c6f9cf81f52d69230866796b82afbccdec3db7ae4fbd1b65ea750feed50037", size = 2471065, upload-time = "2025-05-29T11:35:07.804Z" } +sdist = { url = "https://files.pythonhosted.org/packages/6c/4f/ccdb8ad3a38e583f214547fd2f7ff1fc160c43a75af88e6aec213404b96a/networkx-3.5.tar.gz", hash = "sha256:d4c6f9cf81f52d69230866796b82afbccdec3db7ae4fbd1b65ea750feed50037", size = 2471065, upload_time = "2025-05-29T11:35:07.804Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/eb/8d/776adee7bbf76365fdd7f2552710282c79a4ead5d2a46408c9043a2b70ba/networkx-3.5-py3-none-any.whl", hash = "sha256:0030d386a9a06dee3565298b4a734b68589749a544acbb6c412dc9e2489ec6ec", size = 2034406, upload-time = "2025-05-29T11:35:04.961Z" }, + { url = "https://files.pythonhosted.org/packages/eb/8d/776adee7bbf76365fdd7f2552710282c79a4ead5d2a46408c9043a2b70ba/networkx-3.5-py3-none-any.whl", hash = "sha256:0030d386a9a06dee3565298b4a734b68589749a544acbb6c412dc9e2489ec6ec", size = 2034406, upload_time = "2025-05-29T11:35:04.961Z" }, ] [[package]] name = "nodeenv" version = "1.9.1" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/43/16/fc88b08840de0e0a72a2f9d8c6bae36be573e475a6326ae854bcc549fc45/nodeenv-1.9.1.tar.gz", hash = "sha256:6ec12890a2dab7946721edbfbcd91f3319c6ccc9aec47be7c7e6b7011ee6645f", size = 47437, upload-time = "2024-06-04T18:44:11.171Z" } +sdist = { url = "https://files.pythonhosted.org/packages/43/16/fc88b08840de0e0a72a2f9d8c6bae36be573e475a6326ae854bcc549fc45/nodeenv-1.9.1.tar.gz", hash = "sha256:6ec12890a2dab7946721edbfbcd91f3319c6ccc9aec47be7c7e6b7011ee6645f", size = 47437, upload_time = "2024-06-04T18:44:11.171Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/d2/1d/1b658dbd2b9fa9c4c9f32accbfc0205d532c8c6194dc0f2a4c0428e7128a/nodeenv-1.9.1-py2.py3-none-any.whl", hash = "sha256:ba11c9782d29c27c70ffbdda2d7415098754709be8a7056d79a737cd901155c9", size = 22314, upload-time = "2024-06-04T18:44:08.352Z" }, + { url = "https://files.pythonhosted.org/packages/d2/1d/1b658dbd2b9fa9c4c9f32accbfc0205d532c8c6194dc0f2a4c0428e7128a/nodeenv-1.9.1-py2.py3-none-any.whl", hash = "sha256:ba11c9782d29c27c70ffbdda2d7415098754709be8a7056d79a737cd901155c9", size = 22314, upload_time = "2024-06-04T18:44:08.352Z" }, ] [[package]] @@ -1868,67 +1868,67 @@ source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "jupyter-server" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/54/d2/92fa3243712b9a3e8bafaf60aac366da1cada3639ca767ff4b5b3654ec28/notebook_shim-0.2.4.tar.gz", hash = "sha256:b4b2cfa1b65d98307ca24361f5b30fe785b53c3fd07b7a47e89acb5e6ac638cb", size = 13167, upload-time = "2024-02-14T23:35:18.353Z" } +sdist = { url = "https://files.pythonhosted.org/packages/54/d2/92fa3243712b9a3e8bafaf60aac366da1cada3639ca767ff4b5b3654ec28/notebook_shim-0.2.4.tar.gz", hash = "sha256:b4b2cfa1b65d98307ca24361f5b30fe785b53c3fd07b7a47e89acb5e6ac638cb", size = 13167, upload_time = "2024-02-14T23:35:18.353Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/f9/33/bd5b9137445ea4b680023eb0469b2bb969d61303dedb2aac6560ff3d14a1/notebook_shim-0.2.4-py3-none-any.whl", hash = "sha256:411a5be4e9dc882a074ccbcae671eda64cceb068767e9a3419096986560e1cef", size = 13307, upload-time = "2024-02-14T23:35:16.286Z" }, + { url = "https://files.pythonhosted.org/packages/f9/33/bd5b9137445ea4b680023eb0469b2bb969d61303dedb2aac6560ff3d14a1/notebook_shim-0.2.4-py3-none-any.whl", hash = "sha256:411a5be4e9dc882a074ccbcae671eda64cceb068767e9a3419096986560e1cef", size = 13307, upload_time = "2024-02-14T23:35:16.286Z" }, ] [[package]] name = "numpy" version = "2.3.0" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/f3/db/8e12381333aea300890829a0a36bfa738cac95475d88982d538725143fd9/numpy-2.3.0.tar.gz", hash = "sha256:581f87f9e9e9db2cba2141400e160e9dd644ee248788d6f90636eeb8fd9260a6", size = 20382813, upload-time = "2025-06-07T14:54:32.608Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/fd/5f/df67435257d827eb3b8af66f585223dc2c3f2eb7ad0b50cb1dae2f35f494/numpy-2.3.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:c3c9fdde0fa18afa1099d6257eb82890ea4f3102847e692193b54e00312a9ae9", size = 21199688, upload-time = "2025-06-07T14:36:52.067Z" }, - { url = "https://files.pythonhosted.org/packages/e5/ce/aad219575055d6c9ef29c8c540c81e1c38815d3be1fe09cdbe53d48ee838/numpy-2.3.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:46d16f72c2192da7b83984aa5455baee640e33a9f1e61e656f29adf55e406c2b", size = 14359277, upload-time = "2025-06-07T14:37:15.325Z" }, - { url = "https://files.pythonhosted.org/packages/29/6b/2d31da8e6d2ec99bed54c185337a87f8fbeccc1cd9804e38217e92f3f5e2/numpy-2.3.0-cp311-cp311-macosx_14_0_arm64.whl", hash = "sha256:a0be278be9307c4ab06b788f2a077f05e180aea817b3e41cebbd5aaf7bd85ed3", size = 5376069, upload-time = "2025-06-07T14:37:25.636Z" }, - { url = "https://files.pythonhosted.org/packages/7d/2a/6c59a062397553ec7045c53d5fcdad44e4536e54972faa2ba44153bca984/numpy-2.3.0-cp311-cp311-macosx_14_0_x86_64.whl", hash = "sha256:99224862d1412d2562248d4710126355d3a8db7672170a39d6909ac47687a8a4", size = 6913057, upload-time = "2025-06-07T14:37:37.215Z" }, - { url = "https://files.pythonhosted.org/packages/d5/5a/8df16f258d28d033e4f359e29d3aeb54663243ac7b71504e89deeb813202/numpy-2.3.0-cp311-cp311-manylinux_2_28_aarch64.whl", hash = "sha256:2393a914db64b0ead0ab80c962e42d09d5f385802006a6c87835acb1f58adb96", size = 14568083, upload-time = "2025-06-07T14:37:59.337Z" }, - { url = "https://files.pythonhosted.org/packages/0a/92/0528a563dfc2cdccdcb208c0e241a4bb500d7cde218651ffb834e8febc50/numpy-2.3.0-cp311-cp311-manylinux_2_28_x86_64.whl", hash = "sha256:7729c8008d55e80784bd113787ce876ca117185c579c0d626f59b87d433ea779", size = 16929402, upload-time = "2025-06-07T14:38:24.343Z" }, - { url = "https://files.pythonhosted.org/packages/e4/2f/e7a8c8d4a2212c527568d84f31587012cf5497a7271ea1f23332142f634e/numpy-2.3.0-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:06d4fb37a8d383b769281714897420c5cc3545c79dc427df57fc9b852ee0bf58", size = 15879193, upload-time = "2025-06-07T14:38:48.007Z" }, - { url = "https://files.pythonhosted.org/packages/e2/c3/dada3f005953847fe35f42ac0fe746f6e1ea90b4c6775e4be605dcd7b578/numpy-2.3.0-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:c39ec392b5db5088259c68250e342612db82dc80ce044cf16496cf14cf6bc6f8", size = 18665318, upload-time = "2025-06-07T14:39:15.794Z" }, - { url = "https://files.pythonhosted.org/packages/3b/ae/3f448517dedefc8dd64d803f9d51a8904a48df730e00a3c5fb1e75a60620/numpy-2.3.0-cp311-cp311-win32.whl", hash = "sha256:ee9d3ee70d62827bc91f3ea5eee33153212c41f639918550ac0475e3588da59f", size = 6601108, upload-time = "2025-06-07T14:39:27.176Z" }, - { url = "https://files.pythonhosted.org/packages/8c/4a/556406d2bb2b9874c8cbc840c962683ac28f21efbc9b01177d78f0199ca1/numpy-2.3.0-cp311-cp311-win_amd64.whl", hash = "sha256:43c55b6a860b0eb44d42341438b03513cf3879cb3617afb749ad49307e164edd", size = 13021525, upload-time = "2025-06-07T14:39:46.637Z" }, - { url = "https://files.pythonhosted.org/packages/ed/ee/bf54278aef30335ffa9a189f869ea09e1a195b3f4b93062164a3b02678a7/numpy-2.3.0-cp311-cp311-win_arm64.whl", hash = "sha256:2e6a1409eee0cb0316cb64640a49a49ca44deb1a537e6b1121dc7c458a1299a8", size = 10170327, upload-time = "2025-06-07T14:40:02.703Z" }, - { url = "https://files.pythonhosted.org/packages/89/59/9df493df81ac6f76e9f05cdbe013cdb0c9a37b434f6e594f5bd25e278908/numpy-2.3.0-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:389b85335838155a9076e9ad7f8fdba0827496ec2d2dc32ce69ce7898bde03ba", size = 20897025, upload-time = "2025-06-07T14:40:33.558Z" }, - { url = "https://files.pythonhosted.org/packages/2f/86/4ff04335901d6cf3a6bb9c748b0097546ae5af35e455ae9b962ebff4ecd7/numpy-2.3.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:9498f60cd6bb8238d8eaf468a3d5bb031d34cd12556af53510f05fcf581c1b7e", size = 14129882, upload-time = "2025-06-07T14:40:55.034Z" }, - { url = "https://files.pythonhosted.org/packages/71/8d/a942cd4f959de7f08a79ab0c7e6cecb7431d5403dce78959a726f0f57aa1/numpy-2.3.0-cp312-cp312-macosx_14_0_arm64.whl", hash = "sha256:622a65d40d8eb427d8e722fd410ac3ad4958002f109230bc714fa551044ebae2", size = 5110181, upload-time = "2025-06-07T14:41:04.4Z" }, - { url = "https://files.pythonhosted.org/packages/86/5d/45850982efc7b2c839c5626fb67fbbc520d5b0d7c1ba1ae3651f2f74c296/numpy-2.3.0-cp312-cp312-macosx_14_0_x86_64.whl", hash = "sha256:b9446d9d8505aadadb686d51d838f2b6688c9e85636a0c3abaeb55ed54756459", size = 6647581, upload-time = "2025-06-07T14:41:14.695Z" }, - { url = "https://files.pythonhosted.org/packages/1a/c0/c871d4a83f93b00373d3eebe4b01525eee8ef10b623a335ec262b58f4dc1/numpy-2.3.0-cp312-cp312-manylinux_2_28_aarch64.whl", hash = "sha256:50080245365d75137a2bf46151e975de63146ae6d79f7e6bd5c0e85c9931d06a", size = 14262317, upload-time = "2025-06-07T14:41:35.862Z" }, - { url = "https://files.pythonhosted.org/packages/b7/f6/bc47f5fa666d5ff4145254f9e618d56e6a4ef9b874654ca74c19113bb538/numpy-2.3.0-cp312-cp312-manylinux_2_28_x86_64.whl", hash = "sha256:c24bb4113c66936eeaa0dc1e47c74770453d34f46ee07ae4efd853a2ed1ad10a", size = 16633919, upload-time = "2025-06-07T14:42:00.622Z" }, - { url = "https://files.pythonhosted.org/packages/f5/b4/65f48009ca0c9b76df5f404fccdea5a985a1bb2e34e97f21a17d9ad1a4ba/numpy-2.3.0-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:4d8d294287fdf685281e671886c6dcdf0291a7c19db3e5cb4178d07ccf6ecc67", size = 15567651, upload-time = "2025-06-07T14:42:24.429Z" }, - { url = "https://files.pythonhosted.org/packages/f1/62/5367855a2018578e9334ed08252ef67cc302e53edc869666f71641cad40b/numpy-2.3.0-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:6295f81f093b7f5769d1728a6bd8bf7466de2adfa771ede944ce6711382b89dc", size = 18361723, upload-time = "2025-06-07T14:42:51.167Z" }, - { url = "https://files.pythonhosted.org/packages/d4/75/5baed8cd867eabee8aad1e74d7197d73971d6a3d40c821f1848b8fab8b84/numpy-2.3.0-cp312-cp312-win32.whl", hash = "sha256:e6648078bdd974ef5d15cecc31b0c410e2e24178a6e10bf511e0557eed0f2570", size = 6318285, upload-time = "2025-06-07T14:43:02.052Z" }, - { url = "https://files.pythonhosted.org/packages/bc/49/d5781eaa1a15acb3b3a3f49dc9e2ff18d92d0ce5c2976f4ab5c0a7360250/numpy-2.3.0-cp312-cp312-win_amd64.whl", hash = "sha256:0898c67a58cdaaf29994bc0e2c65230fd4de0ac40afaf1584ed0b02cd74c6fdd", size = 12732594, upload-time = "2025-06-07T14:43:21.071Z" }, - { url = "https://files.pythonhosted.org/packages/c2/1c/6d343e030815c7c97a1f9fbad00211b47717c7fe446834c224bd5311e6f1/numpy-2.3.0-cp312-cp312-win_arm64.whl", hash = "sha256:bd8df082b6c4695753ad6193018c05aac465d634834dca47a3ae06d4bb22d9ea", size = 9891498, upload-time = "2025-06-07T14:43:36.332Z" }, - { url = "https://files.pythonhosted.org/packages/73/fc/1d67f751fd4dbafc5780244fe699bc4084268bad44b7c5deb0492473127b/numpy-2.3.0-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:5754ab5595bfa2c2387d241296e0381c21f44a4b90a776c3c1d39eede13a746a", size = 20889633, upload-time = "2025-06-07T14:44:06.839Z" }, - { url = "https://files.pythonhosted.org/packages/e8/95/73ffdb69e5c3f19ec4530f8924c4386e7ba097efc94b9c0aff607178ad94/numpy-2.3.0-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:d11fa02f77752d8099573d64e5fe33de3229b6632036ec08f7080f46b6649959", size = 14151683, upload-time = "2025-06-07T14:44:28.847Z" }, - { url = "https://files.pythonhosted.org/packages/64/d5/06d4bb31bb65a1d9c419eb5676173a2f90fd8da3c59f816cc54c640ce265/numpy-2.3.0-cp313-cp313-macosx_14_0_arm64.whl", hash = "sha256:aba48d17e87688a765ab1cd557882052f238e2f36545dfa8e29e6a91aef77afe", size = 5102683, upload-time = "2025-06-07T14:44:38.417Z" }, - { url = "https://files.pythonhosted.org/packages/12/8b/6c2cef44f8ccdc231f6b56013dff1d71138c48124334aded36b1a1b30c5a/numpy-2.3.0-cp313-cp313-macosx_14_0_x86_64.whl", hash = "sha256:4dc58865623023b63b10d52f18abaac3729346a7a46a778381e0e3af4b7f3beb", size = 6640253, upload-time = "2025-06-07T14:44:49.359Z" }, - { url = "https://files.pythonhosted.org/packages/62/aa/fca4bf8de3396ddb59544df9b75ffe5b73096174de97a9492d426f5cd4aa/numpy-2.3.0-cp313-cp313-manylinux_2_28_aarch64.whl", hash = "sha256:df470d376f54e052c76517393fa443758fefcdd634645bc9c1f84eafc67087f0", size = 14258658, upload-time = "2025-06-07T14:45:10.156Z" }, - { url = "https://files.pythonhosted.org/packages/1c/12/734dce1087eed1875f2297f687e671cfe53a091b6f2f55f0c7241aad041b/numpy-2.3.0-cp313-cp313-manylinux_2_28_x86_64.whl", hash = "sha256:87717eb24d4a8a64683b7a4e91ace04e2f5c7c77872f823f02a94feee186168f", size = 16628765, upload-time = "2025-06-07T14:45:35.076Z" }, - { url = "https://files.pythonhosted.org/packages/48/03/ffa41ade0e825cbcd5606a5669962419528212a16082763fc051a7247d76/numpy-2.3.0-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:d8fa264d56882b59dcb5ea4d6ab6f31d0c58a57b41aec605848b6eb2ef4a43e8", size = 15564335, upload-time = "2025-06-07T14:45:58.797Z" }, - { url = "https://files.pythonhosted.org/packages/07/58/869398a11863310aee0ff85a3e13b4c12f20d032b90c4b3ee93c3b728393/numpy-2.3.0-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:e651756066a0eaf900916497e20e02fe1ae544187cb0fe88de981671ee7f6270", size = 18360608, upload-time = "2025-06-07T14:46:25.687Z" }, - { url = "https://files.pythonhosted.org/packages/2f/8a/5756935752ad278c17e8a061eb2127c9a3edf4ba2c31779548b336f23c8d/numpy-2.3.0-cp313-cp313-win32.whl", hash = "sha256:e43c3cce3b6ae5f94696669ff2a6eafd9a6b9332008bafa4117af70f4b88be6f", size = 6310005, upload-time = "2025-06-07T14:50:13.138Z" }, - { url = "https://files.pythonhosted.org/packages/08/60/61d60cf0dfc0bf15381eaef46366ebc0c1a787856d1db0c80b006092af84/numpy-2.3.0-cp313-cp313-win_amd64.whl", hash = "sha256:81ae0bf2564cf475f94be4a27ef7bcf8af0c3e28da46770fc904da9abd5279b5", size = 12729093, upload-time = "2025-06-07T14:50:31.82Z" }, - { url = "https://files.pythonhosted.org/packages/66/31/2f2f2d2b3e3c32d5753d01437240feaa32220b73258c9eef2e42a0832866/numpy-2.3.0-cp313-cp313-win_arm64.whl", hash = "sha256:c8738baa52505fa6e82778580b23f945e3578412554d937093eac9205e845e6e", size = 9885689, upload-time = "2025-06-07T14:50:47.888Z" }, - { url = "https://files.pythonhosted.org/packages/f1/89/c7828f23cc50f607ceb912774bb4cff225ccae7131c431398ad8400e2c98/numpy-2.3.0-cp313-cp313t-macosx_10_13_x86_64.whl", hash = "sha256:39b27d8b38942a647f048b675f134dd5a567f95bfff481f9109ec308515c51d8", size = 20986612, upload-time = "2025-06-07T14:46:56.077Z" }, - { url = "https://files.pythonhosted.org/packages/dd/46/79ecf47da34c4c50eedec7511e53d57ffdfd31c742c00be7dc1d5ffdb917/numpy-2.3.0-cp313-cp313t-macosx_11_0_arm64.whl", hash = "sha256:0eba4a1ea88f9a6f30f56fdafdeb8da3774349eacddab9581a21234b8535d3d3", size = 14298953, upload-time = "2025-06-07T14:47:18.053Z" }, - { url = "https://files.pythonhosted.org/packages/59/44/f6caf50713d6ff4480640bccb2a534ce1d8e6e0960c8f864947439f0ee95/numpy-2.3.0-cp313-cp313t-macosx_14_0_arm64.whl", hash = "sha256:b0f1f11d0a1da54927436505a5a7670b154eac27f5672afc389661013dfe3d4f", size = 5225806, upload-time = "2025-06-07T14:47:27.524Z" }, - { url = "https://files.pythonhosted.org/packages/a6/43/e1fd1aca7c97e234dd05e66de4ab7a5be54548257efcdd1bc33637e72102/numpy-2.3.0-cp313-cp313t-macosx_14_0_x86_64.whl", hash = "sha256:690d0a5b60a47e1f9dcec7b77750a4854c0d690e9058b7bef3106e3ae9117808", size = 6735169, upload-time = "2025-06-07T14:47:38.057Z" }, - { url = "https://files.pythonhosted.org/packages/84/89/f76f93b06a03177c0faa7ca94d0856c4e5c4bcaf3c5f77640c9ed0303e1c/numpy-2.3.0-cp313-cp313t-manylinux_2_28_aarch64.whl", hash = "sha256:8b51ead2b258284458e570942137155978583e407babc22e3d0ed7af33ce06f8", size = 14330701, upload-time = "2025-06-07T14:47:59.113Z" }, - { url = "https://files.pythonhosted.org/packages/aa/f5/4858c3e9ff7a7d64561b20580cf7cc5d085794bd465a19604945d6501f6c/numpy-2.3.0-cp313-cp313t-manylinux_2_28_x86_64.whl", hash = "sha256:aaf81c7b82c73bd9b45e79cfb9476cb9c29e937494bfe9092c26aece812818ad", size = 16692983, upload-time = "2025-06-07T14:48:24.196Z" }, - { url = "https://files.pythonhosted.org/packages/08/17/0e3b4182e691a10e9483bcc62b4bb8693dbf9ea5dc9ba0b77a60435074bb/numpy-2.3.0-cp313-cp313t-musllinux_1_2_aarch64.whl", hash = "sha256:f420033a20b4f6a2a11f585f93c843ac40686a7c3fa514060a97d9de93e5e72b", size = 15641435, upload-time = "2025-06-07T14:48:47.712Z" }, - { url = "https://files.pythonhosted.org/packages/4e/d5/463279fda028d3c1efa74e7e8d507605ae87f33dbd0543cf4c4527c8b882/numpy-2.3.0-cp313-cp313t-musllinux_1_2_x86_64.whl", hash = "sha256:d344ca32ab482bcf8735d8f95091ad081f97120546f3d250240868430ce52555", size = 18433798, upload-time = "2025-06-07T14:49:14.866Z" }, - { url = "https://files.pythonhosted.org/packages/0e/1e/7a9d98c886d4c39a2b4d3a7c026bffcf8fbcaf518782132d12a301cfc47a/numpy-2.3.0-cp313-cp313t-win32.whl", hash = "sha256:48a2e8eaf76364c32a1feaa60d6925eaf32ed7a040183b807e02674305beef61", size = 6438632, upload-time = "2025-06-07T14:49:25.67Z" }, - { url = "https://files.pythonhosted.org/packages/fe/ab/66fc909931d5eb230107d016861824f335ae2c0533f422e654e5ff556784/numpy-2.3.0-cp313-cp313t-win_amd64.whl", hash = "sha256:ba17f93a94e503551f154de210e4d50c5e3ee20f7e7a1b5f6ce3f22d419b93bb", size = 12868491, upload-time = "2025-06-07T14:49:44.898Z" }, - { url = "https://files.pythonhosted.org/packages/ee/e8/2c8a1c9e34d6f6d600c83d5ce5b71646c32a13f34ca5c518cc060639841c/numpy-2.3.0-cp313-cp313t-win_arm64.whl", hash = "sha256:f14e016d9409680959691c109be98c436c6249eaf7f118b424679793607b5944", size = 9935345, upload-time = "2025-06-07T14:50:02.311Z" }, - { url = "https://files.pythonhosted.org/packages/6a/a2/f8c1133f90eaa1c11bbbec1dc28a42054d0ce74bc2c9838c5437ba5d4980/numpy-2.3.0-pp311-pypy311_pp73-macosx_10_15_x86_64.whl", hash = "sha256:80b46117c7359de8167cc00a2c7d823bdd505e8c7727ae0871025a86d668283b", size = 21070759, upload-time = "2025-06-07T14:51:18.241Z" }, - { url = "https://files.pythonhosted.org/packages/6c/e0/4c05fc44ba28463096eee5ae2a12832c8d2759cc5bcec34ae33386d3ff83/numpy-2.3.0-pp311-pypy311_pp73-macosx_14_0_arm64.whl", hash = "sha256:5814a0f43e70c061f47abd5857d120179609ddc32a613138cbb6c4e9e2dbdda5", size = 5301054, upload-time = "2025-06-07T14:51:27.413Z" }, - { url = "https://files.pythonhosted.org/packages/8a/3b/6c06cdebe922bbc2a466fe2105f50f661238ea223972a69c7deb823821e7/numpy-2.3.0-pp311-pypy311_pp73-macosx_14_0_x86_64.whl", hash = "sha256:ef6c1e88fd6b81ac6d215ed71dc8cd027e54d4bf1d2682d362449097156267a2", size = 6817520, upload-time = "2025-06-07T14:51:38.015Z" }, - { url = "https://files.pythonhosted.org/packages/9d/a3/1e536797fd10eb3c5dbd2e376671667c9af19e241843548575267242ea02/numpy-2.3.0-pp311-pypy311_pp73-manylinux_2_28_aarch64.whl", hash = "sha256:33a5a12a45bb82d9997e2c0b12adae97507ad7c347546190a18ff14c28bbca12", size = 14398078, upload-time = "2025-06-07T14:52:00.122Z" }, - { url = "https://files.pythonhosted.org/packages/7c/61/9d574b10d9368ecb1a0c923952aa593510a20df4940aa615b3a71337c8db/numpy-2.3.0-pp311-pypy311_pp73-manylinux_2_28_x86_64.whl", hash = "sha256:54dfc8681c1906d239e95ab1508d0a533c4a9505e52ee2d71a5472b04437ef97", size = 16751324, upload-time = "2025-06-07T14:52:25.077Z" }, - { url = "https://files.pythonhosted.org/packages/39/de/bcad52ce972dc26232629ca3a99721fd4b22c1d2bda84d5db6541913ef9c/numpy-2.3.0-pp311-pypy311_pp73-win_amd64.whl", hash = "sha256:e017a8a251ff4d18d71f139e28bdc7c31edba7a507f72b1414ed902cbe48c74d", size = 12924237, upload-time = "2025-06-07T14:52:44.713Z" }, +sdist = { url = "https://files.pythonhosted.org/packages/f3/db/8e12381333aea300890829a0a36bfa738cac95475d88982d538725143fd9/numpy-2.3.0.tar.gz", hash = "sha256:581f87f9e9e9db2cba2141400e160e9dd644ee248788d6f90636eeb8fd9260a6", size = 20382813, upload_time = "2025-06-07T14:54:32.608Z" } +wheels = [ + { url = "https://files.pythonhosted.org/packages/fd/5f/df67435257d827eb3b8af66f585223dc2c3f2eb7ad0b50cb1dae2f35f494/numpy-2.3.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:c3c9fdde0fa18afa1099d6257eb82890ea4f3102847e692193b54e00312a9ae9", size = 21199688, upload_time = "2025-06-07T14:36:52.067Z" }, + { url = "https://files.pythonhosted.org/packages/e5/ce/aad219575055d6c9ef29c8c540c81e1c38815d3be1fe09cdbe53d48ee838/numpy-2.3.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:46d16f72c2192da7b83984aa5455baee640e33a9f1e61e656f29adf55e406c2b", size = 14359277, upload_time = "2025-06-07T14:37:15.325Z" }, + { url = "https://files.pythonhosted.org/packages/29/6b/2d31da8e6d2ec99bed54c185337a87f8fbeccc1cd9804e38217e92f3f5e2/numpy-2.3.0-cp311-cp311-macosx_14_0_arm64.whl", hash = "sha256:a0be278be9307c4ab06b788f2a077f05e180aea817b3e41cebbd5aaf7bd85ed3", size = 5376069, upload_time = "2025-06-07T14:37:25.636Z" }, + { url = "https://files.pythonhosted.org/packages/7d/2a/6c59a062397553ec7045c53d5fcdad44e4536e54972faa2ba44153bca984/numpy-2.3.0-cp311-cp311-macosx_14_0_x86_64.whl", hash = "sha256:99224862d1412d2562248d4710126355d3a8db7672170a39d6909ac47687a8a4", size = 6913057, upload_time = "2025-06-07T14:37:37.215Z" }, + { url = "https://files.pythonhosted.org/packages/d5/5a/8df16f258d28d033e4f359e29d3aeb54663243ac7b71504e89deeb813202/numpy-2.3.0-cp311-cp311-manylinux_2_28_aarch64.whl", hash = "sha256:2393a914db64b0ead0ab80c962e42d09d5f385802006a6c87835acb1f58adb96", size = 14568083, upload_time = "2025-06-07T14:37:59.337Z" }, + { url = "https://files.pythonhosted.org/packages/0a/92/0528a563dfc2cdccdcb208c0e241a4bb500d7cde218651ffb834e8febc50/numpy-2.3.0-cp311-cp311-manylinux_2_28_x86_64.whl", hash = "sha256:7729c8008d55e80784bd113787ce876ca117185c579c0d626f59b87d433ea779", size = 16929402, upload_time = "2025-06-07T14:38:24.343Z" }, + { url = "https://files.pythonhosted.org/packages/e4/2f/e7a8c8d4a2212c527568d84f31587012cf5497a7271ea1f23332142f634e/numpy-2.3.0-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:06d4fb37a8d383b769281714897420c5cc3545c79dc427df57fc9b852ee0bf58", size = 15879193, upload_time = "2025-06-07T14:38:48.007Z" }, + { url = "https://files.pythonhosted.org/packages/e2/c3/dada3f005953847fe35f42ac0fe746f6e1ea90b4c6775e4be605dcd7b578/numpy-2.3.0-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:c39ec392b5db5088259c68250e342612db82dc80ce044cf16496cf14cf6bc6f8", size = 18665318, upload_time = "2025-06-07T14:39:15.794Z" }, + { url = "https://files.pythonhosted.org/packages/3b/ae/3f448517dedefc8dd64d803f9d51a8904a48df730e00a3c5fb1e75a60620/numpy-2.3.0-cp311-cp311-win32.whl", hash = "sha256:ee9d3ee70d62827bc91f3ea5eee33153212c41f639918550ac0475e3588da59f", size = 6601108, upload_time = "2025-06-07T14:39:27.176Z" }, + { url = "https://files.pythonhosted.org/packages/8c/4a/556406d2bb2b9874c8cbc840c962683ac28f21efbc9b01177d78f0199ca1/numpy-2.3.0-cp311-cp311-win_amd64.whl", hash = "sha256:43c55b6a860b0eb44d42341438b03513cf3879cb3617afb749ad49307e164edd", size = 13021525, upload_time = "2025-06-07T14:39:46.637Z" }, + { url = "https://files.pythonhosted.org/packages/ed/ee/bf54278aef30335ffa9a189f869ea09e1a195b3f4b93062164a3b02678a7/numpy-2.3.0-cp311-cp311-win_arm64.whl", hash = "sha256:2e6a1409eee0cb0316cb64640a49a49ca44deb1a537e6b1121dc7c458a1299a8", size = 10170327, upload_time = "2025-06-07T14:40:02.703Z" }, + { url = "https://files.pythonhosted.org/packages/89/59/9df493df81ac6f76e9f05cdbe013cdb0c9a37b434f6e594f5bd25e278908/numpy-2.3.0-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:389b85335838155a9076e9ad7f8fdba0827496ec2d2dc32ce69ce7898bde03ba", size = 20897025, upload_time = "2025-06-07T14:40:33.558Z" }, + { url = "https://files.pythonhosted.org/packages/2f/86/4ff04335901d6cf3a6bb9c748b0097546ae5af35e455ae9b962ebff4ecd7/numpy-2.3.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:9498f60cd6bb8238d8eaf468a3d5bb031d34cd12556af53510f05fcf581c1b7e", size = 14129882, upload_time = "2025-06-07T14:40:55.034Z" }, + { url = "https://files.pythonhosted.org/packages/71/8d/a942cd4f959de7f08a79ab0c7e6cecb7431d5403dce78959a726f0f57aa1/numpy-2.3.0-cp312-cp312-macosx_14_0_arm64.whl", hash = "sha256:622a65d40d8eb427d8e722fd410ac3ad4958002f109230bc714fa551044ebae2", size = 5110181, upload_time = "2025-06-07T14:41:04.4Z" }, + { url = "https://files.pythonhosted.org/packages/86/5d/45850982efc7b2c839c5626fb67fbbc520d5b0d7c1ba1ae3651f2f74c296/numpy-2.3.0-cp312-cp312-macosx_14_0_x86_64.whl", hash = "sha256:b9446d9d8505aadadb686d51d838f2b6688c9e85636a0c3abaeb55ed54756459", size = 6647581, upload_time = "2025-06-07T14:41:14.695Z" }, + { url = "https://files.pythonhosted.org/packages/1a/c0/c871d4a83f93b00373d3eebe4b01525eee8ef10b623a335ec262b58f4dc1/numpy-2.3.0-cp312-cp312-manylinux_2_28_aarch64.whl", hash = "sha256:50080245365d75137a2bf46151e975de63146ae6d79f7e6bd5c0e85c9931d06a", size = 14262317, upload_time = "2025-06-07T14:41:35.862Z" }, + { url = "https://files.pythonhosted.org/packages/b7/f6/bc47f5fa666d5ff4145254f9e618d56e6a4ef9b874654ca74c19113bb538/numpy-2.3.0-cp312-cp312-manylinux_2_28_x86_64.whl", hash = "sha256:c24bb4113c66936eeaa0dc1e47c74770453d34f46ee07ae4efd853a2ed1ad10a", size = 16633919, upload_time = "2025-06-07T14:42:00.622Z" }, + { url = "https://files.pythonhosted.org/packages/f5/b4/65f48009ca0c9b76df5f404fccdea5a985a1bb2e34e97f21a17d9ad1a4ba/numpy-2.3.0-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:4d8d294287fdf685281e671886c6dcdf0291a7c19db3e5cb4178d07ccf6ecc67", size = 15567651, upload_time = "2025-06-07T14:42:24.429Z" }, + { url = "https://files.pythonhosted.org/packages/f1/62/5367855a2018578e9334ed08252ef67cc302e53edc869666f71641cad40b/numpy-2.3.0-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:6295f81f093b7f5769d1728a6bd8bf7466de2adfa771ede944ce6711382b89dc", size = 18361723, upload_time = "2025-06-07T14:42:51.167Z" }, + { url = "https://files.pythonhosted.org/packages/d4/75/5baed8cd867eabee8aad1e74d7197d73971d6a3d40c821f1848b8fab8b84/numpy-2.3.0-cp312-cp312-win32.whl", hash = "sha256:e6648078bdd974ef5d15cecc31b0c410e2e24178a6e10bf511e0557eed0f2570", size = 6318285, upload_time = "2025-06-07T14:43:02.052Z" }, + { url = "https://files.pythonhosted.org/packages/bc/49/d5781eaa1a15acb3b3a3f49dc9e2ff18d92d0ce5c2976f4ab5c0a7360250/numpy-2.3.0-cp312-cp312-win_amd64.whl", hash = "sha256:0898c67a58cdaaf29994bc0e2c65230fd4de0ac40afaf1584ed0b02cd74c6fdd", size = 12732594, upload_time = "2025-06-07T14:43:21.071Z" }, + { url = "https://files.pythonhosted.org/packages/c2/1c/6d343e030815c7c97a1f9fbad00211b47717c7fe446834c224bd5311e6f1/numpy-2.3.0-cp312-cp312-win_arm64.whl", hash = "sha256:bd8df082b6c4695753ad6193018c05aac465d634834dca47a3ae06d4bb22d9ea", size = 9891498, upload_time = "2025-06-07T14:43:36.332Z" }, + { url = "https://files.pythonhosted.org/packages/73/fc/1d67f751fd4dbafc5780244fe699bc4084268bad44b7c5deb0492473127b/numpy-2.3.0-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:5754ab5595bfa2c2387d241296e0381c21f44a4b90a776c3c1d39eede13a746a", size = 20889633, upload_time = "2025-06-07T14:44:06.839Z" }, + { url = "https://files.pythonhosted.org/packages/e8/95/73ffdb69e5c3f19ec4530f8924c4386e7ba097efc94b9c0aff607178ad94/numpy-2.3.0-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:d11fa02f77752d8099573d64e5fe33de3229b6632036ec08f7080f46b6649959", size = 14151683, upload_time = "2025-06-07T14:44:28.847Z" }, + { url = "https://files.pythonhosted.org/packages/64/d5/06d4bb31bb65a1d9c419eb5676173a2f90fd8da3c59f816cc54c640ce265/numpy-2.3.0-cp313-cp313-macosx_14_0_arm64.whl", hash = "sha256:aba48d17e87688a765ab1cd557882052f238e2f36545dfa8e29e6a91aef77afe", size = 5102683, upload_time = "2025-06-07T14:44:38.417Z" }, + { url = "https://files.pythonhosted.org/packages/12/8b/6c2cef44f8ccdc231f6b56013dff1d71138c48124334aded36b1a1b30c5a/numpy-2.3.0-cp313-cp313-macosx_14_0_x86_64.whl", hash = "sha256:4dc58865623023b63b10d52f18abaac3729346a7a46a778381e0e3af4b7f3beb", size = 6640253, upload_time = "2025-06-07T14:44:49.359Z" }, + { url = "https://files.pythonhosted.org/packages/62/aa/fca4bf8de3396ddb59544df9b75ffe5b73096174de97a9492d426f5cd4aa/numpy-2.3.0-cp313-cp313-manylinux_2_28_aarch64.whl", hash = "sha256:df470d376f54e052c76517393fa443758fefcdd634645bc9c1f84eafc67087f0", size = 14258658, upload_time = "2025-06-07T14:45:10.156Z" }, + { url = "https://files.pythonhosted.org/packages/1c/12/734dce1087eed1875f2297f687e671cfe53a091b6f2f55f0c7241aad041b/numpy-2.3.0-cp313-cp313-manylinux_2_28_x86_64.whl", hash = "sha256:87717eb24d4a8a64683b7a4e91ace04e2f5c7c77872f823f02a94feee186168f", size = 16628765, upload_time = "2025-06-07T14:45:35.076Z" }, + { url = "https://files.pythonhosted.org/packages/48/03/ffa41ade0e825cbcd5606a5669962419528212a16082763fc051a7247d76/numpy-2.3.0-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:d8fa264d56882b59dcb5ea4d6ab6f31d0c58a57b41aec605848b6eb2ef4a43e8", size = 15564335, upload_time = "2025-06-07T14:45:58.797Z" }, + { url = "https://files.pythonhosted.org/packages/07/58/869398a11863310aee0ff85a3e13b4c12f20d032b90c4b3ee93c3b728393/numpy-2.3.0-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:e651756066a0eaf900916497e20e02fe1ae544187cb0fe88de981671ee7f6270", size = 18360608, upload_time = "2025-06-07T14:46:25.687Z" }, + { url = "https://files.pythonhosted.org/packages/2f/8a/5756935752ad278c17e8a061eb2127c9a3edf4ba2c31779548b336f23c8d/numpy-2.3.0-cp313-cp313-win32.whl", hash = "sha256:e43c3cce3b6ae5f94696669ff2a6eafd9a6b9332008bafa4117af70f4b88be6f", size = 6310005, upload_time = "2025-06-07T14:50:13.138Z" }, + { url = "https://files.pythonhosted.org/packages/08/60/61d60cf0dfc0bf15381eaef46366ebc0c1a787856d1db0c80b006092af84/numpy-2.3.0-cp313-cp313-win_amd64.whl", hash = "sha256:81ae0bf2564cf475f94be4a27ef7bcf8af0c3e28da46770fc904da9abd5279b5", size = 12729093, upload_time = "2025-06-07T14:50:31.82Z" }, + { url = "https://files.pythonhosted.org/packages/66/31/2f2f2d2b3e3c32d5753d01437240feaa32220b73258c9eef2e42a0832866/numpy-2.3.0-cp313-cp313-win_arm64.whl", hash = "sha256:c8738baa52505fa6e82778580b23f945e3578412554d937093eac9205e845e6e", size = 9885689, upload_time = "2025-06-07T14:50:47.888Z" }, + { url = "https://files.pythonhosted.org/packages/f1/89/c7828f23cc50f607ceb912774bb4cff225ccae7131c431398ad8400e2c98/numpy-2.3.0-cp313-cp313t-macosx_10_13_x86_64.whl", hash = "sha256:39b27d8b38942a647f048b675f134dd5a567f95bfff481f9109ec308515c51d8", size = 20986612, upload_time = "2025-06-07T14:46:56.077Z" }, + { url = "https://files.pythonhosted.org/packages/dd/46/79ecf47da34c4c50eedec7511e53d57ffdfd31c742c00be7dc1d5ffdb917/numpy-2.3.0-cp313-cp313t-macosx_11_0_arm64.whl", hash = "sha256:0eba4a1ea88f9a6f30f56fdafdeb8da3774349eacddab9581a21234b8535d3d3", size = 14298953, upload_time = "2025-06-07T14:47:18.053Z" }, + { url = "https://files.pythonhosted.org/packages/59/44/f6caf50713d6ff4480640bccb2a534ce1d8e6e0960c8f864947439f0ee95/numpy-2.3.0-cp313-cp313t-macosx_14_0_arm64.whl", hash = "sha256:b0f1f11d0a1da54927436505a5a7670b154eac27f5672afc389661013dfe3d4f", size = 5225806, upload_time = "2025-06-07T14:47:27.524Z" }, + { url = "https://files.pythonhosted.org/packages/a6/43/e1fd1aca7c97e234dd05e66de4ab7a5be54548257efcdd1bc33637e72102/numpy-2.3.0-cp313-cp313t-macosx_14_0_x86_64.whl", hash = "sha256:690d0a5b60a47e1f9dcec7b77750a4854c0d690e9058b7bef3106e3ae9117808", size = 6735169, upload_time = "2025-06-07T14:47:38.057Z" }, + { url = "https://files.pythonhosted.org/packages/84/89/f76f93b06a03177c0faa7ca94d0856c4e5c4bcaf3c5f77640c9ed0303e1c/numpy-2.3.0-cp313-cp313t-manylinux_2_28_aarch64.whl", hash = "sha256:8b51ead2b258284458e570942137155978583e407babc22e3d0ed7af33ce06f8", size = 14330701, upload_time = "2025-06-07T14:47:59.113Z" }, + { url = "https://files.pythonhosted.org/packages/aa/f5/4858c3e9ff7a7d64561b20580cf7cc5d085794bd465a19604945d6501f6c/numpy-2.3.0-cp313-cp313t-manylinux_2_28_x86_64.whl", hash = "sha256:aaf81c7b82c73bd9b45e79cfb9476cb9c29e937494bfe9092c26aece812818ad", size = 16692983, upload_time = "2025-06-07T14:48:24.196Z" }, + { url = "https://files.pythonhosted.org/packages/08/17/0e3b4182e691a10e9483bcc62b4bb8693dbf9ea5dc9ba0b77a60435074bb/numpy-2.3.0-cp313-cp313t-musllinux_1_2_aarch64.whl", hash = "sha256:f420033a20b4f6a2a11f585f93c843ac40686a7c3fa514060a97d9de93e5e72b", size = 15641435, upload_time = "2025-06-07T14:48:47.712Z" }, + { url = "https://files.pythonhosted.org/packages/4e/d5/463279fda028d3c1efa74e7e8d507605ae87f33dbd0543cf4c4527c8b882/numpy-2.3.0-cp313-cp313t-musllinux_1_2_x86_64.whl", hash = "sha256:d344ca32ab482bcf8735d8f95091ad081f97120546f3d250240868430ce52555", size = 18433798, upload_time = "2025-06-07T14:49:14.866Z" }, + { url = "https://files.pythonhosted.org/packages/0e/1e/7a9d98c886d4c39a2b4d3a7c026bffcf8fbcaf518782132d12a301cfc47a/numpy-2.3.0-cp313-cp313t-win32.whl", hash = "sha256:48a2e8eaf76364c32a1feaa60d6925eaf32ed7a040183b807e02674305beef61", size = 6438632, upload_time = "2025-06-07T14:49:25.67Z" }, + { url = "https://files.pythonhosted.org/packages/fe/ab/66fc909931d5eb230107d016861824f335ae2c0533f422e654e5ff556784/numpy-2.3.0-cp313-cp313t-win_amd64.whl", hash = "sha256:ba17f93a94e503551f154de210e4d50c5e3ee20f7e7a1b5f6ce3f22d419b93bb", size = 12868491, upload_time = "2025-06-07T14:49:44.898Z" }, + { url = "https://files.pythonhosted.org/packages/ee/e8/2c8a1c9e34d6f6d600c83d5ce5b71646c32a13f34ca5c518cc060639841c/numpy-2.3.0-cp313-cp313t-win_arm64.whl", hash = "sha256:f14e016d9409680959691c109be98c436c6249eaf7f118b424679793607b5944", size = 9935345, upload_time = "2025-06-07T14:50:02.311Z" }, + { url = "https://files.pythonhosted.org/packages/6a/a2/f8c1133f90eaa1c11bbbec1dc28a42054d0ce74bc2c9838c5437ba5d4980/numpy-2.3.0-pp311-pypy311_pp73-macosx_10_15_x86_64.whl", hash = "sha256:80b46117c7359de8167cc00a2c7d823bdd505e8c7727ae0871025a86d668283b", size = 21070759, upload_time = "2025-06-07T14:51:18.241Z" }, + { url = "https://files.pythonhosted.org/packages/6c/e0/4c05fc44ba28463096eee5ae2a12832c8d2759cc5bcec34ae33386d3ff83/numpy-2.3.0-pp311-pypy311_pp73-macosx_14_0_arm64.whl", hash = "sha256:5814a0f43e70c061f47abd5857d120179609ddc32a613138cbb6c4e9e2dbdda5", size = 5301054, upload_time = "2025-06-07T14:51:27.413Z" }, + { url = "https://files.pythonhosted.org/packages/8a/3b/6c06cdebe922bbc2a466fe2105f50f661238ea223972a69c7deb823821e7/numpy-2.3.0-pp311-pypy311_pp73-macosx_14_0_x86_64.whl", hash = "sha256:ef6c1e88fd6b81ac6d215ed71dc8cd027e54d4bf1d2682d362449097156267a2", size = 6817520, upload_time = "2025-06-07T14:51:38.015Z" }, + { url = "https://files.pythonhosted.org/packages/9d/a3/1e536797fd10eb3c5dbd2e376671667c9af19e241843548575267242ea02/numpy-2.3.0-pp311-pypy311_pp73-manylinux_2_28_aarch64.whl", hash = "sha256:33a5a12a45bb82d9997e2c0b12adae97507ad7c347546190a18ff14c28bbca12", size = 14398078, upload_time = "2025-06-07T14:52:00.122Z" }, + { url = "https://files.pythonhosted.org/packages/7c/61/9d574b10d9368ecb1a0c923952aa593510a20df4940aa615b3a71337c8db/numpy-2.3.0-pp311-pypy311_pp73-manylinux_2_28_x86_64.whl", hash = "sha256:54dfc8681c1906d239e95ab1508d0a533c4a9505e52ee2d71a5472b04437ef97", size = 16751324, upload_time = "2025-06-07T14:52:25.077Z" }, + { url = "https://files.pythonhosted.org/packages/39/de/bcad52ce972dc26232629ca3a99721fd4b22c1d2bda84d5db6541913ef9c/numpy-2.3.0-pp311-pypy311_pp73-win_amd64.whl", hash = "sha256:e017a8a251ff4d18d71f139e28bdc7c31edba7a507f72b1414ed902cbe48c74d", size = 12924237, upload_time = "2025-06-07T14:52:44.713Z" }, ] [[package]] @@ -1936,7 +1936,7 @@ name = "nvidia-cublas-cu12" version = "12.6.4.1" source = { registry = "https://pypi.org/simple" } wheels = [ - { url = "https://files.pythonhosted.org/packages/af/eb/ff4b8c503fa1f1796679dce648854d58751982426e4e4b37d6fce49d259c/nvidia_cublas_cu12-12.6.4.1-py3-none-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:08ed2686e9875d01b58e3cb379c6896df8e76c75e0d4a7f7dace3d7b6d9ef8eb", size = 393138322, upload-time = "2024-11-20T17:40:25.65Z" }, + { url = "https://files.pythonhosted.org/packages/af/eb/ff4b8c503fa1f1796679dce648854d58751982426e4e4b37d6fce49d259c/nvidia_cublas_cu12-12.6.4.1-py3-none-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:08ed2686e9875d01b58e3cb379c6896df8e76c75e0d4a7f7dace3d7b6d9ef8eb", size = 393138322, upload_time = "2024-11-20T17:40:25.65Z" }, ] [[package]] @@ -1944,8 +1944,8 @@ name = "nvidia-cuda-cupti-cu12" version = "12.6.80" source = { registry = "https://pypi.org/simple" } wheels = [ - { url = "https://files.pythonhosted.org/packages/49/60/7b6497946d74bcf1de852a21824d63baad12cd417db4195fc1bfe59db953/nvidia_cuda_cupti_cu12-12.6.80-py3-none-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:6768bad6cab4f19e8292125e5f1ac8aa7d1718704012a0e3272a6f61c4bce132", size = 8917980, upload-time = "2024-11-20T17:36:04.019Z" }, - { url = "https://files.pythonhosted.org/packages/a5/24/120ee57b218d9952c379d1e026c4479c9ece9997a4fb46303611ee48f038/nvidia_cuda_cupti_cu12-12.6.80-py3-none-manylinux2014_x86_64.whl", hash = "sha256:a3eff6cdfcc6a4c35db968a06fcadb061cbc7d6dde548609a941ff8701b98b73", size = 8917972, upload-time = "2024-10-01T16:58:06.036Z" }, + { url = "https://files.pythonhosted.org/packages/49/60/7b6497946d74bcf1de852a21824d63baad12cd417db4195fc1bfe59db953/nvidia_cuda_cupti_cu12-12.6.80-py3-none-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:6768bad6cab4f19e8292125e5f1ac8aa7d1718704012a0e3272a6f61c4bce132", size = 8917980, upload_time = "2024-11-20T17:36:04.019Z" }, + { url = "https://files.pythonhosted.org/packages/a5/24/120ee57b218d9952c379d1e026c4479c9ece9997a4fb46303611ee48f038/nvidia_cuda_cupti_cu12-12.6.80-py3-none-manylinux2014_x86_64.whl", hash = "sha256:a3eff6cdfcc6a4c35db968a06fcadb061cbc7d6dde548609a941ff8701b98b73", size = 8917972, upload_time = "2024-10-01T16:58:06.036Z" }, ] [[package]] @@ -1953,7 +1953,7 @@ name = "nvidia-cuda-nvrtc-cu12" version = "12.6.77" source = { registry = "https://pypi.org/simple" } wheels = [ - { url = "https://files.pythonhosted.org/packages/75/2e/46030320b5a80661e88039f59060d1790298b4718944a65a7f2aeda3d9e9/nvidia_cuda_nvrtc_cu12-12.6.77-py3-none-manylinux2014_x86_64.whl", hash = "sha256:35b0cc6ee3a9636d5409133e79273ce1f3fd087abb0532d2d2e8fff1fe9efc53", size = 23650380, upload-time = "2024-10-01T17:00:14.643Z" }, + { url = "https://files.pythonhosted.org/packages/75/2e/46030320b5a80661e88039f59060d1790298b4718944a65a7f2aeda3d9e9/nvidia_cuda_nvrtc_cu12-12.6.77-py3-none-manylinux2014_x86_64.whl", hash = "sha256:35b0cc6ee3a9636d5409133e79273ce1f3fd087abb0532d2d2e8fff1fe9efc53", size = 23650380, upload_time = "2024-10-01T17:00:14.643Z" }, ] [[package]] @@ -1961,8 +1961,8 @@ name = "nvidia-cuda-runtime-cu12" version = "12.6.77" source = { registry = "https://pypi.org/simple" } wheels = [ - { url = "https://files.pythonhosted.org/packages/e1/23/e717c5ac26d26cf39a27fbc076240fad2e3b817e5889d671b67f4f9f49c5/nvidia_cuda_runtime_cu12-12.6.77-py3-none-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:ba3b56a4f896141e25e19ab287cd71e52a6a0f4b29d0d31609f60e3b4d5219b7", size = 897690, upload-time = "2024-11-20T17:35:30.697Z" }, - { url = "https://files.pythonhosted.org/packages/f0/62/65c05e161eeddbafeca24dc461f47de550d9fa8a7e04eb213e32b55cfd99/nvidia_cuda_runtime_cu12-12.6.77-py3-none-manylinux2014_x86_64.whl", hash = "sha256:a84d15d5e1da416dd4774cb42edf5e954a3e60cc945698dc1d5be02321c44dc8", size = 897678, upload-time = "2024-10-01T16:57:33.821Z" }, + { url = "https://files.pythonhosted.org/packages/e1/23/e717c5ac26d26cf39a27fbc076240fad2e3b817e5889d671b67f4f9f49c5/nvidia_cuda_runtime_cu12-12.6.77-py3-none-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:ba3b56a4f896141e25e19ab287cd71e52a6a0f4b29d0d31609f60e3b4d5219b7", size = 897690, upload_time = "2024-11-20T17:35:30.697Z" }, + { url = "https://files.pythonhosted.org/packages/f0/62/65c05e161eeddbafeca24dc461f47de550d9fa8a7e04eb213e32b55cfd99/nvidia_cuda_runtime_cu12-12.6.77-py3-none-manylinux2014_x86_64.whl", hash = "sha256:a84d15d5e1da416dd4774cb42edf5e954a3e60cc945698dc1d5be02321c44dc8", size = 897678, upload_time = "2024-10-01T16:57:33.821Z" }, ] [[package]] @@ -1973,7 +1973,7 @@ dependencies = [ { name = "nvidia-cublas-cu12" }, ] wheels = [ - { url = "https://files.pythonhosted.org/packages/2a/78/4535c9c7f859a64781e43c969a3a7e84c54634e319a996d43ef32ce46f83/nvidia_cudnn_cu12-9.5.1.17-py3-none-manylinux_2_28_x86_64.whl", hash = "sha256:30ac3869f6db17d170e0e556dd6cc5eee02647abc31ca856634d5a40f82c15b2", size = 570988386, upload-time = "2024-10-25T19:54:26.39Z" }, + { url = "https://files.pythonhosted.org/packages/2a/78/4535c9c7f859a64781e43c969a3a7e84c54634e319a996d43ef32ce46f83/nvidia_cudnn_cu12-9.5.1.17-py3-none-manylinux_2_28_x86_64.whl", hash = "sha256:30ac3869f6db17d170e0e556dd6cc5eee02647abc31ca856634d5a40f82c15b2", size = 570988386, upload_time = "2024-10-25T19:54:26.39Z" }, ] [[package]] @@ -1984,8 +1984,8 @@ dependencies = [ { name = "nvidia-nvjitlink-cu12" }, ] wheels = [ - { url = "https://files.pythonhosted.org/packages/8f/16/73727675941ab8e6ffd86ca3a4b7b47065edcca7a997920b831f8147c99d/nvidia_cufft_cu12-11.3.0.4-py3-none-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:ccba62eb9cef5559abd5e0d54ceed2d9934030f51163df018532142a8ec533e5", size = 200221632, upload-time = "2024-11-20T17:41:32.357Z" }, - { url = "https://files.pythonhosted.org/packages/60/de/99ec247a07ea40c969d904fc14f3a356b3e2a704121675b75c366b694ee1/nvidia_cufft_cu12-11.3.0.4-py3-none-manylinux2014_x86_64.whl", hash = "sha256:768160ac89f6f7b459bee747e8d175dbf53619cfe74b2a5636264163138013ca", size = 200221622, upload-time = "2024-10-01T17:03:58.79Z" }, + { url = "https://files.pythonhosted.org/packages/8f/16/73727675941ab8e6ffd86ca3a4b7b47065edcca7a997920b831f8147c99d/nvidia_cufft_cu12-11.3.0.4-py3-none-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:ccba62eb9cef5559abd5e0d54ceed2d9934030f51163df018532142a8ec533e5", size = 200221632, upload_time = "2024-11-20T17:41:32.357Z" }, + { url = "https://files.pythonhosted.org/packages/60/de/99ec247a07ea40c969d904fc14f3a356b3e2a704121675b75c366b694ee1/nvidia_cufft_cu12-11.3.0.4-py3-none-manylinux2014_x86_64.whl", hash = "sha256:768160ac89f6f7b459bee747e8d175dbf53619cfe74b2a5636264163138013ca", size = 200221622, upload_time = "2024-10-01T17:03:58.79Z" }, ] [[package]] @@ -1993,7 +1993,7 @@ name = "nvidia-cufile-cu12" version = "1.11.1.6" source = { registry = "https://pypi.org/simple" } wheels = [ - { url = "https://files.pythonhosted.org/packages/b2/66/cc9876340ac68ae71b15c743ddb13f8b30d5244af344ec8322b449e35426/nvidia_cufile_cu12-1.11.1.6-py3-none-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:cc23469d1c7e52ce6c1d55253273d32c565dd22068647f3aa59b3c6b005bf159", size = 1142103, upload-time = "2024-11-20T17:42:11.83Z" }, + { url = "https://files.pythonhosted.org/packages/b2/66/cc9876340ac68ae71b15c743ddb13f8b30d5244af344ec8322b449e35426/nvidia_cufile_cu12-1.11.1.6-py3-none-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:cc23469d1c7e52ce6c1d55253273d32c565dd22068647f3aa59b3c6b005bf159", size = 1142103, upload_time = "2024-11-20T17:42:11.83Z" }, ] [[package]] @@ -2001,8 +2001,8 @@ name = "nvidia-curand-cu12" version = "10.3.7.77" source = { registry = "https://pypi.org/simple" } wheels = [ - { url = "https://files.pythonhosted.org/packages/73/1b/44a01c4e70933637c93e6e1a8063d1e998b50213a6b65ac5a9169c47e98e/nvidia_curand_cu12-10.3.7.77-py3-none-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:a42cd1344297f70b9e39a1e4f467a4e1c10f1da54ff7a85c12197f6c652c8bdf", size = 56279010, upload-time = "2024-11-20T17:42:50.958Z" }, - { url = "https://files.pythonhosted.org/packages/4a/aa/2c7ff0b5ee02eaef890c0ce7d4f74bc30901871c5e45dee1ae6d0083cd80/nvidia_curand_cu12-10.3.7.77-py3-none-manylinux2014_x86_64.whl", hash = "sha256:99f1a32f1ac2bd134897fc7a203f779303261268a65762a623bf30cc9fe79117", size = 56279000, upload-time = "2024-10-01T17:04:45.274Z" }, + { url = "https://files.pythonhosted.org/packages/73/1b/44a01c4e70933637c93e6e1a8063d1e998b50213a6b65ac5a9169c47e98e/nvidia_curand_cu12-10.3.7.77-py3-none-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:a42cd1344297f70b9e39a1e4f467a4e1c10f1da54ff7a85c12197f6c652c8bdf", size = 56279010, upload_time = "2024-11-20T17:42:50.958Z" }, + { url = "https://files.pythonhosted.org/packages/4a/aa/2c7ff0b5ee02eaef890c0ce7d4f74bc30901871c5e45dee1ae6d0083cd80/nvidia_curand_cu12-10.3.7.77-py3-none-manylinux2014_x86_64.whl", hash = "sha256:99f1a32f1ac2bd134897fc7a203f779303261268a65762a623bf30cc9fe79117", size = 56279000, upload_time = "2024-10-01T17:04:45.274Z" }, ] [[package]] @@ -2015,8 +2015,8 @@ dependencies = [ { name = "nvidia-nvjitlink-cu12" }, ] wheels = [ - { url = "https://files.pythonhosted.org/packages/f0/6e/c2cf12c9ff8b872e92b4a5740701e51ff17689c4d726fca91875b07f655d/nvidia_cusolver_cu12-11.7.1.2-py3-none-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:e9e49843a7707e42022babb9bcfa33c29857a93b88020c4e4434656a655b698c", size = 158229790, upload-time = "2024-11-20T17:43:43.211Z" }, - { url = "https://files.pythonhosted.org/packages/9f/81/baba53585da791d043c10084cf9553e074548408e04ae884cfe9193bd484/nvidia_cusolver_cu12-11.7.1.2-py3-none-manylinux2014_x86_64.whl", hash = "sha256:6cf28f17f64107a0c4d7802be5ff5537b2130bfc112f25d5a30df227058ca0e6", size = 158229780, upload-time = "2024-10-01T17:05:39.875Z" }, + { url = "https://files.pythonhosted.org/packages/f0/6e/c2cf12c9ff8b872e92b4a5740701e51ff17689c4d726fca91875b07f655d/nvidia_cusolver_cu12-11.7.1.2-py3-none-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:e9e49843a7707e42022babb9bcfa33c29857a93b88020c4e4434656a655b698c", size = 158229790, upload_time = "2024-11-20T17:43:43.211Z" }, + { url = "https://files.pythonhosted.org/packages/9f/81/baba53585da791d043c10084cf9553e074548408e04ae884cfe9193bd484/nvidia_cusolver_cu12-11.7.1.2-py3-none-manylinux2014_x86_64.whl", hash = "sha256:6cf28f17f64107a0c4d7802be5ff5537b2130bfc112f25d5a30df227058ca0e6", size = 158229780, upload_time = "2024-10-01T17:05:39.875Z" }, ] [[package]] @@ -2027,8 +2027,8 @@ dependencies = [ { name = "nvidia-nvjitlink-cu12" }, ] wheels = [ - { url = "https://files.pythonhosted.org/packages/06/1e/b8b7c2f4099a37b96af5c9bb158632ea9e5d9d27d7391d7eb8fc45236674/nvidia_cusparse_cu12-12.5.4.2-py3-none-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:7556d9eca156e18184b94947ade0fba5bb47d69cec46bf8660fd2c71a4b48b73", size = 216561367, upload-time = "2024-11-20T17:44:54.824Z" }, - { url = "https://files.pythonhosted.org/packages/43/ac/64c4316ba163e8217a99680c7605f779accffc6a4bcd0c778c12948d3707/nvidia_cusparse_cu12-12.5.4.2-py3-none-manylinux2014_x86_64.whl", hash = "sha256:23749a6571191a215cb74d1cdbff4a86e7b19f1200c071b3fcf844a5bea23a2f", size = 216561357, upload-time = "2024-10-01T17:06:29.861Z" }, + { url = "https://files.pythonhosted.org/packages/06/1e/b8b7c2f4099a37b96af5c9bb158632ea9e5d9d27d7391d7eb8fc45236674/nvidia_cusparse_cu12-12.5.4.2-py3-none-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:7556d9eca156e18184b94947ade0fba5bb47d69cec46bf8660fd2c71a4b48b73", size = 216561367, upload_time = "2024-11-20T17:44:54.824Z" }, + { url = "https://files.pythonhosted.org/packages/43/ac/64c4316ba163e8217a99680c7605f779accffc6a4bcd0c778c12948d3707/nvidia_cusparse_cu12-12.5.4.2-py3-none-manylinux2014_x86_64.whl", hash = "sha256:23749a6571191a215cb74d1cdbff4a86e7b19f1200c071b3fcf844a5bea23a2f", size = 216561357, upload_time = "2024-10-01T17:06:29.861Z" }, ] [[package]] @@ -2036,7 +2036,7 @@ name = "nvidia-cusparselt-cu12" version = "0.6.3" source = { registry = "https://pypi.org/simple" } wheels = [ - { url = "https://files.pythonhosted.org/packages/3b/9a/72ef35b399b0e183bc2e8f6f558036922d453c4d8237dab26c666a04244b/nvidia_cusparselt_cu12-0.6.3-py3-none-manylinux2014_x86_64.whl", hash = "sha256:e5c8a26c36445dd2e6812f1177978a24e2d37cacce7e090f297a688d1ec44f46", size = 156785796, upload-time = "2024-10-15T21:29:17.709Z" }, + { url = "https://files.pythonhosted.org/packages/3b/9a/72ef35b399b0e183bc2e8f6f558036922d453c4d8237dab26c666a04244b/nvidia_cusparselt_cu12-0.6.3-py3-none-manylinux2014_x86_64.whl", hash = "sha256:e5c8a26c36445dd2e6812f1177978a24e2d37cacce7e090f297a688d1ec44f46", size = 156785796, upload_time = "2024-10-15T21:29:17.709Z" }, ] [[package]] @@ -2044,7 +2044,7 @@ name = "nvidia-nccl-cu12" version = "2.26.2" source = { registry = "https://pypi.org/simple" } wheels = [ - { url = "https://files.pythonhosted.org/packages/67/ca/f42388aed0fddd64ade7493dbba36e1f534d4e6fdbdd355c6a90030ae028/nvidia_nccl_cu12-2.26.2-py3-none-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:694cf3879a206553cc9d7dbda76b13efaf610fdb70a50cba303de1b0d1530ac6", size = 201319755, upload-time = "2025-03-13T00:29:55.296Z" }, + { url = "https://files.pythonhosted.org/packages/67/ca/f42388aed0fddd64ade7493dbba36e1f534d4e6fdbdd355c6a90030ae028/nvidia_nccl_cu12-2.26.2-py3-none-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:694cf3879a206553cc9d7dbda76b13efaf610fdb70a50cba303de1b0d1530ac6", size = 201319755, upload_time = "2025-03-13T00:29:55.296Z" }, ] [[package]] @@ -2052,7 +2052,7 @@ name = "nvidia-nvjitlink-cu12" version = "12.6.85" source = { registry = "https://pypi.org/simple" } wheels = [ - { url = "https://files.pythonhosted.org/packages/9d/d7/c5383e47c7e9bf1c99d5bd2a8c935af2b6d705ad831a7ec5c97db4d82f4f/nvidia_nvjitlink_cu12-12.6.85-py3-none-manylinux2010_x86_64.manylinux_2_12_x86_64.whl", hash = "sha256:eedc36df9e88b682efe4309aa16b5b4e78c2407eac59e8c10a6a47535164369a", size = 19744971, upload-time = "2024-11-20T17:46:53.366Z" }, + { url = "https://files.pythonhosted.org/packages/9d/d7/c5383e47c7e9bf1c99d5bd2a8c935af2b6d705ad831a7ec5c97db4d82f4f/nvidia_nvjitlink_cu12-12.6.85-py3-none-manylinux2010_x86_64.manylinux_2_12_x86_64.whl", hash = "sha256:eedc36df9e88b682efe4309aa16b5b4e78c2407eac59e8c10a6a47535164369a", size = 19744971, upload_time = "2024-11-20T17:46:53.366Z" }, ] [[package]] @@ -2060,8 +2060,8 @@ name = "nvidia-nvtx-cu12" version = "12.6.77" source = { registry = "https://pypi.org/simple" } wheels = [ - { url = "https://files.pythonhosted.org/packages/56/9a/fff8376f8e3d084cd1530e1ef7b879bb7d6d265620c95c1b322725c694f4/nvidia_nvtx_cu12-12.6.77-py3-none-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:b90bed3df379fa79afbd21be8e04a0314336b8ae16768b58f2d34cb1d04cd7d2", size = 89276, upload-time = "2024-11-20T17:38:27.621Z" }, - { url = "https://files.pythonhosted.org/packages/9e/4e/0d0c945463719429b7bd21dece907ad0bde437a2ff12b9b12fee94722ab0/nvidia_nvtx_cu12-12.6.77-py3-none-manylinux2014_x86_64.whl", hash = "sha256:6574241a3ec5fdc9334353ab8c479fe75841dbe8f4532a8fc97ce63503330ba1", size = 89265, upload-time = "2024-10-01T17:00:38.172Z" }, + { url = "https://files.pythonhosted.org/packages/56/9a/fff8376f8e3d084cd1530e1ef7b879bb7d6d265620c95c1b322725c694f4/nvidia_nvtx_cu12-12.6.77-py3-none-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:b90bed3df379fa79afbd21be8e04a0314336b8ae16768b58f2d34cb1d04cd7d2", size = 89276, upload_time = "2024-11-20T17:38:27.621Z" }, + { url = "https://files.pythonhosted.org/packages/9e/4e/0d0c945463719429b7bd21dece907ad0bde437a2ff12b9b12fee94722ab0/nvidia_nvtx_cu12-12.6.77-py3-none-manylinux2014_x86_64.whl", hash = "sha256:6574241a3ec5fdc9334353ab8c479fe75841dbe8f4532a8fc97ce63503330ba1", size = 89265, upload_time = "2024-10-01T17:00:38.172Z" }, ] [[package]] @@ -2078,14 +2078,14 @@ dependencies = [ { name = "tqdm" }, { name = "typing-extensions" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/ec/7a/9ad4a61f1502f0e59d8c27fb629e28a63259a44d8d31cd2314e1534a2d9f/openai-1.86.0.tar.gz", hash = "sha256:c64d5b788359a8fdf69bd605ae804ce41c1ce2e78b8dd93e2542e0ee267f1e4b", size = 468272, upload-time = "2025-06-10T16:50:32.962Z" } +sdist = { url = "https://files.pythonhosted.org/packages/ec/7a/9ad4a61f1502f0e59d8c27fb629e28a63259a44d8d31cd2314e1534a2d9f/openai-1.86.0.tar.gz", hash = "sha256:c64d5b788359a8fdf69bd605ae804ce41c1ce2e78b8dd93e2542e0ee267f1e4b", size = 468272, upload_time = "2025-06-10T16:50:32.962Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/58/c1/dfb16b3432810fc9758564f9d1a4dbce6b93b7fb763ba57530c7fc48316d/openai-1.86.0-py3-none-any.whl", hash = "sha256:c8889c39410621fe955c230cc4c21bfe36ec887f4e60a957de05f507d7e1f349", size = 730296, upload-time = "2025-06-10T16:50:30.495Z" }, + { url = "https://files.pythonhosted.org/packages/58/c1/dfb16b3432810fc9758564f9d1a4dbce6b93b7fb763ba57530c7fc48316d/openai-1.86.0-py3-none-any.whl", hash = "sha256:c8889c39410621fe955c230cc4c21bfe36ec887f4e60a957de05f507d7e1f349", size = 730296, upload_time = "2025-06-10T16:50:30.495Z" }, ] [[package]] name = "openweights" -version = "0.5.0" +version = "0.6.0" source = { editable = "." } dependencies = [ { name = "cachier" }, @@ -2160,71 +2160,71 @@ provides-extras = ["dev", "worker"] name = "orjson" version = "3.10.18" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/81/0b/fea456a3ffe74e70ba30e01ec183a9b26bec4d497f61dcfce1b601059c60/orjson-3.10.18.tar.gz", hash = "sha256:e8da3947d92123eda795b68228cafe2724815621fe35e8e320a9e9593a4bcd53", size = 5422810, upload-time = "2025-04-29T23:30:08.423Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/97/c7/c54a948ce9a4278794f669a353551ce7db4ffb656c69a6e1f2264d563e50/orjson-3.10.18-cp311-cp311-macosx_10_15_x86_64.macosx_11_0_arm64.macosx_10_15_universal2.whl", hash = "sha256:e0a183ac3b8e40471e8d843105da6fbe7c070faab023be3b08188ee3f85719b8", size = 248929, upload-time = "2025-04-29T23:28:30.716Z" }, - { url = "https://files.pythonhosted.org/packages/9e/60/a9c674ef1dd8ab22b5b10f9300e7e70444d4e3cda4b8258d6c2488c32143/orjson-3.10.18-cp311-cp311-macosx_15_0_arm64.whl", hash = "sha256:5ef7c164d9174362f85238d0cd4afdeeb89d9e523e4651add6a5d458d6f7d42d", size = 133364, upload-time = "2025-04-29T23:28:32.392Z" }, - { url = "https://files.pythonhosted.org/packages/c1/4e/f7d1bdd983082216e414e6d7ef897b0c2957f99c545826c06f371d52337e/orjson-3.10.18-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:afd14c5d99cdc7bf93f22b12ec3b294931518aa019e2a147e8aa2f31fd3240f7", size = 136995, upload-time = "2025-04-29T23:28:34.024Z" }, - { url = "https://files.pythonhosted.org/packages/17/89/46b9181ba0ea251c9243b0c8ce29ff7c9796fa943806a9c8b02592fce8ea/orjson-3.10.18-cp311-cp311-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:7b672502323b6cd133c4af6b79e3bea36bad2d16bca6c1f645903fce83909a7a", size = 132894, upload-time = "2025-04-29T23:28:35.318Z" }, - { url = "https://files.pythonhosted.org/packages/ca/dd/7bce6fcc5b8c21aef59ba3c67f2166f0a1a9b0317dcca4a9d5bd7934ecfd/orjson-3.10.18-cp311-cp311-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:51f8c63be6e070ec894c629186b1c0fe798662b8687f3d9fdfa5e401c6bd7679", size = 137016, upload-time = "2025-04-29T23:28:36.674Z" }, - { url = "https://files.pythonhosted.org/packages/1c/4a/b8aea1c83af805dcd31c1f03c95aabb3e19a016b2a4645dd822c5686e94d/orjson-3.10.18-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:3f9478ade5313d724e0495d167083c6f3be0dd2f1c9c8a38db9a9e912cdaf947", size = 138290, upload-time = "2025-04-29T23:28:38.3Z" }, - { url = "https://files.pythonhosted.org/packages/36/d6/7eb05c85d987b688707f45dcf83c91abc2251e0dd9fb4f7be96514f838b1/orjson-3.10.18-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:187aefa562300a9d382b4b4eb9694806e5848b0cedf52037bb5c228c61bb66d4", size = 142829, upload-time = "2025-04-29T23:28:39.657Z" }, - { url = "https://files.pythonhosted.org/packages/d2/78/ddd3ee7873f2b5f90f016bc04062713d567435c53ecc8783aab3a4d34915/orjson-3.10.18-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:9da552683bc9da222379c7a01779bddd0ad39dd699dd6300abaf43eadee38334", size = 132805, upload-time = "2025-04-29T23:28:40.969Z" }, - { url = "https://files.pythonhosted.org/packages/8c/09/c8e047f73d2c5d21ead9c180203e111cddeffc0848d5f0f974e346e21c8e/orjson-3.10.18-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:e450885f7b47a0231979d9c49b567ed1c4e9f69240804621be87c40bc9d3cf17", size = 135008, upload-time = "2025-04-29T23:28:42.284Z" }, - { url = "https://files.pythonhosted.org/packages/0c/4b/dccbf5055ef8fb6eda542ab271955fc1f9bf0b941a058490293f8811122b/orjson-3.10.18-cp311-cp311-musllinux_1_2_armv7l.whl", hash = "sha256:5e3c9cc2ba324187cd06287ca24f65528f16dfc80add48dc99fa6c836bb3137e", size = 413419, upload-time = "2025-04-29T23:28:43.673Z" }, - { url = "https://files.pythonhosted.org/packages/8a/f3/1eac0c5e2d6d6790bd2025ebfbefcbd37f0d097103d76f9b3f9302af5a17/orjson-3.10.18-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:50ce016233ac4bfd843ac5471e232b865271d7d9d44cf9d33773bcd883ce442b", size = 153292, upload-time = "2025-04-29T23:28:45.573Z" }, - { url = "https://files.pythonhosted.org/packages/1f/b4/ef0abf64c8f1fabf98791819ab502c2c8c1dc48b786646533a93637d8999/orjson-3.10.18-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:b3ceff74a8f7ffde0b2785ca749fc4e80e4315c0fd887561144059fb1c138aa7", size = 137182, upload-time = "2025-04-29T23:28:47.229Z" }, - { url = "https://files.pythonhosted.org/packages/a9/a3/6ea878e7b4a0dc5c888d0370d7752dcb23f402747d10e2257478d69b5e63/orjson-3.10.18-cp311-cp311-win32.whl", hash = "sha256:fdba703c722bd868c04702cac4cb8c6b8ff137af2623bc0ddb3b3e6a2c8996c1", size = 142695, upload-time = "2025-04-29T23:28:48.564Z" }, - { url = "https://files.pythonhosted.org/packages/79/2a/4048700a3233d562f0e90d5572a849baa18ae4e5ce4c3ba6247e4ece57b0/orjson-3.10.18-cp311-cp311-win_amd64.whl", hash = "sha256:c28082933c71ff4bc6ccc82a454a2bffcef6e1d7379756ca567c772e4fb3278a", size = 134603, upload-time = "2025-04-29T23:28:50.442Z" }, - { url = "https://files.pythonhosted.org/packages/03/45/10d934535a4993d27e1c84f1810e79ccf8b1b7418cef12151a22fe9bb1e1/orjson-3.10.18-cp311-cp311-win_arm64.whl", hash = "sha256:a6c7c391beaedd3fa63206e5c2b7b554196f14debf1ec9deb54b5d279b1b46f5", size = 131400, upload-time = "2025-04-29T23:28:51.838Z" }, - { url = "https://files.pythonhosted.org/packages/21/1a/67236da0916c1a192d5f4ccbe10ec495367a726996ceb7614eaa687112f2/orjson-3.10.18-cp312-cp312-macosx_10_15_x86_64.macosx_11_0_arm64.macosx_10_15_universal2.whl", hash = "sha256:50c15557afb7f6d63bc6d6348e0337a880a04eaa9cd7c9d569bcb4e760a24753", size = 249184, upload-time = "2025-04-29T23:28:53.612Z" }, - { url = "https://files.pythonhosted.org/packages/b3/bc/c7f1db3b1d094dc0c6c83ed16b161a16c214aaa77f311118a93f647b32dc/orjson-3.10.18-cp312-cp312-macosx_15_0_arm64.whl", hash = "sha256:356b076f1662c9813d5fa56db7d63ccceef4c271b1fb3dd522aca291375fcf17", size = 133279, upload-time = "2025-04-29T23:28:55.055Z" }, - { url = "https://files.pythonhosted.org/packages/af/84/664657cd14cc11f0d81e80e64766c7ba5c9b7fc1ec304117878cc1b4659c/orjson-3.10.18-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:559eb40a70a7494cd5beab2d73657262a74a2c59aff2068fdba8f0424ec5b39d", size = 136799, upload-time = "2025-04-29T23:28:56.828Z" }, - { url = "https://files.pythonhosted.org/packages/9a/bb/f50039c5bb05a7ab024ed43ba25d0319e8722a0ac3babb0807e543349978/orjson-3.10.18-cp312-cp312-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:f3c29eb9a81e2fbc6fd7ddcfba3e101ba92eaff455b8d602bf7511088bbc0eae", size = 132791, upload-time = "2025-04-29T23:28:58.751Z" }, - { url = "https://files.pythonhosted.org/packages/93/8c/ee74709fc072c3ee219784173ddfe46f699598a1723d9d49cbc78d66df65/orjson-3.10.18-cp312-cp312-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:6612787e5b0756a171c7d81ba245ef63a3533a637c335aa7fcb8e665f4a0966f", size = 137059, upload-time = "2025-04-29T23:29:00.129Z" }, - { url = "https://files.pythonhosted.org/packages/6a/37/e6d3109ee004296c80426b5a62b47bcadd96a3deab7443e56507823588c5/orjson-3.10.18-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:7ac6bd7be0dcab5b702c9d43d25e70eb456dfd2e119d512447468f6405b4a69c", size = 138359, upload-time = "2025-04-29T23:29:01.704Z" }, - { url = "https://files.pythonhosted.org/packages/4f/5d/387dafae0e4691857c62bd02839a3bf3fa648eebd26185adfac58d09f207/orjson-3.10.18-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:9f72f100cee8dde70100406d5c1abba515a7df926d4ed81e20a9730c062fe9ad", size = 142853, upload-time = "2025-04-29T23:29:03.576Z" }, - { url = "https://files.pythonhosted.org/packages/27/6f/875e8e282105350b9a5341c0222a13419758545ae32ad6e0fcf5f64d76aa/orjson-3.10.18-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:9dca85398d6d093dd41dc0983cbf54ab8e6afd1c547b6b8a311643917fbf4e0c", size = 133131, upload-time = "2025-04-29T23:29:05.753Z" }, - { url = "https://files.pythonhosted.org/packages/48/b2/73a1f0b4790dcb1e5a45f058f4f5dcadc8a85d90137b50d6bbc6afd0ae50/orjson-3.10.18-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:22748de2a07fcc8781a70edb887abf801bb6142e6236123ff93d12d92db3d406", size = 134834, upload-time = "2025-04-29T23:29:07.35Z" }, - { url = "https://files.pythonhosted.org/packages/56/f5/7ed133a5525add9c14dbdf17d011dd82206ca6840811d32ac52a35935d19/orjson-3.10.18-cp312-cp312-musllinux_1_2_armv7l.whl", hash = "sha256:3a83c9954a4107b9acd10291b7f12a6b29e35e8d43a414799906ea10e75438e6", size = 413368, upload-time = "2025-04-29T23:29:09.301Z" }, - { url = "https://files.pythonhosted.org/packages/11/7c/439654221ed9c3324bbac7bdf94cf06a971206b7b62327f11a52544e4982/orjson-3.10.18-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:303565c67a6c7b1f194c94632a4a39918e067bd6176a48bec697393865ce4f06", size = 153359, upload-time = "2025-04-29T23:29:10.813Z" }, - { url = "https://files.pythonhosted.org/packages/48/e7/d58074fa0cc9dd29a8fa2a6c8d5deebdfd82c6cfef72b0e4277c4017563a/orjson-3.10.18-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:86314fdb5053a2f5a5d881f03fca0219bfdf832912aa88d18676a5175c6916b5", size = 137466, upload-time = "2025-04-29T23:29:12.26Z" }, - { url = "https://files.pythonhosted.org/packages/57/4d/fe17581cf81fb70dfcef44e966aa4003360e4194d15a3f38cbffe873333a/orjson-3.10.18-cp312-cp312-win32.whl", hash = "sha256:187ec33bbec58c76dbd4066340067d9ece6e10067bb0cc074a21ae3300caa84e", size = 142683, upload-time = "2025-04-29T23:29:13.865Z" }, - { url = "https://files.pythonhosted.org/packages/e6/22/469f62d25ab5f0f3aee256ea732e72dc3aab6d73bac777bd6277955bceef/orjson-3.10.18-cp312-cp312-win_amd64.whl", hash = "sha256:f9f94cf6d3f9cd720d641f8399e390e7411487e493962213390d1ae45c7814fc", size = 134754, upload-time = "2025-04-29T23:29:15.338Z" }, - { url = "https://files.pythonhosted.org/packages/10/b0/1040c447fac5b91bc1e9c004b69ee50abb0c1ffd0d24406e1350c58a7fcb/orjson-3.10.18-cp312-cp312-win_arm64.whl", hash = "sha256:3d600be83fe4514944500fa8c2a0a77099025ec6482e8087d7659e891f23058a", size = 131218, upload-time = "2025-04-29T23:29:17.324Z" }, - { url = "https://files.pythonhosted.org/packages/04/f0/8aedb6574b68096f3be8f74c0b56d36fd94bcf47e6c7ed47a7bd1474aaa8/orjson-3.10.18-cp313-cp313-macosx_10_15_x86_64.macosx_11_0_arm64.macosx_10_15_universal2.whl", hash = "sha256:69c34b9441b863175cc6a01f2935de994025e773f814412030f269da4f7be147", size = 249087, upload-time = "2025-04-29T23:29:19.083Z" }, - { url = "https://files.pythonhosted.org/packages/bc/f7/7118f965541aeac6844fcb18d6988e111ac0d349c9b80cda53583e758908/orjson-3.10.18-cp313-cp313-macosx_15_0_arm64.whl", hash = "sha256:1ebeda919725f9dbdb269f59bc94f861afbe2a27dce5608cdba2d92772364d1c", size = 133273, upload-time = "2025-04-29T23:29:20.602Z" }, - { url = "https://files.pythonhosted.org/packages/fb/d9/839637cc06eaf528dd8127b36004247bf56e064501f68df9ee6fd56a88ee/orjson-3.10.18-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:5adf5f4eed520a4959d29ea80192fa626ab9a20b2ea13f8f6dc58644f6927103", size = 136779, upload-time = "2025-04-29T23:29:22.062Z" }, - { url = "https://files.pythonhosted.org/packages/2b/6d/f226ecfef31a1f0e7d6bf9a31a0bbaf384c7cbe3fce49cc9c2acc51f902a/orjson-3.10.18-cp313-cp313-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:7592bb48a214e18cd670974f289520f12b7aed1fa0b2e2616b8ed9e069e08595", size = 132811, upload-time = "2025-04-29T23:29:23.602Z" }, - { url = "https://files.pythonhosted.org/packages/73/2d/371513d04143c85b681cf8f3bce743656eb5b640cb1f461dad750ac4b4d4/orjson-3.10.18-cp313-cp313-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:f872bef9f042734110642b7a11937440797ace8c87527de25e0c53558b579ccc", size = 137018, upload-time = "2025-04-29T23:29:25.094Z" }, - { url = "https://files.pythonhosted.org/packages/69/cb/a4d37a30507b7a59bdc484e4a3253c8141bf756d4e13fcc1da760a0b00cb/orjson-3.10.18-cp313-cp313-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:0315317601149c244cb3ecef246ef5861a64824ccbcb8018d32c66a60a84ffbc", size = 138368, upload-time = "2025-04-29T23:29:26.609Z" }, - { url = "https://files.pythonhosted.org/packages/1e/ae/cd10883c48d912d216d541eb3db8b2433415fde67f620afe6f311f5cd2ca/orjson-3.10.18-cp313-cp313-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:e0da26957e77e9e55a6c2ce2e7182a36a6f6b180ab7189315cb0995ec362e049", size = 142840, upload-time = "2025-04-29T23:29:28.153Z" }, - { url = "https://files.pythonhosted.org/packages/6d/4c/2bda09855c6b5f2c055034c9eda1529967b042ff8d81a05005115c4e6772/orjson-3.10.18-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:bb70d489bc79b7519e5803e2cc4c72343c9dc1154258adf2f8925d0b60da7c58", size = 133135, upload-time = "2025-04-29T23:29:29.726Z" }, - { url = "https://files.pythonhosted.org/packages/13/4a/35971fd809a8896731930a80dfff0b8ff48eeb5d8b57bb4d0d525160017f/orjson-3.10.18-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:e9e86a6af31b92299b00736c89caf63816f70a4001e750bda179e15564d7a034", size = 134810, upload-time = "2025-04-29T23:29:31.269Z" }, - { url = "https://files.pythonhosted.org/packages/99/70/0fa9e6310cda98365629182486ff37a1c6578e34c33992df271a476ea1cd/orjson-3.10.18-cp313-cp313-musllinux_1_2_armv7l.whl", hash = "sha256:c382a5c0b5931a5fc5405053d36c1ce3fd561694738626c77ae0b1dfc0242ca1", size = 413491, upload-time = "2025-04-29T23:29:33.315Z" }, - { url = "https://files.pythonhosted.org/packages/32/cb/990a0e88498babddb74fb97855ae4fbd22a82960e9b06eab5775cac435da/orjson-3.10.18-cp313-cp313-musllinux_1_2_i686.whl", hash = "sha256:8e4b2ae732431127171b875cb2668f883e1234711d3c147ffd69fe5be51a8012", size = 153277, upload-time = "2025-04-29T23:29:34.946Z" }, - { url = "https://files.pythonhosted.org/packages/92/44/473248c3305bf782a384ed50dd8bc2d3cde1543d107138fd99b707480ca1/orjson-3.10.18-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:2d808e34ddb24fc29a4d4041dcfafbae13e129c93509b847b14432717d94b44f", size = 137367, upload-time = "2025-04-29T23:29:36.52Z" }, - { url = "https://files.pythonhosted.org/packages/ad/fd/7f1d3edd4ffcd944a6a40e9f88af2197b619c931ac4d3cfba4798d4d3815/orjson-3.10.18-cp313-cp313-win32.whl", hash = "sha256:ad8eacbb5d904d5591f27dee4031e2c1db43d559edb8f91778efd642d70e6bea", size = 142687, upload-time = "2025-04-29T23:29:38.292Z" }, - { url = "https://files.pythonhosted.org/packages/4b/03/c75c6ad46be41c16f4cfe0352a2d1450546f3c09ad2c9d341110cd87b025/orjson-3.10.18-cp313-cp313-win_amd64.whl", hash = "sha256:aed411bcb68bf62e85588f2a7e03a6082cc42e5a2796e06e72a962d7c6310b52", size = 134794, upload-time = "2025-04-29T23:29:40.349Z" }, - { url = "https://files.pythonhosted.org/packages/c2/28/f53038a5a72cc4fd0b56c1eafb4ef64aec9685460d5ac34de98ca78b6e29/orjson-3.10.18-cp313-cp313-win_arm64.whl", hash = "sha256:f54c1385a0e6aba2f15a40d703b858bedad36ded0491e55d35d905b2c34a4cc3", size = 131186, upload-time = "2025-04-29T23:29:41.922Z" }, +sdist = { url = "https://files.pythonhosted.org/packages/81/0b/fea456a3ffe74e70ba30e01ec183a9b26bec4d497f61dcfce1b601059c60/orjson-3.10.18.tar.gz", hash = "sha256:e8da3947d92123eda795b68228cafe2724815621fe35e8e320a9e9593a4bcd53", size = 5422810, upload_time = "2025-04-29T23:30:08.423Z" } +wheels = [ + { url = "https://files.pythonhosted.org/packages/97/c7/c54a948ce9a4278794f669a353551ce7db4ffb656c69a6e1f2264d563e50/orjson-3.10.18-cp311-cp311-macosx_10_15_x86_64.macosx_11_0_arm64.macosx_10_15_universal2.whl", hash = "sha256:e0a183ac3b8e40471e8d843105da6fbe7c070faab023be3b08188ee3f85719b8", size = 248929, upload_time = "2025-04-29T23:28:30.716Z" }, + { url = "https://files.pythonhosted.org/packages/9e/60/a9c674ef1dd8ab22b5b10f9300e7e70444d4e3cda4b8258d6c2488c32143/orjson-3.10.18-cp311-cp311-macosx_15_0_arm64.whl", hash = "sha256:5ef7c164d9174362f85238d0cd4afdeeb89d9e523e4651add6a5d458d6f7d42d", size = 133364, upload_time = "2025-04-29T23:28:32.392Z" }, + { url = "https://files.pythonhosted.org/packages/c1/4e/f7d1bdd983082216e414e6d7ef897b0c2957f99c545826c06f371d52337e/orjson-3.10.18-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:afd14c5d99cdc7bf93f22b12ec3b294931518aa019e2a147e8aa2f31fd3240f7", size = 136995, upload_time = "2025-04-29T23:28:34.024Z" }, + { url = "https://files.pythonhosted.org/packages/17/89/46b9181ba0ea251c9243b0c8ce29ff7c9796fa943806a9c8b02592fce8ea/orjson-3.10.18-cp311-cp311-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:7b672502323b6cd133c4af6b79e3bea36bad2d16bca6c1f645903fce83909a7a", size = 132894, upload_time = "2025-04-29T23:28:35.318Z" }, + { url = "https://files.pythonhosted.org/packages/ca/dd/7bce6fcc5b8c21aef59ba3c67f2166f0a1a9b0317dcca4a9d5bd7934ecfd/orjson-3.10.18-cp311-cp311-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:51f8c63be6e070ec894c629186b1c0fe798662b8687f3d9fdfa5e401c6bd7679", size = 137016, upload_time = "2025-04-29T23:28:36.674Z" }, + { url = "https://files.pythonhosted.org/packages/1c/4a/b8aea1c83af805dcd31c1f03c95aabb3e19a016b2a4645dd822c5686e94d/orjson-3.10.18-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:3f9478ade5313d724e0495d167083c6f3be0dd2f1c9c8a38db9a9e912cdaf947", size = 138290, upload_time = "2025-04-29T23:28:38.3Z" }, + { url = "https://files.pythonhosted.org/packages/36/d6/7eb05c85d987b688707f45dcf83c91abc2251e0dd9fb4f7be96514f838b1/orjson-3.10.18-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:187aefa562300a9d382b4b4eb9694806e5848b0cedf52037bb5c228c61bb66d4", size = 142829, upload_time = "2025-04-29T23:28:39.657Z" }, + { url = "https://files.pythonhosted.org/packages/d2/78/ddd3ee7873f2b5f90f016bc04062713d567435c53ecc8783aab3a4d34915/orjson-3.10.18-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:9da552683bc9da222379c7a01779bddd0ad39dd699dd6300abaf43eadee38334", size = 132805, upload_time = "2025-04-29T23:28:40.969Z" }, + { url = "https://files.pythonhosted.org/packages/8c/09/c8e047f73d2c5d21ead9c180203e111cddeffc0848d5f0f974e346e21c8e/orjson-3.10.18-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:e450885f7b47a0231979d9c49b567ed1c4e9f69240804621be87c40bc9d3cf17", size = 135008, upload_time = "2025-04-29T23:28:42.284Z" }, + { url = "https://files.pythonhosted.org/packages/0c/4b/dccbf5055ef8fb6eda542ab271955fc1f9bf0b941a058490293f8811122b/orjson-3.10.18-cp311-cp311-musllinux_1_2_armv7l.whl", hash = "sha256:5e3c9cc2ba324187cd06287ca24f65528f16dfc80add48dc99fa6c836bb3137e", size = 413419, upload_time = "2025-04-29T23:28:43.673Z" }, + { url = "https://files.pythonhosted.org/packages/8a/f3/1eac0c5e2d6d6790bd2025ebfbefcbd37f0d097103d76f9b3f9302af5a17/orjson-3.10.18-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:50ce016233ac4bfd843ac5471e232b865271d7d9d44cf9d33773bcd883ce442b", size = 153292, upload_time = "2025-04-29T23:28:45.573Z" }, + { url = "https://files.pythonhosted.org/packages/1f/b4/ef0abf64c8f1fabf98791819ab502c2c8c1dc48b786646533a93637d8999/orjson-3.10.18-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:b3ceff74a8f7ffde0b2785ca749fc4e80e4315c0fd887561144059fb1c138aa7", size = 137182, upload_time = "2025-04-29T23:28:47.229Z" }, + { url = "https://files.pythonhosted.org/packages/a9/a3/6ea878e7b4a0dc5c888d0370d7752dcb23f402747d10e2257478d69b5e63/orjson-3.10.18-cp311-cp311-win32.whl", hash = "sha256:fdba703c722bd868c04702cac4cb8c6b8ff137af2623bc0ddb3b3e6a2c8996c1", size = 142695, upload_time = "2025-04-29T23:28:48.564Z" }, + { url = "https://files.pythonhosted.org/packages/79/2a/4048700a3233d562f0e90d5572a849baa18ae4e5ce4c3ba6247e4ece57b0/orjson-3.10.18-cp311-cp311-win_amd64.whl", hash = "sha256:c28082933c71ff4bc6ccc82a454a2bffcef6e1d7379756ca567c772e4fb3278a", size = 134603, upload_time = "2025-04-29T23:28:50.442Z" }, + { url = "https://files.pythonhosted.org/packages/03/45/10d934535a4993d27e1c84f1810e79ccf8b1b7418cef12151a22fe9bb1e1/orjson-3.10.18-cp311-cp311-win_arm64.whl", hash = "sha256:a6c7c391beaedd3fa63206e5c2b7b554196f14debf1ec9deb54b5d279b1b46f5", size = 131400, upload_time = "2025-04-29T23:28:51.838Z" }, + { url = "https://files.pythonhosted.org/packages/21/1a/67236da0916c1a192d5f4ccbe10ec495367a726996ceb7614eaa687112f2/orjson-3.10.18-cp312-cp312-macosx_10_15_x86_64.macosx_11_0_arm64.macosx_10_15_universal2.whl", hash = "sha256:50c15557afb7f6d63bc6d6348e0337a880a04eaa9cd7c9d569bcb4e760a24753", size = 249184, upload_time = "2025-04-29T23:28:53.612Z" }, + { url = "https://files.pythonhosted.org/packages/b3/bc/c7f1db3b1d094dc0c6c83ed16b161a16c214aaa77f311118a93f647b32dc/orjson-3.10.18-cp312-cp312-macosx_15_0_arm64.whl", hash = "sha256:356b076f1662c9813d5fa56db7d63ccceef4c271b1fb3dd522aca291375fcf17", size = 133279, upload_time = "2025-04-29T23:28:55.055Z" }, + { url = "https://files.pythonhosted.org/packages/af/84/664657cd14cc11f0d81e80e64766c7ba5c9b7fc1ec304117878cc1b4659c/orjson-3.10.18-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:559eb40a70a7494cd5beab2d73657262a74a2c59aff2068fdba8f0424ec5b39d", size = 136799, upload_time = "2025-04-29T23:28:56.828Z" }, + { url = "https://files.pythonhosted.org/packages/9a/bb/f50039c5bb05a7ab024ed43ba25d0319e8722a0ac3babb0807e543349978/orjson-3.10.18-cp312-cp312-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:f3c29eb9a81e2fbc6fd7ddcfba3e101ba92eaff455b8d602bf7511088bbc0eae", size = 132791, upload_time = "2025-04-29T23:28:58.751Z" }, + { url = "https://files.pythonhosted.org/packages/93/8c/ee74709fc072c3ee219784173ddfe46f699598a1723d9d49cbc78d66df65/orjson-3.10.18-cp312-cp312-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:6612787e5b0756a171c7d81ba245ef63a3533a637c335aa7fcb8e665f4a0966f", size = 137059, upload_time = "2025-04-29T23:29:00.129Z" }, + { url = "https://files.pythonhosted.org/packages/6a/37/e6d3109ee004296c80426b5a62b47bcadd96a3deab7443e56507823588c5/orjson-3.10.18-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:7ac6bd7be0dcab5b702c9d43d25e70eb456dfd2e119d512447468f6405b4a69c", size = 138359, upload_time = "2025-04-29T23:29:01.704Z" }, + { url = "https://files.pythonhosted.org/packages/4f/5d/387dafae0e4691857c62bd02839a3bf3fa648eebd26185adfac58d09f207/orjson-3.10.18-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:9f72f100cee8dde70100406d5c1abba515a7df926d4ed81e20a9730c062fe9ad", size = 142853, upload_time = "2025-04-29T23:29:03.576Z" }, + { url = "https://files.pythonhosted.org/packages/27/6f/875e8e282105350b9a5341c0222a13419758545ae32ad6e0fcf5f64d76aa/orjson-3.10.18-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:9dca85398d6d093dd41dc0983cbf54ab8e6afd1c547b6b8a311643917fbf4e0c", size = 133131, upload_time = "2025-04-29T23:29:05.753Z" }, + { url = "https://files.pythonhosted.org/packages/48/b2/73a1f0b4790dcb1e5a45f058f4f5dcadc8a85d90137b50d6bbc6afd0ae50/orjson-3.10.18-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:22748de2a07fcc8781a70edb887abf801bb6142e6236123ff93d12d92db3d406", size = 134834, upload_time = "2025-04-29T23:29:07.35Z" }, + { url = "https://files.pythonhosted.org/packages/56/f5/7ed133a5525add9c14dbdf17d011dd82206ca6840811d32ac52a35935d19/orjson-3.10.18-cp312-cp312-musllinux_1_2_armv7l.whl", hash = "sha256:3a83c9954a4107b9acd10291b7f12a6b29e35e8d43a414799906ea10e75438e6", size = 413368, upload_time = "2025-04-29T23:29:09.301Z" }, + { url = "https://files.pythonhosted.org/packages/11/7c/439654221ed9c3324bbac7bdf94cf06a971206b7b62327f11a52544e4982/orjson-3.10.18-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:303565c67a6c7b1f194c94632a4a39918e067bd6176a48bec697393865ce4f06", size = 153359, upload_time = "2025-04-29T23:29:10.813Z" }, + { url = "https://files.pythonhosted.org/packages/48/e7/d58074fa0cc9dd29a8fa2a6c8d5deebdfd82c6cfef72b0e4277c4017563a/orjson-3.10.18-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:86314fdb5053a2f5a5d881f03fca0219bfdf832912aa88d18676a5175c6916b5", size = 137466, upload_time = "2025-04-29T23:29:12.26Z" }, + { url = "https://files.pythonhosted.org/packages/57/4d/fe17581cf81fb70dfcef44e966aa4003360e4194d15a3f38cbffe873333a/orjson-3.10.18-cp312-cp312-win32.whl", hash = "sha256:187ec33bbec58c76dbd4066340067d9ece6e10067bb0cc074a21ae3300caa84e", size = 142683, upload_time = "2025-04-29T23:29:13.865Z" }, + { url = "https://files.pythonhosted.org/packages/e6/22/469f62d25ab5f0f3aee256ea732e72dc3aab6d73bac777bd6277955bceef/orjson-3.10.18-cp312-cp312-win_amd64.whl", hash = "sha256:f9f94cf6d3f9cd720d641f8399e390e7411487e493962213390d1ae45c7814fc", size = 134754, upload_time = "2025-04-29T23:29:15.338Z" }, + { url = "https://files.pythonhosted.org/packages/10/b0/1040c447fac5b91bc1e9c004b69ee50abb0c1ffd0d24406e1350c58a7fcb/orjson-3.10.18-cp312-cp312-win_arm64.whl", hash = "sha256:3d600be83fe4514944500fa8c2a0a77099025ec6482e8087d7659e891f23058a", size = 131218, upload_time = "2025-04-29T23:29:17.324Z" }, + { url = "https://files.pythonhosted.org/packages/04/f0/8aedb6574b68096f3be8f74c0b56d36fd94bcf47e6c7ed47a7bd1474aaa8/orjson-3.10.18-cp313-cp313-macosx_10_15_x86_64.macosx_11_0_arm64.macosx_10_15_universal2.whl", hash = "sha256:69c34b9441b863175cc6a01f2935de994025e773f814412030f269da4f7be147", size = 249087, upload_time = "2025-04-29T23:29:19.083Z" }, + { url = "https://files.pythonhosted.org/packages/bc/f7/7118f965541aeac6844fcb18d6988e111ac0d349c9b80cda53583e758908/orjson-3.10.18-cp313-cp313-macosx_15_0_arm64.whl", hash = "sha256:1ebeda919725f9dbdb269f59bc94f861afbe2a27dce5608cdba2d92772364d1c", size = 133273, upload_time = "2025-04-29T23:29:20.602Z" }, + { url = "https://files.pythonhosted.org/packages/fb/d9/839637cc06eaf528dd8127b36004247bf56e064501f68df9ee6fd56a88ee/orjson-3.10.18-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:5adf5f4eed520a4959d29ea80192fa626ab9a20b2ea13f8f6dc58644f6927103", size = 136779, upload_time = "2025-04-29T23:29:22.062Z" }, + { url = "https://files.pythonhosted.org/packages/2b/6d/f226ecfef31a1f0e7d6bf9a31a0bbaf384c7cbe3fce49cc9c2acc51f902a/orjson-3.10.18-cp313-cp313-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:7592bb48a214e18cd670974f289520f12b7aed1fa0b2e2616b8ed9e069e08595", size = 132811, upload_time = "2025-04-29T23:29:23.602Z" }, + { url = "https://files.pythonhosted.org/packages/73/2d/371513d04143c85b681cf8f3bce743656eb5b640cb1f461dad750ac4b4d4/orjson-3.10.18-cp313-cp313-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:f872bef9f042734110642b7a11937440797ace8c87527de25e0c53558b579ccc", size = 137018, upload_time = "2025-04-29T23:29:25.094Z" }, + { url = "https://files.pythonhosted.org/packages/69/cb/a4d37a30507b7a59bdc484e4a3253c8141bf756d4e13fcc1da760a0b00cb/orjson-3.10.18-cp313-cp313-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:0315317601149c244cb3ecef246ef5861a64824ccbcb8018d32c66a60a84ffbc", size = 138368, upload_time = "2025-04-29T23:29:26.609Z" }, + { url = "https://files.pythonhosted.org/packages/1e/ae/cd10883c48d912d216d541eb3db8b2433415fde67f620afe6f311f5cd2ca/orjson-3.10.18-cp313-cp313-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:e0da26957e77e9e55a6c2ce2e7182a36a6f6b180ab7189315cb0995ec362e049", size = 142840, upload_time = "2025-04-29T23:29:28.153Z" }, + { url = "https://files.pythonhosted.org/packages/6d/4c/2bda09855c6b5f2c055034c9eda1529967b042ff8d81a05005115c4e6772/orjson-3.10.18-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:bb70d489bc79b7519e5803e2cc4c72343c9dc1154258adf2f8925d0b60da7c58", size = 133135, upload_time = "2025-04-29T23:29:29.726Z" }, + { url = "https://files.pythonhosted.org/packages/13/4a/35971fd809a8896731930a80dfff0b8ff48eeb5d8b57bb4d0d525160017f/orjson-3.10.18-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:e9e86a6af31b92299b00736c89caf63816f70a4001e750bda179e15564d7a034", size = 134810, upload_time = "2025-04-29T23:29:31.269Z" }, + { url = "https://files.pythonhosted.org/packages/99/70/0fa9e6310cda98365629182486ff37a1c6578e34c33992df271a476ea1cd/orjson-3.10.18-cp313-cp313-musllinux_1_2_armv7l.whl", hash = "sha256:c382a5c0b5931a5fc5405053d36c1ce3fd561694738626c77ae0b1dfc0242ca1", size = 413491, upload_time = "2025-04-29T23:29:33.315Z" }, + { url = "https://files.pythonhosted.org/packages/32/cb/990a0e88498babddb74fb97855ae4fbd22a82960e9b06eab5775cac435da/orjson-3.10.18-cp313-cp313-musllinux_1_2_i686.whl", hash = "sha256:8e4b2ae732431127171b875cb2668f883e1234711d3c147ffd69fe5be51a8012", size = 153277, upload_time = "2025-04-29T23:29:34.946Z" }, + { url = "https://files.pythonhosted.org/packages/92/44/473248c3305bf782a384ed50dd8bc2d3cde1543d107138fd99b707480ca1/orjson-3.10.18-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:2d808e34ddb24fc29a4d4041dcfafbae13e129c93509b847b14432717d94b44f", size = 137367, upload_time = "2025-04-29T23:29:36.52Z" }, + { url = "https://files.pythonhosted.org/packages/ad/fd/7f1d3edd4ffcd944a6a40e9f88af2197b619c931ac4d3cfba4798d4d3815/orjson-3.10.18-cp313-cp313-win32.whl", hash = "sha256:ad8eacbb5d904d5591f27dee4031e2c1db43d559edb8f91778efd642d70e6bea", size = 142687, upload_time = "2025-04-29T23:29:38.292Z" }, + { url = "https://files.pythonhosted.org/packages/4b/03/c75c6ad46be41c16f4cfe0352a2d1450546f3c09ad2c9d341110cd87b025/orjson-3.10.18-cp313-cp313-win_amd64.whl", hash = "sha256:aed411bcb68bf62e85588f2a7e03a6082cc42e5a2796e06e72a962d7c6310b52", size = 134794, upload_time = "2025-04-29T23:29:40.349Z" }, + { url = "https://files.pythonhosted.org/packages/c2/28/f53038a5a72cc4fd0b56c1eafb4ef64aec9685460d5ac34de98ca78b6e29/orjson-3.10.18-cp313-cp313-win_arm64.whl", hash = "sha256:f54c1385a0e6aba2f15a40d703b858bedad36ded0491e55d35d905b2c34a4cc3", size = 131186, upload_time = "2025-04-29T23:29:41.922Z" }, ] [[package]] name = "overrides" version = "7.7.0" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/36/86/b585f53236dec60aba864e050778b25045f857e17f6e5ea0ae95fe80edd2/overrides-7.7.0.tar.gz", hash = "sha256:55158fa3d93b98cc75299b1e67078ad9003ca27945c76162c1c0766d6f91820a", size = 22812, upload-time = "2024-01-27T21:01:33.423Z" } +sdist = { url = "https://files.pythonhosted.org/packages/36/86/b585f53236dec60aba864e050778b25045f857e17f6e5ea0ae95fe80edd2/overrides-7.7.0.tar.gz", hash = "sha256:55158fa3d93b98cc75299b1e67078ad9003ca27945c76162c1c0766d6f91820a", size = 22812, upload_time = "2024-01-27T21:01:33.423Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/2c/ab/fc8290c6a4c722e5514d80f62b2dc4c4df1a68a41d1364e625c35990fcf3/overrides-7.7.0-py3-none-any.whl", hash = "sha256:c7ed9d062f78b8e4c1a7b70bd8796b35ead4d9f510227ef9c5dc7626c60d7e49", size = 17832, upload-time = "2024-01-27T21:01:31.393Z" }, + { url = "https://files.pythonhosted.org/packages/2c/ab/fc8290c6a4c722e5514d80f62b2dc4c4df1a68a41d1364e625c35990fcf3/overrides-7.7.0-py3-none-any.whl", hash = "sha256:c7ed9d062f78b8e4c1a7b70bd8796b35ead4d9f510227ef9c5dc7626c60d7e49", size = 17832, upload_time = "2024-01-27T21:01:31.393Z" }, ] [[package]] name = "packaging" version = "25.0" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/a1/d4/1fc4078c65507b51b96ca8f8c3ba19e6a61c8253c72794544580a7b6c24d/packaging-25.0.tar.gz", hash = "sha256:d443872c98d677bf60f6a1f2f8c1cb748e8fe762d2bf9d3148b5599295b0fc4f", size = 165727, upload-time = "2025-04-19T11:48:59.673Z" } +sdist = { url = "https://files.pythonhosted.org/packages/a1/d4/1fc4078c65507b51b96ca8f8c3ba19e6a61c8253c72794544580a7b6c24d/packaging-25.0.tar.gz", hash = "sha256:d443872c98d677bf60f6a1f2f8c1cb748e8fe762d2bf9d3148b5599295b0fc4f", size = 165727, upload_time = "2025-04-19T11:48:59.673Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/20/12/38679034af332785aac8774540895e234f4d07f7545804097de4b666afd8/packaging-25.0-py3-none-any.whl", hash = "sha256:29572ef2b1f17581046b3a2227d5c611fb25ec70ca1ba8554b24b0e69331a484", size = 66469, upload-time = "2025-04-19T11:48:57.875Z" }, + { url = "https://files.pythonhosted.org/packages/20/12/38679034af332785aac8774540895e234f4d07f7545804097de4b666afd8/packaging-25.0-py3-none-any.whl", hash = "sha256:29572ef2b1f17581046b3a2227d5c611fb25ec70ca1ba8554b24b0e69331a484", size = 66469, upload_time = "2025-04-19T11:48:57.875Z" }, ] [[package]] @@ -2237,44 +2237,44 @@ dependencies = [ { name = "pytz" }, { name = "tzdata" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/72/51/48f713c4c728d7c55ef7444ba5ea027c26998d96d1a40953b346438602fc/pandas-2.3.0.tar.gz", hash = "sha256:34600ab34ebf1131a7613a260a61dbe8b62c188ec0ea4c296da7c9a06b004133", size = 4484490, upload-time = "2025-06-05T03:27:54.133Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/96/1e/ba313812a699fe37bf62e6194265a4621be11833f5fce46d9eae22acb5d7/pandas-2.3.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:8adff9f138fc614347ff33812046787f7d43b3cef7c0f0171b3340cae333f6ca", size = 11551836, upload-time = "2025-06-05T03:26:22.784Z" }, - { url = "https://files.pythonhosted.org/packages/1b/cc/0af9c07f8d714ea563b12383a7e5bde9479cf32413ee2f346a9c5a801f22/pandas-2.3.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:e5f08eb9a445d07720776df6e641975665c9ea12c9d8a331e0f6890f2dcd76ef", size = 10807977, upload-time = "2025-06-05T16:50:11.109Z" }, - { url = "https://files.pythonhosted.org/packages/ee/3e/8c0fb7e2cf4a55198466ced1ca6a9054ae3b7e7630df7757031df10001fd/pandas-2.3.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:fa35c266c8cd1a67d75971a1912b185b492d257092bdd2709bbdebe574ed228d", size = 11788230, upload-time = "2025-06-05T03:26:27.417Z" }, - { url = "https://files.pythonhosted.org/packages/14/22/b493ec614582307faf3f94989be0f7f0a71932ed6f56c9a80c0bb4a3b51e/pandas-2.3.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:14a0cc77b0f089d2d2ffe3007db58f170dae9b9f54e569b299db871a3ab5bf46", size = 12370423, upload-time = "2025-06-05T03:26:34.142Z" }, - { url = "https://files.pythonhosted.org/packages/9f/74/b012addb34cda5ce855218a37b258c4e056a0b9b334d116e518d72638737/pandas-2.3.0-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:c06f6f144ad0a1bf84699aeea7eff6068ca5c63ceb404798198af7eb86082e33", size = 12990594, upload-time = "2025-06-06T00:00:13.934Z" }, - { url = "https://files.pythonhosted.org/packages/95/81/b310e60d033ab64b08e66c635b94076488f0b6ce6a674379dd5b224fc51c/pandas-2.3.0-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:ed16339bc354a73e0a609df36d256672c7d296f3f767ac07257801aa064ff73c", size = 13745952, upload-time = "2025-06-05T03:26:39.475Z" }, - { url = "https://files.pythonhosted.org/packages/25/ac/f6ee5250a8881b55bd3aecde9b8cfddea2f2b43e3588bca68a4e9aaf46c8/pandas-2.3.0-cp311-cp311-win_amd64.whl", hash = "sha256:fa07e138b3f6c04addfeaf56cc7fdb96c3b68a3fe5e5401251f231fce40a0d7a", size = 11094534, upload-time = "2025-06-05T03:26:43.23Z" }, - { url = "https://files.pythonhosted.org/packages/94/46/24192607058dd607dbfacdd060a2370f6afb19c2ccb617406469b9aeb8e7/pandas-2.3.0-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:2eb4728a18dcd2908c7fccf74a982e241b467d178724545a48d0caf534b38ebf", size = 11573865, upload-time = "2025-06-05T03:26:46.774Z" }, - { url = "https://files.pythonhosted.org/packages/9f/cc/ae8ea3b800757a70c9fdccc68b67dc0280a6e814efcf74e4211fd5dea1ca/pandas-2.3.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:b9d8c3187be7479ea5c3d30c32a5d73d62a621166675063b2edd21bc47614027", size = 10702154, upload-time = "2025-06-05T16:50:14.439Z" }, - { url = "https://files.pythonhosted.org/packages/d8/ba/a7883d7aab3d24c6540a2768f679e7414582cc389876d469b40ec749d78b/pandas-2.3.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:9ff730713d4c4f2f1c860e36c005c7cefc1c7c80c21c0688fd605aa43c9fcf09", size = 11262180, upload-time = "2025-06-05T16:50:17.453Z" }, - { url = "https://files.pythonhosted.org/packages/01/a5/931fc3ad333d9d87b10107d948d757d67ebcfc33b1988d5faccc39c6845c/pandas-2.3.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ba24af48643b12ffe49b27065d3babd52702d95ab70f50e1b34f71ca703e2c0d", size = 11991493, upload-time = "2025-06-05T03:26:51.813Z" }, - { url = "https://files.pythonhosted.org/packages/d7/bf/0213986830a92d44d55153c1d69b509431a972eb73f204242988c4e66e86/pandas-2.3.0-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:404d681c698e3c8a40a61d0cd9412cc7364ab9a9cc6e144ae2992e11a2e77a20", size = 12470733, upload-time = "2025-06-06T00:00:18.651Z" }, - { url = "https://files.pythonhosted.org/packages/a4/0e/21eb48a3a34a7d4bac982afc2c4eb5ab09f2d988bdf29d92ba9ae8e90a79/pandas-2.3.0-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:6021910b086b3ca756755e86ddc64e0ddafd5e58e076c72cb1585162e5ad259b", size = 13212406, upload-time = "2025-06-05T03:26:55.992Z" }, - { url = "https://files.pythonhosted.org/packages/1f/d9/74017c4eec7a28892d8d6e31ae9de3baef71f5a5286e74e6b7aad7f8c837/pandas-2.3.0-cp312-cp312-win_amd64.whl", hash = "sha256:094e271a15b579650ebf4c5155c05dcd2a14fd4fdd72cf4854b2f7ad31ea30be", size = 10976199, upload-time = "2025-06-05T03:26:59.594Z" }, - { url = "https://files.pythonhosted.org/packages/d3/57/5cb75a56a4842bbd0511c3d1c79186d8315b82dac802118322b2de1194fe/pandas-2.3.0-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:2c7e2fc25f89a49a11599ec1e76821322439d90820108309bf42130d2f36c983", size = 11518913, upload-time = "2025-06-05T03:27:02.757Z" }, - { url = "https://files.pythonhosted.org/packages/05/01/0c8785610e465e4948a01a059562176e4c8088aa257e2e074db868f86d4e/pandas-2.3.0-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:c6da97aeb6a6d233fb6b17986234cc723b396b50a3c6804776351994f2a658fd", size = 10655249, upload-time = "2025-06-05T16:50:20.17Z" }, - { url = "https://files.pythonhosted.org/packages/e8/6a/47fd7517cd8abe72a58706aab2b99e9438360d36dcdb052cf917b7bf3bdc/pandas-2.3.0-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:bb32dc743b52467d488e7a7c8039b821da2826a9ba4f85b89ea95274f863280f", size = 11328359, upload-time = "2025-06-05T03:27:06.431Z" }, - { url = "https://files.pythonhosted.org/packages/2a/b3/463bfe819ed60fb7e7ddffb4ae2ee04b887b3444feee6c19437b8f834837/pandas-2.3.0-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:213cd63c43263dbb522c1f8a7c9d072e25900f6975596f883f4bebd77295d4f3", size = 12024789, upload-time = "2025-06-05T03:27:09.875Z" }, - { url = "https://files.pythonhosted.org/packages/04/0c/e0704ccdb0ac40aeb3434d1c641c43d05f75c92e67525df39575ace35468/pandas-2.3.0-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:1d2b33e68d0ce64e26a4acc2e72d747292084f4e8db4c847c6f5f6cbe56ed6d8", size = 12480734, upload-time = "2025-06-06T00:00:22.246Z" }, - { url = "https://files.pythonhosted.org/packages/e9/df/815d6583967001153bb27f5cf075653d69d51ad887ebbf4cfe1173a1ac58/pandas-2.3.0-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:430a63bae10b5086995db1b02694996336e5a8ac9a96b4200572b413dfdfccb9", size = 13223381, upload-time = "2025-06-05T03:27:15.641Z" }, - { url = "https://files.pythonhosted.org/packages/79/88/ca5973ed07b7f484c493e941dbff990861ca55291ff7ac67c815ce347395/pandas-2.3.0-cp313-cp313-win_amd64.whl", hash = "sha256:4930255e28ff5545e2ca404637bcc56f031893142773b3468dc021c6c32a1390", size = 10970135, upload-time = "2025-06-05T03:27:24.131Z" }, - { url = "https://files.pythonhosted.org/packages/24/fb/0994c14d1f7909ce83f0b1fb27958135513c4f3f2528bde216180aa73bfc/pandas-2.3.0-cp313-cp313t-macosx_10_13_x86_64.whl", hash = "sha256:f925f1ef673b4bd0271b1809b72b3270384f2b7d9d14a189b12b7fc02574d575", size = 12141356, upload-time = "2025-06-05T03:27:34.547Z" }, - { url = "https://files.pythonhosted.org/packages/9d/a2/9b903e5962134497ac4f8a96f862ee3081cb2506f69f8e4778ce3d9c9d82/pandas-2.3.0-cp313-cp313t-macosx_11_0_arm64.whl", hash = "sha256:e78ad363ddb873a631e92a3c063ade1ecfb34cae71e9a2be6ad100f875ac1042", size = 11474674, upload-time = "2025-06-05T03:27:39.448Z" }, - { url = "https://files.pythonhosted.org/packages/81/3a/3806d041bce032f8de44380f866059437fb79e36d6b22c82c187e65f765b/pandas-2.3.0-cp313-cp313t-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:951805d146922aed8357e4cc5671b8b0b9be1027f0619cea132a9f3f65f2f09c", size = 11439876, upload-time = "2025-06-05T03:27:43.652Z" }, - { url = "https://files.pythonhosted.org/packages/15/aa/3fc3181d12b95da71f5c2537c3e3b3af6ab3a8c392ab41ebb766e0929bc6/pandas-2.3.0-cp313-cp313t-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:1a881bc1309f3fce34696d07b00f13335c41f5f5a8770a33b09ebe23261cfc67", size = 11966182, upload-time = "2025-06-05T03:27:47.652Z" }, - { url = "https://files.pythonhosted.org/packages/37/e7/e12f2d9b0a2c4a2cc86e2aabff7ccfd24f03e597d770abfa2acd313ee46b/pandas-2.3.0-cp313-cp313t-musllinux_1_2_aarch64.whl", hash = "sha256:e1991bbb96f4050b09b5f811253c4f3cf05ee89a589379aa36cd623f21a31d6f", size = 12547686, upload-time = "2025-06-06T00:00:26.142Z" }, - { url = "https://files.pythonhosted.org/packages/39/c2/646d2e93e0af70f4e5359d870a63584dacbc324b54d73e6b3267920ff117/pandas-2.3.0-cp313-cp313t-musllinux_1_2_x86_64.whl", hash = "sha256:bb3be958022198531eb7ec2008cfc78c5b1eed51af8600c6c5d9160d89d8d249", size = 13231847, upload-time = "2025-06-05T03:27:51.465Z" }, +sdist = { url = "https://files.pythonhosted.org/packages/72/51/48f713c4c728d7c55ef7444ba5ea027c26998d96d1a40953b346438602fc/pandas-2.3.0.tar.gz", hash = "sha256:34600ab34ebf1131a7613a260a61dbe8b62c188ec0ea4c296da7c9a06b004133", size = 4484490, upload_time = "2025-06-05T03:27:54.133Z" } +wheels = [ + { url = "https://files.pythonhosted.org/packages/96/1e/ba313812a699fe37bf62e6194265a4621be11833f5fce46d9eae22acb5d7/pandas-2.3.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:8adff9f138fc614347ff33812046787f7d43b3cef7c0f0171b3340cae333f6ca", size = 11551836, upload_time = "2025-06-05T03:26:22.784Z" }, + { url = "https://files.pythonhosted.org/packages/1b/cc/0af9c07f8d714ea563b12383a7e5bde9479cf32413ee2f346a9c5a801f22/pandas-2.3.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:e5f08eb9a445d07720776df6e641975665c9ea12c9d8a331e0f6890f2dcd76ef", size = 10807977, upload_time = "2025-06-05T16:50:11.109Z" }, + { url = "https://files.pythonhosted.org/packages/ee/3e/8c0fb7e2cf4a55198466ced1ca6a9054ae3b7e7630df7757031df10001fd/pandas-2.3.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:fa35c266c8cd1a67d75971a1912b185b492d257092bdd2709bbdebe574ed228d", size = 11788230, upload_time = "2025-06-05T03:26:27.417Z" }, + { url = "https://files.pythonhosted.org/packages/14/22/b493ec614582307faf3f94989be0f7f0a71932ed6f56c9a80c0bb4a3b51e/pandas-2.3.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:14a0cc77b0f089d2d2ffe3007db58f170dae9b9f54e569b299db871a3ab5bf46", size = 12370423, upload_time = "2025-06-05T03:26:34.142Z" }, + { url = "https://files.pythonhosted.org/packages/9f/74/b012addb34cda5ce855218a37b258c4e056a0b9b334d116e518d72638737/pandas-2.3.0-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:c06f6f144ad0a1bf84699aeea7eff6068ca5c63ceb404798198af7eb86082e33", size = 12990594, upload_time = "2025-06-06T00:00:13.934Z" }, + { url = "https://files.pythonhosted.org/packages/95/81/b310e60d033ab64b08e66c635b94076488f0b6ce6a674379dd5b224fc51c/pandas-2.3.0-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:ed16339bc354a73e0a609df36d256672c7d296f3f767ac07257801aa064ff73c", size = 13745952, upload_time = "2025-06-05T03:26:39.475Z" }, + { url = "https://files.pythonhosted.org/packages/25/ac/f6ee5250a8881b55bd3aecde9b8cfddea2f2b43e3588bca68a4e9aaf46c8/pandas-2.3.0-cp311-cp311-win_amd64.whl", hash = "sha256:fa07e138b3f6c04addfeaf56cc7fdb96c3b68a3fe5e5401251f231fce40a0d7a", size = 11094534, upload_time = "2025-06-05T03:26:43.23Z" }, + { url = "https://files.pythonhosted.org/packages/94/46/24192607058dd607dbfacdd060a2370f6afb19c2ccb617406469b9aeb8e7/pandas-2.3.0-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:2eb4728a18dcd2908c7fccf74a982e241b467d178724545a48d0caf534b38ebf", size = 11573865, upload_time = "2025-06-05T03:26:46.774Z" }, + { url = "https://files.pythonhosted.org/packages/9f/cc/ae8ea3b800757a70c9fdccc68b67dc0280a6e814efcf74e4211fd5dea1ca/pandas-2.3.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:b9d8c3187be7479ea5c3d30c32a5d73d62a621166675063b2edd21bc47614027", size = 10702154, upload_time = "2025-06-05T16:50:14.439Z" }, + { url = "https://files.pythonhosted.org/packages/d8/ba/a7883d7aab3d24c6540a2768f679e7414582cc389876d469b40ec749d78b/pandas-2.3.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:9ff730713d4c4f2f1c860e36c005c7cefc1c7c80c21c0688fd605aa43c9fcf09", size = 11262180, upload_time = "2025-06-05T16:50:17.453Z" }, + { url = "https://files.pythonhosted.org/packages/01/a5/931fc3ad333d9d87b10107d948d757d67ebcfc33b1988d5faccc39c6845c/pandas-2.3.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ba24af48643b12ffe49b27065d3babd52702d95ab70f50e1b34f71ca703e2c0d", size = 11991493, upload_time = "2025-06-05T03:26:51.813Z" }, + { url = "https://files.pythonhosted.org/packages/d7/bf/0213986830a92d44d55153c1d69b509431a972eb73f204242988c4e66e86/pandas-2.3.0-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:404d681c698e3c8a40a61d0cd9412cc7364ab9a9cc6e144ae2992e11a2e77a20", size = 12470733, upload_time = "2025-06-06T00:00:18.651Z" }, + { url = "https://files.pythonhosted.org/packages/a4/0e/21eb48a3a34a7d4bac982afc2c4eb5ab09f2d988bdf29d92ba9ae8e90a79/pandas-2.3.0-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:6021910b086b3ca756755e86ddc64e0ddafd5e58e076c72cb1585162e5ad259b", size = 13212406, upload_time = "2025-06-05T03:26:55.992Z" }, + { url = "https://files.pythonhosted.org/packages/1f/d9/74017c4eec7a28892d8d6e31ae9de3baef71f5a5286e74e6b7aad7f8c837/pandas-2.3.0-cp312-cp312-win_amd64.whl", hash = "sha256:094e271a15b579650ebf4c5155c05dcd2a14fd4fdd72cf4854b2f7ad31ea30be", size = 10976199, upload_time = "2025-06-05T03:26:59.594Z" }, + { url = "https://files.pythonhosted.org/packages/d3/57/5cb75a56a4842bbd0511c3d1c79186d8315b82dac802118322b2de1194fe/pandas-2.3.0-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:2c7e2fc25f89a49a11599ec1e76821322439d90820108309bf42130d2f36c983", size = 11518913, upload_time = "2025-06-05T03:27:02.757Z" }, + { url = "https://files.pythonhosted.org/packages/05/01/0c8785610e465e4948a01a059562176e4c8088aa257e2e074db868f86d4e/pandas-2.3.0-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:c6da97aeb6a6d233fb6b17986234cc723b396b50a3c6804776351994f2a658fd", size = 10655249, upload_time = "2025-06-05T16:50:20.17Z" }, + { url = "https://files.pythonhosted.org/packages/e8/6a/47fd7517cd8abe72a58706aab2b99e9438360d36dcdb052cf917b7bf3bdc/pandas-2.3.0-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:bb32dc743b52467d488e7a7c8039b821da2826a9ba4f85b89ea95274f863280f", size = 11328359, upload_time = "2025-06-05T03:27:06.431Z" }, + { url = "https://files.pythonhosted.org/packages/2a/b3/463bfe819ed60fb7e7ddffb4ae2ee04b887b3444feee6c19437b8f834837/pandas-2.3.0-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:213cd63c43263dbb522c1f8a7c9d072e25900f6975596f883f4bebd77295d4f3", size = 12024789, upload_time = "2025-06-05T03:27:09.875Z" }, + { url = "https://files.pythonhosted.org/packages/04/0c/e0704ccdb0ac40aeb3434d1c641c43d05f75c92e67525df39575ace35468/pandas-2.3.0-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:1d2b33e68d0ce64e26a4acc2e72d747292084f4e8db4c847c6f5f6cbe56ed6d8", size = 12480734, upload_time = "2025-06-06T00:00:22.246Z" }, + { url = "https://files.pythonhosted.org/packages/e9/df/815d6583967001153bb27f5cf075653d69d51ad887ebbf4cfe1173a1ac58/pandas-2.3.0-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:430a63bae10b5086995db1b02694996336e5a8ac9a96b4200572b413dfdfccb9", size = 13223381, upload_time = "2025-06-05T03:27:15.641Z" }, + { url = "https://files.pythonhosted.org/packages/79/88/ca5973ed07b7f484c493e941dbff990861ca55291ff7ac67c815ce347395/pandas-2.3.0-cp313-cp313-win_amd64.whl", hash = "sha256:4930255e28ff5545e2ca404637bcc56f031893142773b3468dc021c6c32a1390", size = 10970135, upload_time = "2025-06-05T03:27:24.131Z" }, + { url = "https://files.pythonhosted.org/packages/24/fb/0994c14d1f7909ce83f0b1fb27958135513c4f3f2528bde216180aa73bfc/pandas-2.3.0-cp313-cp313t-macosx_10_13_x86_64.whl", hash = "sha256:f925f1ef673b4bd0271b1809b72b3270384f2b7d9d14a189b12b7fc02574d575", size = 12141356, upload_time = "2025-06-05T03:27:34.547Z" }, + { url = "https://files.pythonhosted.org/packages/9d/a2/9b903e5962134497ac4f8a96f862ee3081cb2506f69f8e4778ce3d9c9d82/pandas-2.3.0-cp313-cp313t-macosx_11_0_arm64.whl", hash = "sha256:e78ad363ddb873a631e92a3c063ade1ecfb34cae71e9a2be6ad100f875ac1042", size = 11474674, upload_time = "2025-06-05T03:27:39.448Z" }, + { url = "https://files.pythonhosted.org/packages/81/3a/3806d041bce032f8de44380f866059437fb79e36d6b22c82c187e65f765b/pandas-2.3.0-cp313-cp313t-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:951805d146922aed8357e4cc5671b8b0b9be1027f0619cea132a9f3f65f2f09c", size = 11439876, upload_time = "2025-06-05T03:27:43.652Z" }, + { url = "https://files.pythonhosted.org/packages/15/aa/3fc3181d12b95da71f5c2537c3e3b3af6ab3a8c392ab41ebb766e0929bc6/pandas-2.3.0-cp313-cp313t-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:1a881bc1309f3fce34696d07b00f13335c41f5f5a8770a33b09ebe23261cfc67", size = 11966182, upload_time = "2025-06-05T03:27:47.652Z" }, + { url = "https://files.pythonhosted.org/packages/37/e7/e12f2d9b0a2c4a2cc86e2aabff7ccfd24f03e597d770abfa2acd313ee46b/pandas-2.3.0-cp313-cp313t-musllinux_1_2_aarch64.whl", hash = "sha256:e1991bbb96f4050b09b5f811253c4f3cf05ee89a589379aa36cd623f21a31d6f", size = 12547686, upload_time = "2025-06-06T00:00:26.142Z" }, + { url = "https://files.pythonhosted.org/packages/39/c2/646d2e93e0af70f4e5359d870a63584dacbc324b54d73e6b3267920ff117/pandas-2.3.0-cp313-cp313t-musllinux_1_2_x86_64.whl", hash = "sha256:bb3be958022198531eb7ec2008cfc78c5b1eed51af8600c6c5d9160d89d8d249", size = 13231847, upload_time = "2025-06-05T03:27:51.465Z" }, ] [[package]] name = "pandocfilters" version = "1.5.1" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/70/6f/3dd4940bbe001c06a65f88e36bad298bc7a0de5036115639926b0c5c0458/pandocfilters-1.5.1.tar.gz", hash = "sha256:002b4a555ee4ebc03f8b66307e287fa492e4a77b4ea14d3f934328297bb4939e", size = 8454, upload-time = "2024-01-18T20:08:13.726Z" } +sdist = { url = "https://files.pythonhosted.org/packages/70/6f/3dd4940bbe001c06a65f88e36bad298bc7a0de5036115639926b0c5c0458/pandocfilters-1.5.1.tar.gz", hash = "sha256:002b4a555ee4ebc03f8b66307e287fa492e4a77b4ea14d3f934328297bb4939e", size = 8454, upload_time = "2024-01-18T20:08:13.726Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/ef/af/4fbc8cab944db5d21b7e2a5b8e9211a03a79852b1157e2c102fcc61ac440/pandocfilters-1.5.1-py2.py3-none-any.whl", hash = "sha256:93be382804a9cdb0a7267585f157e5d1731bbe5545a85b268d6f5fe6232de2bc", size = 8663, upload-time = "2024-01-18T20:08:11.28Z" }, + { url = "https://files.pythonhosted.org/packages/ef/af/4fbc8cab944db5d21b7e2a5b8e9211a03a79852b1157e2c102fcc61ac440/pandocfilters-1.5.1-py2.py3-none-any.whl", hash = "sha256:93be382804a9cdb0a7267585f157e5d1731bbe5545a85b268d6f5fe6232de2bc", size = 8663, upload_time = "2024-01-18T20:08:11.28Z" }, ] [[package]] @@ -2286,27 +2286,27 @@ dependencies = [ { name = "cryptography" }, { name = "pynacl" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/7d/15/ad6ce226e8138315f2451c2aeea985bf35ee910afb477bae7477dc3a8f3b/paramiko-3.5.1.tar.gz", hash = "sha256:b2c665bc45b2b215bd7d7f039901b14b067da00f3a11e6640995fd58f2664822", size = 1566110, upload-time = "2025-02-04T02:37:59.783Z" } +sdist = { url = "https://files.pythonhosted.org/packages/7d/15/ad6ce226e8138315f2451c2aeea985bf35ee910afb477bae7477dc3a8f3b/paramiko-3.5.1.tar.gz", hash = "sha256:b2c665bc45b2b215bd7d7f039901b14b067da00f3a11e6640995fd58f2664822", size = 1566110, upload_time = "2025-02-04T02:37:59.783Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/15/f8/c7bd0ef12954a81a1d3cea60a13946bd9a49a0036a5927770c461eade7ae/paramiko-3.5.1-py3-none-any.whl", hash = "sha256:43b9a0501fc2b5e70680388d9346cf252cfb7d00b0667c39e80eb43a408b8f61", size = 227298, upload-time = "2025-02-04T02:37:57.672Z" }, + { url = "https://files.pythonhosted.org/packages/15/f8/c7bd0ef12954a81a1d3cea60a13946bd9a49a0036a5927770c461eade7ae/paramiko-3.5.1-py3-none-any.whl", hash = "sha256:43b9a0501fc2b5e70680388d9346cf252cfb7d00b0667c39e80eb43a408b8f61", size = 227298, upload_time = "2025-02-04T02:37:57.672Z" }, ] [[package]] name = "parso" version = "0.8.4" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/66/94/68e2e17afaa9169cf6412ab0f28623903be73d1b32e208d9e8e541bb086d/parso-0.8.4.tar.gz", hash = "sha256:eb3a7b58240fb99099a345571deecc0f9540ea5f4dd2fe14c2a99d6b281ab92d", size = 400609, upload-time = "2024-04-05T09:43:55.897Z" } +sdist = { url = "https://files.pythonhosted.org/packages/66/94/68e2e17afaa9169cf6412ab0f28623903be73d1b32e208d9e8e541bb086d/parso-0.8.4.tar.gz", hash = "sha256:eb3a7b58240fb99099a345571deecc0f9540ea5f4dd2fe14c2a99d6b281ab92d", size = 400609, upload_time = "2024-04-05T09:43:55.897Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/c6/ac/dac4a63f978e4dcb3c6d3a78c4d8e0192a113d288502a1216950c41b1027/parso-0.8.4-py2.py3-none-any.whl", hash = "sha256:a418670a20291dacd2dddc80c377c5c3791378ee1e8d12bffc35420643d43f18", size = 103650, upload-time = "2024-04-05T09:43:53.299Z" }, + { url = "https://files.pythonhosted.org/packages/c6/ac/dac4a63f978e4dcb3c6d3a78c4d8e0192a113d288502a1216950c41b1027/parso-0.8.4-py2.py3-none-any.whl", hash = "sha256:a418670a20291dacd2dddc80c377c5c3791378ee1e8d12bffc35420643d43f18", size = 103650, upload_time = "2024-04-05T09:43:53.299Z" }, ] [[package]] name = "pathspec" version = "0.12.1" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/ca/bc/f35b8446f4531a7cb215605d100cd88b7ac6f44ab3fc94870c120ab3adbf/pathspec-0.12.1.tar.gz", hash = "sha256:a482d51503a1ab33b1c67a6c3813a26953dbdc71c31dacaef9a838c4e29f5712", size = 51043, upload-time = "2023-12-10T22:30:45Z" } +sdist = { url = "https://files.pythonhosted.org/packages/ca/bc/f35b8446f4531a7cb215605d100cd88b7ac6f44ab3fc94870c120ab3adbf/pathspec-0.12.1.tar.gz", hash = "sha256:a482d51503a1ab33b1c67a6c3813a26953dbdc71c31dacaef9a838c4e29f5712", size = 51043, upload_time = "2023-12-10T22:30:45Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/cc/20/ff623b09d963f88bfde16306a54e12ee5ea43e9b597108672ff3a408aad6/pathspec-0.12.1-py3-none-any.whl", hash = "sha256:a0d503e138a4c123b27490a4f7beda6a01c6f288df0e4a8b79c7eb0dc7b4cc08", size = 31191, upload-time = "2023-12-10T22:30:43.14Z" }, + { url = "https://files.pythonhosted.org/packages/cc/20/ff623b09d963f88bfde16306a54e12ee5ea43e9b597108672ff3a408aad6/pathspec-0.12.1-py3-none-any.whl", hash = "sha256:a0d503e138a4c123b27490a4f7beda6a01c6f288df0e4a8b79c7eb0dc7b4cc08", size = 31191, upload_time = "2023-12-10T22:30:43.14Z" }, ] [[package]] @@ -2316,36 +2316,36 @@ source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "ptyprocess" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/42/92/cc564bf6381ff43ce1f4d06852fc19a2f11d180f23dc32d9588bee2f149d/pexpect-4.9.0.tar.gz", hash = "sha256:ee7d41123f3c9911050ea2c2dac107568dc43b2d3b0c7557a33212c398ead30f", size = 166450, upload-time = "2023-11-25T09:07:26.339Z" } +sdist = { url = "https://files.pythonhosted.org/packages/42/92/cc564bf6381ff43ce1f4d06852fc19a2f11d180f23dc32d9588bee2f149d/pexpect-4.9.0.tar.gz", hash = "sha256:ee7d41123f3c9911050ea2c2dac107568dc43b2d3b0c7557a33212c398ead30f", size = 166450, upload_time = "2023-11-25T09:07:26.339Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/9e/c3/059298687310d527a58bb01f3b1965787ee3b40dce76752eda8b44e9a2c5/pexpect-4.9.0-py2.py3-none-any.whl", hash = "sha256:7236d1e080e4936be2dc3e326cec0af72acf9212a7e1d060210e70a47e253523", size = 63772, upload-time = "2023-11-25T06:56:14.81Z" }, + { url = "https://files.pythonhosted.org/packages/9e/c3/059298687310d527a58bb01f3b1965787ee3b40dce76752eda8b44e9a2c5/pexpect-4.9.0-py2.py3-none-any.whl", hash = "sha256:7236d1e080e4936be2dc3e326cec0af72acf9212a7e1d060210e70a47e253523", size = 63772, upload_time = "2023-11-25T06:56:14.81Z" }, ] [[package]] name = "pfzy" version = "0.3.4" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/d9/5a/32b50c077c86bfccc7bed4881c5a2b823518f5450a30e639db5d3711952e/pfzy-0.3.4.tar.gz", hash = "sha256:717ea765dd10b63618e7298b2d98efd819e0b30cd5905c9707223dceeb94b3f1", size = 8396, upload-time = "2022-01-28T02:26:17.946Z" } +sdist = { url = "https://files.pythonhosted.org/packages/d9/5a/32b50c077c86bfccc7bed4881c5a2b823518f5450a30e639db5d3711952e/pfzy-0.3.4.tar.gz", hash = "sha256:717ea765dd10b63618e7298b2d98efd819e0b30cd5905c9707223dceeb94b3f1", size = 8396, upload_time = "2022-01-28T02:26:17.946Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/8c/d7/8ff98376b1acc4503253b685ea09981697385ce344d4e3935c2af49e044d/pfzy-0.3.4-py3-none-any.whl", hash = "sha256:5f50d5b2b3207fa72e7ec0ef08372ef652685470974a107d0d4999fc5a903a96", size = 8537, upload-time = "2022-01-28T02:26:16.047Z" }, + { url = "https://files.pythonhosted.org/packages/8c/d7/8ff98376b1acc4503253b685ea09981697385ce344d4e3935c2af49e044d/pfzy-0.3.4-py3-none-any.whl", hash = "sha256:5f50d5b2b3207fa72e7ec0ef08372ef652685470974a107d0d4999fc5a903a96", size = 8537, upload_time = "2022-01-28T02:26:16.047Z" }, ] [[package]] name = "platformdirs" version = "4.3.8" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/fe/8b/3c73abc9c759ecd3f1f7ceff6685840859e8070c4d947c93fae71f6a0bf2/platformdirs-4.3.8.tar.gz", hash = "sha256:3d512d96e16bcb959a814c9f348431070822a6496326a4be0911c40b5a74c2bc", size = 21362, upload-time = "2025-05-07T22:47:42.121Z" } +sdist = { url = "https://files.pythonhosted.org/packages/fe/8b/3c73abc9c759ecd3f1f7ceff6685840859e8070c4d947c93fae71f6a0bf2/platformdirs-4.3.8.tar.gz", hash = "sha256:3d512d96e16bcb959a814c9f348431070822a6496326a4be0911c40b5a74c2bc", size = 21362, upload_time = "2025-05-07T22:47:42.121Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/fe/39/979e8e21520d4e47a0bbe349e2713c0aac6f3d853d0e5b34d76206c439aa/platformdirs-4.3.8-py3-none-any.whl", hash = "sha256:ff7059bb7eb1179e2685604f4aaf157cfd9535242bd23742eadc3c13542139b4", size = 18567, upload-time = "2025-05-07T22:47:40.376Z" }, + { url = "https://files.pythonhosted.org/packages/fe/39/979e8e21520d4e47a0bbe349e2713c0aac6f3d853d0e5b34d76206c439aa/platformdirs-4.3.8-py3-none-any.whl", hash = "sha256:ff7059bb7eb1179e2685604f4aaf157cfd9535242bd23742eadc3c13542139b4", size = 18567, upload_time = "2025-05-07T22:47:40.376Z" }, ] [[package]] name = "pluggy" version = "1.6.0" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/f9/e2/3e91f31a7d2b083fe6ef3fa267035b518369d9511ffab804f839851d2779/pluggy-1.6.0.tar.gz", hash = "sha256:7dcc130b76258d33b90f61b658791dede3486c3e6bfb003ee5c9bfb396dd22f3", size = 69412, upload-time = "2025-05-15T12:30:07.975Z" } +sdist = { url = "https://files.pythonhosted.org/packages/f9/e2/3e91f31a7d2b083fe6ef3fa267035b518369d9511ffab804f839851d2779/pluggy-1.6.0.tar.gz", hash = "sha256:7dcc130b76258d33b90f61b658791dede3486c3e6bfb003ee5c9bfb396dd22f3", size = 69412, upload_time = "2025-05-15T12:30:07.975Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/54/20/4d324d65cc6d9205fabedc306948156824eb9f0ee1633355a8f7ec5c66bf/pluggy-1.6.0-py3-none-any.whl", hash = "sha256:e920276dd6813095e9377c0bc5566d94c932c33b27a3e3945d8389c374dd4746", size = 20538, upload-time = "2025-05-15T12:30:06.134Z" }, + { url = "https://files.pythonhosted.org/packages/54/20/4d324d65cc6d9205fabedc306948156824eb9f0ee1633355a8f7ec5c66bf/pluggy-1.6.0-py3-none-any.whl", hash = "sha256:e920276dd6813095e9377c0bc5566d94c932c33b27a3e3945d8389c374dd4746", size = 20538, upload_time = "2025-05-15T12:30:06.134Z" }, ] [[package]] @@ -2355,9 +2355,9 @@ source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pywin32", marker = "sys_platform == 'win32'" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/5e/77/65b857a69ed876e1951e88aaba60f5ce6120c33703f7cb61a3c894b8c1b6/portalocker-3.2.0.tar.gz", hash = "sha256:1f3002956a54a8c3730586c5c77bf18fae4149e07eaf1c29fc3faf4d5a3f89ac", size = 95644, upload-time = "2025-06-14T13:20:40.03Z" } +sdist = { url = "https://files.pythonhosted.org/packages/5e/77/65b857a69ed876e1951e88aaba60f5ce6120c33703f7cb61a3c894b8c1b6/portalocker-3.2.0.tar.gz", hash = "sha256:1f3002956a54a8c3730586c5c77bf18fae4149e07eaf1c29fc3faf4d5a3f89ac", size = 95644, upload_time = "2025-06-14T13:20:40.03Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/4b/a6/38c8e2f318bf67d338f4d629e93b0b4b9af331f455f0390ea8ce4a099b26/portalocker-3.2.0-py3-none-any.whl", hash = "sha256:3cdc5f565312224bc570c49337bd21428bba0ef363bbcf58b9ef4a9f11779968", size = 22424, upload-time = "2025-06-14T13:20:38.083Z" }, + { url = "https://files.pythonhosted.org/packages/4b/a6/38c8e2f318bf67d338f4d629e93b0b4b9af331f455f0390ea8ce4a099b26/portalocker-3.2.0-py3-none-any.whl", hash = "sha256:3cdc5f565312224bc570c49337bd21428bba0ef363bbcf58b9ef4a9f11779968", size = 22424, upload_time = "2025-06-14T13:20:38.083Z" }, ] [[package]] @@ -2369,9 +2369,9 @@ dependencies = [ { name = "httpx", extra = ["http2"] }, { name = "pydantic" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/4a/ea/9b0b5301c4a8fa360add83877f29f690b1b29d02a7d162aac528c7d385db/postgrest-1.0.2.tar.gz", hash = "sha256:42fa3a6e493d6c9e54afd907213608dcacb1f3d2f276ada19ef7b22bf64c78bd", size = 15284, upload-time = "2025-05-21T18:48:22.349Z" } +sdist = { url = "https://files.pythonhosted.org/packages/4a/ea/9b0b5301c4a8fa360add83877f29f690b1b29d02a7d162aac528c7d385db/postgrest-1.0.2.tar.gz", hash = "sha256:42fa3a6e493d6c9e54afd907213608dcacb1f3d2f276ada19ef7b22bf64c78bd", size = 15284, upload_time = "2025-05-21T18:48:22.349Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/52/ce/a0655928584bba457ceda316e7a4fa02dfbb4366c6f393fe9473d0150597/postgrest-1.0.2-py3-none-any.whl", hash = "sha256:d115c56d3bd2672029a3805e9c73c14aa6608343dc5228db18e0e5e6134a3c62", size = 22531, upload-time = "2025-05-21T18:48:20.274Z" }, + { url = "https://files.pythonhosted.org/packages/52/ce/a0655928584bba457ceda316e7a4fa02dfbb4366c6f393fe9473d0150597/postgrest-1.0.2-py3-none-any.whl", hash = "sha256:d115c56d3bd2672029a3805e9c73c14aa6608343dc5228db18e0e5e6134a3c62", size = 22531, upload_time = "2025-05-21T18:48:20.274Z" }, ] [[package]] @@ -2385,9 +2385,9 @@ dependencies = [ { name = "pyyaml" }, { name = "virtualenv" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/ff/29/7cf5bbc236333876e4b41f56e06857a87937ce4bf91e117a6991a2dbb02a/pre_commit-4.3.0.tar.gz", hash = "sha256:499fe450cc9d42e9d58e606262795ecb64dd05438943c62b66f6a8673da30b16", size = 193792, upload-time = "2025-08-09T18:56:14.651Z" } +sdist = { url = "https://files.pythonhosted.org/packages/ff/29/7cf5bbc236333876e4b41f56e06857a87937ce4bf91e117a6991a2dbb02a/pre_commit-4.3.0.tar.gz", hash = "sha256:499fe450cc9d42e9d58e606262795ecb64dd05438943c62b66f6a8673da30b16", size = 193792, upload_time = "2025-08-09T18:56:14.651Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/5b/a5/987a405322d78a73b66e39e4a90e4ef156fd7141bf71df987e50717c321b/pre_commit-4.3.0-py2.py3-none-any.whl", hash = "sha256:2b0747ad7e6e967169136edffee14c16e148a778a54e4f967921aa1ebf2308d8", size = 220965, upload-time = "2025-08-09T18:56:13.192Z" }, + { url = "https://files.pythonhosted.org/packages/5b/a5/987a405322d78a73b66e39e4a90e4ef156fd7141bf71df987e50717c321b/pre_commit-4.3.0-py2.py3-none-any.whl", hash = "sha256:2b0747ad7e6e967169136edffee14c16e148a778a54e4f967921aa1ebf2308d8", size = 220965, upload_time = "2025-08-09T18:56:13.192Z" }, ] [[package]] @@ -2397,18 +2397,18 @@ source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "wcwidth" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/99/b1/85e18ac92afd08c533603e3393977b6bc1443043115a47bb094f3b98f94f/prettytable-3.16.0.tar.gz", hash = "sha256:3c64b31719d961bf69c9a7e03d0c1e477320906a98da63952bc6698d6164ff57", size = 66276, upload-time = "2025-03-24T19:39:04.008Z" } +sdist = { url = "https://files.pythonhosted.org/packages/99/b1/85e18ac92afd08c533603e3393977b6bc1443043115a47bb094f3b98f94f/prettytable-3.16.0.tar.gz", hash = "sha256:3c64b31719d961bf69c9a7e03d0c1e477320906a98da63952bc6698d6164ff57", size = 66276, upload_time = "2025-03-24T19:39:04.008Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/02/c7/5613524e606ea1688b3bdbf48aa64bafb6d0a4ac3750274c43b6158a390f/prettytable-3.16.0-py3-none-any.whl", hash = "sha256:b5eccfabb82222f5aa46b798ff02a8452cf530a352c31bddfa29be41242863aa", size = 33863, upload-time = "2025-03-24T19:39:02.359Z" }, + { url = "https://files.pythonhosted.org/packages/02/c7/5613524e606ea1688b3bdbf48aa64bafb6d0a4ac3750274c43b6158a390f/prettytable-3.16.0-py3-none-any.whl", hash = "sha256:b5eccfabb82222f5aa46b798ff02a8452cf530a352c31bddfa29be41242863aa", size = 33863, upload_time = "2025-03-24T19:39:02.359Z" }, ] [[package]] name = "prometheus-client" version = "0.22.1" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/5e/cf/40dde0a2be27cc1eb41e333d1a674a74ce8b8b0457269cc640fd42b07cf7/prometheus_client-0.22.1.tar.gz", hash = "sha256:190f1331e783cf21eb60bca559354e0a4d4378facecf78f5428c39b675d20d28", size = 69746, upload-time = "2025-06-02T14:29:01.152Z" } +sdist = { url = "https://files.pythonhosted.org/packages/5e/cf/40dde0a2be27cc1eb41e333d1a674a74ce8b8b0457269cc640fd42b07cf7/prometheus_client-0.22.1.tar.gz", hash = "sha256:190f1331e783cf21eb60bca559354e0a4d4378facecf78f5428c39b675d20d28", size = 69746, upload_time = "2025-06-02T14:29:01.152Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/32/ae/ec06af4fe3ee72d16973474f122541746196aaa16cea6f66d18b963c6177/prometheus_client-0.22.1-py3-none-any.whl", hash = "sha256:cca895342e308174341b2cbf99a56bef291fbc0ef7b9e5412a0f26d653ba7094", size = 58694, upload-time = "2025-06-02T14:29:00.068Z" }, + { url = "https://files.pythonhosted.org/packages/32/ae/ec06af4fe3ee72d16973474f122541746196aaa16cea6f66d18b963c6177/prometheus_client-0.22.1-py3-none-any.whl", hash = "sha256:cca895342e308174341b2cbf99a56bef291fbc0ef7b9e5412a0f26d653ba7094", size = 58694, upload_time = "2025-06-02T14:29:00.068Z" }, ] [[package]] @@ -2418,168 +2418,168 @@ source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "wcwidth" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/bb/6e/9d084c929dfe9e3bfe0c6a47e31f78a25c54627d64a66e884a8bf5474f1c/prompt_toolkit-3.0.51.tar.gz", hash = "sha256:931a162e3b27fc90c86f1b48bb1fb2c528c2761475e57c9c06de13311c7b54ed", size = 428940, upload-time = "2025-04-15T09:18:47.731Z" } +sdist = { url = "https://files.pythonhosted.org/packages/bb/6e/9d084c929dfe9e3bfe0c6a47e31f78a25c54627d64a66e884a8bf5474f1c/prompt_toolkit-3.0.51.tar.gz", hash = "sha256:931a162e3b27fc90c86f1b48bb1fb2c528c2761475e57c9c06de13311c7b54ed", size = 428940, upload_time = "2025-04-15T09:18:47.731Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/ce/4f/5249960887b1fbe561d9ff265496d170b55a735b76724f10ef19f9e40716/prompt_toolkit-3.0.51-py3-none-any.whl", hash = "sha256:52742911fde84e2d423e2f9a4cf1de7d7ac4e51958f648d9540e0fb8db077b07", size = 387810, upload-time = "2025-04-15T09:18:44.753Z" }, + { url = "https://files.pythonhosted.org/packages/ce/4f/5249960887b1fbe561d9ff265496d170b55a735b76724f10ef19f9e40716/prompt_toolkit-3.0.51-py3-none-any.whl", hash = "sha256:52742911fde84e2d423e2f9a4cf1de7d7ac4e51958f648d9540e0fb8db077b07", size = 387810, upload_time = "2025-04-15T09:18:44.753Z" }, ] [[package]] name = "propcache" version = "0.3.2" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/a6/16/43264e4a779dd8588c21a70f0709665ee8f611211bdd2c87d952cfa7c776/propcache-0.3.2.tar.gz", hash = "sha256:20d7d62e4e7ef05f221e0db2856b979540686342e7dd9973b815599c7057e168", size = 44139, upload-time = "2025-06-09T22:56:06.081Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/80/8d/e8b436717ab9c2cfc23b116d2c297305aa4cd8339172a456d61ebf5669b8/propcache-0.3.2-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:0b8d2f607bd8f80ddc04088bc2a037fdd17884a6fcadc47a96e334d72f3717be", size = 74207, upload-time = "2025-06-09T22:54:05.399Z" }, - { url = "https://files.pythonhosted.org/packages/d6/29/1e34000e9766d112171764b9fa3226fa0153ab565d0c242c70e9945318a7/propcache-0.3.2-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:06766d8f34733416e2e34f46fea488ad5d60726bb9481d3cddf89a6fa2d9603f", size = 43648, upload-time = "2025-06-09T22:54:08.023Z" }, - { url = "https://files.pythonhosted.org/packages/46/92/1ad5af0df781e76988897da39b5f086c2bf0f028b7f9bd1f409bb05b6874/propcache-0.3.2-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:a2dc1f4a1df4fecf4e6f68013575ff4af84ef6f478fe5344317a65d38a8e6dc9", size = 43496, upload-time = "2025-06-09T22:54:09.228Z" }, - { url = "https://files.pythonhosted.org/packages/b3/ce/e96392460f9fb68461fabab3e095cb00c8ddf901205be4eae5ce246e5b7e/propcache-0.3.2-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:be29c4f4810c5789cf10ddf6af80b041c724e629fa51e308a7a0fb19ed1ef7bf", size = 217288, upload-time = "2025-06-09T22:54:10.466Z" }, - { url = "https://files.pythonhosted.org/packages/c5/2a/866726ea345299f7ceefc861a5e782b045545ae6940851930a6adaf1fca6/propcache-0.3.2-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:59d61f6970ecbd8ff2e9360304d5c8876a6abd4530cb752c06586849ac8a9dc9", size = 227456, upload-time = "2025-06-09T22:54:11.828Z" }, - { url = "https://files.pythonhosted.org/packages/de/03/07d992ccb6d930398689187e1b3c718339a1c06b8b145a8d9650e4726166/propcache-0.3.2-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:62180e0b8dbb6b004baec00a7983e4cc52f5ada9cd11f48c3528d8cfa7b96a66", size = 225429, upload-time = "2025-06-09T22:54:13.823Z" }, - { url = "https://files.pythonhosted.org/packages/5d/e6/116ba39448753b1330f48ab8ba927dcd6cf0baea8a0ccbc512dfb49ba670/propcache-0.3.2-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:c144ca294a204c470f18cf4c9d78887810d04a3e2fbb30eea903575a779159df", size = 213472, upload-time = "2025-06-09T22:54:15.232Z" }, - { url = "https://files.pythonhosted.org/packages/a6/85/f01f5d97e54e428885a5497ccf7f54404cbb4f906688a1690cd51bf597dc/propcache-0.3.2-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:c5c2a784234c28854878d68978265617aa6dc0780e53d44b4d67f3651a17a9a2", size = 204480, upload-time = "2025-06-09T22:54:17.104Z" }, - { url = "https://files.pythonhosted.org/packages/e3/79/7bf5ab9033b8b8194cc3f7cf1aaa0e9c3256320726f64a3e1f113a812dce/propcache-0.3.2-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:5745bc7acdafa978ca1642891b82c19238eadc78ba2aaa293c6863b304e552d7", size = 214530, upload-time = "2025-06-09T22:54:18.512Z" }, - { url = "https://files.pythonhosted.org/packages/31/0b/bd3e0c00509b609317df4a18e6b05a450ef2d9a963e1d8bc9c9415d86f30/propcache-0.3.2-cp311-cp311-musllinux_1_2_armv7l.whl", hash = "sha256:c0075bf773d66fa8c9d41f66cc132ecc75e5bb9dd7cce3cfd14adc5ca184cb95", size = 205230, upload-time = "2025-06-09T22:54:19.947Z" }, - { url = "https://files.pythonhosted.org/packages/7a/23/fae0ff9b54b0de4e819bbe559508da132d5683c32d84d0dc2ccce3563ed4/propcache-0.3.2-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:5f57aa0847730daceff0497f417c9de353c575d8da3579162cc74ac294c5369e", size = 206754, upload-time = "2025-06-09T22:54:21.716Z" }, - { url = "https://files.pythonhosted.org/packages/b7/7f/ad6a3c22630aaa5f618b4dc3c3598974a72abb4c18e45a50b3cdd091eb2f/propcache-0.3.2-cp311-cp311-musllinux_1_2_ppc64le.whl", hash = "sha256:eef914c014bf72d18efb55619447e0aecd5fb7c2e3fa7441e2e5d6099bddff7e", size = 218430, upload-time = "2025-06-09T22:54:23.17Z" }, - { url = "https://files.pythonhosted.org/packages/5b/2c/ba4f1c0e8a4b4c75910742f0d333759d441f65a1c7f34683b4a74c0ee015/propcache-0.3.2-cp311-cp311-musllinux_1_2_s390x.whl", hash = "sha256:2a4092e8549031e82facf3decdbc0883755d5bbcc62d3aea9d9e185549936dcf", size = 223884, upload-time = "2025-06-09T22:54:25.539Z" }, - { url = "https://files.pythonhosted.org/packages/88/e4/ebe30fc399e98572019eee82ad0caf512401661985cbd3da5e3140ffa1b0/propcache-0.3.2-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:85871b050f174bc0bfb437efbdb68aaf860611953ed12418e4361bc9c392749e", size = 211480, upload-time = "2025-06-09T22:54:26.892Z" }, - { url = "https://files.pythonhosted.org/packages/96/0a/7d5260b914e01d1d0906f7f38af101f8d8ed0dc47426219eeaf05e8ea7c2/propcache-0.3.2-cp311-cp311-win32.whl", hash = "sha256:36c8d9b673ec57900c3554264e630d45980fd302458e4ac801802a7fd2ef7897", size = 37757, upload-time = "2025-06-09T22:54:28.241Z" }, - { url = "https://files.pythonhosted.org/packages/e1/2d/89fe4489a884bc0da0c3278c552bd4ffe06a1ace559db5ef02ef24ab446b/propcache-0.3.2-cp311-cp311-win_amd64.whl", hash = "sha256:e53af8cb6a781b02d2ea079b5b853ba9430fcbe18a8e3ce647d5982a3ff69f39", size = 41500, upload-time = "2025-06-09T22:54:29.4Z" }, - { url = "https://files.pythonhosted.org/packages/a8/42/9ca01b0a6f48e81615dca4765a8f1dd2c057e0540f6116a27dc5ee01dfb6/propcache-0.3.2-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:8de106b6c84506b31c27168582cd3cb3000a6412c16df14a8628e5871ff83c10", size = 73674, upload-time = "2025-06-09T22:54:30.551Z" }, - { url = "https://files.pythonhosted.org/packages/af/6e/21293133beb550f9c901bbece755d582bfaf2176bee4774000bd4dd41884/propcache-0.3.2-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:28710b0d3975117239c76600ea351934ac7b5ff56e60953474342608dbbb6154", size = 43570, upload-time = "2025-06-09T22:54:32.296Z" }, - { url = "https://files.pythonhosted.org/packages/0c/c8/0393a0a3a2b8760eb3bde3c147f62b20044f0ddac81e9d6ed7318ec0d852/propcache-0.3.2-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:ce26862344bdf836650ed2487c3d724b00fbfec4233a1013f597b78c1cb73615", size = 43094, upload-time = "2025-06-09T22:54:33.929Z" }, - { url = "https://files.pythonhosted.org/packages/37/2c/489afe311a690399d04a3e03b069225670c1d489eb7b044a566511c1c498/propcache-0.3.2-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:bca54bd347a253af2cf4544bbec232ab982f4868de0dd684246b67a51bc6b1db", size = 226958, upload-time = "2025-06-09T22:54:35.186Z" }, - { url = "https://files.pythonhosted.org/packages/9d/ca/63b520d2f3d418c968bf596839ae26cf7f87bead026b6192d4da6a08c467/propcache-0.3.2-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:55780d5e9a2ddc59711d727226bb1ba83a22dd32f64ee15594b9392b1f544eb1", size = 234894, upload-time = "2025-06-09T22:54:36.708Z" }, - { url = "https://files.pythonhosted.org/packages/11/60/1d0ed6fff455a028d678df30cc28dcee7af77fa2b0e6962ce1df95c9a2a9/propcache-0.3.2-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:035e631be25d6975ed87ab23153db6a73426a48db688070d925aa27e996fe93c", size = 233672, upload-time = "2025-06-09T22:54:38.062Z" }, - { url = "https://files.pythonhosted.org/packages/37/7c/54fd5301ef38505ab235d98827207176a5c9b2aa61939b10a460ca53e123/propcache-0.3.2-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ee6f22b6eaa39297c751d0e80c0d3a454f112f5c6481214fcf4c092074cecd67", size = 224395, upload-time = "2025-06-09T22:54:39.634Z" }, - { url = "https://files.pythonhosted.org/packages/ee/1a/89a40e0846f5de05fdc6779883bf46ba980e6df4d2ff8fb02643de126592/propcache-0.3.2-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:7ca3aee1aa955438c4dba34fc20a9f390e4c79967257d830f137bd5a8a32ed3b", size = 212510, upload-time = "2025-06-09T22:54:41.565Z" }, - { url = "https://files.pythonhosted.org/packages/5e/33/ca98368586c9566a6b8d5ef66e30484f8da84c0aac3f2d9aec6d31a11bd5/propcache-0.3.2-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:7a4f30862869fa2b68380d677cc1c5fcf1e0f2b9ea0cf665812895c75d0ca3b8", size = 222949, upload-time = "2025-06-09T22:54:43.038Z" }, - { url = "https://files.pythonhosted.org/packages/ba/11/ace870d0aafe443b33b2f0b7efdb872b7c3abd505bfb4890716ad7865e9d/propcache-0.3.2-cp312-cp312-musllinux_1_2_armv7l.whl", hash = "sha256:b77ec3c257d7816d9f3700013639db7491a434644c906a2578a11daf13176251", size = 217258, upload-time = "2025-06-09T22:54:44.376Z" }, - { url = "https://files.pythonhosted.org/packages/5b/d2/86fd6f7adffcfc74b42c10a6b7db721d1d9ca1055c45d39a1a8f2a740a21/propcache-0.3.2-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:cab90ac9d3f14b2d5050928483d3d3b8fb6b4018893fc75710e6aa361ecb2474", size = 213036, upload-time = "2025-06-09T22:54:46.243Z" }, - { url = "https://files.pythonhosted.org/packages/07/94/2d7d1e328f45ff34a0a284cf5a2847013701e24c2a53117e7c280a4316b3/propcache-0.3.2-cp312-cp312-musllinux_1_2_ppc64le.whl", hash = "sha256:0b504d29f3c47cf6b9e936c1852246c83d450e8e063d50562115a6be6d3a2535", size = 227684, upload-time = "2025-06-09T22:54:47.63Z" }, - { url = "https://files.pythonhosted.org/packages/b7/05/37ae63a0087677e90b1d14710e532ff104d44bc1efa3b3970fff99b891dc/propcache-0.3.2-cp312-cp312-musllinux_1_2_s390x.whl", hash = "sha256:ce2ac2675a6aa41ddb2a0c9cbff53780a617ac3d43e620f8fd77ba1c84dcfc06", size = 234562, upload-time = "2025-06-09T22:54:48.982Z" }, - { url = "https://files.pythonhosted.org/packages/a4/7c/3f539fcae630408d0bd8bf3208b9a647ccad10976eda62402a80adf8fc34/propcache-0.3.2-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:62b4239611205294cc433845b914131b2a1f03500ff3c1ed093ed216b82621e1", size = 222142, upload-time = "2025-06-09T22:54:50.424Z" }, - { url = "https://files.pythonhosted.org/packages/7c/d2/34b9eac8c35f79f8a962546b3e97e9d4b990c420ee66ac8255d5d9611648/propcache-0.3.2-cp312-cp312-win32.whl", hash = "sha256:df4a81b9b53449ebc90cc4deefb052c1dd934ba85012aa912c7ea7b7e38b60c1", size = 37711, upload-time = "2025-06-09T22:54:52.072Z" }, - { url = "https://files.pythonhosted.org/packages/19/61/d582be5d226cf79071681d1b46b848d6cb03d7b70af7063e33a2787eaa03/propcache-0.3.2-cp312-cp312-win_amd64.whl", hash = "sha256:7046e79b989d7fe457bb755844019e10f693752d169076138abf17f31380800c", size = 41479, upload-time = "2025-06-09T22:54:53.234Z" }, - { url = "https://files.pythonhosted.org/packages/dc/d1/8c747fafa558c603c4ca19d8e20b288aa0c7cda74e9402f50f31eb65267e/propcache-0.3.2-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:ca592ed634a73ca002967458187109265e980422116c0a107cf93d81f95af945", size = 71286, upload-time = "2025-06-09T22:54:54.369Z" }, - { url = "https://files.pythonhosted.org/packages/61/99/d606cb7986b60d89c36de8a85d58764323b3a5ff07770a99d8e993b3fa73/propcache-0.3.2-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:9ecb0aad4020e275652ba3975740f241bd12a61f1a784df044cf7477a02bc252", size = 42425, upload-time = "2025-06-09T22:54:55.642Z" }, - { url = "https://files.pythonhosted.org/packages/8c/96/ef98f91bbb42b79e9bb82bdd348b255eb9d65f14dbbe3b1594644c4073f7/propcache-0.3.2-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:7f08f1cc28bd2eade7a8a3d2954ccc673bb02062e3e7da09bc75d843386b342f", size = 41846, upload-time = "2025-06-09T22:54:57.246Z" }, - { url = "https://files.pythonhosted.org/packages/5b/ad/3f0f9a705fb630d175146cd7b1d2bf5555c9beaed54e94132b21aac098a6/propcache-0.3.2-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d1a342c834734edb4be5ecb1e9fb48cb64b1e2320fccbd8c54bf8da8f2a84c33", size = 208871, upload-time = "2025-06-09T22:54:58.975Z" }, - { url = "https://files.pythonhosted.org/packages/3a/38/2085cda93d2c8b6ec3e92af2c89489a36a5886b712a34ab25de9fbca7992/propcache-0.3.2-cp313-cp313-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:8a544caaae1ac73f1fecfae70ded3e93728831affebd017d53449e3ac052ac1e", size = 215720, upload-time = "2025-06-09T22:55:00.471Z" }, - { url = "https://files.pythonhosted.org/packages/61/c1/d72ea2dc83ac7f2c8e182786ab0fc2c7bd123a1ff9b7975bee671866fe5f/propcache-0.3.2-cp313-cp313-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:310d11aa44635298397db47a3ebce7db99a4cc4b9bbdfcf6c98a60c8d5261cf1", size = 215203, upload-time = "2025-06-09T22:55:01.834Z" }, - { url = "https://files.pythonhosted.org/packages/af/81/b324c44ae60c56ef12007105f1460d5c304b0626ab0cc6b07c8f2a9aa0b8/propcache-0.3.2-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:4c1396592321ac83157ac03a2023aa6cc4a3cc3cfdecb71090054c09e5a7cce3", size = 206365, upload-time = "2025-06-09T22:55:03.199Z" }, - { url = "https://files.pythonhosted.org/packages/09/73/88549128bb89e66d2aff242488f62869014ae092db63ccea53c1cc75a81d/propcache-0.3.2-cp313-cp313-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:8cabf5b5902272565e78197edb682017d21cf3b550ba0460ee473753f28d23c1", size = 196016, upload-time = "2025-06-09T22:55:04.518Z" }, - { url = "https://files.pythonhosted.org/packages/b9/3f/3bdd14e737d145114a5eb83cb172903afba7242f67c5877f9909a20d948d/propcache-0.3.2-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:0a2f2235ac46a7aa25bdeb03a9e7060f6ecbd213b1f9101c43b3090ffb971ef6", size = 205596, upload-time = "2025-06-09T22:55:05.942Z" }, - { url = "https://files.pythonhosted.org/packages/0f/ca/2f4aa819c357d3107c3763d7ef42c03980f9ed5c48c82e01e25945d437c1/propcache-0.3.2-cp313-cp313-musllinux_1_2_armv7l.whl", hash = "sha256:92b69e12e34869a6970fd2f3da91669899994b47c98f5d430b781c26f1d9f387", size = 200977, upload-time = "2025-06-09T22:55:07.792Z" }, - { url = "https://files.pythonhosted.org/packages/cd/4a/e65276c7477533c59085251ae88505caf6831c0e85ff8b2e31ebcbb949b1/propcache-0.3.2-cp313-cp313-musllinux_1_2_i686.whl", hash = "sha256:54e02207c79968ebbdffc169591009f4474dde3b4679e16634d34c9363ff56b4", size = 197220, upload-time = "2025-06-09T22:55:09.173Z" }, - { url = "https://files.pythonhosted.org/packages/7c/54/fc7152e517cf5578278b242396ce4d4b36795423988ef39bb8cd5bf274c8/propcache-0.3.2-cp313-cp313-musllinux_1_2_ppc64le.whl", hash = "sha256:4adfb44cb588001f68c5466579d3f1157ca07f7504fc91ec87862e2b8e556b88", size = 210642, upload-time = "2025-06-09T22:55:10.62Z" }, - { url = "https://files.pythonhosted.org/packages/b9/80/abeb4a896d2767bf5f1ea7b92eb7be6a5330645bd7fb844049c0e4045d9d/propcache-0.3.2-cp313-cp313-musllinux_1_2_s390x.whl", hash = "sha256:fd3e6019dc1261cd0291ee8919dd91fbab7b169bb76aeef6c716833a3f65d206", size = 212789, upload-time = "2025-06-09T22:55:12.029Z" }, - { url = "https://files.pythonhosted.org/packages/b3/db/ea12a49aa7b2b6d68a5da8293dcf50068d48d088100ac016ad92a6a780e6/propcache-0.3.2-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:4c181cad81158d71c41a2bce88edce078458e2dd5ffee7eddd6b05da85079f43", size = 205880, upload-time = "2025-06-09T22:55:13.45Z" }, - { url = "https://files.pythonhosted.org/packages/d1/e5/9076a0bbbfb65d1198007059c65639dfd56266cf8e477a9707e4b1999ff4/propcache-0.3.2-cp313-cp313-win32.whl", hash = "sha256:8a08154613f2249519e549de2330cf8e2071c2887309a7b07fb56098f5170a02", size = 37220, upload-time = "2025-06-09T22:55:15.284Z" }, - { url = "https://files.pythonhosted.org/packages/d3/f5/b369e026b09a26cd77aa88d8fffd69141d2ae00a2abaaf5380d2603f4b7f/propcache-0.3.2-cp313-cp313-win_amd64.whl", hash = "sha256:e41671f1594fc4ab0a6dec1351864713cb3a279910ae8b58f884a88a0a632c05", size = 40678, upload-time = "2025-06-09T22:55:16.445Z" }, - { url = "https://files.pythonhosted.org/packages/a4/3a/6ece377b55544941a08d03581c7bc400a3c8cd3c2865900a68d5de79e21f/propcache-0.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:9a3cf035bbaf035f109987d9d55dc90e4b0e36e04bbbb95af3055ef17194057b", size = 76560, upload-time = "2025-06-09T22:55:17.598Z" }, - { url = "https://files.pythonhosted.org/packages/0c/da/64a2bb16418740fa634b0e9c3d29edff1db07f56d3546ca2d86ddf0305e1/propcache-0.3.2-cp313-cp313t-macosx_10_13_x86_64.whl", hash = "sha256:156c03d07dc1323d8dacaa221fbe028c5c70d16709cdd63502778e6c3ccca1b0", size = 44676, upload-time = "2025-06-09T22:55:18.922Z" }, - { url = "https://files.pythonhosted.org/packages/36/7b/f025e06ea51cb72c52fb87e9b395cced02786610b60a3ed51da8af017170/propcache-0.3.2-cp313-cp313t-macosx_11_0_arm64.whl", hash = "sha256:74413c0ba02ba86f55cf60d18daab219f7e531620c15f1e23d95563f505efe7e", size = 44701, upload-time = "2025-06-09T22:55:20.106Z" }, - { url = "https://files.pythonhosted.org/packages/a4/00/faa1b1b7c3b74fc277f8642f32a4c72ba1d7b2de36d7cdfb676db7f4303e/propcache-0.3.2-cp313-cp313t-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:f066b437bb3fa39c58ff97ab2ca351db465157d68ed0440abecb21715eb24b28", size = 276934, upload-time = "2025-06-09T22:55:21.5Z" }, - { url = "https://files.pythonhosted.org/packages/74/ab/935beb6f1756e0476a4d5938ff44bf0d13a055fed880caf93859b4f1baf4/propcache-0.3.2-cp313-cp313t-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:f1304b085c83067914721e7e9d9917d41ad87696bf70f0bc7dee450e9c71ad0a", size = 278316, upload-time = "2025-06-09T22:55:22.918Z" }, - { url = "https://files.pythonhosted.org/packages/f8/9d/994a5c1ce4389610838d1caec74bdf0e98b306c70314d46dbe4fcf21a3e2/propcache-0.3.2-cp313-cp313t-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:ab50cef01b372763a13333b4e54021bdcb291fc9a8e2ccb9c2df98be51bcde6c", size = 282619, upload-time = "2025-06-09T22:55:24.651Z" }, - { url = "https://files.pythonhosted.org/packages/2b/00/a10afce3d1ed0287cef2e09506d3be9822513f2c1e96457ee369adb9a6cd/propcache-0.3.2-cp313-cp313t-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:fad3b2a085ec259ad2c2842666b2a0a49dea8463579c606426128925af1ed725", size = 265896, upload-time = "2025-06-09T22:55:26.049Z" }, - { url = "https://files.pythonhosted.org/packages/2e/a8/2aa6716ffa566ca57c749edb909ad27884680887d68517e4be41b02299f3/propcache-0.3.2-cp313-cp313t-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:261fa020c1c14deafd54c76b014956e2f86991af198c51139faf41c4d5e83892", size = 252111, upload-time = "2025-06-09T22:55:27.381Z" }, - { url = "https://files.pythonhosted.org/packages/36/4f/345ca9183b85ac29c8694b0941f7484bf419c7f0fea2d1e386b4f7893eed/propcache-0.3.2-cp313-cp313t-musllinux_1_2_aarch64.whl", hash = "sha256:46d7f8aa79c927e5f987ee3a80205c987717d3659f035c85cf0c3680526bdb44", size = 268334, upload-time = "2025-06-09T22:55:28.747Z" }, - { url = "https://files.pythonhosted.org/packages/3e/ca/fcd54f78b59e3f97b3b9715501e3147f5340167733d27db423aa321e7148/propcache-0.3.2-cp313-cp313t-musllinux_1_2_armv7l.whl", hash = "sha256:6d8f3f0eebf73e3c0ff0e7853f68be638b4043c65a70517bb575eff54edd8dbe", size = 255026, upload-time = "2025-06-09T22:55:30.184Z" }, - { url = "https://files.pythonhosted.org/packages/8b/95/8e6a6bbbd78ac89c30c225210a5c687790e532ba4088afb8c0445b77ef37/propcache-0.3.2-cp313-cp313t-musllinux_1_2_i686.whl", hash = "sha256:03c89c1b14a5452cf15403e291c0ccd7751d5b9736ecb2c5bab977ad6c5bcd81", size = 250724, upload-time = "2025-06-09T22:55:31.646Z" }, - { url = "https://files.pythonhosted.org/packages/ee/b0/0dd03616142baba28e8b2d14ce5df6631b4673850a3d4f9c0f9dd714a404/propcache-0.3.2-cp313-cp313t-musllinux_1_2_ppc64le.whl", hash = "sha256:0cc17efde71e12bbaad086d679ce575268d70bc123a5a71ea7ad76f70ba30bba", size = 268868, upload-time = "2025-06-09T22:55:33.209Z" }, - { url = "https://files.pythonhosted.org/packages/c5/98/2c12407a7e4fbacd94ddd32f3b1e3d5231e77c30ef7162b12a60e2dd5ce3/propcache-0.3.2-cp313-cp313t-musllinux_1_2_s390x.whl", hash = "sha256:acdf05d00696bc0447e278bb53cb04ca72354e562cf88ea6f9107df8e7fd9770", size = 271322, upload-time = "2025-06-09T22:55:35.065Z" }, - { url = "https://files.pythonhosted.org/packages/35/91/9cb56efbb428b006bb85db28591e40b7736847b8331d43fe335acf95f6c8/propcache-0.3.2-cp313-cp313t-musllinux_1_2_x86_64.whl", hash = "sha256:4445542398bd0b5d32df908031cb1b30d43ac848e20470a878b770ec2dcc6330", size = 265778, upload-time = "2025-06-09T22:55:36.45Z" }, - { url = "https://files.pythonhosted.org/packages/9a/4c/b0fe775a2bdd01e176b14b574be679d84fc83958335790f7c9a686c1f468/propcache-0.3.2-cp313-cp313t-win32.whl", hash = "sha256:f86e5d7cd03afb3a1db8e9f9f6eff15794e79e791350ac48a8c924e6f439f394", size = 41175, upload-time = "2025-06-09T22:55:38.436Z" }, - { url = "https://files.pythonhosted.org/packages/a4/ff/47f08595e3d9b5e149c150f88d9714574f1a7cbd89fe2817158a952674bf/propcache-0.3.2-cp313-cp313t-win_amd64.whl", hash = "sha256:9704bedf6e7cbe3c65eca4379a9b53ee6a83749f047808cbb5044d40d7d72198", size = 44857, upload-time = "2025-06-09T22:55:39.687Z" }, - { url = "https://files.pythonhosted.org/packages/cc/35/cc0aaecf278bb4575b8555f2b137de5ab821595ddae9da9d3cd1da4072c7/propcache-0.3.2-py3-none-any.whl", hash = "sha256:98f1ec44fb675f5052cccc8e609c46ed23a35a1cfd18545ad4e29002d858a43f", size = 12663, upload-time = "2025-06-09T22:56:04.484Z" }, +sdist = { url = "https://files.pythonhosted.org/packages/a6/16/43264e4a779dd8588c21a70f0709665ee8f611211bdd2c87d952cfa7c776/propcache-0.3.2.tar.gz", hash = "sha256:20d7d62e4e7ef05f221e0db2856b979540686342e7dd9973b815599c7057e168", size = 44139, upload_time = "2025-06-09T22:56:06.081Z" } +wheels = [ + { url = "https://files.pythonhosted.org/packages/80/8d/e8b436717ab9c2cfc23b116d2c297305aa4cd8339172a456d61ebf5669b8/propcache-0.3.2-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:0b8d2f607bd8f80ddc04088bc2a037fdd17884a6fcadc47a96e334d72f3717be", size = 74207, upload_time = "2025-06-09T22:54:05.399Z" }, + { url = "https://files.pythonhosted.org/packages/d6/29/1e34000e9766d112171764b9fa3226fa0153ab565d0c242c70e9945318a7/propcache-0.3.2-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:06766d8f34733416e2e34f46fea488ad5d60726bb9481d3cddf89a6fa2d9603f", size = 43648, upload_time = "2025-06-09T22:54:08.023Z" }, + { url = "https://files.pythonhosted.org/packages/46/92/1ad5af0df781e76988897da39b5f086c2bf0f028b7f9bd1f409bb05b6874/propcache-0.3.2-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:a2dc1f4a1df4fecf4e6f68013575ff4af84ef6f478fe5344317a65d38a8e6dc9", size = 43496, upload_time = "2025-06-09T22:54:09.228Z" }, + { url = "https://files.pythonhosted.org/packages/b3/ce/e96392460f9fb68461fabab3e095cb00c8ddf901205be4eae5ce246e5b7e/propcache-0.3.2-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:be29c4f4810c5789cf10ddf6af80b041c724e629fa51e308a7a0fb19ed1ef7bf", size = 217288, upload_time = "2025-06-09T22:54:10.466Z" }, + { url = "https://files.pythonhosted.org/packages/c5/2a/866726ea345299f7ceefc861a5e782b045545ae6940851930a6adaf1fca6/propcache-0.3.2-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:59d61f6970ecbd8ff2e9360304d5c8876a6abd4530cb752c06586849ac8a9dc9", size = 227456, upload_time = "2025-06-09T22:54:11.828Z" }, + { url = "https://files.pythonhosted.org/packages/de/03/07d992ccb6d930398689187e1b3c718339a1c06b8b145a8d9650e4726166/propcache-0.3.2-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:62180e0b8dbb6b004baec00a7983e4cc52f5ada9cd11f48c3528d8cfa7b96a66", size = 225429, upload_time = "2025-06-09T22:54:13.823Z" }, + { url = "https://files.pythonhosted.org/packages/5d/e6/116ba39448753b1330f48ab8ba927dcd6cf0baea8a0ccbc512dfb49ba670/propcache-0.3.2-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:c144ca294a204c470f18cf4c9d78887810d04a3e2fbb30eea903575a779159df", size = 213472, upload_time = "2025-06-09T22:54:15.232Z" }, + { url = "https://files.pythonhosted.org/packages/a6/85/f01f5d97e54e428885a5497ccf7f54404cbb4f906688a1690cd51bf597dc/propcache-0.3.2-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:c5c2a784234c28854878d68978265617aa6dc0780e53d44b4d67f3651a17a9a2", size = 204480, upload_time = "2025-06-09T22:54:17.104Z" }, + { url = "https://files.pythonhosted.org/packages/e3/79/7bf5ab9033b8b8194cc3f7cf1aaa0e9c3256320726f64a3e1f113a812dce/propcache-0.3.2-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:5745bc7acdafa978ca1642891b82c19238eadc78ba2aaa293c6863b304e552d7", size = 214530, upload_time = "2025-06-09T22:54:18.512Z" }, + { url = "https://files.pythonhosted.org/packages/31/0b/bd3e0c00509b609317df4a18e6b05a450ef2d9a963e1d8bc9c9415d86f30/propcache-0.3.2-cp311-cp311-musllinux_1_2_armv7l.whl", hash = "sha256:c0075bf773d66fa8c9d41f66cc132ecc75e5bb9dd7cce3cfd14adc5ca184cb95", size = 205230, upload_time = "2025-06-09T22:54:19.947Z" }, + { url = "https://files.pythonhosted.org/packages/7a/23/fae0ff9b54b0de4e819bbe559508da132d5683c32d84d0dc2ccce3563ed4/propcache-0.3.2-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:5f57aa0847730daceff0497f417c9de353c575d8da3579162cc74ac294c5369e", size = 206754, upload_time = "2025-06-09T22:54:21.716Z" }, + { url = "https://files.pythonhosted.org/packages/b7/7f/ad6a3c22630aaa5f618b4dc3c3598974a72abb4c18e45a50b3cdd091eb2f/propcache-0.3.2-cp311-cp311-musllinux_1_2_ppc64le.whl", hash = "sha256:eef914c014bf72d18efb55619447e0aecd5fb7c2e3fa7441e2e5d6099bddff7e", size = 218430, upload_time = "2025-06-09T22:54:23.17Z" }, + { url = "https://files.pythonhosted.org/packages/5b/2c/ba4f1c0e8a4b4c75910742f0d333759d441f65a1c7f34683b4a74c0ee015/propcache-0.3.2-cp311-cp311-musllinux_1_2_s390x.whl", hash = "sha256:2a4092e8549031e82facf3decdbc0883755d5bbcc62d3aea9d9e185549936dcf", size = 223884, upload_time = "2025-06-09T22:54:25.539Z" }, + { url = "https://files.pythonhosted.org/packages/88/e4/ebe30fc399e98572019eee82ad0caf512401661985cbd3da5e3140ffa1b0/propcache-0.3.2-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:85871b050f174bc0bfb437efbdb68aaf860611953ed12418e4361bc9c392749e", size = 211480, upload_time = "2025-06-09T22:54:26.892Z" }, + { url = "https://files.pythonhosted.org/packages/96/0a/7d5260b914e01d1d0906f7f38af101f8d8ed0dc47426219eeaf05e8ea7c2/propcache-0.3.2-cp311-cp311-win32.whl", hash = "sha256:36c8d9b673ec57900c3554264e630d45980fd302458e4ac801802a7fd2ef7897", size = 37757, upload_time = "2025-06-09T22:54:28.241Z" }, + { url = "https://files.pythonhosted.org/packages/e1/2d/89fe4489a884bc0da0c3278c552bd4ffe06a1ace559db5ef02ef24ab446b/propcache-0.3.2-cp311-cp311-win_amd64.whl", hash = "sha256:e53af8cb6a781b02d2ea079b5b853ba9430fcbe18a8e3ce647d5982a3ff69f39", size = 41500, upload_time = "2025-06-09T22:54:29.4Z" }, + { url = "https://files.pythonhosted.org/packages/a8/42/9ca01b0a6f48e81615dca4765a8f1dd2c057e0540f6116a27dc5ee01dfb6/propcache-0.3.2-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:8de106b6c84506b31c27168582cd3cb3000a6412c16df14a8628e5871ff83c10", size = 73674, upload_time = "2025-06-09T22:54:30.551Z" }, + { url = "https://files.pythonhosted.org/packages/af/6e/21293133beb550f9c901bbece755d582bfaf2176bee4774000bd4dd41884/propcache-0.3.2-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:28710b0d3975117239c76600ea351934ac7b5ff56e60953474342608dbbb6154", size = 43570, upload_time = "2025-06-09T22:54:32.296Z" }, + { url = "https://files.pythonhosted.org/packages/0c/c8/0393a0a3a2b8760eb3bde3c147f62b20044f0ddac81e9d6ed7318ec0d852/propcache-0.3.2-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:ce26862344bdf836650ed2487c3d724b00fbfec4233a1013f597b78c1cb73615", size = 43094, upload_time = "2025-06-09T22:54:33.929Z" }, + { url = "https://files.pythonhosted.org/packages/37/2c/489afe311a690399d04a3e03b069225670c1d489eb7b044a566511c1c498/propcache-0.3.2-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:bca54bd347a253af2cf4544bbec232ab982f4868de0dd684246b67a51bc6b1db", size = 226958, upload_time = "2025-06-09T22:54:35.186Z" }, + { url = "https://files.pythonhosted.org/packages/9d/ca/63b520d2f3d418c968bf596839ae26cf7f87bead026b6192d4da6a08c467/propcache-0.3.2-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:55780d5e9a2ddc59711d727226bb1ba83a22dd32f64ee15594b9392b1f544eb1", size = 234894, upload_time = "2025-06-09T22:54:36.708Z" }, + { url = "https://files.pythonhosted.org/packages/11/60/1d0ed6fff455a028d678df30cc28dcee7af77fa2b0e6962ce1df95c9a2a9/propcache-0.3.2-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:035e631be25d6975ed87ab23153db6a73426a48db688070d925aa27e996fe93c", size = 233672, upload_time = "2025-06-09T22:54:38.062Z" }, + { url = "https://files.pythonhosted.org/packages/37/7c/54fd5301ef38505ab235d98827207176a5c9b2aa61939b10a460ca53e123/propcache-0.3.2-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ee6f22b6eaa39297c751d0e80c0d3a454f112f5c6481214fcf4c092074cecd67", size = 224395, upload_time = "2025-06-09T22:54:39.634Z" }, + { url = "https://files.pythonhosted.org/packages/ee/1a/89a40e0846f5de05fdc6779883bf46ba980e6df4d2ff8fb02643de126592/propcache-0.3.2-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:7ca3aee1aa955438c4dba34fc20a9f390e4c79967257d830f137bd5a8a32ed3b", size = 212510, upload_time = "2025-06-09T22:54:41.565Z" }, + { url = "https://files.pythonhosted.org/packages/5e/33/ca98368586c9566a6b8d5ef66e30484f8da84c0aac3f2d9aec6d31a11bd5/propcache-0.3.2-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:7a4f30862869fa2b68380d677cc1c5fcf1e0f2b9ea0cf665812895c75d0ca3b8", size = 222949, upload_time = "2025-06-09T22:54:43.038Z" }, + { url = "https://files.pythonhosted.org/packages/ba/11/ace870d0aafe443b33b2f0b7efdb872b7c3abd505bfb4890716ad7865e9d/propcache-0.3.2-cp312-cp312-musllinux_1_2_armv7l.whl", hash = "sha256:b77ec3c257d7816d9f3700013639db7491a434644c906a2578a11daf13176251", size = 217258, upload_time = "2025-06-09T22:54:44.376Z" }, + { url = "https://files.pythonhosted.org/packages/5b/d2/86fd6f7adffcfc74b42c10a6b7db721d1d9ca1055c45d39a1a8f2a740a21/propcache-0.3.2-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:cab90ac9d3f14b2d5050928483d3d3b8fb6b4018893fc75710e6aa361ecb2474", size = 213036, upload_time = "2025-06-09T22:54:46.243Z" }, + { url = "https://files.pythonhosted.org/packages/07/94/2d7d1e328f45ff34a0a284cf5a2847013701e24c2a53117e7c280a4316b3/propcache-0.3.2-cp312-cp312-musllinux_1_2_ppc64le.whl", hash = "sha256:0b504d29f3c47cf6b9e936c1852246c83d450e8e063d50562115a6be6d3a2535", size = 227684, upload_time = "2025-06-09T22:54:47.63Z" }, + { url = "https://files.pythonhosted.org/packages/b7/05/37ae63a0087677e90b1d14710e532ff104d44bc1efa3b3970fff99b891dc/propcache-0.3.2-cp312-cp312-musllinux_1_2_s390x.whl", hash = "sha256:ce2ac2675a6aa41ddb2a0c9cbff53780a617ac3d43e620f8fd77ba1c84dcfc06", size = 234562, upload_time = "2025-06-09T22:54:48.982Z" }, + { url = "https://files.pythonhosted.org/packages/a4/7c/3f539fcae630408d0bd8bf3208b9a647ccad10976eda62402a80adf8fc34/propcache-0.3.2-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:62b4239611205294cc433845b914131b2a1f03500ff3c1ed093ed216b82621e1", size = 222142, upload_time = "2025-06-09T22:54:50.424Z" }, + { url = "https://files.pythonhosted.org/packages/7c/d2/34b9eac8c35f79f8a962546b3e97e9d4b990c420ee66ac8255d5d9611648/propcache-0.3.2-cp312-cp312-win32.whl", hash = "sha256:df4a81b9b53449ebc90cc4deefb052c1dd934ba85012aa912c7ea7b7e38b60c1", size = 37711, upload_time = "2025-06-09T22:54:52.072Z" }, + { url = "https://files.pythonhosted.org/packages/19/61/d582be5d226cf79071681d1b46b848d6cb03d7b70af7063e33a2787eaa03/propcache-0.3.2-cp312-cp312-win_amd64.whl", hash = "sha256:7046e79b989d7fe457bb755844019e10f693752d169076138abf17f31380800c", size = 41479, upload_time = "2025-06-09T22:54:53.234Z" }, + { url = "https://files.pythonhosted.org/packages/dc/d1/8c747fafa558c603c4ca19d8e20b288aa0c7cda74e9402f50f31eb65267e/propcache-0.3.2-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:ca592ed634a73ca002967458187109265e980422116c0a107cf93d81f95af945", size = 71286, upload_time = "2025-06-09T22:54:54.369Z" }, + { url = "https://files.pythonhosted.org/packages/61/99/d606cb7986b60d89c36de8a85d58764323b3a5ff07770a99d8e993b3fa73/propcache-0.3.2-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:9ecb0aad4020e275652ba3975740f241bd12a61f1a784df044cf7477a02bc252", size = 42425, upload_time = "2025-06-09T22:54:55.642Z" }, + { url = "https://files.pythonhosted.org/packages/8c/96/ef98f91bbb42b79e9bb82bdd348b255eb9d65f14dbbe3b1594644c4073f7/propcache-0.3.2-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:7f08f1cc28bd2eade7a8a3d2954ccc673bb02062e3e7da09bc75d843386b342f", size = 41846, upload_time = "2025-06-09T22:54:57.246Z" }, + { url = "https://files.pythonhosted.org/packages/5b/ad/3f0f9a705fb630d175146cd7b1d2bf5555c9beaed54e94132b21aac098a6/propcache-0.3.2-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d1a342c834734edb4be5ecb1e9fb48cb64b1e2320fccbd8c54bf8da8f2a84c33", size = 208871, upload_time = "2025-06-09T22:54:58.975Z" }, + { url = "https://files.pythonhosted.org/packages/3a/38/2085cda93d2c8b6ec3e92af2c89489a36a5886b712a34ab25de9fbca7992/propcache-0.3.2-cp313-cp313-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:8a544caaae1ac73f1fecfae70ded3e93728831affebd017d53449e3ac052ac1e", size = 215720, upload_time = "2025-06-09T22:55:00.471Z" }, + { url = "https://files.pythonhosted.org/packages/61/c1/d72ea2dc83ac7f2c8e182786ab0fc2c7bd123a1ff9b7975bee671866fe5f/propcache-0.3.2-cp313-cp313-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:310d11aa44635298397db47a3ebce7db99a4cc4b9bbdfcf6c98a60c8d5261cf1", size = 215203, upload_time = "2025-06-09T22:55:01.834Z" }, + { url = "https://files.pythonhosted.org/packages/af/81/b324c44ae60c56ef12007105f1460d5c304b0626ab0cc6b07c8f2a9aa0b8/propcache-0.3.2-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:4c1396592321ac83157ac03a2023aa6cc4a3cc3cfdecb71090054c09e5a7cce3", size = 206365, upload_time = "2025-06-09T22:55:03.199Z" }, + { url = "https://files.pythonhosted.org/packages/09/73/88549128bb89e66d2aff242488f62869014ae092db63ccea53c1cc75a81d/propcache-0.3.2-cp313-cp313-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:8cabf5b5902272565e78197edb682017d21cf3b550ba0460ee473753f28d23c1", size = 196016, upload_time = "2025-06-09T22:55:04.518Z" }, + { url = "https://files.pythonhosted.org/packages/b9/3f/3bdd14e737d145114a5eb83cb172903afba7242f67c5877f9909a20d948d/propcache-0.3.2-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:0a2f2235ac46a7aa25bdeb03a9e7060f6ecbd213b1f9101c43b3090ffb971ef6", size = 205596, upload_time = "2025-06-09T22:55:05.942Z" }, + { url = "https://files.pythonhosted.org/packages/0f/ca/2f4aa819c357d3107c3763d7ef42c03980f9ed5c48c82e01e25945d437c1/propcache-0.3.2-cp313-cp313-musllinux_1_2_armv7l.whl", hash = "sha256:92b69e12e34869a6970fd2f3da91669899994b47c98f5d430b781c26f1d9f387", size = 200977, upload_time = "2025-06-09T22:55:07.792Z" }, + { url = "https://files.pythonhosted.org/packages/cd/4a/e65276c7477533c59085251ae88505caf6831c0e85ff8b2e31ebcbb949b1/propcache-0.3.2-cp313-cp313-musllinux_1_2_i686.whl", hash = "sha256:54e02207c79968ebbdffc169591009f4474dde3b4679e16634d34c9363ff56b4", size = 197220, upload_time = "2025-06-09T22:55:09.173Z" }, + { url = "https://files.pythonhosted.org/packages/7c/54/fc7152e517cf5578278b242396ce4d4b36795423988ef39bb8cd5bf274c8/propcache-0.3.2-cp313-cp313-musllinux_1_2_ppc64le.whl", hash = "sha256:4adfb44cb588001f68c5466579d3f1157ca07f7504fc91ec87862e2b8e556b88", size = 210642, upload_time = "2025-06-09T22:55:10.62Z" }, + { url = "https://files.pythonhosted.org/packages/b9/80/abeb4a896d2767bf5f1ea7b92eb7be6a5330645bd7fb844049c0e4045d9d/propcache-0.3.2-cp313-cp313-musllinux_1_2_s390x.whl", hash = "sha256:fd3e6019dc1261cd0291ee8919dd91fbab7b169bb76aeef6c716833a3f65d206", size = 212789, upload_time = "2025-06-09T22:55:12.029Z" }, + { url = "https://files.pythonhosted.org/packages/b3/db/ea12a49aa7b2b6d68a5da8293dcf50068d48d088100ac016ad92a6a780e6/propcache-0.3.2-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:4c181cad81158d71c41a2bce88edce078458e2dd5ffee7eddd6b05da85079f43", size = 205880, upload_time = "2025-06-09T22:55:13.45Z" }, + { url = "https://files.pythonhosted.org/packages/d1/e5/9076a0bbbfb65d1198007059c65639dfd56266cf8e477a9707e4b1999ff4/propcache-0.3.2-cp313-cp313-win32.whl", hash = "sha256:8a08154613f2249519e549de2330cf8e2071c2887309a7b07fb56098f5170a02", size = 37220, upload_time = "2025-06-09T22:55:15.284Z" }, + { url = "https://files.pythonhosted.org/packages/d3/f5/b369e026b09a26cd77aa88d8fffd69141d2ae00a2abaaf5380d2603f4b7f/propcache-0.3.2-cp313-cp313-win_amd64.whl", hash = "sha256:e41671f1594fc4ab0a6dec1351864713cb3a279910ae8b58f884a88a0a632c05", size = 40678, upload_time = "2025-06-09T22:55:16.445Z" }, + { url = "https://files.pythonhosted.org/packages/a4/3a/6ece377b55544941a08d03581c7bc400a3c8cd3c2865900a68d5de79e21f/propcache-0.3.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:9a3cf035bbaf035f109987d9d55dc90e4b0e36e04bbbb95af3055ef17194057b", size = 76560, upload_time = "2025-06-09T22:55:17.598Z" }, + { url = "https://files.pythonhosted.org/packages/0c/da/64a2bb16418740fa634b0e9c3d29edff1db07f56d3546ca2d86ddf0305e1/propcache-0.3.2-cp313-cp313t-macosx_10_13_x86_64.whl", hash = "sha256:156c03d07dc1323d8dacaa221fbe028c5c70d16709cdd63502778e6c3ccca1b0", size = 44676, upload_time = "2025-06-09T22:55:18.922Z" }, + { url = "https://files.pythonhosted.org/packages/36/7b/f025e06ea51cb72c52fb87e9b395cced02786610b60a3ed51da8af017170/propcache-0.3.2-cp313-cp313t-macosx_11_0_arm64.whl", hash = "sha256:74413c0ba02ba86f55cf60d18daab219f7e531620c15f1e23d95563f505efe7e", size = 44701, upload_time = "2025-06-09T22:55:20.106Z" }, + { url = "https://files.pythonhosted.org/packages/a4/00/faa1b1b7c3b74fc277f8642f32a4c72ba1d7b2de36d7cdfb676db7f4303e/propcache-0.3.2-cp313-cp313t-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:f066b437bb3fa39c58ff97ab2ca351db465157d68ed0440abecb21715eb24b28", size = 276934, upload_time = "2025-06-09T22:55:21.5Z" }, + { url = "https://files.pythonhosted.org/packages/74/ab/935beb6f1756e0476a4d5938ff44bf0d13a055fed880caf93859b4f1baf4/propcache-0.3.2-cp313-cp313t-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:f1304b085c83067914721e7e9d9917d41ad87696bf70f0bc7dee450e9c71ad0a", size = 278316, upload_time = "2025-06-09T22:55:22.918Z" }, + { url = "https://files.pythonhosted.org/packages/f8/9d/994a5c1ce4389610838d1caec74bdf0e98b306c70314d46dbe4fcf21a3e2/propcache-0.3.2-cp313-cp313t-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:ab50cef01b372763a13333b4e54021bdcb291fc9a8e2ccb9c2df98be51bcde6c", size = 282619, upload_time = "2025-06-09T22:55:24.651Z" }, + { url = "https://files.pythonhosted.org/packages/2b/00/a10afce3d1ed0287cef2e09506d3be9822513f2c1e96457ee369adb9a6cd/propcache-0.3.2-cp313-cp313t-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:fad3b2a085ec259ad2c2842666b2a0a49dea8463579c606426128925af1ed725", size = 265896, upload_time = "2025-06-09T22:55:26.049Z" }, + { url = "https://files.pythonhosted.org/packages/2e/a8/2aa6716ffa566ca57c749edb909ad27884680887d68517e4be41b02299f3/propcache-0.3.2-cp313-cp313t-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:261fa020c1c14deafd54c76b014956e2f86991af198c51139faf41c4d5e83892", size = 252111, upload_time = "2025-06-09T22:55:27.381Z" }, + { url = "https://files.pythonhosted.org/packages/36/4f/345ca9183b85ac29c8694b0941f7484bf419c7f0fea2d1e386b4f7893eed/propcache-0.3.2-cp313-cp313t-musllinux_1_2_aarch64.whl", hash = "sha256:46d7f8aa79c927e5f987ee3a80205c987717d3659f035c85cf0c3680526bdb44", size = 268334, upload_time = "2025-06-09T22:55:28.747Z" }, + { url = "https://files.pythonhosted.org/packages/3e/ca/fcd54f78b59e3f97b3b9715501e3147f5340167733d27db423aa321e7148/propcache-0.3.2-cp313-cp313t-musllinux_1_2_armv7l.whl", hash = "sha256:6d8f3f0eebf73e3c0ff0e7853f68be638b4043c65a70517bb575eff54edd8dbe", size = 255026, upload_time = "2025-06-09T22:55:30.184Z" }, + { url = "https://files.pythonhosted.org/packages/8b/95/8e6a6bbbd78ac89c30c225210a5c687790e532ba4088afb8c0445b77ef37/propcache-0.3.2-cp313-cp313t-musllinux_1_2_i686.whl", hash = "sha256:03c89c1b14a5452cf15403e291c0ccd7751d5b9736ecb2c5bab977ad6c5bcd81", size = 250724, upload_time = "2025-06-09T22:55:31.646Z" }, + { url = "https://files.pythonhosted.org/packages/ee/b0/0dd03616142baba28e8b2d14ce5df6631b4673850a3d4f9c0f9dd714a404/propcache-0.3.2-cp313-cp313t-musllinux_1_2_ppc64le.whl", hash = "sha256:0cc17efde71e12bbaad086d679ce575268d70bc123a5a71ea7ad76f70ba30bba", size = 268868, upload_time = "2025-06-09T22:55:33.209Z" }, + { url = "https://files.pythonhosted.org/packages/c5/98/2c12407a7e4fbacd94ddd32f3b1e3d5231e77c30ef7162b12a60e2dd5ce3/propcache-0.3.2-cp313-cp313t-musllinux_1_2_s390x.whl", hash = "sha256:acdf05d00696bc0447e278bb53cb04ca72354e562cf88ea6f9107df8e7fd9770", size = 271322, upload_time = "2025-06-09T22:55:35.065Z" }, + { url = "https://files.pythonhosted.org/packages/35/91/9cb56efbb428b006bb85db28591e40b7736847b8331d43fe335acf95f6c8/propcache-0.3.2-cp313-cp313t-musllinux_1_2_x86_64.whl", hash = "sha256:4445542398bd0b5d32df908031cb1b30d43ac848e20470a878b770ec2dcc6330", size = 265778, upload_time = "2025-06-09T22:55:36.45Z" }, + { url = "https://files.pythonhosted.org/packages/9a/4c/b0fe775a2bdd01e176b14b574be679d84fc83958335790f7c9a686c1f468/propcache-0.3.2-cp313-cp313t-win32.whl", hash = "sha256:f86e5d7cd03afb3a1db8e9f9f6eff15794e79e791350ac48a8c924e6f439f394", size = 41175, upload_time = "2025-06-09T22:55:38.436Z" }, + { url = "https://files.pythonhosted.org/packages/a4/ff/47f08595e3d9b5e149c150f88d9714574f1a7cbd89fe2817158a952674bf/propcache-0.3.2-cp313-cp313t-win_amd64.whl", hash = "sha256:9704bedf6e7cbe3c65eca4379a9b53ee6a83749f047808cbb5044d40d7d72198", size = 44857, upload_time = "2025-06-09T22:55:39.687Z" }, + { url = "https://files.pythonhosted.org/packages/cc/35/cc0aaecf278bb4575b8555f2b137de5ab821595ddae9da9d3cd1da4072c7/propcache-0.3.2-py3-none-any.whl", hash = "sha256:98f1ec44fb675f5052cccc8e609c46ed23a35a1cfd18545ad4e29002d858a43f", size = 12663, upload_time = "2025-06-09T22:56:04.484Z" }, ] [[package]] name = "psutil" version = "7.0.0" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/2a/80/336820c1ad9286a4ded7e845b2eccfcb27851ab8ac6abece774a6ff4d3de/psutil-7.0.0.tar.gz", hash = "sha256:7be9c3eba38beccb6495ea33afd982a44074b78f28c434a1f51cc07fd315c456", size = 497003, upload-time = "2025-02-13T21:54:07.946Z" } +sdist = { url = "https://files.pythonhosted.org/packages/2a/80/336820c1ad9286a4ded7e845b2eccfcb27851ab8ac6abece774a6ff4d3de/psutil-7.0.0.tar.gz", hash = "sha256:7be9c3eba38beccb6495ea33afd982a44074b78f28c434a1f51cc07fd315c456", size = 497003, upload_time = "2025-02-13T21:54:07.946Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/ed/e6/2d26234410f8b8abdbf891c9da62bee396583f713fb9f3325a4760875d22/psutil-7.0.0-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:101d71dc322e3cffd7cea0650b09b3d08b8e7c4109dd6809fe452dfd00e58b25", size = 238051, upload-time = "2025-02-13T21:54:12.36Z" }, - { url = "https://files.pythonhosted.org/packages/04/8b/30f930733afe425e3cbfc0e1468a30a18942350c1a8816acfade80c005c4/psutil-7.0.0-cp36-abi3-macosx_11_0_arm64.whl", hash = "sha256:39db632f6bb862eeccf56660871433e111b6ea58f2caea825571951d4b6aa3da", size = 239535, upload-time = "2025-02-13T21:54:16.07Z" }, - { url = "https://files.pythonhosted.org/packages/2a/ed/d362e84620dd22876b55389248e522338ed1bf134a5edd3b8231d7207f6d/psutil-7.0.0-cp36-abi3-manylinux_2_12_i686.manylinux2010_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:1fcee592b4c6f146991ca55919ea3d1f8926497a713ed7faaf8225e174581e91", size = 275004, upload-time = "2025-02-13T21:54:18.662Z" }, - { url = "https://files.pythonhosted.org/packages/bf/b9/b0eb3f3cbcb734d930fdf839431606844a825b23eaf9a6ab371edac8162c/psutil-7.0.0-cp36-abi3-manylinux_2_12_x86_64.manylinux2010_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:4b1388a4f6875d7e2aff5c4ca1cc16c545ed41dd8bb596cefea80111db353a34", size = 277986, upload-time = "2025-02-13T21:54:21.811Z" }, - { url = "https://files.pythonhosted.org/packages/eb/a2/709e0fe2f093556c17fbafda93ac032257242cabcc7ff3369e2cb76a97aa/psutil-7.0.0-cp36-abi3-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a5f098451abc2828f7dc6b58d44b532b22f2088f4999a937557b603ce72b1993", size = 279544, upload-time = "2025-02-13T21:54:24.68Z" }, - { url = "https://files.pythonhosted.org/packages/50/e6/eecf58810b9d12e6427369784efe814a1eec0f492084ce8eb8f4d89d6d61/psutil-7.0.0-cp37-abi3-win32.whl", hash = "sha256:ba3fcef7523064a6c9da440fc4d6bd07da93ac726b5733c29027d7dc95b39d99", size = 241053, upload-time = "2025-02-13T21:54:34.31Z" }, - { url = "https://files.pythonhosted.org/packages/50/1b/6921afe68c74868b4c9fa424dad3be35b095e16687989ebbb50ce4fceb7c/psutil-7.0.0-cp37-abi3-win_amd64.whl", hash = "sha256:4cf3d4eb1aa9b348dec30105c55cd9b7d4629285735a102beb4441e38db90553", size = 244885, upload-time = "2025-02-13T21:54:37.486Z" }, + { url = "https://files.pythonhosted.org/packages/ed/e6/2d26234410f8b8abdbf891c9da62bee396583f713fb9f3325a4760875d22/psutil-7.0.0-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:101d71dc322e3cffd7cea0650b09b3d08b8e7c4109dd6809fe452dfd00e58b25", size = 238051, upload_time = "2025-02-13T21:54:12.36Z" }, + { url = "https://files.pythonhosted.org/packages/04/8b/30f930733afe425e3cbfc0e1468a30a18942350c1a8816acfade80c005c4/psutil-7.0.0-cp36-abi3-macosx_11_0_arm64.whl", hash = "sha256:39db632f6bb862eeccf56660871433e111b6ea58f2caea825571951d4b6aa3da", size = 239535, upload_time = "2025-02-13T21:54:16.07Z" }, + { url = "https://files.pythonhosted.org/packages/2a/ed/d362e84620dd22876b55389248e522338ed1bf134a5edd3b8231d7207f6d/psutil-7.0.0-cp36-abi3-manylinux_2_12_i686.manylinux2010_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:1fcee592b4c6f146991ca55919ea3d1f8926497a713ed7faaf8225e174581e91", size = 275004, upload_time = "2025-02-13T21:54:18.662Z" }, + { url = "https://files.pythonhosted.org/packages/bf/b9/b0eb3f3cbcb734d930fdf839431606844a825b23eaf9a6ab371edac8162c/psutil-7.0.0-cp36-abi3-manylinux_2_12_x86_64.manylinux2010_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:4b1388a4f6875d7e2aff5c4ca1cc16c545ed41dd8bb596cefea80111db353a34", size = 277986, upload_time = "2025-02-13T21:54:21.811Z" }, + { url = "https://files.pythonhosted.org/packages/eb/a2/709e0fe2f093556c17fbafda93ac032257242cabcc7ff3369e2cb76a97aa/psutil-7.0.0-cp36-abi3-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a5f098451abc2828f7dc6b58d44b532b22f2088f4999a937557b603ce72b1993", size = 279544, upload_time = "2025-02-13T21:54:24.68Z" }, + { url = "https://files.pythonhosted.org/packages/50/e6/eecf58810b9d12e6427369784efe814a1eec0f492084ce8eb8f4d89d6d61/psutil-7.0.0-cp37-abi3-win32.whl", hash = "sha256:ba3fcef7523064a6c9da440fc4d6bd07da93ac726b5733c29027d7dc95b39d99", size = 241053, upload_time = "2025-02-13T21:54:34.31Z" }, + { url = "https://files.pythonhosted.org/packages/50/1b/6921afe68c74868b4c9fa424dad3be35b095e16687989ebbb50ce4fceb7c/psutil-7.0.0-cp37-abi3-win_amd64.whl", hash = "sha256:4cf3d4eb1aa9b348dec30105c55cd9b7d4629285735a102beb4441e38db90553", size = 244885, upload_time = "2025-02-13T21:54:37.486Z" }, ] [[package]] name = "ptyprocess" version = "0.7.0" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/20/e5/16ff212c1e452235a90aeb09066144d0c5a6a8c0834397e03f5224495c4e/ptyprocess-0.7.0.tar.gz", hash = "sha256:5c5d0a3b48ceee0b48485e0c26037c0acd7d29765ca3fbb5cb3831d347423220", size = 70762, upload-time = "2020-12-28T15:15:30.155Z" } +sdist = { url = "https://files.pythonhosted.org/packages/20/e5/16ff212c1e452235a90aeb09066144d0c5a6a8c0834397e03f5224495c4e/ptyprocess-0.7.0.tar.gz", hash = "sha256:5c5d0a3b48ceee0b48485e0c26037c0acd7d29765ca3fbb5cb3831d347423220", size = 70762, upload_time = "2020-12-28T15:15:30.155Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/22/a6/858897256d0deac81a172289110f31629fc4cee19b6f01283303e18c8db3/ptyprocess-0.7.0-py2.py3-none-any.whl", hash = "sha256:4b41f3967fce3af57cc7e94b888626c18bf37a083e3651ca8feeb66d492fef35", size = 13993, upload-time = "2020-12-28T15:15:28.35Z" }, + { url = "https://files.pythonhosted.org/packages/22/a6/858897256d0deac81a172289110f31629fc4cee19b6f01283303e18c8db3/ptyprocess-0.7.0-py2.py3-none-any.whl", hash = "sha256:4b41f3967fce3af57cc7e94b888626c18bf37a083e3651ca8feeb66d492fef35", size = 13993, upload_time = "2020-12-28T15:15:28.35Z" }, ] [[package]] name = "pure-eval" version = "0.2.3" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/cd/05/0a34433a064256a578f1783a10da6df098ceaa4a57bbeaa96a6c0352786b/pure_eval-0.2.3.tar.gz", hash = "sha256:5f4e983f40564c576c7c8635ae88db5956bb2229d7e9237d03b3c0b0190eaf42", size = 19752, upload-time = "2024-07-21T12:58:21.801Z" } +sdist = { url = "https://files.pythonhosted.org/packages/cd/05/0a34433a064256a578f1783a10da6df098ceaa4a57bbeaa96a6c0352786b/pure_eval-0.2.3.tar.gz", hash = "sha256:5f4e983f40564c576c7c8635ae88db5956bb2229d7e9237d03b3c0b0190eaf42", size = 19752, upload_time = "2024-07-21T12:58:21.801Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/8e/37/efad0257dc6e593a18957422533ff0f87ede7c9c6ea010a2177d738fb82f/pure_eval-0.2.3-py3-none-any.whl", hash = "sha256:1db8e35b67b3d218d818ae653e27f06c3aa420901fa7b081ca98cbedc874e0d0", size = 11842, upload-time = "2024-07-21T12:58:20.04Z" }, + { url = "https://files.pythonhosted.org/packages/8e/37/efad0257dc6e593a18957422533ff0f87ede7c9c6ea010a2177d738fb82f/pure_eval-0.2.3-py3-none-any.whl", hash = "sha256:1db8e35b67b3d218d818ae653e27f06c3aa420901fa7b081ca98cbedc874e0d0", size = 11842, upload_time = "2024-07-21T12:58:20.04Z" }, ] [[package]] name = "py-cpuinfo" version = "9.0.0" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/37/a8/d832f7293ebb21690860d2e01d8115e5ff6f2ae8bbdc953f0eb0fa4bd2c7/py-cpuinfo-9.0.0.tar.gz", hash = "sha256:3cdbbf3fac90dc6f118bfd64384f309edeadd902d7c8fb17f02ffa1fc3f49690", size = 104716, upload-time = "2022-10-25T20:38:06.303Z" } +sdist = { url = "https://files.pythonhosted.org/packages/37/a8/d832f7293ebb21690860d2e01d8115e5ff6f2ae8bbdc953f0eb0fa4bd2c7/py-cpuinfo-9.0.0.tar.gz", hash = "sha256:3cdbbf3fac90dc6f118bfd64384f309edeadd902d7c8fb17f02ffa1fc3f49690", size = 104716, upload_time = "2022-10-25T20:38:06.303Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/e0/a9/023730ba63db1e494a271cb018dcd361bd2c917ba7004c3e49d5daf795a2/py_cpuinfo-9.0.0-py3-none-any.whl", hash = "sha256:859625bc251f64e21f077d099d4162689c762b5d6a4c3c97553d56241c9674d5", size = 22335, upload-time = "2022-10-25T20:38:27.636Z" }, + { url = "https://files.pythonhosted.org/packages/e0/a9/023730ba63db1e494a271cb018dcd361bd2c917ba7004c3e49d5daf795a2/py_cpuinfo-9.0.0-py3-none-any.whl", hash = "sha256:859625bc251f64e21f077d099d4162689c762b5d6a4c3c97553d56241c9674d5", size = 22335, upload_time = "2022-10-25T20:38:27.636Z" }, ] [[package]] name = "pyarrow" version = "20.0.0" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/a2/ee/a7810cb9f3d6e9238e61d312076a9859bf3668fd21c69744de9532383912/pyarrow-20.0.0.tar.gz", hash = "sha256:febc4a913592573c8d5805091a6c2b5064c8bd6e002131f01061797d91c783c1", size = 1125187, upload-time = "2025-04-27T12:34:23.264Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/47/a2/b7930824181ceadd0c63c1042d01fa4ef63eee233934826a7a2a9af6e463/pyarrow-20.0.0-cp311-cp311-macosx_12_0_arm64.whl", hash = "sha256:24ca380585444cb2a31324c546a9a56abbe87e26069189e14bdba19c86c049f0", size = 30856035, upload-time = "2025-04-27T12:28:40.78Z" }, - { url = "https://files.pythonhosted.org/packages/9b/18/c765770227d7f5bdfa8a69f64b49194352325c66a5c3bb5e332dfd5867d9/pyarrow-20.0.0-cp311-cp311-macosx_12_0_x86_64.whl", hash = "sha256:95b330059ddfdc591a3225f2d272123be26c8fa76e8c9ee1a77aad507361cfdb", size = 32309552, upload-time = "2025-04-27T12:28:47.051Z" }, - { url = "https://files.pythonhosted.org/packages/44/fb/dfb2dfdd3e488bb14f822d7335653092dde150cffc2da97de6e7500681f9/pyarrow-20.0.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:5f0fb1041267e9968c6d0d2ce3ff92e3928b243e2b6d11eeb84d9ac547308232", size = 41334704, upload-time = "2025-04-27T12:28:55.064Z" }, - { url = "https://files.pythonhosted.org/packages/58/0d/08a95878d38808051a953e887332d4a76bc06c6ee04351918ee1155407eb/pyarrow-20.0.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:b8ff87cc837601532cc8242d2f7e09b4e02404de1b797aee747dd4ba4bd6313f", size = 42399836, upload-time = "2025-04-27T12:29:02.13Z" }, - { url = "https://files.pythonhosted.org/packages/f3/cd/efa271234dfe38f0271561086eedcad7bc0f2ddd1efba423916ff0883684/pyarrow-20.0.0-cp311-cp311-manylinux_2_28_aarch64.whl", hash = "sha256:7a3a5dcf54286e6141d5114522cf31dd67a9e7c9133d150799f30ee302a7a1ab", size = 40711789, upload-time = "2025-04-27T12:29:09.951Z" }, - { url = "https://files.pythonhosted.org/packages/46/1f/7f02009bc7fc8955c391defee5348f510e589a020e4b40ca05edcb847854/pyarrow-20.0.0-cp311-cp311-manylinux_2_28_x86_64.whl", hash = "sha256:a6ad3e7758ecf559900261a4df985662df54fb7fdb55e8e3b3aa99b23d526b62", size = 42301124, upload-time = "2025-04-27T12:29:17.187Z" }, - { url = "https://files.pythonhosted.org/packages/4f/92/692c562be4504c262089e86757a9048739fe1acb4024f92d39615e7bab3f/pyarrow-20.0.0-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:6bb830757103a6cb300a04610e08d9636f0cd223d32f388418ea893a3e655f1c", size = 42916060, upload-time = "2025-04-27T12:29:24.253Z" }, - { url = "https://files.pythonhosted.org/packages/a4/ec/9f5c7e7c828d8e0a3c7ef50ee62eca38a7de2fa6eb1b8fa43685c9414fef/pyarrow-20.0.0-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:96e37f0766ecb4514a899d9a3554fadda770fb57ddf42b63d80f14bc20aa7db3", size = 44547640, upload-time = "2025-04-27T12:29:32.782Z" }, - { url = "https://files.pythonhosted.org/packages/54/96/46613131b4727f10fd2ffa6d0d6f02efcc09a0e7374eff3b5771548aa95b/pyarrow-20.0.0-cp311-cp311-win_amd64.whl", hash = "sha256:3346babb516f4b6fd790da99b98bed9708e3f02e734c84971faccb20736848dc", size = 25781491, upload-time = "2025-04-27T12:29:38.464Z" }, - { url = "https://files.pythonhosted.org/packages/a1/d6/0c10e0d54f6c13eb464ee9b67a68b8c71bcf2f67760ef5b6fbcddd2ab05f/pyarrow-20.0.0-cp312-cp312-macosx_12_0_arm64.whl", hash = "sha256:75a51a5b0eef32727a247707d4755322cb970be7e935172b6a3a9f9ae98404ba", size = 30815067, upload-time = "2025-04-27T12:29:44.384Z" }, - { url = "https://files.pythonhosted.org/packages/7e/e2/04e9874abe4094a06fd8b0cbb0f1312d8dd7d707f144c2ec1e5e8f452ffa/pyarrow-20.0.0-cp312-cp312-macosx_12_0_x86_64.whl", hash = "sha256:211d5e84cecc640c7a3ab900f930aaff5cd2702177e0d562d426fb7c4f737781", size = 32297128, upload-time = "2025-04-27T12:29:52.038Z" }, - { url = "https://files.pythonhosted.org/packages/31/fd/c565e5dcc906a3b471a83273039cb75cb79aad4a2d4a12f76cc5ae90a4b8/pyarrow-20.0.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:4ba3cf4182828be7a896cbd232aa8dd6a31bd1f9e32776cc3796c012855e1199", size = 41334890, upload-time = "2025-04-27T12:29:59.452Z" }, - { url = "https://files.pythonhosted.org/packages/af/a9/3bdd799e2c9b20c1ea6dc6fa8e83f29480a97711cf806e823f808c2316ac/pyarrow-20.0.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:2c3a01f313ffe27ac4126f4c2e5ea0f36a5fc6ab51f8726cf41fee4b256680bd", size = 42421775, upload-time = "2025-04-27T12:30:06.875Z" }, - { url = "https://files.pythonhosted.org/packages/10/f7/da98ccd86354c332f593218101ae56568d5dcedb460e342000bd89c49cc1/pyarrow-20.0.0-cp312-cp312-manylinux_2_28_aarch64.whl", hash = "sha256:a2791f69ad72addd33510fec7bb14ee06c2a448e06b649e264c094c5b5f7ce28", size = 40687231, upload-time = "2025-04-27T12:30:13.954Z" }, - { url = "https://files.pythonhosted.org/packages/bb/1b/2168d6050e52ff1e6cefc61d600723870bf569cbf41d13db939c8cf97a16/pyarrow-20.0.0-cp312-cp312-manylinux_2_28_x86_64.whl", hash = "sha256:4250e28a22302ce8692d3a0e8ec9d9dde54ec00d237cff4dfa9c1fbf79e472a8", size = 42295639, upload-time = "2025-04-27T12:30:21.949Z" }, - { url = "https://files.pythonhosted.org/packages/b2/66/2d976c0c7158fd25591c8ca55aee026e6d5745a021915a1835578707feb3/pyarrow-20.0.0-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:89e030dc58fc760e4010148e6ff164d2f44441490280ef1e97a542375e41058e", size = 42908549, upload-time = "2025-04-27T12:30:29.551Z" }, - { url = "https://files.pythonhosted.org/packages/31/a9/dfb999c2fc6911201dcbf348247f9cc382a8990f9ab45c12eabfd7243a38/pyarrow-20.0.0-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:6102b4864d77102dbbb72965618e204e550135a940c2534711d5ffa787df2a5a", size = 44557216, upload-time = "2025-04-27T12:30:36.977Z" }, - { url = "https://files.pythonhosted.org/packages/a0/8e/9adee63dfa3911be2382fb4d92e4b2e7d82610f9d9f668493bebaa2af50f/pyarrow-20.0.0-cp312-cp312-win_amd64.whl", hash = "sha256:96d6a0a37d9c98be08f5ed6a10831d88d52cac7b13f5287f1e0f625a0de8062b", size = 25660496, upload-time = "2025-04-27T12:30:42.809Z" }, - { url = "https://files.pythonhosted.org/packages/9b/aa/daa413b81446d20d4dad2944110dcf4cf4f4179ef7f685dd5a6d7570dc8e/pyarrow-20.0.0-cp313-cp313-macosx_12_0_arm64.whl", hash = "sha256:a15532e77b94c61efadde86d10957950392999503b3616b2ffcef7621a002893", size = 30798501, upload-time = "2025-04-27T12:30:48.351Z" }, - { url = "https://files.pythonhosted.org/packages/ff/75/2303d1caa410925de902d32ac215dc80a7ce7dd8dfe95358c165f2adf107/pyarrow-20.0.0-cp313-cp313-macosx_12_0_x86_64.whl", hash = "sha256:dd43f58037443af715f34f1322c782ec463a3c8a94a85fdb2d987ceb5658e061", size = 32277895, upload-time = "2025-04-27T12:30:55.238Z" }, - { url = "https://files.pythonhosted.org/packages/92/41/fe18c7c0b38b20811b73d1bdd54b1fccba0dab0e51d2048878042d84afa8/pyarrow-20.0.0-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:aa0d288143a8585806e3cc7c39566407aab646fb9ece164609dac1cfff45f6ae", size = 41327322, upload-time = "2025-04-27T12:31:05.587Z" }, - { url = "https://files.pythonhosted.org/packages/da/ab/7dbf3d11db67c72dbf36ae63dcbc9f30b866c153b3a22ef728523943eee6/pyarrow-20.0.0-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:b6953f0114f8d6f3d905d98e987d0924dabce59c3cda380bdfaa25a6201563b4", size = 42411441, upload-time = "2025-04-27T12:31:15.675Z" }, - { url = "https://files.pythonhosted.org/packages/90/c3/0c7da7b6dac863af75b64e2f827e4742161128c350bfe7955b426484e226/pyarrow-20.0.0-cp313-cp313-manylinux_2_28_aarch64.whl", hash = "sha256:991f85b48a8a5e839b2128590ce07611fae48a904cae6cab1f089c5955b57eb5", size = 40677027, upload-time = "2025-04-27T12:31:24.631Z" }, - { url = "https://files.pythonhosted.org/packages/be/27/43a47fa0ff9053ab5203bb3faeec435d43c0d8bfa40179bfd076cdbd4e1c/pyarrow-20.0.0-cp313-cp313-manylinux_2_28_x86_64.whl", hash = "sha256:97c8dc984ed09cb07d618d57d8d4b67a5100a30c3818c2fb0b04599f0da2de7b", size = 42281473, upload-time = "2025-04-27T12:31:31.311Z" }, - { url = "https://files.pythonhosted.org/packages/bc/0b/d56c63b078876da81bbb9ba695a596eabee9b085555ed12bf6eb3b7cab0e/pyarrow-20.0.0-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:9b71daf534f4745818f96c214dbc1e6124d7daf059167330b610fc69b6f3d3e3", size = 42893897, upload-time = "2025-04-27T12:31:39.406Z" }, - { url = "https://files.pythonhosted.org/packages/92/ac/7d4bd020ba9145f354012838692d48300c1b8fe5634bfda886abcada67ed/pyarrow-20.0.0-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:e8b88758f9303fa5a83d6c90e176714b2fd3852e776fc2d7e42a22dd6c2fb368", size = 44543847, upload-time = "2025-04-27T12:31:45.997Z" }, - { url = "https://files.pythonhosted.org/packages/9d/07/290f4abf9ca702c5df7b47739c1b2c83588641ddfa2cc75e34a301d42e55/pyarrow-20.0.0-cp313-cp313-win_amd64.whl", hash = "sha256:30b3051b7975801c1e1d387e17c588d8ab05ced9b1e14eec57915f79869b5031", size = 25653219, upload-time = "2025-04-27T12:31:54.11Z" }, - { url = "https://files.pythonhosted.org/packages/95/df/720bb17704b10bd69dde086e1400b8eefb8f58df3f8ac9cff6c425bf57f1/pyarrow-20.0.0-cp313-cp313t-macosx_12_0_arm64.whl", hash = "sha256:ca151afa4f9b7bc45bcc791eb9a89e90a9eb2772767d0b1e5389609c7d03db63", size = 30853957, upload-time = "2025-04-27T12:31:59.215Z" }, - { url = "https://files.pythonhosted.org/packages/d9/72/0d5f875efc31baef742ba55a00a25213a19ea64d7176e0fe001c5d8b6e9a/pyarrow-20.0.0-cp313-cp313t-macosx_12_0_x86_64.whl", hash = "sha256:4680f01ecd86e0dd63e39eb5cd59ef9ff24a9d166db328679e36c108dc993d4c", size = 32247972, upload-time = "2025-04-27T12:32:05.369Z" }, - { url = "https://files.pythonhosted.org/packages/d5/bc/e48b4fa544d2eea72f7844180eb77f83f2030b84c8dad860f199f94307ed/pyarrow-20.0.0-cp313-cp313t-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:7f4c8534e2ff059765647aa69b75d6543f9fef59e2cd4c6d18015192565d2b70", size = 41256434, upload-time = "2025-04-27T12:32:11.814Z" }, - { url = "https://files.pythonhosted.org/packages/c3/01/974043a29874aa2cf4f87fb07fd108828fc7362300265a2a64a94965e35b/pyarrow-20.0.0-cp313-cp313t-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:3e1f8a47f4b4ae4c69c4d702cfbdfe4d41e18e5c7ef6f1bb1c50918c1e81c57b", size = 42353648, upload-time = "2025-04-27T12:32:20.766Z" }, - { url = "https://files.pythonhosted.org/packages/68/95/cc0d3634cde9ca69b0e51cbe830d8915ea32dda2157560dda27ff3b3337b/pyarrow-20.0.0-cp313-cp313t-manylinux_2_28_aarch64.whl", hash = "sha256:a1f60dc14658efaa927f8214734f6a01a806d7690be4b3232ba526836d216122", size = 40619853, upload-time = "2025-04-27T12:32:28.1Z" }, - { url = "https://files.pythonhosted.org/packages/29/c2/3ad40e07e96a3e74e7ed7cc8285aadfa84eb848a798c98ec0ad009eb6bcc/pyarrow-20.0.0-cp313-cp313t-manylinux_2_28_x86_64.whl", hash = "sha256:204a846dca751428991346976b914d6d2a82ae5b8316a6ed99789ebf976551e6", size = 42241743, upload-time = "2025-04-27T12:32:35.792Z" }, - { url = "https://files.pythonhosted.org/packages/eb/cb/65fa110b483339add6a9bc7b6373614166b14e20375d4daa73483755f830/pyarrow-20.0.0-cp313-cp313t-musllinux_1_2_aarch64.whl", hash = "sha256:f3b117b922af5e4c6b9a9115825726cac7d8b1421c37c2b5e24fbacc8930612c", size = 42839441, upload-time = "2025-04-27T12:32:46.64Z" }, - { url = "https://files.pythonhosted.org/packages/98/7b/f30b1954589243207d7a0fbc9997401044bf9a033eec78f6cb50da3f304a/pyarrow-20.0.0-cp313-cp313t-musllinux_1_2_x86_64.whl", hash = "sha256:e724a3fd23ae5b9c010e7be857f4405ed5e679db5c93e66204db1a69f733936a", size = 44503279, upload-time = "2025-04-27T12:32:56.503Z" }, - { url = "https://files.pythonhosted.org/packages/37/40/ad395740cd641869a13bcf60851296c89624662575621968dcfafabaa7f6/pyarrow-20.0.0-cp313-cp313t-win_amd64.whl", hash = "sha256:82f1ee5133bd8f49d31be1299dc07f585136679666b502540db854968576faf9", size = 25944982, upload-time = "2025-04-27T12:33:04.72Z" }, +sdist = { url = "https://files.pythonhosted.org/packages/a2/ee/a7810cb9f3d6e9238e61d312076a9859bf3668fd21c69744de9532383912/pyarrow-20.0.0.tar.gz", hash = "sha256:febc4a913592573c8d5805091a6c2b5064c8bd6e002131f01061797d91c783c1", size = 1125187, upload_time = "2025-04-27T12:34:23.264Z" } +wheels = [ + { url = "https://files.pythonhosted.org/packages/47/a2/b7930824181ceadd0c63c1042d01fa4ef63eee233934826a7a2a9af6e463/pyarrow-20.0.0-cp311-cp311-macosx_12_0_arm64.whl", hash = "sha256:24ca380585444cb2a31324c546a9a56abbe87e26069189e14bdba19c86c049f0", size = 30856035, upload_time = "2025-04-27T12:28:40.78Z" }, + { url = "https://files.pythonhosted.org/packages/9b/18/c765770227d7f5bdfa8a69f64b49194352325c66a5c3bb5e332dfd5867d9/pyarrow-20.0.0-cp311-cp311-macosx_12_0_x86_64.whl", hash = "sha256:95b330059ddfdc591a3225f2d272123be26c8fa76e8c9ee1a77aad507361cfdb", size = 32309552, upload_time = "2025-04-27T12:28:47.051Z" }, + { url = "https://files.pythonhosted.org/packages/44/fb/dfb2dfdd3e488bb14f822d7335653092dde150cffc2da97de6e7500681f9/pyarrow-20.0.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:5f0fb1041267e9968c6d0d2ce3ff92e3928b243e2b6d11eeb84d9ac547308232", size = 41334704, upload_time = "2025-04-27T12:28:55.064Z" }, + { url = "https://files.pythonhosted.org/packages/58/0d/08a95878d38808051a953e887332d4a76bc06c6ee04351918ee1155407eb/pyarrow-20.0.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:b8ff87cc837601532cc8242d2f7e09b4e02404de1b797aee747dd4ba4bd6313f", size = 42399836, upload_time = "2025-04-27T12:29:02.13Z" }, + { url = "https://files.pythonhosted.org/packages/f3/cd/efa271234dfe38f0271561086eedcad7bc0f2ddd1efba423916ff0883684/pyarrow-20.0.0-cp311-cp311-manylinux_2_28_aarch64.whl", hash = "sha256:7a3a5dcf54286e6141d5114522cf31dd67a9e7c9133d150799f30ee302a7a1ab", size = 40711789, upload_time = "2025-04-27T12:29:09.951Z" }, + { url = "https://files.pythonhosted.org/packages/46/1f/7f02009bc7fc8955c391defee5348f510e589a020e4b40ca05edcb847854/pyarrow-20.0.0-cp311-cp311-manylinux_2_28_x86_64.whl", hash = "sha256:a6ad3e7758ecf559900261a4df985662df54fb7fdb55e8e3b3aa99b23d526b62", size = 42301124, upload_time = "2025-04-27T12:29:17.187Z" }, + { url = "https://files.pythonhosted.org/packages/4f/92/692c562be4504c262089e86757a9048739fe1acb4024f92d39615e7bab3f/pyarrow-20.0.0-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:6bb830757103a6cb300a04610e08d9636f0cd223d32f388418ea893a3e655f1c", size = 42916060, upload_time = "2025-04-27T12:29:24.253Z" }, + { url = "https://files.pythonhosted.org/packages/a4/ec/9f5c7e7c828d8e0a3c7ef50ee62eca38a7de2fa6eb1b8fa43685c9414fef/pyarrow-20.0.0-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:96e37f0766ecb4514a899d9a3554fadda770fb57ddf42b63d80f14bc20aa7db3", size = 44547640, upload_time = "2025-04-27T12:29:32.782Z" }, + { url = "https://files.pythonhosted.org/packages/54/96/46613131b4727f10fd2ffa6d0d6f02efcc09a0e7374eff3b5771548aa95b/pyarrow-20.0.0-cp311-cp311-win_amd64.whl", hash = "sha256:3346babb516f4b6fd790da99b98bed9708e3f02e734c84971faccb20736848dc", size = 25781491, upload_time = "2025-04-27T12:29:38.464Z" }, + { url = "https://files.pythonhosted.org/packages/a1/d6/0c10e0d54f6c13eb464ee9b67a68b8c71bcf2f67760ef5b6fbcddd2ab05f/pyarrow-20.0.0-cp312-cp312-macosx_12_0_arm64.whl", hash = "sha256:75a51a5b0eef32727a247707d4755322cb970be7e935172b6a3a9f9ae98404ba", size = 30815067, upload_time = "2025-04-27T12:29:44.384Z" }, + { url = "https://files.pythonhosted.org/packages/7e/e2/04e9874abe4094a06fd8b0cbb0f1312d8dd7d707f144c2ec1e5e8f452ffa/pyarrow-20.0.0-cp312-cp312-macosx_12_0_x86_64.whl", hash = "sha256:211d5e84cecc640c7a3ab900f930aaff5cd2702177e0d562d426fb7c4f737781", size = 32297128, upload_time = "2025-04-27T12:29:52.038Z" }, + { url = "https://files.pythonhosted.org/packages/31/fd/c565e5dcc906a3b471a83273039cb75cb79aad4a2d4a12f76cc5ae90a4b8/pyarrow-20.0.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:4ba3cf4182828be7a896cbd232aa8dd6a31bd1f9e32776cc3796c012855e1199", size = 41334890, upload_time = "2025-04-27T12:29:59.452Z" }, + { url = "https://files.pythonhosted.org/packages/af/a9/3bdd799e2c9b20c1ea6dc6fa8e83f29480a97711cf806e823f808c2316ac/pyarrow-20.0.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:2c3a01f313ffe27ac4126f4c2e5ea0f36a5fc6ab51f8726cf41fee4b256680bd", size = 42421775, upload_time = "2025-04-27T12:30:06.875Z" }, + { url = "https://files.pythonhosted.org/packages/10/f7/da98ccd86354c332f593218101ae56568d5dcedb460e342000bd89c49cc1/pyarrow-20.0.0-cp312-cp312-manylinux_2_28_aarch64.whl", hash = "sha256:a2791f69ad72addd33510fec7bb14ee06c2a448e06b649e264c094c5b5f7ce28", size = 40687231, upload_time = "2025-04-27T12:30:13.954Z" }, + { url = "https://files.pythonhosted.org/packages/bb/1b/2168d6050e52ff1e6cefc61d600723870bf569cbf41d13db939c8cf97a16/pyarrow-20.0.0-cp312-cp312-manylinux_2_28_x86_64.whl", hash = "sha256:4250e28a22302ce8692d3a0e8ec9d9dde54ec00d237cff4dfa9c1fbf79e472a8", size = 42295639, upload_time = "2025-04-27T12:30:21.949Z" }, + { url = "https://files.pythonhosted.org/packages/b2/66/2d976c0c7158fd25591c8ca55aee026e6d5745a021915a1835578707feb3/pyarrow-20.0.0-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:89e030dc58fc760e4010148e6ff164d2f44441490280ef1e97a542375e41058e", size = 42908549, upload_time = "2025-04-27T12:30:29.551Z" }, + { url = "https://files.pythonhosted.org/packages/31/a9/dfb999c2fc6911201dcbf348247f9cc382a8990f9ab45c12eabfd7243a38/pyarrow-20.0.0-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:6102b4864d77102dbbb72965618e204e550135a940c2534711d5ffa787df2a5a", size = 44557216, upload_time = "2025-04-27T12:30:36.977Z" }, + { url = "https://files.pythonhosted.org/packages/a0/8e/9adee63dfa3911be2382fb4d92e4b2e7d82610f9d9f668493bebaa2af50f/pyarrow-20.0.0-cp312-cp312-win_amd64.whl", hash = "sha256:96d6a0a37d9c98be08f5ed6a10831d88d52cac7b13f5287f1e0f625a0de8062b", size = 25660496, upload_time = "2025-04-27T12:30:42.809Z" }, + { url = "https://files.pythonhosted.org/packages/9b/aa/daa413b81446d20d4dad2944110dcf4cf4f4179ef7f685dd5a6d7570dc8e/pyarrow-20.0.0-cp313-cp313-macosx_12_0_arm64.whl", hash = "sha256:a15532e77b94c61efadde86d10957950392999503b3616b2ffcef7621a002893", size = 30798501, upload_time = "2025-04-27T12:30:48.351Z" }, + { url = "https://files.pythonhosted.org/packages/ff/75/2303d1caa410925de902d32ac215dc80a7ce7dd8dfe95358c165f2adf107/pyarrow-20.0.0-cp313-cp313-macosx_12_0_x86_64.whl", hash = "sha256:dd43f58037443af715f34f1322c782ec463a3c8a94a85fdb2d987ceb5658e061", size = 32277895, upload_time = "2025-04-27T12:30:55.238Z" }, + { url = "https://files.pythonhosted.org/packages/92/41/fe18c7c0b38b20811b73d1bdd54b1fccba0dab0e51d2048878042d84afa8/pyarrow-20.0.0-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:aa0d288143a8585806e3cc7c39566407aab646fb9ece164609dac1cfff45f6ae", size = 41327322, upload_time = "2025-04-27T12:31:05.587Z" }, + { url = "https://files.pythonhosted.org/packages/da/ab/7dbf3d11db67c72dbf36ae63dcbc9f30b866c153b3a22ef728523943eee6/pyarrow-20.0.0-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:b6953f0114f8d6f3d905d98e987d0924dabce59c3cda380bdfaa25a6201563b4", size = 42411441, upload_time = "2025-04-27T12:31:15.675Z" }, + { url = "https://files.pythonhosted.org/packages/90/c3/0c7da7b6dac863af75b64e2f827e4742161128c350bfe7955b426484e226/pyarrow-20.0.0-cp313-cp313-manylinux_2_28_aarch64.whl", hash = "sha256:991f85b48a8a5e839b2128590ce07611fae48a904cae6cab1f089c5955b57eb5", size = 40677027, upload_time = "2025-04-27T12:31:24.631Z" }, + { url = "https://files.pythonhosted.org/packages/be/27/43a47fa0ff9053ab5203bb3faeec435d43c0d8bfa40179bfd076cdbd4e1c/pyarrow-20.0.0-cp313-cp313-manylinux_2_28_x86_64.whl", hash = "sha256:97c8dc984ed09cb07d618d57d8d4b67a5100a30c3818c2fb0b04599f0da2de7b", size = 42281473, upload_time = "2025-04-27T12:31:31.311Z" }, + { url = "https://files.pythonhosted.org/packages/bc/0b/d56c63b078876da81bbb9ba695a596eabee9b085555ed12bf6eb3b7cab0e/pyarrow-20.0.0-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:9b71daf534f4745818f96c214dbc1e6124d7daf059167330b610fc69b6f3d3e3", size = 42893897, upload_time = "2025-04-27T12:31:39.406Z" }, + { url = "https://files.pythonhosted.org/packages/92/ac/7d4bd020ba9145f354012838692d48300c1b8fe5634bfda886abcada67ed/pyarrow-20.0.0-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:e8b88758f9303fa5a83d6c90e176714b2fd3852e776fc2d7e42a22dd6c2fb368", size = 44543847, upload_time = "2025-04-27T12:31:45.997Z" }, + { url = "https://files.pythonhosted.org/packages/9d/07/290f4abf9ca702c5df7b47739c1b2c83588641ddfa2cc75e34a301d42e55/pyarrow-20.0.0-cp313-cp313-win_amd64.whl", hash = "sha256:30b3051b7975801c1e1d387e17c588d8ab05ced9b1e14eec57915f79869b5031", size = 25653219, upload_time = "2025-04-27T12:31:54.11Z" }, + { url = "https://files.pythonhosted.org/packages/95/df/720bb17704b10bd69dde086e1400b8eefb8f58df3f8ac9cff6c425bf57f1/pyarrow-20.0.0-cp313-cp313t-macosx_12_0_arm64.whl", hash = "sha256:ca151afa4f9b7bc45bcc791eb9a89e90a9eb2772767d0b1e5389609c7d03db63", size = 30853957, upload_time = "2025-04-27T12:31:59.215Z" }, + { url = "https://files.pythonhosted.org/packages/d9/72/0d5f875efc31baef742ba55a00a25213a19ea64d7176e0fe001c5d8b6e9a/pyarrow-20.0.0-cp313-cp313t-macosx_12_0_x86_64.whl", hash = "sha256:4680f01ecd86e0dd63e39eb5cd59ef9ff24a9d166db328679e36c108dc993d4c", size = 32247972, upload_time = "2025-04-27T12:32:05.369Z" }, + { url = "https://files.pythonhosted.org/packages/d5/bc/e48b4fa544d2eea72f7844180eb77f83f2030b84c8dad860f199f94307ed/pyarrow-20.0.0-cp313-cp313t-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:7f4c8534e2ff059765647aa69b75d6543f9fef59e2cd4c6d18015192565d2b70", size = 41256434, upload_time = "2025-04-27T12:32:11.814Z" }, + { url = "https://files.pythonhosted.org/packages/c3/01/974043a29874aa2cf4f87fb07fd108828fc7362300265a2a64a94965e35b/pyarrow-20.0.0-cp313-cp313t-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:3e1f8a47f4b4ae4c69c4d702cfbdfe4d41e18e5c7ef6f1bb1c50918c1e81c57b", size = 42353648, upload_time = "2025-04-27T12:32:20.766Z" }, + { url = "https://files.pythonhosted.org/packages/68/95/cc0d3634cde9ca69b0e51cbe830d8915ea32dda2157560dda27ff3b3337b/pyarrow-20.0.0-cp313-cp313t-manylinux_2_28_aarch64.whl", hash = "sha256:a1f60dc14658efaa927f8214734f6a01a806d7690be4b3232ba526836d216122", size = 40619853, upload_time = "2025-04-27T12:32:28.1Z" }, + { url = "https://files.pythonhosted.org/packages/29/c2/3ad40e07e96a3e74e7ed7cc8285aadfa84eb848a798c98ec0ad009eb6bcc/pyarrow-20.0.0-cp313-cp313t-manylinux_2_28_x86_64.whl", hash = "sha256:204a846dca751428991346976b914d6d2a82ae5b8316a6ed99789ebf976551e6", size = 42241743, upload_time = "2025-04-27T12:32:35.792Z" }, + { url = "https://files.pythonhosted.org/packages/eb/cb/65fa110b483339add6a9bc7b6373614166b14e20375d4daa73483755f830/pyarrow-20.0.0-cp313-cp313t-musllinux_1_2_aarch64.whl", hash = "sha256:f3b117b922af5e4c6b9a9115825726cac7d8b1421c37c2b5e24fbacc8930612c", size = 42839441, upload_time = "2025-04-27T12:32:46.64Z" }, + { url = "https://files.pythonhosted.org/packages/98/7b/f30b1954589243207d7a0fbc9997401044bf9a033eec78f6cb50da3f304a/pyarrow-20.0.0-cp313-cp313t-musllinux_1_2_x86_64.whl", hash = "sha256:e724a3fd23ae5b9c010e7be857f4405ed5e679db5c93e66204db1a69f733936a", size = 44503279, upload_time = "2025-04-27T12:32:56.503Z" }, + { url = "https://files.pythonhosted.org/packages/37/40/ad395740cd641869a13bcf60851296c89624662575621968dcfafabaa7f6/pyarrow-20.0.0-cp313-cp313t-win_amd64.whl", hash = "sha256:82f1ee5133bd8f49d31be1299dc07f585136679666b502540db854968576faf9", size = 25944982, upload_time = "2025-04-27T12:33:04.72Z" }, ] [[package]] @@ -2589,59 +2589,59 @@ source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "cffi" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/19/7a/01ef7ce35fc1312d6c1c07f3b87f329ad6daf41bb9cd57c8f017e0b653fa/pycares-4.8.0.tar.gz", hash = "sha256:2fc2ebfab960f654b3e3cf08a732486950da99393a657f8b44618ad3ed2d39c1", size = 647980, upload-time = "2025-05-04T11:27:24.282Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/c1/00/3e2a78133d0f8975f90f34479853295f70d15538ae50912a79276425c7aa/pycares-4.8.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:5e25db89005ddd8d9c5720293afe6d6dd92e682fc6bc7a632535b84511e2060d", size = 143823, upload-time = "2025-05-04T11:26:16.747Z" }, - { url = "https://files.pythonhosted.org/packages/fb/13/feaa5b79bb78bbc980824e68ae140ee6c7a20a4d67ca7658f7e6ca51c399/pycares-4.8.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:6f9665ef116e6ee216c396f5f927756c2164f9f3316aec7ff1a9a1e1e7ec9b2a", size = 138911, upload-time = "2025-05-04T11:26:17.667Z" }, - { url = "https://files.pythonhosted.org/packages/c1/99/852f12333c9dc88c1d0761438ade6a5dd2af435f9cf8866da4422e3e8994/pycares-4.8.0-cp311-cp311-manylinux_2_12_i686.manylinux2010_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:54a96893133471f6889b577147adcc21a480dbe316f56730871028379c8313f3", size = 585023, upload-time = "2025-05-04T11:26:18.947Z" }, - { url = "https://files.pythonhosted.org/packages/ec/54/14dd74114a9fac98d586cb410926bf0dd1bc4be5884469d22a2ed97a2c18/pycares-4.8.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:51024b3a69762bd3100d94986a29922be15e13f56f991aaefb41f5bcd3d7f0bb", size = 625455, upload-time = "2025-05-04T11:26:20.347Z" }, - { url = "https://files.pythonhosted.org/packages/63/68/ecdf374d90ffe66c616b98d01fd356426e14a0c5581c9ee072f83c9056d1/pycares-4.8.0-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:47ff9db50c599e4d965ae3bec99cc30941c1d2b0f078ec816680b70d052dd54a", size = 663415, upload-time = "2025-05-04T11:26:21.459Z" }, - { url = "https://files.pythonhosted.org/packages/bf/fa/53dc3bab11452effcc4aec957cce6692f1b4f9f5d3fc0ced6199a500b868/pycares-4.8.0-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:27ef8ff4e0f60ea6769a60d1c3d1d2aefed1d832e7bb83fc3934884e2dba5cdd", size = 645721, upload-time = "2025-05-04T11:26:22.585Z" }, - { url = "https://files.pythonhosted.org/packages/31/72/158a2c1f456b3674490db1788769f17fbf6d6b4481c46e7687485518bce0/pycares-4.8.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:63511af7a3f9663f562fbb6bfa3591a259505d976e2aba1fa2da13dde43c6ca7", size = 626177, upload-time = "2025-05-04T11:26:23.617Z" }, - { url = "https://files.pythonhosted.org/packages/bd/98/25a0c1dafa3c47d3a9ac1a542905f6b670189027bf6123ca8cb86845b726/pycares-4.8.0-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:73c3219b47616e6a5ad1810de96ed59721c7751f19b70ae7bf24997a8365408f", size = 619865, upload-time = "2025-05-04T11:26:24.961Z" }, - { url = "https://files.pythonhosted.org/packages/14/50/7863fc2bec6ee20ccf3a42058c3393527f0473fd797044bcc9f91bd1fa21/pycares-4.8.0-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:da42a45207c18f37be5e491c14b6d1063cfe1e46620eb661735d0cedc2b59099", size = 591484, upload-time = "2025-05-04T11:26:26.441Z" }, - { url = "https://files.pythonhosted.org/packages/d2/97/cdb364294f8d9cefa3d343e0d7e8330905654c768d8de0294eb85f78684d/pycares-4.8.0-cp311-cp311-musllinux_1_2_ppc64le.whl", hash = "sha256:8a068e898bb5dd09cd654e19cd2abf20f93d0cc59d5d955135ed48ea0f806aa1", size = 668562, upload-time = "2025-05-04T11:26:27.748Z" }, - { url = "https://files.pythonhosted.org/packages/d8/78/26defce6fee0b3739ffc9a12eea9922e3995ba9b1425de016fb305f894e4/pycares-4.8.0-cp311-cp311-musllinux_1_2_s390x.whl", hash = "sha256:962aed95675bb66c0b785a2fbbd1bb58ce7f009e283e4ef5aaa4a1f2dc00d217", size = 651591, upload-time = "2025-05-04T11:26:28.906Z" }, - { url = "https://files.pythonhosted.org/packages/a2/50/5114822c348347c46b01ccaac5dd81f791d93e984ec8f7f653e312e28590/pycares-4.8.0-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:ce8b1a16c1e4517a82a0ebd7664783a327166a3764d844cf96b1fb7b9dd1e493", size = 625979, upload-time = "2025-05-04T11:26:30.28Z" }, - { url = "https://files.pythonhosted.org/packages/6a/bd/ee4fbd142a5c544125418d0891446995900f77ae6844db1d40b2b7b3b5f6/pycares-4.8.0-cp311-cp311-win32.whl", hash = "sha256:b3749ddbcbd216376c3b53d42d8b640b457133f1a12b0e003f3838f953037ae7", size = 116672, upload-time = "2025-05-04T11:26:32.333Z" }, - { url = "https://files.pythonhosted.org/packages/7d/17/411a14f77b342857f450e31e9c255adef9a1396f3453dd6acc9d22e621f7/pycares-4.8.0-cp311-cp311-win_amd64.whl", hash = "sha256:5ce8a4e1b485b2360ab666c4ea1db97f57ede345a3b566d80bfa52b17e616610", size = 141955, upload-time = "2025-05-04T11:26:33.516Z" }, - { url = "https://files.pythonhosted.org/packages/b6/53/c0294acf3fd92cbcfc9d3811593bc5f09c5bb13e5bb116f613924f9af6fd/pycares-4.8.0-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:3273e01a75308ed06d2492d83c7ba476e579a60a24d9f20fe178ce5e9d8d028b", size = 143792, upload-time = "2025-05-04T11:26:34.835Z" }, - { url = "https://files.pythonhosted.org/packages/6b/0a/c7c69053a7ccff010b057309ec0d34bcf39e0105e2f1a647f6914d509968/pycares-4.8.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:fcedaadea1f452911fd29935749f98d144dae758d6003b7e9b6c5d5bd47d1dff", size = 138942, upload-time = "2025-05-04T11:26:35.806Z" }, - { url = "https://files.pythonhosted.org/packages/bd/bf/2364ef1e06efbbf2e09394935703f1d6a5b7d795411971e678afe82576b8/pycares-4.8.0-cp312-cp312-manylinux_2_12_i686.manylinux2010_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:aae6cb33e287e06a4aabcbc57626df682c9a4fa8026207f5b498697f1c2fb562", size = 585704, upload-time = "2025-05-04T11:26:36.844Z" }, - { url = "https://files.pythonhosted.org/packages/e4/18/20cda04e89e702ff76c3eec1c3946654996ac6449c2658361f3886d12451/pycares-4.8.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:25038b930e5be82839503fb171385b2aefd6d541bc5b7da0938bdb67780467d2", size = 626526, upload-time = "2025-05-04T11:26:37.908Z" }, - { url = "https://files.pythonhosted.org/packages/ea/74/5ed378a357fb9b343adaa7de69ae42d9f13994285b534ff2c9b712ef91b9/pycares-4.8.0-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:cc8499b6e7dfbe4af65f6938db710ce9acd1debf34af2cbb93b898b1e5da6a5a", size = 663744, upload-time = "2025-05-04T11:26:39.454Z" }, - { url = "https://files.pythonhosted.org/packages/31/72/aa7934eb5cf1d906684345fbb6bc4ddcb0924e4bdb2c5900213b1a871205/pycares-4.8.0-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:c4e1c6a68ef56a7622f6176d9946d4e51f3c853327a0123ef35a5380230c84cd", size = 646505, upload-time = "2025-05-04T11:26:41.019Z" }, - { url = "https://files.pythonhosted.org/packages/53/a3/3fecda2ded6e7cba9af9fd5ff53e0f927a7ee8d8b395ff6fa6ecba730661/pycares-4.8.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:d7cc8c3c9114b9c84e4062d25ca9b4bddc80a65d0b074c7cb059275273382f89", size = 627489, upload-time = "2025-05-04T11:26:42.543Z" }, - { url = "https://files.pythonhosted.org/packages/66/8d/4fdbcc31d25aa443e33b9382c70585222c3d8e2a9e8a71bfe58c9eb472fb/pycares-4.8.0-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:4404014069d3e362abf404c9932d4335bb9c07ba834cfe7d683c725b92e0f9da", size = 614241, upload-time = "2025-05-04T11:26:43.62Z" }, - { url = "https://files.pythonhosted.org/packages/72/e7/89f2a7b50527d171a28538b563a7d6523252c6583f6ee529190dcbca19a3/pycares-4.8.0-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:ee0a58c32ec2a352cef0e1d20335a7caf9871cd79b73be2ca2896fe70f09c9d7", size = 588756, upload-time = "2025-05-04T11:26:44.723Z" }, - { url = "https://files.pythonhosted.org/packages/dc/5a/ab1c6584293517b99238b11fcdcac5e72405fd18cf42119a068c3edcb339/pycares-4.8.0-cp312-cp312-musllinux_1_2_ppc64le.whl", hash = "sha256:35f32f52b486b8fede3cbebf088f30b01242d0321b5216887c28e80490595302", size = 665494, upload-time = "2025-05-04T11:26:45.844Z" }, - { url = "https://files.pythonhosted.org/packages/fa/7e/e630003c5a6d4dd0b8ddaeb5341d121900f04b33f44e321b3fa8b3e7a109/pycares-4.8.0-cp312-cp312-musllinux_1_2_s390x.whl", hash = "sha256:ecbb506e27a3b3a2abc001c77beeccf265475c84b98629a6b3e61bd9f2987eaa", size = 648095, upload-time = "2025-05-04T11:26:46.904Z" }, - { url = "https://files.pythonhosted.org/packages/6d/8e/59804748f9fa1a238422627f0485a68f1802c500c4e41a42bbbf3fd9309f/pycares-4.8.0-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:9392b2a34adbf60cb9e38f4a0d363413ecea8d835b5a475122f50f76676d59dd", size = 622993, upload-time = "2025-05-04T11:26:47.977Z" }, - { url = "https://files.pythonhosted.org/packages/2a/32/6771ffc00b0ed0ae22df8c144e10b8000428c3d14dd1e5b9b64ac9312302/pycares-4.8.0-cp312-cp312-win32.whl", hash = "sha256:f0fbefe68403ffcff19c869b8d621c88a6d2cef18d53cf0dab0fa9458a6ca712", size = 116724, upload-time = "2025-05-04T11:26:49.004Z" }, - { url = "https://files.pythonhosted.org/packages/42/da/185e7ac24255a496fec9121237d7d81f3aca4fbd7e5882aa6227ec87128e/pycares-4.8.0-cp312-cp312-win_amd64.whl", hash = "sha256:fa8aab6085a2ddfb1b43a06ddf1b498347117bb47cd620d9b12c43383c9c2737", size = 141959, upload-time = "2025-05-04T11:26:50.37Z" }, - { url = "https://files.pythonhosted.org/packages/ac/67/fc84ce3783be98798892552ff8f58e1f5c4472095095c950b06319ac371e/pycares-4.8.0-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:358a9a2c6fed59f62788e63d88669224955443048a1602016d4358e92aedb365", size = 143797, upload-time = "2025-05-04T11:26:51.731Z" }, - { url = "https://files.pythonhosted.org/packages/b7/9a/6c623ba91d43d3c0cf9f2020894ffd07205255d498a4f8d074820184cfa9/pycares-4.8.0-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:0e3e1278967fa8d4a0056be3fcc8fc551b8bad1fc7d0e5172196dccb8ddb036a", size = 138935, upload-time = "2025-05-04T11:26:52.675Z" }, - { url = "https://files.pythonhosted.org/packages/2d/93/c1d39ce7950e513157cd63214342cec78b50263d01caed84d84b105d610e/pycares-4.8.0-cp313-cp313-manylinux_2_12_i686.manylinux2010_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:79befb773e370a8f97de9f16f5ea2c7e7fa0e3c6c74fbea6d332bf58164d7d06", size = 585613, upload-time = "2025-05-04T11:26:53.706Z" }, - { url = "https://files.pythonhosted.org/packages/83/83/b6cde7216a88ac14547e42526b3fb53332c995290fa43da4e1028e11a383/pycares-4.8.0-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:2b00d3695db64ce98a34e632e1d53f5a1cdb25451489f227bec2a6c03ff87ee8", size = 626504, upload-time = "2025-05-04T11:26:54.8Z" }, - { url = "https://files.pythonhosted.org/packages/94/b0/1bea71c0bcdd849a1be992c9a1426cda5efc1794502a193afe24ffdc4ef2/pycares-4.8.0-cp313-cp313-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:37bdc4f2ff0612d60fc4f7547e12ff02cdcaa9a9e42e827bb64d4748994719f1", size = 663711, upload-time = "2025-05-04T11:26:56.012Z" }, - { url = "https://files.pythonhosted.org/packages/4c/b9/9dc0766102fe6bc6b424b6e7a697a728f55b618f4bdb98fee13323deef05/pycares-4.8.0-cp313-cp313-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:cd92c44498ec7a6139888b464b28c49f7ba975933689bd67ea8d572b94188404", size = 646383, upload-time = "2025-05-04T11:26:57.098Z" }, - { url = "https://files.pythonhosted.org/packages/ea/64/8c15bcecb8bc5feda59867a91769ee14182203a2af27e6fc86e4ec17384f/pycares-4.8.0-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:2665a0d810e2bbc41e97f3c3e5ea7950f666b3aa19c5f6c99d6b018ccd2e0052", size = 627475, upload-time = "2025-05-04T11:26:58.144Z" }, - { url = "https://files.pythonhosted.org/packages/b4/5b/277df0d278c552b6731e3c73a4a13317331db9ee68d32d9c99dc335b3ca0/pycares-4.8.0-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:45a629a6470a33478514c566bce50c63f1b17d1c5f2f964c9a6790330dc105fb", size = 614234, upload-time = "2025-05-04T11:26:59.529Z" }, - { url = "https://files.pythonhosted.org/packages/bb/03/5454b00af26f64285620fe3a0157a322cb33a46f37ff1ecda6966d2c2f14/pycares-4.8.0-cp313-cp313-musllinux_1_2_i686.whl", hash = "sha256:47bb378f1773f41cca8e31dcdf009ce4a9b8aff8a30c7267aaff9a099c407ba5", size = 588753, upload-time = "2025-05-04T11:27:00.674Z" }, - { url = "https://files.pythonhosted.org/packages/82/78/fe4e0c62e288542c5f2deae5f494c046d2224ed6c4fe285f5c5a09c5354f/pycares-4.8.0-cp313-cp313-musllinux_1_2_ppc64le.whl", hash = "sha256:fb3feae38458005cc101956e38f16eb3145fff8cd793e35cd4bdef6bf1aa2623", size = 665523, upload-time = "2025-05-04T11:27:01.84Z" }, - { url = "https://files.pythonhosted.org/packages/0c/c0/70456b953f126e2e708a94dfd15a6830fdeaaf2920e28121264fa5827abd/pycares-4.8.0-cp313-cp313-musllinux_1_2_s390x.whl", hash = "sha256:14bc28aeaa66b0f4331ac94455e8043c8a06b3faafd78cc49d4b677bae0d0b08", size = 648129, upload-time = "2025-05-04T11:27:03.379Z" }, - { url = "https://files.pythonhosted.org/packages/59/57/5ee116ba629e76313efe00b912130ac35ada5a89c154af4186f293c69580/pycares-4.8.0-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:62c82b871470f2864a1febf7b96bb1d108ce9063e6d3d43727e8a46f0028a456", size = 622970, upload-time = "2025-05-04T11:27:04.58Z" }, - { url = "https://files.pythonhosted.org/packages/02/be/ecfe41f3fffaf5e87308a2d1c6d6182865690ddff359be470c57726cded0/pycares-4.8.0-cp313-cp313-win32.whl", hash = "sha256:01afa8964c698c8f548b46d726f766aa7817b2d4386735af1f7996903d724920", size = 116727, upload-time = "2025-05-04T11:27:06.153Z" }, - { url = "https://files.pythonhosted.org/packages/cb/7d/f9ff1066d3b2db0d2b98188e4f30526b56de0787e99b5fdea3106595173b/pycares-4.8.0-cp313-cp313-win_amd64.whl", hash = "sha256:22f86f81b12ab17b0a7bd0da1e27938caaed11715225c1168763af97f8bb51a7", size = 141961, upload-time = "2025-05-04T11:27:07.074Z" }, +sdist = { url = "https://files.pythonhosted.org/packages/19/7a/01ef7ce35fc1312d6c1c07f3b87f329ad6daf41bb9cd57c8f017e0b653fa/pycares-4.8.0.tar.gz", hash = "sha256:2fc2ebfab960f654b3e3cf08a732486950da99393a657f8b44618ad3ed2d39c1", size = 647980, upload_time = "2025-05-04T11:27:24.282Z" } +wheels = [ + { url = "https://files.pythonhosted.org/packages/c1/00/3e2a78133d0f8975f90f34479853295f70d15538ae50912a79276425c7aa/pycares-4.8.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:5e25db89005ddd8d9c5720293afe6d6dd92e682fc6bc7a632535b84511e2060d", size = 143823, upload_time = "2025-05-04T11:26:16.747Z" }, + { url = "https://files.pythonhosted.org/packages/fb/13/feaa5b79bb78bbc980824e68ae140ee6c7a20a4d67ca7658f7e6ca51c399/pycares-4.8.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:6f9665ef116e6ee216c396f5f927756c2164f9f3316aec7ff1a9a1e1e7ec9b2a", size = 138911, upload_time = "2025-05-04T11:26:17.667Z" }, + { url = "https://files.pythonhosted.org/packages/c1/99/852f12333c9dc88c1d0761438ade6a5dd2af435f9cf8866da4422e3e8994/pycares-4.8.0-cp311-cp311-manylinux_2_12_i686.manylinux2010_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:54a96893133471f6889b577147adcc21a480dbe316f56730871028379c8313f3", size = 585023, upload_time = "2025-05-04T11:26:18.947Z" }, + { url = "https://files.pythonhosted.org/packages/ec/54/14dd74114a9fac98d586cb410926bf0dd1bc4be5884469d22a2ed97a2c18/pycares-4.8.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:51024b3a69762bd3100d94986a29922be15e13f56f991aaefb41f5bcd3d7f0bb", size = 625455, upload_time = "2025-05-04T11:26:20.347Z" }, + { url = "https://files.pythonhosted.org/packages/63/68/ecdf374d90ffe66c616b98d01fd356426e14a0c5581c9ee072f83c9056d1/pycares-4.8.0-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:47ff9db50c599e4d965ae3bec99cc30941c1d2b0f078ec816680b70d052dd54a", size = 663415, upload_time = "2025-05-04T11:26:21.459Z" }, + { url = "https://files.pythonhosted.org/packages/bf/fa/53dc3bab11452effcc4aec957cce6692f1b4f9f5d3fc0ced6199a500b868/pycares-4.8.0-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:27ef8ff4e0f60ea6769a60d1c3d1d2aefed1d832e7bb83fc3934884e2dba5cdd", size = 645721, upload_time = "2025-05-04T11:26:22.585Z" }, + { url = "https://files.pythonhosted.org/packages/31/72/158a2c1f456b3674490db1788769f17fbf6d6b4481c46e7687485518bce0/pycares-4.8.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:63511af7a3f9663f562fbb6bfa3591a259505d976e2aba1fa2da13dde43c6ca7", size = 626177, upload_time = "2025-05-04T11:26:23.617Z" }, + { url = "https://files.pythonhosted.org/packages/bd/98/25a0c1dafa3c47d3a9ac1a542905f6b670189027bf6123ca8cb86845b726/pycares-4.8.0-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:73c3219b47616e6a5ad1810de96ed59721c7751f19b70ae7bf24997a8365408f", size = 619865, upload_time = "2025-05-04T11:26:24.961Z" }, + { url = "https://files.pythonhosted.org/packages/14/50/7863fc2bec6ee20ccf3a42058c3393527f0473fd797044bcc9f91bd1fa21/pycares-4.8.0-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:da42a45207c18f37be5e491c14b6d1063cfe1e46620eb661735d0cedc2b59099", size = 591484, upload_time = "2025-05-04T11:26:26.441Z" }, + { url = "https://files.pythonhosted.org/packages/d2/97/cdb364294f8d9cefa3d343e0d7e8330905654c768d8de0294eb85f78684d/pycares-4.8.0-cp311-cp311-musllinux_1_2_ppc64le.whl", hash = "sha256:8a068e898bb5dd09cd654e19cd2abf20f93d0cc59d5d955135ed48ea0f806aa1", size = 668562, upload_time = "2025-05-04T11:26:27.748Z" }, + { url = "https://files.pythonhosted.org/packages/d8/78/26defce6fee0b3739ffc9a12eea9922e3995ba9b1425de016fb305f894e4/pycares-4.8.0-cp311-cp311-musllinux_1_2_s390x.whl", hash = "sha256:962aed95675bb66c0b785a2fbbd1bb58ce7f009e283e4ef5aaa4a1f2dc00d217", size = 651591, upload_time = "2025-05-04T11:26:28.906Z" }, + { url = "https://files.pythonhosted.org/packages/a2/50/5114822c348347c46b01ccaac5dd81f791d93e984ec8f7f653e312e28590/pycares-4.8.0-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:ce8b1a16c1e4517a82a0ebd7664783a327166a3764d844cf96b1fb7b9dd1e493", size = 625979, upload_time = "2025-05-04T11:26:30.28Z" }, + { url = "https://files.pythonhosted.org/packages/6a/bd/ee4fbd142a5c544125418d0891446995900f77ae6844db1d40b2b7b3b5f6/pycares-4.8.0-cp311-cp311-win32.whl", hash = "sha256:b3749ddbcbd216376c3b53d42d8b640b457133f1a12b0e003f3838f953037ae7", size = 116672, upload_time = "2025-05-04T11:26:32.333Z" }, + { url = "https://files.pythonhosted.org/packages/7d/17/411a14f77b342857f450e31e9c255adef9a1396f3453dd6acc9d22e621f7/pycares-4.8.0-cp311-cp311-win_amd64.whl", hash = "sha256:5ce8a4e1b485b2360ab666c4ea1db97f57ede345a3b566d80bfa52b17e616610", size = 141955, upload_time = "2025-05-04T11:26:33.516Z" }, + { url = "https://files.pythonhosted.org/packages/b6/53/c0294acf3fd92cbcfc9d3811593bc5f09c5bb13e5bb116f613924f9af6fd/pycares-4.8.0-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:3273e01a75308ed06d2492d83c7ba476e579a60a24d9f20fe178ce5e9d8d028b", size = 143792, upload_time = "2025-05-04T11:26:34.835Z" }, + { url = "https://files.pythonhosted.org/packages/6b/0a/c7c69053a7ccff010b057309ec0d34bcf39e0105e2f1a647f6914d509968/pycares-4.8.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:fcedaadea1f452911fd29935749f98d144dae758d6003b7e9b6c5d5bd47d1dff", size = 138942, upload_time = "2025-05-04T11:26:35.806Z" }, + { url = "https://files.pythonhosted.org/packages/bd/bf/2364ef1e06efbbf2e09394935703f1d6a5b7d795411971e678afe82576b8/pycares-4.8.0-cp312-cp312-manylinux_2_12_i686.manylinux2010_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:aae6cb33e287e06a4aabcbc57626df682c9a4fa8026207f5b498697f1c2fb562", size = 585704, upload_time = "2025-05-04T11:26:36.844Z" }, + { url = "https://files.pythonhosted.org/packages/e4/18/20cda04e89e702ff76c3eec1c3946654996ac6449c2658361f3886d12451/pycares-4.8.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:25038b930e5be82839503fb171385b2aefd6d541bc5b7da0938bdb67780467d2", size = 626526, upload_time = "2025-05-04T11:26:37.908Z" }, + { url = "https://files.pythonhosted.org/packages/ea/74/5ed378a357fb9b343adaa7de69ae42d9f13994285b534ff2c9b712ef91b9/pycares-4.8.0-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:cc8499b6e7dfbe4af65f6938db710ce9acd1debf34af2cbb93b898b1e5da6a5a", size = 663744, upload_time = "2025-05-04T11:26:39.454Z" }, + { url = "https://files.pythonhosted.org/packages/31/72/aa7934eb5cf1d906684345fbb6bc4ddcb0924e4bdb2c5900213b1a871205/pycares-4.8.0-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:c4e1c6a68ef56a7622f6176d9946d4e51f3c853327a0123ef35a5380230c84cd", size = 646505, upload_time = "2025-05-04T11:26:41.019Z" }, + { url = "https://files.pythonhosted.org/packages/53/a3/3fecda2ded6e7cba9af9fd5ff53e0f927a7ee8d8b395ff6fa6ecba730661/pycares-4.8.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:d7cc8c3c9114b9c84e4062d25ca9b4bddc80a65d0b074c7cb059275273382f89", size = 627489, upload_time = "2025-05-04T11:26:42.543Z" }, + { url = "https://files.pythonhosted.org/packages/66/8d/4fdbcc31d25aa443e33b9382c70585222c3d8e2a9e8a71bfe58c9eb472fb/pycares-4.8.0-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:4404014069d3e362abf404c9932d4335bb9c07ba834cfe7d683c725b92e0f9da", size = 614241, upload_time = "2025-05-04T11:26:43.62Z" }, + { url = "https://files.pythonhosted.org/packages/72/e7/89f2a7b50527d171a28538b563a7d6523252c6583f6ee529190dcbca19a3/pycares-4.8.0-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:ee0a58c32ec2a352cef0e1d20335a7caf9871cd79b73be2ca2896fe70f09c9d7", size = 588756, upload_time = "2025-05-04T11:26:44.723Z" }, + { url = "https://files.pythonhosted.org/packages/dc/5a/ab1c6584293517b99238b11fcdcac5e72405fd18cf42119a068c3edcb339/pycares-4.8.0-cp312-cp312-musllinux_1_2_ppc64le.whl", hash = "sha256:35f32f52b486b8fede3cbebf088f30b01242d0321b5216887c28e80490595302", size = 665494, upload_time = "2025-05-04T11:26:45.844Z" }, + { url = "https://files.pythonhosted.org/packages/fa/7e/e630003c5a6d4dd0b8ddaeb5341d121900f04b33f44e321b3fa8b3e7a109/pycares-4.8.0-cp312-cp312-musllinux_1_2_s390x.whl", hash = "sha256:ecbb506e27a3b3a2abc001c77beeccf265475c84b98629a6b3e61bd9f2987eaa", size = 648095, upload_time = "2025-05-04T11:26:46.904Z" }, + { url = "https://files.pythonhosted.org/packages/6d/8e/59804748f9fa1a238422627f0485a68f1802c500c4e41a42bbbf3fd9309f/pycares-4.8.0-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:9392b2a34adbf60cb9e38f4a0d363413ecea8d835b5a475122f50f76676d59dd", size = 622993, upload_time = "2025-05-04T11:26:47.977Z" }, + { url = "https://files.pythonhosted.org/packages/2a/32/6771ffc00b0ed0ae22df8c144e10b8000428c3d14dd1e5b9b64ac9312302/pycares-4.8.0-cp312-cp312-win32.whl", hash = "sha256:f0fbefe68403ffcff19c869b8d621c88a6d2cef18d53cf0dab0fa9458a6ca712", size = 116724, upload_time = "2025-05-04T11:26:49.004Z" }, + { url = "https://files.pythonhosted.org/packages/42/da/185e7ac24255a496fec9121237d7d81f3aca4fbd7e5882aa6227ec87128e/pycares-4.8.0-cp312-cp312-win_amd64.whl", hash = "sha256:fa8aab6085a2ddfb1b43a06ddf1b498347117bb47cd620d9b12c43383c9c2737", size = 141959, upload_time = "2025-05-04T11:26:50.37Z" }, + { url = "https://files.pythonhosted.org/packages/ac/67/fc84ce3783be98798892552ff8f58e1f5c4472095095c950b06319ac371e/pycares-4.8.0-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:358a9a2c6fed59f62788e63d88669224955443048a1602016d4358e92aedb365", size = 143797, upload_time = "2025-05-04T11:26:51.731Z" }, + { url = "https://files.pythonhosted.org/packages/b7/9a/6c623ba91d43d3c0cf9f2020894ffd07205255d498a4f8d074820184cfa9/pycares-4.8.0-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:0e3e1278967fa8d4a0056be3fcc8fc551b8bad1fc7d0e5172196dccb8ddb036a", size = 138935, upload_time = "2025-05-04T11:26:52.675Z" }, + { url = "https://files.pythonhosted.org/packages/2d/93/c1d39ce7950e513157cd63214342cec78b50263d01caed84d84b105d610e/pycares-4.8.0-cp313-cp313-manylinux_2_12_i686.manylinux2010_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:79befb773e370a8f97de9f16f5ea2c7e7fa0e3c6c74fbea6d332bf58164d7d06", size = 585613, upload_time = "2025-05-04T11:26:53.706Z" }, + { url = "https://files.pythonhosted.org/packages/83/83/b6cde7216a88ac14547e42526b3fb53332c995290fa43da4e1028e11a383/pycares-4.8.0-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:2b00d3695db64ce98a34e632e1d53f5a1cdb25451489f227bec2a6c03ff87ee8", size = 626504, upload_time = "2025-05-04T11:26:54.8Z" }, + { url = "https://files.pythonhosted.org/packages/94/b0/1bea71c0bcdd849a1be992c9a1426cda5efc1794502a193afe24ffdc4ef2/pycares-4.8.0-cp313-cp313-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:37bdc4f2ff0612d60fc4f7547e12ff02cdcaa9a9e42e827bb64d4748994719f1", size = 663711, upload_time = "2025-05-04T11:26:56.012Z" }, + { url = "https://files.pythonhosted.org/packages/4c/b9/9dc0766102fe6bc6b424b6e7a697a728f55b618f4bdb98fee13323deef05/pycares-4.8.0-cp313-cp313-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:cd92c44498ec7a6139888b464b28c49f7ba975933689bd67ea8d572b94188404", size = 646383, upload_time = "2025-05-04T11:26:57.098Z" }, + { url = "https://files.pythonhosted.org/packages/ea/64/8c15bcecb8bc5feda59867a91769ee14182203a2af27e6fc86e4ec17384f/pycares-4.8.0-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:2665a0d810e2bbc41e97f3c3e5ea7950f666b3aa19c5f6c99d6b018ccd2e0052", size = 627475, upload_time = "2025-05-04T11:26:58.144Z" }, + { url = "https://files.pythonhosted.org/packages/b4/5b/277df0d278c552b6731e3c73a4a13317331db9ee68d32d9c99dc335b3ca0/pycares-4.8.0-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:45a629a6470a33478514c566bce50c63f1b17d1c5f2f964c9a6790330dc105fb", size = 614234, upload_time = "2025-05-04T11:26:59.529Z" }, + { url = "https://files.pythonhosted.org/packages/bb/03/5454b00af26f64285620fe3a0157a322cb33a46f37ff1ecda6966d2c2f14/pycares-4.8.0-cp313-cp313-musllinux_1_2_i686.whl", hash = "sha256:47bb378f1773f41cca8e31dcdf009ce4a9b8aff8a30c7267aaff9a099c407ba5", size = 588753, upload_time = "2025-05-04T11:27:00.674Z" }, + { url = "https://files.pythonhosted.org/packages/82/78/fe4e0c62e288542c5f2deae5f494c046d2224ed6c4fe285f5c5a09c5354f/pycares-4.8.0-cp313-cp313-musllinux_1_2_ppc64le.whl", hash = "sha256:fb3feae38458005cc101956e38f16eb3145fff8cd793e35cd4bdef6bf1aa2623", size = 665523, upload_time = "2025-05-04T11:27:01.84Z" }, + { url = "https://files.pythonhosted.org/packages/0c/c0/70456b953f126e2e708a94dfd15a6830fdeaaf2920e28121264fa5827abd/pycares-4.8.0-cp313-cp313-musllinux_1_2_s390x.whl", hash = "sha256:14bc28aeaa66b0f4331ac94455e8043c8a06b3faafd78cc49d4b677bae0d0b08", size = 648129, upload_time = "2025-05-04T11:27:03.379Z" }, + { url = "https://files.pythonhosted.org/packages/59/57/5ee116ba629e76313efe00b912130ac35ada5a89c154af4186f293c69580/pycares-4.8.0-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:62c82b871470f2864a1febf7b96bb1d108ce9063e6d3d43727e8a46f0028a456", size = 622970, upload_time = "2025-05-04T11:27:04.58Z" }, + { url = "https://files.pythonhosted.org/packages/02/be/ecfe41f3fffaf5e87308a2d1c6d6182865690ddff359be470c57726cded0/pycares-4.8.0-cp313-cp313-win32.whl", hash = "sha256:01afa8964c698c8f548b46d726f766aa7817b2d4386735af1f7996903d724920", size = 116727, upload_time = "2025-05-04T11:27:06.153Z" }, + { url = "https://files.pythonhosted.org/packages/cb/7d/f9ff1066d3b2db0d2b98188e4f30526b56de0787e99b5fdea3106595173b/pycares-4.8.0-cp313-cp313-win_amd64.whl", hash = "sha256:22f86f81b12ab17b0a7bd0da1e27938caaed11715225c1168763af97f8bb51a7", size = 141961, upload_time = "2025-05-04T11:27:07.074Z" }, ] [[package]] name = "pycparser" version = "2.22" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/1d/b2/31537cf4b1ca988837256c910a668b553fceb8f069bedc4b1c826024b52c/pycparser-2.22.tar.gz", hash = "sha256:491c8be9c040f5390f5bf44a5b07752bd07f56edf992381b05c701439eec10f6", size = 172736, upload-time = "2024-03-30T13:22:22.564Z" } +sdist = { url = "https://files.pythonhosted.org/packages/1d/b2/31537cf4b1ca988837256c910a668b553fceb8f069bedc4b1c826024b52c/pycparser-2.22.tar.gz", hash = "sha256:491c8be9c040f5390f5bf44a5b07752bd07f56edf992381b05c701439eec10f6", size = 172736, upload_time = "2024-03-30T13:22:22.564Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/13/a3/a812df4e2dd5696d1f351d58b8fe16a405b234ad2886a0dab9183fb78109/pycparser-2.22-py3-none-any.whl", hash = "sha256:c3702b6d3dd8c7abc1afa565d7e63d53a1d0bd86cdc24edd75470f4de499cfcc", size = 117552, upload-time = "2024-03-30T13:22:20.476Z" }, + { url = "https://files.pythonhosted.org/packages/13/a3/a812df4e2dd5696d1f351d58b8fe16a405b234ad2886a0dab9183fb78109/pycparser-2.22-py3-none-any.whl", hash = "sha256:c3702b6d3dd8c7abc1afa565d7e63d53a1d0bd86cdc24edd75470f4de499cfcc", size = 117552, upload_time = "2024-03-30T13:22:20.476Z" }, ] [[package]] @@ -2654,9 +2654,9 @@ dependencies = [ { name = "typing-extensions" }, { name = "typing-inspection" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/f0/86/8ce9040065e8f924d642c58e4a344e33163a07f6b57f836d0d734e0ad3fb/pydantic-2.11.5.tar.gz", hash = "sha256:7f853db3d0ce78ce8bbb148c401c2cdd6431b3473c0cdff2755c7690952a7b7a", size = 787102, upload-time = "2025-05-22T21:18:08.761Z" } +sdist = { url = "https://files.pythonhosted.org/packages/f0/86/8ce9040065e8f924d642c58e4a344e33163a07f6b57f836d0d734e0ad3fb/pydantic-2.11.5.tar.gz", hash = "sha256:7f853db3d0ce78ce8bbb148c401c2cdd6431b3473c0cdff2755c7690952a7b7a", size = 787102, upload_time = "2025-05-22T21:18:08.761Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/b5/69/831ed22b38ff9b4b64b66569f0e5b7b97cf3638346eb95a2147fdb49ad5f/pydantic-2.11.5-py3-none-any.whl", hash = "sha256:f9c26ba06f9747749ca1e5c94d6a85cb84254577553c8785576fd38fa64dc0f7", size = 444229, upload-time = "2025-05-22T21:18:06.329Z" }, + { url = "https://files.pythonhosted.org/packages/b5/69/831ed22b38ff9b4b64b66569f0e5b7b97cf3638346eb95a2147fdb49ad5f/pydantic-2.11.5-py3-none-any.whl", hash = "sha256:f9c26ba06f9747749ca1e5c94d6a85cb84254577553c8785576fd38fa64dc0f7", size = 444229, upload_time = "2025-05-22T21:18:06.329Z" }, ] [[package]] @@ -2666,62 +2666,62 @@ source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "typing-extensions" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/ad/88/5f2260bdfae97aabf98f1778d43f69574390ad787afb646292a638c923d4/pydantic_core-2.33.2.tar.gz", hash = "sha256:7cb8bc3605c29176e1b105350d2e6474142d7c1bd1d9327c4a9bdb46bf827acc", size = 435195, upload-time = "2025-04-23T18:33:52.104Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/3f/8d/71db63483d518cbbf290261a1fc2839d17ff89fce7089e08cad07ccfce67/pydantic_core-2.33.2-cp311-cp311-macosx_10_12_x86_64.whl", hash = "sha256:4c5b0a576fb381edd6d27f0a85915c6daf2f8138dc5c267a57c08a62900758c7", size = 2028584, upload-time = "2025-04-23T18:31:03.106Z" }, - { url = "https://files.pythonhosted.org/packages/24/2f/3cfa7244ae292dd850989f328722d2aef313f74ffc471184dc509e1e4e5a/pydantic_core-2.33.2-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:e799c050df38a639db758c617ec771fd8fb7a5f8eaaa4b27b101f266b216a246", size = 1855071, upload-time = "2025-04-23T18:31:04.621Z" }, - { url = "https://files.pythonhosted.org/packages/b3/d3/4ae42d33f5e3f50dd467761304be2fa0a9417fbf09735bc2cce003480f2a/pydantic_core-2.33.2-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:dc46a01bf8d62f227d5ecee74178ffc448ff4e5197c756331f71efcc66dc980f", size = 1897823, upload-time = "2025-04-23T18:31:06.377Z" }, - { url = "https://files.pythonhosted.org/packages/f4/f3/aa5976e8352b7695ff808599794b1fba2a9ae2ee954a3426855935799488/pydantic_core-2.33.2-cp311-cp311-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:a144d4f717285c6d9234a66778059f33a89096dfb9b39117663fd8413d582dcc", size = 1983792, upload-time = "2025-04-23T18:31:07.93Z" }, - { url = "https://files.pythonhosted.org/packages/d5/7a/cda9b5a23c552037717f2b2a5257e9b2bfe45e687386df9591eff7b46d28/pydantic_core-2.33.2-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:73cf6373c21bc80b2e0dc88444f41ae60b2f070ed02095754eb5a01df12256de", size = 2136338, upload-time = "2025-04-23T18:31:09.283Z" }, - { url = "https://files.pythonhosted.org/packages/2b/9f/b8f9ec8dd1417eb9da784e91e1667d58a2a4a7b7b34cf4af765ef663a7e5/pydantic_core-2.33.2-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:3dc625f4aa79713512d1976fe9f0bc99f706a9dee21dfd1810b4bbbf228d0e8a", size = 2730998, upload-time = "2025-04-23T18:31:11.7Z" }, - { url = "https://files.pythonhosted.org/packages/47/bc/cd720e078576bdb8255d5032c5d63ee5c0bf4b7173dd955185a1d658c456/pydantic_core-2.33.2-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:881b21b5549499972441da4758d662aeea93f1923f953e9cbaff14b8b9565aef", size = 2003200, upload-time = "2025-04-23T18:31:13.536Z" }, - { url = "https://files.pythonhosted.org/packages/ca/22/3602b895ee2cd29d11a2b349372446ae9727c32e78a94b3d588a40fdf187/pydantic_core-2.33.2-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:bdc25f3681f7b78572699569514036afe3c243bc3059d3942624e936ec93450e", size = 2113890, upload-time = "2025-04-23T18:31:15.011Z" }, - { url = "https://files.pythonhosted.org/packages/ff/e6/e3c5908c03cf00d629eb38393a98fccc38ee0ce8ecce32f69fc7d7b558a7/pydantic_core-2.33.2-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:fe5b32187cbc0c862ee201ad66c30cf218e5ed468ec8dc1cf49dec66e160cc4d", size = 2073359, upload-time = "2025-04-23T18:31:16.393Z" }, - { url = "https://files.pythonhosted.org/packages/12/e7/6a36a07c59ebefc8777d1ffdaf5ae71b06b21952582e4b07eba88a421c79/pydantic_core-2.33.2-cp311-cp311-musllinux_1_1_armv7l.whl", hash = "sha256:bc7aee6f634a6f4a95676fcb5d6559a2c2a390330098dba5e5a5f28a2e4ada30", size = 2245883, upload-time = "2025-04-23T18:31:17.892Z" }, - { url = "https://files.pythonhosted.org/packages/16/3f/59b3187aaa6cc0c1e6616e8045b284de2b6a87b027cce2ffcea073adf1d2/pydantic_core-2.33.2-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:235f45e5dbcccf6bd99f9f472858849f73d11120d76ea8707115415f8e5ebebf", size = 2241074, upload-time = "2025-04-23T18:31:19.205Z" }, - { url = "https://files.pythonhosted.org/packages/e0/ed/55532bb88f674d5d8f67ab121a2a13c385df382de2a1677f30ad385f7438/pydantic_core-2.33.2-cp311-cp311-win32.whl", hash = "sha256:6368900c2d3ef09b69cb0b913f9f8263b03786e5b2a387706c5afb66800efd51", size = 1910538, upload-time = "2025-04-23T18:31:20.541Z" }, - { url = "https://files.pythonhosted.org/packages/fe/1b/25b7cccd4519c0b23c2dd636ad39d381abf113085ce4f7bec2b0dc755eb1/pydantic_core-2.33.2-cp311-cp311-win_amd64.whl", hash = "sha256:1e063337ef9e9820c77acc768546325ebe04ee38b08703244c1309cccc4f1bab", size = 1952909, upload-time = "2025-04-23T18:31:22.371Z" }, - { url = "https://files.pythonhosted.org/packages/49/a9/d809358e49126438055884c4366a1f6227f0f84f635a9014e2deb9b9de54/pydantic_core-2.33.2-cp311-cp311-win_arm64.whl", hash = "sha256:6b99022f1d19bc32a4c2a0d544fc9a76e3be90f0b3f4af413f87d38749300e65", size = 1897786, upload-time = "2025-04-23T18:31:24.161Z" }, - { url = "https://files.pythonhosted.org/packages/18/8a/2b41c97f554ec8c71f2a8a5f85cb56a8b0956addfe8b0efb5b3d77e8bdc3/pydantic_core-2.33.2-cp312-cp312-macosx_10_12_x86_64.whl", hash = "sha256:a7ec89dc587667f22b6a0b6579c249fca9026ce7c333fc142ba42411fa243cdc", size = 2009000, upload-time = "2025-04-23T18:31:25.863Z" }, - { url = "https://files.pythonhosted.org/packages/a1/02/6224312aacb3c8ecbaa959897af57181fb6cf3a3d7917fd44d0f2917e6f2/pydantic_core-2.33.2-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:3c6db6e52c6d70aa0d00d45cdb9b40f0433b96380071ea80b09277dba021ddf7", size = 1847996, upload-time = "2025-04-23T18:31:27.341Z" }, - { url = "https://files.pythonhosted.org/packages/d6/46/6dcdf084a523dbe0a0be59d054734b86a981726f221f4562aed313dbcb49/pydantic_core-2.33.2-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:4e61206137cbc65e6d5256e1166f88331d3b6238e082d9f74613b9b765fb9025", size = 1880957, upload-time = "2025-04-23T18:31:28.956Z" }, - { url = "https://files.pythonhosted.org/packages/ec/6b/1ec2c03837ac00886ba8160ce041ce4e325b41d06a034adbef11339ae422/pydantic_core-2.33.2-cp312-cp312-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:eb8c529b2819c37140eb51b914153063d27ed88e3bdc31b71198a198e921e011", size = 1964199, upload-time = "2025-04-23T18:31:31.025Z" }, - { url = "https://files.pythonhosted.org/packages/2d/1d/6bf34d6adb9debd9136bd197ca72642203ce9aaaa85cfcbfcf20f9696e83/pydantic_core-2.33.2-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:c52b02ad8b4e2cf14ca7b3d918f3eb0ee91e63b3167c32591e57c4317e134f8f", size = 2120296, upload-time = "2025-04-23T18:31:32.514Z" }, - { url = "https://files.pythonhosted.org/packages/e0/94/2bd0aaf5a591e974b32a9f7123f16637776c304471a0ab33cf263cf5591a/pydantic_core-2.33.2-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:96081f1605125ba0855dfda83f6f3df5ec90c61195421ba72223de35ccfb2f88", size = 2676109, upload-time = "2025-04-23T18:31:33.958Z" }, - { url = "https://files.pythonhosted.org/packages/f9/41/4b043778cf9c4285d59742281a769eac371b9e47e35f98ad321349cc5d61/pydantic_core-2.33.2-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:8f57a69461af2a5fa6e6bbd7a5f60d3b7e6cebb687f55106933188e79ad155c1", size = 2002028, upload-time = "2025-04-23T18:31:39.095Z" }, - { url = "https://files.pythonhosted.org/packages/cb/d5/7bb781bf2748ce3d03af04d5c969fa1308880e1dca35a9bd94e1a96a922e/pydantic_core-2.33.2-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:572c7e6c8bb4774d2ac88929e3d1f12bc45714ae5ee6d9a788a9fb35e60bb04b", size = 2100044, upload-time = "2025-04-23T18:31:41.034Z" }, - { url = "https://files.pythonhosted.org/packages/fe/36/def5e53e1eb0ad896785702a5bbfd25eed546cdcf4087ad285021a90ed53/pydantic_core-2.33.2-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:db4b41f9bd95fbe5acd76d89920336ba96f03e149097365afe1cb092fceb89a1", size = 2058881, upload-time = "2025-04-23T18:31:42.757Z" }, - { url = "https://files.pythonhosted.org/packages/01/6c/57f8d70b2ee57fc3dc8b9610315949837fa8c11d86927b9bb044f8705419/pydantic_core-2.33.2-cp312-cp312-musllinux_1_1_armv7l.whl", hash = "sha256:fa854f5cf7e33842a892e5c73f45327760bc7bc516339fda888c75ae60edaeb6", size = 2227034, upload-time = "2025-04-23T18:31:44.304Z" }, - { url = "https://files.pythonhosted.org/packages/27/b9/9c17f0396a82b3d5cbea4c24d742083422639e7bb1d5bf600e12cb176a13/pydantic_core-2.33.2-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:5f483cfb75ff703095c59e365360cb73e00185e01aaea067cd19acffd2ab20ea", size = 2234187, upload-time = "2025-04-23T18:31:45.891Z" }, - { url = "https://files.pythonhosted.org/packages/b0/6a/adf5734ffd52bf86d865093ad70b2ce543415e0e356f6cacabbc0d9ad910/pydantic_core-2.33.2-cp312-cp312-win32.whl", hash = "sha256:9cb1da0f5a471435a7bc7e439b8a728e8b61e59784b2af70d7c169f8dd8ae290", size = 1892628, upload-time = "2025-04-23T18:31:47.819Z" }, - { url = "https://files.pythonhosted.org/packages/43/e4/5479fecb3606c1368d496a825d8411e126133c41224c1e7238be58b87d7e/pydantic_core-2.33.2-cp312-cp312-win_amd64.whl", hash = "sha256:f941635f2a3d96b2973e867144fde513665c87f13fe0e193c158ac51bfaaa7b2", size = 1955866, upload-time = "2025-04-23T18:31:49.635Z" }, - { url = "https://files.pythonhosted.org/packages/0d/24/8b11e8b3e2be9dd82df4b11408a67c61bb4dc4f8e11b5b0fc888b38118b5/pydantic_core-2.33.2-cp312-cp312-win_arm64.whl", hash = "sha256:cca3868ddfaccfbc4bfb1d608e2ccaaebe0ae628e1416aeb9c4d88c001bb45ab", size = 1888894, upload-time = "2025-04-23T18:31:51.609Z" }, - { url = "https://files.pythonhosted.org/packages/46/8c/99040727b41f56616573a28771b1bfa08a3d3fe74d3d513f01251f79f172/pydantic_core-2.33.2-cp313-cp313-macosx_10_12_x86_64.whl", hash = "sha256:1082dd3e2d7109ad8b7da48e1d4710c8d06c253cbc4a27c1cff4fbcaa97a9e3f", size = 2015688, upload-time = "2025-04-23T18:31:53.175Z" }, - { url = "https://files.pythonhosted.org/packages/3a/cc/5999d1eb705a6cefc31f0b4a90e9f7fc400539b1a1030529700cc1b51838/pydantic_core-2.33.2-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:f517ca031dfc037a9c07e748cefd8d96235088b83b4f4ba8939105d20fa1dcd6", size = 1844808, upload-time = "2025-04-23T18:31:54.79Z" }, - { url = "https://files.pythonhosted.org/packages/6f/5e/a0a7b8885c98889a18b6e376f344da1ef323d270b44edf8174d6bce4d622/pydantic_core-2.33.2-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:0a9f2c9dd19656823cb8250b0724ee9c60a82f3cdf68a080979d13092a3b0fef", size = 1885580, upload-time = "2025-04-23T18:31:57.393Z" }, - { url = "https://files.pythonhosted.org/packages/3b/2a/953581f343c7d11a304581156618c3f592435523dd9d79865903272c256a/pydantic_core-2.33.2-cp313-cp313-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:2b0a451c263b01acebe51895bfb0e1cc842a5c666efe06cdf13846c7418caa9a", size = 1973859, upload-time = "2025-04-23T18:31:59.065Z" }, - { url = "https://files.pythonhosted.org/packages/e6/55/f1a813904771c03a3f97f676c62cca0c0a4138654107c1b61f19c644868b/pydantic_core-2.33.2-cp313-cp313-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:1ea40a64d23faa25e62a70ad163571c0b342b8bf66d5fa612ac0dec4f069d916", size = 2120810, upload-time = "2025-04-23T18:32:00.78Z" }, - { url = "https://files.pythonhosted.org/packages/aa/c3/053389835a996e18853ba107a63caae0b9deb4a276c6b472931ea9ae6e48/pydantic_core-2.33.2-cp313-cp313-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:0fb2d542b4d66f9470e8065c5469ec676978d625a8b7a363f07d9a501a9cb36a", size = 2676498, upload-time = "2025-04-23T18:32:02.418Z" }, - { url = "https://files.pythonhosted.org/packages/eb/3c/f4abd740877a35abade05e437245b192f9d0ffb48bbbbd708df33d3cda37/pydantic_core-2.33.2-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:9fdac5d6ffa1b5a83bca06ffe7583f5576555e6c8b3a91fbd25ea7780f825f7d", size = 2000611, upload-time = "2025-04-23T18:32:04.152Z" }, - { url = "https://files.pythonhosted.org/packages/59/a7/63ef2fed1837d1121a894d0ce88439fe3e3b3e48c7543b2a4479eb99c2bd/pydantic_core-2.33.2-cp313-cp313-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:04a1a413977ab517154eebb2d326da71638271477d6ad87a769102f7c2488c56", size = 2107924, upload-time = "2025-04-23T18:32:06.129Z" }, - { url = "https://files.pythonhosted.org/packages/04/8f/2551964ef045669801675f1cfc3b0d74147f4901c3ffa42be2ddb1f0efc4/pydantic_core-2.33.2-cp313-cp313-musllinux_1_1_aarch64.whl", hash = "sha256:c8e7af2f4e0194c22b5b37205bfb293d166a7344a5b0d0eaccebc376546d77d5", size = 2063196, upload-time = "2025-04-23T18:32:08.178Z" }, - { url = "https://files.pythonhosted.org/packages/26/bd/d9602777e77fc6dbb0c7db9ad356e9a985825547dce5ad1d30ee04903918/pydantic_core-2.33.2-cp313-cp313-musllinux_1_1_armv7l.whl", hash = "sha256:5c92edd15cd58b3c2d34873597a1e20f13094f59cf88068adb18947df5455b4e", size = 2236389, upload-time = "2025-04-23T18:32:10.242Z" }, - { url = "https://files.pythonhosted.org/packages/42/db/0e950daa7e2230423ab342ae918a794964b053bec24ba8af013fc7c94846/pydantic_core-2.33.2-cp313-cp313-musllinux_1_1_x86_64.whl", hash = "sha256:65132b7b4a1c0beded5e057324b7e16e10910c106d43675d9bd87d4f38dde162", size = 2239223, upload-time = "2025-04-23T18:32:12.382Z" }, - { url = "https://files.pythonhosted.org/packages/58/4d/4f937099c545a8a17eb52cb67fe0447fd9a373b348ccfa9a87f141eeb00f/pydantic_core-2.33.2-cp313-cp313-win32.whl", hash = "sha256:52fb90784e0a242bb96ec53f42196a17278855b0f31ac7c3cc6f5c1ec4811849", size = 1900473, upload-time = "2025-04-23T18:32:14.034Z" }, - { url = "https://files.pythonhosted.org/packages/a0/75/4a0a9bac998d78d889def5e4ef2b065acba8cae8c93696906c3a91f310ca/pydantic_core-2.33.2-cp313-cp313-win_amd64.whl", hash = "sha256:c083a3bdd5a93dfe480f1125926afcdbf2917ae714bdb80b36d34318b2bec5d9", size = 1955269, upload-time = "2025-04-23T18:32:15.783Z" }, - { url = "https://files.pythonhosted.org/packages/f9/86/1beda0576969592f1497b4ce8e7bc8cbdf614c352426271b1b10d5f0aa64/pydantic_core-2.33.2-cp313-cp313-win_arm64.whl", hash = "sha256:e80b087132752f6b3d714f041ccf74403799d3b23a72722ea2e6ba2e892555b9", size = 1893921, upload-time = "2025-04-23T18:32:18.473Z" }, - { url = "https://files.pythonhosted.org/packages/a4/7d/e09391c2eebeab681df2b74bfe6c43422fffede8dc74187b2b0bf6fd7571/pydantic_core-2.33.2-cp313-cp313t-macosx_11_0_arm64.whl", hash = "sha256:61c18fba8e5e9db3ab908620af374db0ac1baa69f0f32df4f61ae23f15e586ac", size = 1806162, upload-time = "2025-04-23T18:32:20.188Z" }, - { url = "https://files.pythonhosted.org/packages/f1/3d/847b6b1fed9f8ed3bb95a9ad04fbd0b212e832d4f0f50ff4d9ee5a9f15cf/pydantic_core-2.33.2-cp313-cp313t-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:95237e53bb015f67b63c91af7518a62a8660376a6a0db19b89acc77a4d6199f5", size = 1981560, upload-time = "2025-04-23T18:32:22.354Z" }, - { url = "https://files.pythonhosted.org/packages/6f/9a/e73262f6c6656262b5fdd723ad90f518f579b7bc8622e43a942eec53c938/pydantic_core-2.33.2-cp313-cp313t-win_amd64.whl", hash = "sha256:c2fc0a768ef76c15ab9238afa6da7f69895bb5d1ee83aeea2e3509af4472d0b9", size = 1935777, upload-time = "2025-04-23T18:32:25.088Z" }, - { url = "https://files.pythonhosted.org/packages/7b/27/d4ae6487d73948d6f20dddcd94be4ea43e74349b56eba82e9bdee2d7494c/pydantic_core-2.33.2-pp311-pypy311_pp73-macosx_10_12_x86_64.whl", hash = "sha256:dd14041875d09cc0f9308e37a6f8b65f5585cf2598a53aa0123df8b129d481f8", size = 2025200, upload-time = "2025-04-23T18:33:14.199Z" }, - { url = "https://files.pythonhosted.org/packages/f1/b8/b3cb95375f05d33801024079b9392a5ab45267a63400bf1866e7ce0f0de4/pydantic_core-2.33.2-pp311-pypy311_pp73-macosx_11_0_arm64.whl", hash = "sha256:d87c561733f66531dced0da6e864f44ebf89a8fba55f31407b00c2f7f9449593", size = 1859123, upload-time = "2025-04-23T18:33:16.555Z" }, - { url = "https://files.pythonhosted.org/packages/05/bc/0d0b5adeda59a261cd30a1235a445bf55c7e46ae44aea28f7bd6ed46e091/pydantic_core-2.33.2-pp311-pypy311_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:2f82865531efd18d6e07a04a17331af02cb7a651583c418df8266f17a63c6612", size = 1892852, upload-time = "2025-04-23T18:33:18.513Z" }, - { url = "https://files.pythonhosted.org/packages/3e/11/d37bdebbda2e449cb3f519f6ce950927b56d62f0b84fd9cb9e372a26a3d5/pydantic_core-2.33.2-pp311-pypy311_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:2bfb5112df54209d820d7bf9317c7a6c9025ea52e49f46b6a2060104bba37de7", size = 2067484, upload-time = "2025-04-23T18:33:20.475Z" }, - { url = "https://files.pythonhosted.org/packages/8c/55/1f95f0a05ce72ecb02a8a8a1c3be0579bbc29b1d5ab68f1378b7bebc5057/pydantic_core-2.33.2-pp311-pypy311_pp73-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:64632ff9d614e5eecfb495796ad51b0ed98c453e447a76bcbeeb69615079fc7e", size = 2108896, upload-time = "2025-04-23T18:33:22.501Z" }, - { url = "https://files.pythonhosted.org/packages/53/89/2b2de6c81fa131f423246a9109d7b2a375e83968ad0800d6e57d0574629b/pydantic_core-2.33.2-pp311-pypy311_pp73-musllinux_1_1_aarch64.whl", hash = "sha256:f889f7a40498cc077332c7ab6b4608d296d852182211787d4f3ee377aaae66e8", size = 2069475, upload-time = "2025-04-23T18:33:24.528Z" }, - { url = "https://files.pythonhosted.org/packages/b8/e9/1f7efbe20d0b2b10f6718944b5d8ece9152390904f29a78e68d4e7961159/pydantic_core-2.33.2-pp311-pypy311_pp73-musllinux_1_1_armv7l.whl", hash = "sha256:de4b83bb311557e439b9e186f733f6c645b9417c84e2eb8203f3f820a4b988bf", size = 2239013, upload-time = "2025-04-23T18:33:26.621Z" }, - { url = "https://files.pythonhosted.org/packages/3c/b2/5309c905a93811524a49b4e031e9851a6b00ff0fb668794472ea7746b448/pydantic_core-2.33.2-pp311-pypy311_pp73-musllinux_1_1_x86_64.whl", hash = "sha256:82f68293f055f51b51ea42fafc74b6aad03e70e191799430b90c13d643059ebb", size = 2238715, upload-time = "2025-04-23T18:33:28.656Z" }, - { url = "https://files.pythonhosted.org/packages/32/56/8a7ca5d2cd2cda1d245d34b1c9a942920a718082ae8e54e5f3e5a58b7add/pydantic_core-2.33.2-pp311-pypy311_pp73-win_amd64.whl", hash = "sha256:329467cecfb529c925cf2bbd4d60d2c509bc2fb52a20c1045bf09bb70971a9c1", size = 2066757, upload-time = "2025-04-23T18:33:30.645Z" }, +sdist = { url = "https://files.pythonhosted.org/packages/ad/88/5f2260bdfae97aabf98f1778d43f69574390ad787afb646292a638c923d4/pydantic_core-2.33.2.tar.gz", hash = "sha256:7cb8bc3605c29176e1b105350d2e6474142d7c1bd1d9327c4a9bdb46bf827acc", size = 435195, upload_time = "2025-04-23T18:33:52.104Z" } +wheels = [ + { url = "https://files.pythonhosted.org/packages/3f/8d/71db63483d518cbbf290261a1fc2839d17ff89fce7089e08cad07ccfce67/pydantic_core-2.33.2-cp311-cp311-macosx_10_12_x86_64.whl", hash = "sha256:4c5b0a576fb381edd6d27f0a85915c6daf2f8138dc5c267a57c08a62900758c7", size = 2028584, upload_time = "2025-04-23T18:31:03.106Z" }, + { url = "https://files.pythonhosted.org/packages/24/2f/3cfa7244ae292dd850989f328722d2aef313f74ffc471184dc509e1e4e5a/pydantic_core-2.33.2-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:e799c050df38a639db758c617ec771fd8fb7a5f8eaaa4b27b101f266b216a246", size = 1855071, upload_time = "2025-04-23T18:31:04.621Z" }, + { url = "https://files.pythonhosted.org/packages/b3/d3/4ae42d33f5e3f50dd467761304be2fa0a9417fbf09735bc2cce003480f2a/pydantic_core-2.33.2-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:dc46a01bf8d62f227d5ecee74178ffc448ff4e5197c756331f71efcc66dc980f", size = 1897823, upload_time = "2025-04-23T18:31:06.377Z" }, + { url = "https://files.pythonhosted.org/packages/f4/f3/aa5976e8352b7695ff808599794b1fba2a9ae2ee954a3426855935799488/pydantic_core-2.33.2-cp311-cp311-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:a144d4f717285c6d9234a66778059f33a89096dfb9b39117663fd8413d582dcc", size = 1983792, upload_time = "2025-04-23T18:31:07.93Z" }, + { url = "https://files.pythonhosted.org/packages/d5/7a/cda9b5a23c552037717f2b2a5257e9b2bfe45e687386df9591eff7b46d28/pydantic_core-2.33.2-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:73cf6373c21bc80b2e0dc88444f41ae60b2f070ed02095754eb5a01df12256de", size = 2136338, upload_time = "2025-04-23T18:31:09.283Z" }, + { url = "https://files.pythonhosted.org/packages/2b/9f/b8f9ec8dd1417eb9da784e91e1667d58a2a4a7b7b34cf4af765ef663a7e5/pydantic_core-2.33.2-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:3dc625f4aa79713512d1976fe9f0bc99f706a9dee21dfd1810b4bbbf228d0e8a", size = 2730998, upload_time = "2025-04-23T18:31:11.7Z" }, + { url = "https://files.pythonhosted.org/packages/47/bc/cd720e078576bdb8255d5032c5d63ee5c0bf4b7173dd955185a1d658c456/pydantic_core-2.33.2-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:881b21b5549499972441da4758d662aeea93f1923f953e9cbaff14b8b9565aef", size = 2003200, upload_time = "2025-04-23T18:31:13.536Z" }, + { url = "https://files.pythonhosted.org/packages/ca/22/3602b895ee2cd29d11a2b349372446ae9727c32e78a94b3d588a40fdf187/pydantic_core-2.33.2-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:bdc25f3681f7b78572699569514036afe3c243bc3059d3942624e936ec93450e", size = 2113890, upload_time = "2025-04-23T18:31:15.011Z" }, + { url = "https://files.pythonhosted.org/packages/ff/e6/e3c5908c03cf00d629eb38393a98fccc38ee0ce8ecce32f69fc7d7b558a7/pydantic_core-2.33.2-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:fe5b32187cbc0c862ee201ad66c30cf218e5ed468ec8dc1cf49dec66e160cc4d", size = 2073359, upload_time = "2025-04-23T18:31:16.393Z" }, + { url = "https://files.pythonhosted.org/packages/12/e7/6a36a07c59ebefc8777d1ffdaf5ae71b06b21952582e4b07eba88a421c79/pydantic_core-2.33.2-cp311-cp311-musllinux_1_1_armv7l.whl", hash = "sha256:bc7aee6f634a6f4a95676fcb5d6559a2c2a390330098dba5e5a5f28a2e4ada30", size = 2245883, upload_time = "2025-04-23T18:31:17.892Z" }, + { url = "https://files.pythonhosted.org/packages/16/3f/59b3187aaa6cc0c1e6616e8045b284de2b6a87b027cce2ffcea073adf1d2/pydantic_core-2.33.2-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:235f45e5dbcccf6bd99f9f472858849f73d11120d76ea8707115415f8e5ebebf", size = 2241074, upload_time = "2025-04-23T18:31:19.205Z" }, + { url = "https://files.pythonhosted.org/packages/e0/ed/55532bb88f674d5d8f67ab121a2a13c385df382de2a1677f30ad385f7438/pydantic_core-2.33.2-cp311-cp311-win32.whl", hash = "sha256:6368900c2d3ef09b69cb0b913f9f8263b03786e5b2a387706c5afb66800efd51", size = 1910538, upload_time = "2025-04-23T18:31:20.541Z" }, + { url = "https://files.pythonhosted.org/packages/fe/1b/25b7cccd4519c0b23c2dd636ad39d381abf113085ce4f7bec2b0dc755eb1/pydantic_core-2.33.2-cp311-cp311-win_amd64.whl", hash = "sha256:1e063337ef9e9820c77acc768546325ebe04ee38b08703244c1309cccc4f1bab", size = 1952909, upload_time = "2025-04-23T18:31:22.371Z" }, + { url = "https://files.pythonhosted.org/packages/49/a9/d809358e49126438055884c4366a1f6227f0f84f635a9014e2deb9b9de54/pydantic_core-2.33.2-cp311-cp311-win_arm64.whl", hash = "sha256:6b99022f1d19bc32a4c2a0d544fc9a76e3be90f0b3f4af413f87d38749300e65", size = 1897786, upload_time = "2025-04-23T18:31:24.161Z" }, + { url = "https://files.pythonhosted.org/packages/18/8a/2b41c97f554ec8c71f2a8a5f85cb56a8b0956addfe8b0efb5b3d77e8bdc3/pydantic_core-2.33.2-cp312-cp312-macosx_10_12_x86_64.whl", hash = "sha256:a7ec89dc587667f22b6a0b6579c249fca9026ce7c333fc142ba42411fa243cdc", size = 2009000, upload_time = "2025-04-23T18:31:25.863Z" }, + { url = "https://files.pythonhosted.org/packages/a1/02/6224312aacb3c8ecbaa959897af57181fb6cf3a3d7917fd44d0f2917e6f2/pydantic_core-2.33.2-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:3c6db6e52c6d70aa0d00d45cdb9b40f0433b96380071ea80b09277dba021ddf7", size = 1847996, upload_time = "2025-04-23T18:31:27.341Z" }, + { url = "https://files.pythonhosted.org/packages/d6/46/6dcdf084a523dbe0a0be59d054734b86a981726f221f4562aed313dbcb49/pydantic_core-2.33.2-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:4e61206137cbc65e6d5256e1166f88331d3b6238e082d9f74613b9b765fb9025", size = 1880957, upload_time = "2025-04-23T18:31:28.956Z" }, + { url = "https://files.pythonhosted.org/packages/ec/6b/1ec2c03837ac00886ba8160ce041ce4e325b41d06a034adbef11339ae422/pydantic_core-2.33.2-cp312-cp312-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:eb8c529b2819c37140eb51b914153063d27ed88e3bdc31b71198a198e921e011", size = 1964199, upload_time = "2025-04-23T18:31:31.025Z" }, + { url = "https://files.pythonhosted.org/packages/2d/1d/6bf34d6adb9debd9136bd197ca72642203ce9aaaa85cfcbfcf20f9696e83/pydantic_core-2.33.2-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:c52b02ad8b4e2cf14ca7b3d918f3eb0ee91e63b3167c32591e57c4317e134f8f", size = 2120296, upload_time = "2025-04-23T18:31:32.514Z" }, + { url = "https://files.pythonhosted.org/packages/e0/94/2bd0aaf5a591e974b32a9f7123f16637776c304471a0ab33cf263cf5591a/pydantic_core-2.33.2-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:96081f1605125ba0855dfda83f6f3df5ec90c61195421ba72223de35ccfb2f88", size = 2676109, upload_time = "2025-04-23T18:31:33.958Z" }, + { url = "https://files.pythonhosted.org/packages/f9/41/4b043778cf9c4285d59742281a769eac371b9e47e35f98ad321349cc5d61/pydantic_core-2.33.2-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:8f57a69461af2a5fa6e6bbd7a5f60d3b7e6cebb687f55106933188e79ad155c1", size = 2002028, upload_time = "2025-04-23T18:31:39.095Z" }, + { url = "https://files.pythonhosted.org/packages/cb/d5/7bb781bf2748ce3d03af04d5c969fa1308880e1dca35a9bd94e1a96a922e/pydantic_core-2.33.2-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:572c7e6c8bb4774d2ac88929e3d1f12bc45714ae5ee6d9a788a9fb35e60bb04b", size = 2100044, upload_time = "2025-04-23T18:31:41.034Z" }, + { url = "https://files.pythonhosted.org/packages/fe/36/def5e53e1eb0ad896785702a5bbfd25eed546cdcf4087ad285021a90ed53/pydantic_core-2.33.2-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:db4b41f9bd95fbe5acd76d89920336ba96f03e149097365afe1cb092fceb89a1", size = 2058881, upload_time = "2025-04-23T18:31:42.757Z" }, + { url = "https://files.pythonhosted.org/packages/01/6c/57f8d70b2ee57fc3dc8b9610315949837fa8c11d86927b9bb044f8705419/pydantic_core-2.33.2-cp312-cp312-musllinux_1_1_armv7l.whl", hash = "sha256:fa854f5cf7e33842a892e5c73f45327760bc7bc516339fda888c75ae60edaeb6", size = 2227034, upload_time = "2025-04-23T18:31:44.304Z" }, + { url = "https://files.pythonhosted.org/packages/27/b9/9c17f0396a82b3d5cbea4c24d742083422639e7bb1d5bf600e12cb176a13/pydantic_core-2.33.2-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:5f483cfb75ff703095c59e365360cb73e00185e01aaea067cd19acffd2ab20ea", size = 2234187, upload_time = "2025-04-23T18:31:45.891Z" }, + { url = "https://files.pythonhosted.org/packages/b0/6a/adf5734ffd52bf86d865093ad70b2ce543415e0e356f6cacabbc0d9ad910/pydantic_core-2.33.2-cp312-cp312-win32.whl", hash = "sha256:9cb1da0f5a471435a7bc7e439b8a728e8b61e59784b2af70d7c169f8dd8ae290", size = 1892628, upload_time = "2025-04-23T18:31:47.819Z" }, + { url = "https://files.pythonhosted.org/packages/43/e4/5479fecb3606c1368d496a825d8411e126133c41224c1e7238be58b87d7e/pydantic_core-2.33.2-cp312-cp312-win_amd64.whl", hash = "sha256:f941635f2a3d96b2973e867144fde513665c87f13fe0e193c158ac51bfaaa7b2", size = 1955866, upload_time = "2025-04-23T18:31:49.635Z" }, + { url = "https://files.pythonhosted.org/packages/0d/24/8b11e8b3e2be9dd82df4b11408a67c61bb4dc4f8e11b5b0fc888b38118b5/pydantic_core-2.33.2-cp312-cp312-win_arm64.whl", hash = "sha256:cca3868ddfaccfbc4bfb1d608e2ccaaebe0ae628e1416aeb9c4d88c001bb45ab", size = 1888894, upload_time = "2025-04-23T18:31:51.609Z" }, + { url = "https://files.pythonhosted.org/packages/46/8c/99040727b41f56616573a28771b1bfa08a3d3fe74d3d513f01251f79f172/pydantic_core-2.33.2-cp313-cp313-macosx_10_12_x86_64.whl", hash = "sha256:1082dd3e2d7109ad8b7da48e1d4710c8d06c253cbc4a27c1cff4fbcaa97a9e3f", size = 2015688, upload_time = "2025-04-23T18:31:53.175Z" }, + { url = "https://files.pythonhosted.org/packages/3a/cc/5999d1eb705a6cefc31f0b4a90e9f7fc400539b1a1030529700cc1b51838/pydantic_core-2.33.2-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:f517ca031dfc037a9c07e748cefd8d96235088b83b4f4ba8939105d20fa1dcd6", size = 1844808, upload_time = "2025-04-23T18:31:54.79Z" }, + { url = "https://files.pythonhosted.org/packages/6f/5e/a0a7b8885c98889a18b6e376f344da1ef323d270b44edf8174d6bce4d622/pydantic_core-2.33.2-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:0a9f2c9dd19656823cb8250b0724ee9c60a82f3cdf68a080979d13092a3b0fef", size = 1885580, upload_time = "2025-04-23T18:31:57.393Z" }, + { url = "https://files.pythonhosted.org/packages/3b/2a/953581f343c7d11a304581156618c3f592435523dd9d79865903272c256a/pydantic_core-2.33.2-cp313-cp313-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:2b0a451c263b01acebe51895bfb0e1cc842a5c666efe06cdf13846c7418caa9a", size = 1973859, upload_time = "2025-04-23T18:31:59.065Z" }, + { url = "https://files.pythonhosted.org/packages/e6/55/f1a813904771c03a3f97f676c62cca0c0a4138654107c1b61f19c644868b/pydantic_core-2.33.2-cp313-cp313-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:1ea40a64d23faa25e62a70ad163571c0b342b8bf66d5fa612ac0dec4f069d916", size = 2120810, upload_time = "2025-04-23T18:32:00.78Z" }, + { url = "https://files.pythonhosted.org/packages/aa/c3/053389835a996e18853ba107a63caae0b9deb4a276c6b472931ea9ae6e48/pydantic_core-2.33.2-cp313-cp313-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:0fb2d542b4d66f9470e8065c5469ec676978d625a8b7a363f07d9a501a9cb36a", size = 2676498, upload_time = "2025-04-23T18:32:02.418Z" }, + { url = "https://files.pythonhosted.org/packages/eb/3c/f4abd740877a35abade05e437245b192f9d0ffb48bbbbd708df33d3cda37/pydantic_core-2.33.2-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:9fdac5d6ffa1b5a83bca06ffe7583f5576555e6c8b3a91fbd25ea7780f825f7d", size = 2000611, upload_time = "2025-04-23T18:32:04.152Z" }, + { url = "https://files.pythonhosted.org/packages/59/a7/63ef2fed1837d1121a894d0ce88439fe3e3b3e48c7543b2a4479eb99c2bd/pydantic_core-2.33.2-cp313-cp313-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:04a1a413977ab517154eebb2d326da71638271477d6ad87a769102f7c2488c56", size = 2107924, upload_time = "2025-04-23T18:32:06.129Z" }, + { url = "https://files.pythonhosted.org/packages/04/8f/2551964ef045669801675f1cfc3b0d74147f4901c3ffa42be2ddb1f0efc4/pydantic_core-2.33.2-cp313-cp313-musllinux_1_1_aarch64.whl", hash = "sha256:c8e7af2f4e0194c22b5b37205bfb293d166a7344a5b0d0eaccebc376546d77d5", size = 2063196, upload_time = "2025-04-23T18:32:08.178Z" }, + { url = "https://files.pythonhosted.org/packages/26/bd/d9602777e77fc6dbb0c7db9ad356e9a985825547dce5ad1d30ee04903918/pydantic_core-2.33.2-cp313-cp313-musllinux_1_1_armv7l.whl", hash = "sha256:5c92edd15cd58b3c2d34873597a1e20f13094f59cf88068adb18947df5455b4e", size = 2236389, upload_time = "2025-04-23T18:32:10.242Z" }, + { url = "https://files.pythonhosted.org/packages/42/db/0e950daa7e2230423ab342ae918a794964b053bec24ba8af013fc7c94846/pydantic_core-2.33.2-cp313-cp313-musllinux_1_1_x86_64.whl", hash = "sha256:65132b7b4a1c0beded5e057324b7e16e10910c106d43675d9bd87d4f38dde162", size = 2239223, upload_time = "2025-04-23T18:32:12.382Z" }, + { url = "https://files.pythonhosted.org/packages/58/4d/4f937099c545a8a17eb52cb67fe0447fd9a373b348ccfa9a87f141eeb00f/pydantic_core-2.33.2-cp313-cp313-win32.whl", hash = "sha256:52fb90784e0a242bb96ec53f42196a17278855b0f31ac7c3cc6f5c1ec4811849", size = 1900473, upload_time = "2025-04-23T18:32:14.034Z" }, + { url = "https://files.pythonhosted.org/packages/a0/75/4a0a9bac998d78d889def5e4ef2b065acba8cae8c93696906c3a91f310ca/pydantic_core-2.33.2-cp313-cp313-win_amd64.whl", hash = "sha256:c083a3bdd5a93dfe480f1125926afcdbf2917ae714bdb80b36d34318b2bec5d9", size = 1955269, upload_time = "2025-04-23T18:32:15.783Z" }, + { url = "https://files.pythonhosted.org/packages/f9/86/1beda0576969592f1497b4ce8e7bc8cbdf614c352426271b1b10d5f0aa64/pydantic_core-2.33.2-cp313-cp313-win_arm64.whl", hash = "sha256:e80b087132752f6b3d714f041ccf74403799d3b23a72722ea2e6ba2e892555b9", size = 1893921, upload_time = "2025-04-23T18:32:18.473Z" }, + { url = "https://files.pythonhosted.org/packages/a4/7d/e09391c2eebeab681df2b74bfe6c43422fffede8dc74187b2b0bf6fd7571/pydantic_core-2.33.2-cp313-cp313t-macosx_11_0_arm64.whl", hash = "sha256:61c18fba8e5e9db3ab908620af374db0ac1baa69f0f32df4f61ae23f15e586ac", size = 1806162, upload_time = "2025-04-23T18:32:20.188Z" }, + { url = "https://files.pythonhosted.org/packages/f1/3d/847b6b1fed9f8ed3bb95a9ad04fbd0b212e832d4f0f50ff4d9ee5a9f15cf/pydantic_core-2.33.2-cp313-cp313t-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:95237e53bb015f67b63c91af7518a62a8660376a6a0db19b89acc77a4d6199f5", size = 1981560, upload_time = "2025-04-23T18:32:22.354Z" }, + { url = "https://files.pythonhosted.org/packages/6f/9a/e73262f6c6656262b5fdd723ad90f518f579b7bc8622e43a942eec53c938/pydantic_core-2.33.2-cp313-cp313t-win_amd64.whl", hash = "sha256:c2fc0a768ef76c15ab9238afa6da7f69895bb5d1ee83aeea2e3509af4472d0b9", size = 1935777, upload_time = "2025-04-23T18:32:25.088Z" }, + { url = "https://files.pythonhosted.org/packages/7b/27/d4ae6487d73948d6f20dddcd94be4ea43e74349b56eba82e9bdee2d7494c/pydantic_core-2.33.2-pp311-pypy311_pp73-macosx_10_12_x86_64.whl", hash = "sha256:dd14041875d09cc0f9308e37a6f8b65f5585cf2598a53aa0123df8b129d481f8", size = 2025200, upload_time = "2025-04-23T18:33:14.199Z" }, + { url = "https://files.pythonhosted.org/packages/f1/b8/b3cb95375f05d33801024079b9392a5ab45267a63400bf1866e7ce0f0de4/pydantic_core-2.33.2-pp311-pypy311_pp73-macosx_11_0_arm64.whl", hash = "sha256:d87c561733f66531dced0da6e864f44ebf89a8fba55f31407b00c2f7f9449593", size = 1859123, upload_time = "2025-04-23T18:33:16.555Z" }, + { url = "https://files.pythonhosted.org/packages/05/bc/0d0b5adeda59a261cd30a1235a445bf55c7e46ae44aea28f7bd6ed46e091/pydantic_core-2.33.2-pp311-pypy311_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:2f82865531efd18d6e07a04a17331af02cb7a651583c418df8266f17a63c6612", size = 1892852, upload_time = "2025-04-23T18:33:18.513Z" }, + { url = "https://files.pythonhosted.org/packages/3e/11/d37bdebbda2e449cb3f519f6ce950927b56d62f0b84fd9cb9e372a26a3d5/pydantic_core-2.33.2-pp311-pypy311_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:2bfb5112df54209d820d7bf9317c7a6c9025ea52e49f46b6a2060104bba37de7", size = 2067484, upload_time = "2025-04-23T18:33:20.475Z" }, + { url = "https://files.pythonhosted.org/packages/8c/55/1f95f0a05ce72ecb02a8a8a1c3be0579bbc29b1d5ab68f1378b7bebc5057/pydantic_core-2.33.2-pp311-pypy311_pp73-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:64632ff9d614e5eecfb495796ad51b0ed98c453e447a76bcbeeb69615079fc7e", size = 2108896, upload_time = "2025-04-23T18:33:22.501Z" }, + { url = "https://files.pythonhosted.org/packages/53/89/2b2de6c81fa131f423246a9109d7b2a375e83968ad0800d6e57d0574629b/pydantic_core-2.33.2-pp311-pypy311_pp73-musllinux_1_1_aarch64.whl", hash = "sha256:f889f7a40498cc077332c7ab6b4608d296d852182211787d4f3ee377aaae66e8", size = 2069475, upload_time = "2025-04-23T18:33:24.528Z" }, + { url = "https://files.pythonhosted.org/packages/b8/e9/1f7efbe20d0b2b10f6718944b5d8ece9152390904f29a78e68d4e7961159/pydantic_core-2.33.2-pp311-pypy311_pp73-musllinux_1_1_armv7l.whl", hash = "sha256:de4b83bb311557e439b9e186f733f6c645b9417c84e2eb8203f3f820a4b988bf", size = 2239013, upload_time = "2025-04-23T18:33:26.621Z" }, + { url = "https://files.pythonhosted.org/packages/3c/b2/5309c905a93811524a49b4e031e9851a6b00ff0fb668794472ea7746b448/pydantic_core-2.33.2-pp311-pypy311_pp73-musllinux_1_1_x86_64.whl", hash = "sha256:82f68293f055f51b51ea42fafc74b6aad03e70e191799430b90c13d643059ebb", size = 2238715, upload_time = "2025-04-23T18:33:28.656Z" }, + { url = "https://files.pythonhosted.org/packages/32/56/8a7ca5d2cd2cda1d245d34b1c9a942920a718082ae8e54e5f3e5a58b7add/pydantic_core-2.33.2-pp311-pypy311_pp73-win_amd64.whl", hash = "sha256:329467cecfb529c925cf2bbd4d60d2c509bc2fb52a20c1045bf09bb70971a9c1", size = 2066757, upload_time = "2025-04-23T18:33:30.645Z" }, ] [[package]] @@ -2732,9 +2732,9 @@ dependencies = [ { name = "pydantic" }, { name = "typing-extensions" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/7e/ba/4178111ec4116c54e1dc7ecd2a1ff8f54256cdbd250e576882911e8f710a/pydantic_extra_types-2.10.5.tar.gz", hash = "sha256:1dcfa2c0cf741a422f088e0dbb4690e7bfadaaf050da3d6f80d6c3cf58a2bad8", size = 138429, upload-time = "2025-06-02T09:31:52.713Z" } +sdist = { url = "https://files.pythonhosted.org/packages/7e/ba/4178111ec4116c54e1dc7ecd2a1ff8f54256cdbd250e576882911e8f710a/pydantic_extra_types-2.10.5.tar.gz", hash = "sha256:1dcfa2c0cf741a422f088e0dbb4690e7bfadaaf050da3d6f80d6c3cf58a2bad8", size = 138429, upload_time = "2025-06-02T09:31:52.713Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/70/1a/5f4fd9e7285f10c44095a4f9fe17d0f358d1702a7c74a9278c794e8a7537/pydantic_extra_types-2.10.5-py3-none-any.whl", hash = "sha256:b60c4e23d573a69a4f1a16dd92888ecc0ef34fb0e655b4f305530377fa70e7a8", size = 38315, upload-time = "2025-06-02T09:31:51.229Z" }, + { url = "https://files.pythonhosted.org/packages/70/1a/5f4fd9e7285f10c44095a4f9fe17d0f358d1702a7c74a9278c794e8a7537/pydantic_extra_types-2.10.5-py3-none-any.whl", hash = "sha256:b60c4e23d573a69a4f1a16dd92888ecc0ef34fb0e655b4f305530377fa70e7a8", size = 38315, upload_time = "2025-06-02T09:31:51.229Z" }, ] [[package]] @@ -2746,27 +2746,27 @@ dependencies = [ { name = "python-dotenv" }, { name = "typing-inspection" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/67/1d/42628a2c33e93f8e9acbde0d5d735fa0850f3e6a2f8cb1eb6c40b9a732ac/pydantic_settings-2.9.1.tar.gz", hash = "sha256:c509bf79d27563add44e8446233359004ed85066cd096d8b510f715e6ef5d268", size = 163234, upload-time = "2025-04-18T16:44:48.265Z" } +sdist = { url = "https://files.pythonhosted.org/packages/67/1d/42628a2c33e93f8e9acbde0d5d735fa0850f3e6a2f8cb1eb6c40b9a732ac/pydantic_settings-2.9.1.tar.gz", hash = "sha256:c509bf79d27563add44e8446233359004ed85066cd096d8b510f715e6ef5d268", size = 163234, upload_time = "2025-04-18T16:44:48.265Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/b6/5f/d6d641b490fd3ec2c4c13b4244d68deea3a1b970a97be64f34fb5504ff72/pydantic_settings-2.9.1-py3-none-any.whl", hash = "sha256:59b4f431b1defb26fe620c71a7d3968a710d719f5f4cdbbdb7926edeb770f6ef", size = 44356, upload-time = "2025-04-18T16:44:46.617Z" }, + { url = "https://files.pythonhosted.org/packages/b6/5f/d6d641b490fd3ec2c4c13b4244d68deea3a1b970a97be64f34fb5504ff72/pydantic_settings-2.9.1-py3-none-any.whl", hash = "sha256:59b4f431b1defb26fe620c71a7d3968a710d719f5f4cdbbdb7926edeb770f6ef", size = 44356, upload_time = "2025-04-18T16:44:46.617Z" }, ] [[package]] name = "pygments" version = "2.19.1" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/7c/2d/c3338d48ea6cc0feb8446d8e6937e1408088a72a39937982cc6111d17f84/pygments-2.19.1.tar.gz", hash = "sha256:61c16d2a8576dc0649d9f39e089b5f02bcd27fba10d8fb4dcc28173f7a45151f", size = 4968581, upload-time = "2025-01-06T17:26:30.443Z" } +sdist = { url = "https://files.pythonhosted.org/packages/7c/2d/c3338d48ea6cc0feb8446d8e6937e1408088a72a39937982cc6111d17f84/pygments-2.19.1.tar.gz", hash = "sha256:61c16d2a8576dc0649d9f39e089b5f02bcd27fba10d8fb4dcc28173f7a45151f", size = 4968581, upload_time = "2025-01-06T17:26:30.443Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/8a/0b/9fcc47d19c48b59121088dd6da2488a49d5f72dacf8262e2790a1d2c7d15/pygments-2.19.1-py3-none-any.whl", hash = "sha256:9ea1544ad55cecf4b8242fab6dd35a93bbce657034b0611ee383099054ab6d8c", size = 1225293, upload-time = "2025-01-06T17:26:25.553Z" }, + { url = "https://files.pythonhosted.org/packages/8a/0b/9fcc47d19c48b59121088dd6da2488a49d5f72dacf8262e2790a1d2c7d15/pygments-2.19.1-py3-none-any.whl", hash = "sha256:9ea1544ad55cecf4b8242fab6dd35a93bbce657034b0611ee383099054ab6d8c", size = 1225293, upload_time = "2025-01-06T17:26:25.553Z" }, ] [[package]] name = "pyjwt" version = "2.10.1" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/e7/46/bd74733ff231675599650d3e47f361794b22ef3e3770998dda30d3b63726/pyjwt-2.10.1.tar.gz", hash = "sha256:3cc5772eb20009233caf06e9d8a0577824723b44e6648ee0a2aedb6cf9381953", size = 87785, upload-time = "2024-11-28T03:43:29.933Z" } +sdist = { url = "https://files.pythonhosted.org/packages/e7/46/bd74733ff231675599650d3e47f361794b22ef3e3770998dda30d3b63726/pyjwt-2.10.1.tar.gz", hash = "sha256:3cc5772eb20009233caf06e9d8a0577824723b44e6648ee0a2aedb6cf9381953", size = 87785, upload_time = "2024-11-28T03:43:29.933Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/61/ad/689f02752eeec26aed679477e80e632ef1b682313be70793d798c1d5fc8f/PyJWT-2.10.1-py3-none-any.whl", hash = "sha256:dcdd193e30abefd5debf142f9adfcdd2b58004e644f25406ffaebd50bd98dacb", size = 22997, upload-time = "2024-11-28T03:43:27.893Z" }, + { url = "https://files.pythonhosted.org/packages/61/ad/689f02752eeec26aed679477e80e632ef1b682313be70793d798c1d5fc8f/PyJWT-2.10.1-py3-none-any.whl", hash = "sha256:dcdd193e30abefd5debf142f9adfcdd2b58004e644f25406ffaebd50bd98dacb", size = 22997, upload_time = "2024-11-28T03:43:27.893Z" }, ] [[package]] @@ -2776,17 +2776,17 @@ source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "cffi" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/a7/22/27582568be639dfe22ddb3902225f91f2f17ceff88ce80e4db396c8986da/PyNaCl-1.5.0.tar.gz", hash = "sha256:8ac7448f09ab85811607bdd21ec2464495ac8b7c66d146bf545b0f08fb9220ba", size = 3392854, upload-time = "2022-01-07T22:05:41.134Z" } +sdist = { url = "https://files.pythonhosted.org/packages/a7/22/27582568be639dfe22ddb3902225f91f2f17ceff88ce80e4db396c8986da/PyNaCl-1.5.0.tar.gz", hash = "sha256:8ac7448f09ab85811607bdd21ec2464495ac8b7c66d146bf545b0f08fb9220ba", size = 3392854, upload_time = "2022-01-07T22:05:41.134Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/ce/75/0b8ede18506041c0bf23ac4d8e2971b4161cd6ce630b177d0a08eb0d8857/PyNaCl-1.5.0-cp36-abi3-macosx_10_10_universal2.whl", hash = "sha256:401002a4aaa07c9414132aaed7f6836ff98f59277a234704ff66878c2ee4a0d1", size = 349920, upload-time = "2022-01-07T22:05:49.156Z" }, - { url = "https://files.pythonhosted.org/packages/59/bb/fddf10acd09637327a97ef89d2a9d621328850a72f1fdc8c08bdf72e385f/PyNaCl-1.5.0-cp36-abi3-manylinux_2_17_aarch64.manylinux2014_aarch64.manylinux_2_24_aarch64.whl", hash = "sha256:52cb72a79269189d4e0dc537556f4740f7f0a9ec41c1322598799b0bdad4ef92", size = 601722, upload-time = "2022-01-07T22:05:50.989Z" }, - { url = "https://files.pythonhosted.org/packages/5d/70/87a065c37cca41a75f2ce113a5a2c2aa7533be648b184ade58971b5f7ccc/PyNaCl-1.5.0-cp36-abi3-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a36d4a9dda1f19ce6e03c9a784a2921a4b726b02e1c736600ca9c22029474394", size = 680087, upload-time = "2022-01-07T22:05:52.539Z" }, - { url = "https://files.pythonhosted.org/packages/ee/87/f1bb6a595f14a327e8285b9eb54d41fef76c585a0edef0a45f6fc95de125/PyNaCl-1.5.0-cp36-abi3-manylinux_2_17_x86_64.manylinux2014_x86_64.manylinux_2_24_x86_64.whl", hash = "sha256:0c84947a22519e013607c9be43706dd42513f9e6ae5d39d3613ca1e142fba44d", size = 856678, upload-time = "2022-01-07T22:05:54.251Z" }, - { url = "https://files.pythonhosted.org/packages/66/28/ca86676b69bf9f90e710571b67450508484388bfce09acf8a46f0b8c785f/PyNaCl-1.5.0-cp36-abi3-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:06b8f6fa7f5de8d5d2f7573fe8c863c051225a27b61e6860fd047b1775807858", size = 1133660, upload-time = "2022-01-07T22:05:56.056Z" }, - { url = "https://files.pythonhosted.org/packages/3d/85/c262db650e86812585e2bc59e497a8f59948a005325a11bbbc9ecd3fe26b/PyNaCl-1.5.0-cp36-abi3-musllinux_1_1_aarch64.whl", hash = "sha256:a422368fc821589c228f4c49438a368831cb5bbc0eab5ebe1d7fac9dded6567b", size = 663824, upload-time = "2022-01-07T22:05:57.434Z" }, - { url = "https://files.pythonhosted.org/packages/fd/1a/cc308a884bd299b651f1633acb978e8596c71c33ca85e9dc9fa33a5399b9/PyNaCl-1.5.0-cp36-abi3-musllinux_1_1_x86_64.whl", hash = "sha256:61f642bf2378713e2c2e1de73444a3778e5f0a38be6fee0fe532fe30060282ff", size = 1117912, upload-time = "2022-01-07T22:05:58.665Z" }, - { url = "https://files.pythonhosted.org/packages/25/2d/b7df6ddb0c2a33afdb358f8af6ea3b8c4d1196ca45497dd37a56f0c122be/PyNaCl-1.5.0-cp36-abi3-win32.whl", hash = "sha256:e46dae94e34b085175f8abb3b0aaa7da40767865ac82c928eeb9e57e1ea8a543", size = 204624, upload-time = "2022-01-07T22:06:00.085Z" }, - { url = "https://files.pythonhosted.org/packages/5e/22/d3db169895faaf3e2eda892f005f433a62db2decbcfbc2f61e6517adfa87/PyNaCl-1.5.0-cp36-abi3-win_amd64.whl", hash = "sha256:20f42270d27e1b6a29f54032090b972d97f0a1b0948cc52392041ef7831fee93", size = 212141, upload-time = "2022-01-07T22:06:01.861Z" }, + { url = "https://files.pythonhosted.org/packages/ce/75/0b8ede18506041c0bf23ac4d8e2971b4161cd6ce630b177d0a08eb0d8857/PyNaCl-1.5.0-cp36-abi3-macosx_10_10_universal2.whl", hash = "sha256:401002a4aaa07c9414132aaed7f6836ff98f59277a234704ff66878c2ee4a0d1", size = 349920, upload_time = "2022-01-07T22:05:49.156Z" }, + { url = "https://files.pythonhosted.org/packages/59/bb/fddf10acd09637327a97ef89d2a9d621328850a72f1fdc8c08bdf72e385f/PyNaCl-1.5.0-cp36-abi3-manylinux_2_17_aarch64.manylinux2014_aarch64.manylinux_2_24_aarch64.whl", hash = "sha256:52cb72a79269189d4e0dc537556f4740f7f0a9ec41c1322598799b0bdad4ef92", size = 601722, upload_time = "2022-01-07T22:05:50.989Z" }, + { url = "https://files.pythonhosted.org/packages/5d/70/87a065c37cca41a75f2ce113a5a2c2aa7533be648b184ade58971b5f7ccc/PyNaCl-1.5.0-cp36-abi3-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a36d4a9dda1f19ce6e03c9a784a2921a4b726b02e1c736600ca9c22029474394", size = 680087, upload_time = "2022-01-07T22:05:52.539Z" }, + { url = "https://files.pythonhosted.org/packages/ee/87/f1bb6a595f14a327e8285b9eb54d41fef76c585a0edef0a45f6fc95de125/PyNaCl-1.5.0-cp36-abi3-manylinux_2_17_x86_64.manylinux2014_x86_64.manylinux_2_24_x86_64.whl", hash = "sha256:0c84947a22519e013607c9be43706dd42513f9e6ae5d39d3613ca1e142fba44d", size = 856678, upload_time = "2022-01-07T22:05:54.251Z" }, + { url = "https://files.pythonhosted.org/packages/66/28/ca86676b69bf9f90e710571b67450508484388bfce09acf8a46f0b8c785f/PyNaCl-1.5.0-cp36-abi3-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:06b8f6fa7f5de8d5d2f7573fe8c863c051225a27b61e6860fd047b1775807858", size = 1133660, upload_time = "2022-01-07T22:05:56.056Z" }, + { url = "https://files.pythonhosted.org/packages/3d/85/c262db650e86812585e2bc59e497a8f59948a005325a11bbbc9ecd3fe26b/PyNaCl-1.5.0-cp36-abi3-musllinux_1_1_aarch64.whl", hash = "sha256:a422368fc821589c228f4c49438a368831cb5bbc0eab5ebe1d7fac9dded6567b", size = 663824, upload_time = "2022-01-07T22:05:57.434Z" }, + { url = "https://files.pythonhosted.org/packages/fd/1a/cc308a884bd299b651f1633acb978e8596c71c33ca85e9dc9fa33a5399b9/PyNaCl-1.5.0-cp36-abi3-musllinux_1_1_x86_64.whl", hash = "sha256:61f642bf2378713e2c2e1de73444a3778e5f0a38be6fee0fe532fe30060282ff", size = 1117912, upload_time = "2022-01-07T22:05:58.665Z" }, + { url = "https://files.pythonhosted.org/packages/25/2d/b7df6ddb0c2a33afdb358f8af6ea3b8c4d1196ca45497dd37a56f0c122be/PyNaCl-1.5.0-cp36-abi3-win32.whl", hash = "sha256:e46dae94e34b085175f8abb3b0aaa7da40767865ac82c928eeb9e57e1ea8a543", size = 204624, upload_time = "2022-01-07T22:06:00.085Z" }, + { url = "https://files.pythonhosted.org/packages/5e/22/d3db169895faaf3e2eda892f005f433a62db2decbcfbc2f61e6517adfa87/PyNaCl-1.5.0-cp36-abi3-win_amd64.whl", hash = "sha256:20f42270d27e1b6a29f54032090b972d97f0a1b0948cc52392041ef7831fee93", size = 212141, upload_time = "2022-01-07T22:06:01.861Z" }, ] [[package]] @@ -2800,9 +2800,9 @@ dependencies = [ { name = "pluggy" }, { name = "pygments" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/fb/aa/405082ce2749be5398045152251ac69c0f3578c7077efc53431303af97ce/pytest-8.4.0.tar.gz", hash = "sha256:14d920b48472ea0dbf68e45b96cd1ffda4705f33307dcc86c676c1b5104838a6", size = 1515232, upload-time = "2025-06-02T17:36:30.03Z" } +sdist = { url = "https://files.pythonhosted.org/packages/fb/aa/405082ce2749be5398045152251ac69c0f3578c7077efc53431303af97ce/pytest-8.4.0.tar.gz", hash = "sha256:14d920b48472ea0dbf68e45b96cd1ffda4705f33307dcc86c676c1b5104838a6", size = 1515232, upload_time = "2025-06-02T17:36:30.03Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/2f/de/afa024cbe022b1b318a3d224125aa24939e99b4ff6f22e0ba639a2eaee47/pytest-8.4.0-py3-none-any.whl", hash = "sha256:f40f825768ad76c0977cbacdf1fd37c6f7a468e460ea6a0636078f8972d4517e", size = 363797, upload-time = "2025-06-02T17:36:27.859Z" }, + { url = "https://files.pythonhosted.org/packages/2f/de/afa024cbe022b1b318a3d224125aa24939e99b4ff6f22e0ba639a2eaee47/pytest-8.4.0-py3-none-any.whl", hash = "sha256:f40f825768ad76c0977cbacdf1fd37c6f7a468e460ea6a0636078f8972d4517e", size = 363797, upload_time = "2025-06-02T17:36:27.859Z" }, ] [[package]] @@ -2812,9 +2812,9 @@ source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pytest" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/d0/d4/14f53324cb1a6381bef29d698987625d80052bb33932d8e7cbf9b337b17c/pytest_asyncio-1.0.0.tar.gz", hash = "sha256:d15463d13f4456e1ead2594520216b225a16f781e144f8fdf6c5bb4667c48b3f", size = 46960, upload-time = "2025-05-26T04:54:40.484Z" } +sdist = { url = "https://files.pythonhosted.org/packages/d0/d4/14f53324cb1a6381bef29d698987625d80052bb33932d8e7cbf9b337b17c/pytest_asyncio-1.0.0.tar.gz", hash = "sha256:d15463d13f4456e1ead2594520216b225a16f781e144f8fdf6c5bb4667c48b3f", size = 46960, upload_time = "2025-05-26T04:54:40.484Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/30/05/ce271016e351fddc8399e546f6e23761967ee09c8c568bbfbecb0c150171/pytest_asyncio-1.0.0-py3-none-any.whl", hash = "sha256:4f024da9f1ef945e680dc68610b52550e36590a67fd31bb3b4943979a1f90ef3", size = 15976, upload-time = "2025-05-26T04:54:39.035Z" }, + { url = "https://files.pythonhosted.org/packages/30/05/ce271016e351fddc8399e546f6e23761967ee09c8c568bbfbecb0c150171/pytest_asyncio-1.0.0-py3-none-any.whl", hash = "sha256:4f024da9f1ef945e680dc68610b52550e36590a67fd31bb3b4943979a1f90ef3", size = 15976, upload_time = "2025-05-26T04:54:39.035Z" }, ] [[package]] @@ -2824,9 +2824,9 @@ source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "pytest" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/71/28/67172c96ba684058a4d24ffe144d64783d2a270d0af0d9e792737bddc75c/pytest_mock-3.14.1.tar.gz", hash = "sha256:159e9edac4c451ce77a5cdb9fc5d1100708d2dd4ba3c3df572f14097351af80e", size = 33241, upload-time = "2025-05-26T13:58:45.167Z" } +sdist = { url = "https://files.pythonhosted.org/packages/71/28/67172c96ba684058a4d24ffe144d64783d2a270d0af0d9e792737bddc75c/pytest_mock-3.14.1.tar.gz", hash = "sha256:159e9edac4c451ce77a5cdb9fc5d1100708d2dd4ba3c3df572f14097351af80e", size = 33241, upload_time = "2025-05-26T13:58:45.167Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/b2/05/77b60e520511c53d1c1ca75f1930c7dd8e971d0c4379b7f4b3f9644685ba/pytest_mock-3.14.1-py3-none-any.whl", hash = "sha256:178aefcd11307d874b4cd3100344e7e2d888d9791a6a1d9bfe90fbc1b74fd1d0", size = 9923, upload-time = "2025-05-26T13:58:43.487Z" }, + { url = "https://files.pythonhosted.org/packages/b2/05/77b60e520511c53d1c1ca75f1930c7dd8e971d0c4379b7f4b3f9644685ba/pytest_mock-3.14.1-py3-none-any.whl", hash = "sha256:178aefcd11307d874b4cd3100344e7e2d888d9791a6a1d9bfe90fbc1b74fd1d0", size = 9923, upload_time = "2025-05-26T13:58:43.487Z" }, ] [[package]] @@ -2836,45 +2836,45 @@ source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "six" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/66/c0/0c8b6ad9f17a802ee498c46e004a0eb49bc148f2fd230864601a86dcf6db/python-dateutil-2.9.0.post0.tar.gz", hash = "sha256:37dd54208da7e1cd875388217d5e00ebd4179249f90fb72437e91a35459a0ad3", size = 342432, upload-time = "2024-03-01T18:36:20.211Z" } +sdist = { url = "https://files.pythonhosted.org/packages/66/c0/0c8b6ad9f17a802ee498c46e004a0eb49bc148f2fd230864601a86dcf6db/python-dateutil-2.9.0.post0.tar.gz", hash = "sha256:37dd54208da7e1cd875388217d5e00ebd4179249f90fb72437e91a35459a0ad3", size = 342432, upload_time = "2024-03-01T18:36:20.211Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/ec/57/56b9bcc3c9c6a792fcbaf139543cee77261f3651ca9da0c93f5c1221264b/python_dateutil-2.9.0.post0-py2.py3-none-any.whl", hash = "sha256:a8b2bc7bffae282281c8140a97d3aa9c14da0b136dfe83f850eea9a5f7470427", size = 229892, upload-time = "2024-03-01T18:36:18.57Z" }, + { url = "https://files.pythonhosted.org/packages/ec/57/56b9bcc3c9c6a792fcbaf139543cee77261f3651ca9da0c93f5c1221264b/python_dateutil-2.9.0.post0-py2.py3-none-any.whl", hash = "sha256:a8b2bc7bffae282281c8140a97d3aa9c14da0b136dfe83f850eea9a5f7470427", size = 229892, upload_time = "2024-03-01T18:36:18.57Z" }, ] [[package]] name = "python-dotenv" version = "1.1.0" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/88/2c/7bb1416c5620485aa793f2de31d3df393d3686aa8a8506d11e10e13c5baf/python_dotenv-1.1.0.tar.gz", hash = "sha256:41f90bc6f5f177fb41f53e87666db362025010eb28f60a01c9143bfa33a2b2d5", size = 39920, upload-time = "2025-03-25T10:14:56.835Z" } +sdist = { url = "https://files.pythonhosted.org/packages/88/2c/7bb1416c5620485aa793f2de31d3df393d3686aa8a8506d11e10e13c5baf/python_dotenv-1.1.0.tar.gz", hash = "sha256:41f90bc6f5f177fb41f53e87666db362025010eb28f60a01c9143bfa33a2b2d5", size = 39920, upload_time = "2025-03-25T10:14:56.835Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/1e/18/98a99ad95133c6a6e2005fe89faedf294a748bd5dc803008059409ac9b1e/python_dotenv-1.1.0-py3-none-any.whl", hash = "sha256:d7c01d9e2293916c18baf562d95698754b0dbbb5e74d457c45d4f6561fb9d55d", size = 20256, upload-time = "2025-03-25T10:14:55.034Z" }, + { url = "https://files.pythonhosted.org/packages/1e/18/98a99ad95133c6a6e2005fe89faedf294a748bd5dc803008059409ac9b1e/python_dotenv-1.1.0-py3-none-any.whl", hash = "sha256:d7c01d9e2293916c18baf562d95698754b0dbbb5e74d457c45d4f6561fb9d55d", size = 20256, upload_time = "2025-03-25T10:14:55.034Z" }, ] [[package]] name = "python-json-logger" version = "3.3.0" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/9e/de/d3144a0bceede957f961e975f3752760fbe390d57fbe194baf709d8f1f7b/python_json_logger-3.3.0.tar.gz", hash = "sha256:12b7e74b17775e7d565129296105bbe3910842d9d0eb083fc83a6a617aa8df84", size = 16642, upload-time = "2025-03-07T07:08:27.301Z" } +sdist = { url = "https://files.pythonhosted.org/packages/9e/de/d3144a0bceede957f961e975f3752760fbe390d57fbe194baf709d8f1f7b/python_json_logger-3.3.0.tar.gz", hash = "sha256:12b7e74b17775e7d565129296105bbe3910842d9d0eb083fc83a6a617aa8df84", size = 16642, upload_time = "2025-03-07T07:08:27.301Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/08/20/0f2523b9e50a8052bc6a8b732dfc8568abbdc42010aef03a2d750bdab3b2/python_json_logger-3.3.0-py3-none-any.whl", hash = "sha256:dd980fae8cffb24c13caf6e158d3d61c0d6d22342f932cb6e9deedab3d35eec7", size = 15163, upload-time = "2025-03-07T07:08:25.627Z" }, + { url = "https://files.pythonhosted.org/packages/08/20/0f2523b9e50a8052bc6a8b732dfc8568abbdc42010aef03a2d750bdab3b2/python_json_logger-3.3.0-py3-none-any.whl", hash = "sha256:dd980fae8cffb24c13caf6e158d3d61c0d6d22342f932cb6e9deedab3d35eec7", size = 15163, upload_time = "2025-03-07T07:08:25.627Z" }, ] [[package]] name = "python-multipart" version = "0.0.20" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/f3/87/f44d7c9f274c7ee665a29b885ec97089ec5dc034c7f3fafa03da9e39a09e/python_multipart-0.0.20.tar.gz", hash = "sha256:8dd0cab45b8e23064ae09147625994d090fa46f5b0d1e13af944c331a7fa9d13", size = 37158, upload-time = "2024-12-16T19:45:46.972Z" } +sdist = { url = "https://files.pythonhosted.org/packages/f3/87/f44d7c9f274c7ee665a29b885ec97089ec5dc034c7f3fafa03da9e39a09e/python_multipart-0.0.20.tar.gz", hash = "sha256:8dd0cab45b8e23064ae09147625994d090fa46f5b0d1e13af944c331a7fa9d13", size = 37158, upload_time = "2024-12-16T19:45:46.972Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/45/58/38b5afbc1a800eeea951b9285d3912613f2603bdf897a4ab0f4bd7f405fc/python_multipart-0.0.20-py3-none-any.whl", hash = "sha256:8a62d3a8335e06589fe01f2a3e178cdcc632f3fbe0d492ad9ee0ec35aab1f104", size = 24546, upload-time = "2024-12-16T19:45:44.423Z" }, + { url = "https://files.pythonhosted.org/packages/45/58/38b5afbc1a800eeea951b9285d3912613f2603bdf897a4ab0f4bd7f405fc/python_multipart-0.0.20-py3-none-any.whl", hash = "sha256:8a62d3a8335e06589fe01f2a3e178cdcc632f3fbe0d492ad9ee0ec35aab1f104", size = 24546, upload_time = "2024-12-16T19:45:44.423Z" }, ] [[package]] name = "pytz" version = "2025.2" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/f8/bf/abbd3cdfb8fbc7fb3d4d38d320f2441b1e7cbe29be4f23797b4a2b5d8aac/pytz-2025.2.tar.gz", hash = "sha256:360b9e3dbb49a209c21ad61809c7fb453643e048b38924c765813546746e81c3", size = 320884, upload-time = "2025-03-25T02:25:00.538Z" } +sdist = { url = "https://files.pythonhosted.org/packages/f8/bf/abbd3cdfb8fbc7fb3d4d38d320f2441b1e7cbe29be4f23797b4a2b5d8aac/pytz-2025.2.tar.gz", hash = "sha256:360b9e3dbb49a209c21ad61809c7fb453643e048b38924c765813546746e81c3", size = 320884, upload_time = "2025-03-25T02:25:00.538Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/81/c4/34e93fe5f5429d7570ec1fa436f1986fb1f00c3e0f43a589fe2bbcd22c3f/pytz-2025.2-py2.py3-none-any.whl", hash = "sha256:5ddf76296dd8c44c26eb8f4b6f35488f3ccbf6fbbd7adee0b7262d43f0ec2f00", size = 509225, upload-time = "2025-03-25T02:24:58.468Z" }, + { url = "https://files.pythonhosted.org/packages/81/c4/34e93fe5f5429d7570ec1fa436f1986fb1f00c3e0f43a589fe2bbcd22c3f/pytz-2025.2-py2.py3-none-any.whl", hash = "sha256:5ddf76296dd8c44c26eb8f4b6f35488f3ccbf6fbbd7adee0b7262d43f0ec2f00", size = 509225, upload_time = "2025-03-25T02:24:58.468Z" }, ] [[package]] @@ -2882,62 +2882,62 @@ name = "pywin32" version = "310" source = { registry = "https://pypi.org/simple" } wheels = [ - { url = "https://files.pythonhosted.org/packages/f7/b1/68aa2986129fb1011dabbe95f0136f44509afaf072b12b8f815905a39f33/pywin32-310-cp311-cp311-win32.whl", hash = "sha256:1e765f9564e83011a63321bb9d27ec456a0ed90d3732c4b2e312b855365ed8bd", size = 8784284, upload-time = "2025-03-17T00:55:53.124Z" }, - { url = "https://files.pythonhosted.org/packages/b3/bd/d1592635992dd8db5bb8ace0551bc3a769de1ac8850200cfa517e72739fb/pywin32-310-cp311-cp311-win_amd64.whl", hash = "sha256:126298077a9d7c95c53823934f000599f66ec9296b09167810eb24875f32689c", size = 9520748, upload-time = "2025-03-17T00:55:55.203Z" }, - { url = "https://files.pythonhosted.org/packages/90/b1/ac8b1ffce6603849eb45a91cf126c0fa5431f186c2e768bf56889c46f51c/pywin32-310-cp311-cp311-win_arm64.whl", hash = "sha256:19ec5fc9b1d51c4350be7bb00760ffce46e6c95eaf2f0b2f1150657b1a43c582", size = 8455941, upload-time = "2025-03-17T00:55:57.048Z" }, - { url = "https://files.pythonhosted.org/packages/6b/ec/4fdbe47932f671d6e348474ea35ed94227fb5df56a7c30cbbb42cd396ed0/pywin32-310-cp312-cp312-win32.whl", hash = "sha256:8a75a5cc3893e83a108c05d82198880704c44bbaee4d06e442e471d3c9ea4f3d", size = 8796239, upload-time = "2025-03-17T00:55:58.807Z" }, - { url = "https://files.pythonhosted.org/packages/e3/e5/b0627f8bb84e06991bea89ad8153a9e50ace40b2e1195d68e9dff6b03d0f/pywin32-310-cp312-cp312-win_amd64.whl", hash = "sha256:bf5c397c9a9a19a6f62f3fb821fbf36cac08f03770056711f765ec1503972060", size = 9503839, upload-time = "2025-03-17T00:56:00.8Z" }, - { url = "https://files.pythonhosted.org/packages/1f/32/9ccf53748df72301a89713936645a664ec001abd35ecc8578beda593d37d/pywin32-310-cp312-cp312-win_arm64.whl", hash = "sha256:2349cc906eae872d0663d4d6290d13b90621eaf78964bb1578632ff20e152966", size = 8459470, upload-time = "2025-03-17T00:56:02.601Z" }, - { url = "https://files.pythonhosted.org/packages/1c/09/9c1b978ffc4ae53999e89c19c77ba882d9fce476729f23ef55211ea1c034/pywin32-310-cp313-cp313-win32.whl", hash = "sha256:5d241a659c496ada3253cd01cfaa779b048e90ce4b2b38cd44168ad555ce74ab", size = 8794384, upload-time = "2025-03-17T00:56:04.383Z" }, - { url = "https://files.pythonhosted.org/packages/45/3c/b4640f740ffebadd5d34df35fecba0e1cfef8fde9f3e594df91c28ad9b50/pywin32-310-cp313-cp313-win_amd64.whl", hash = "sha256:667827eb3a90208ddbdcc9e860c81bde63a135710e21e4cb3348968e4bd5249e", size = 9503039, upload-time = "2025-03-17T00:56:06.207Z" }, - { url = "https://files.pythonhosted.org/packages/b4/f4/f785020090fb050e7fb6d34b780f2231f302609dc964672f72bfaeb59a28/pywin32-310-cp313-cp313-win_arm64.whl", hash = "sha256:e308f831de771482b7cf692a1f308f8fca701b2d8f9dde6cc440c7da17e47b33", size = 8458152, upload-time = "2025-03-17T00:56:07.819Z" }, + { url = "https://files.pythonhosted.org/packages/f7/b1/68aa2986129fb1011dabbe95f0136f44509afaf072b12b8f815905a39f33/pywin32-310-cp311-cp311-win32.whl", hash = "sha256:1e765f9564e83011a63321bb9d27ec456a0ed90d3732c4b2e312b855365ed8bd", size = 8784284, upload_time = "2025-03-17T00:55:53.124Z" }, + { url = "https://files.pythonhosted.org/packages/b3/bd/d1592635992dd8db5bb8ace0551bc3a769de1ac8850200cfa517e72739fb/pywin32-310-cp311-cp311-win_amd64.whl", hash = "sha256:126298077a9d7c95c53823934f000599f66ec9296b09167810eb24875f32689c", size = 9520748, upload_time = "2025-03-17T00:55:55.203Z" }, + { url = "https://files.pythonhosted.org/packages/90/b1/ac8b1ffce6603849eb45a91cf126c0fa5431f186c2e768bf56889c46f51c/pywin32-310-cp311-cp311-win_arm64.whl", hash = "sha256:19ec5fc9b1d51c4350be7bb00760ffce46e6c95eaf2f0b2f1150657b1a43c582", size = 8455941, upload_time = "2025-03-17T00:55:57.048Z" }, + { url = "https://files.pythonhosted.org/packages/6b/ec/4fdbe47932f671d6e348474ea35ed94227fb5df56a7c30cbbb42cd396ed0/pywin32-310-cp312-cp312-win32.whl", hash = "sha256:8a75a5cc3893e83a108c05d82198880704c44bbaee4d06e442e471d3c9ea4f3d", size = 8796239, upload_time = "2025-03-17T00:55:58.807Z" }, + { url = "https://files.pythonhosted.org/packages/e3/e5/b0627f8bb84e06991bea89ad8153a9e50ace40b2e1195d68e9dff6b03d0f/pywin32-310-cp312-cp312-win_amd64.whl", hash = "sha256:bf5c397c9a9a19a6f62f3fb821fbf36cac08f03770056711f765ec1503972060", size = 9503839, upload_time = "2025-03-17T00:56:00.8Z" }, + { url = "https://files.pythonhosted.org/packages/1f/32/9ccf53748df72301a89713936645a664ec001abd35ecc8578beda593d37d/pywin32-310-cp312-cp312-win_arm64.whl", hash = "sha256:2349cc906eae872d0663d4d6290d13b90621eaf78964bb1578632ff20e152966", size = 8459470, upload_time = "2025-03-17T00:56:02.601Z" }, + { url = "https://files.pythonhosted.org/packages/1c/09/9c1b978ffc4ae53999e89c19c77ba882d9fce476729f23ef55211ea1c034/pywin32-310-cp313-cp313-win32.whl", hash = "sha256:5d241a659c496ada3253cd01cfaa779b048e90ce4b2b38cd44168ad555ce74ab", size = 8794384, upload_time = "2025-03-17T00:56:04.383Z" }, + { url = "https://files.pythonhosted.org/packages/45/3c/b4640f740ffebadd5d34df35fecba0e1cfef8fde9f3e594df91c28ad9b50/pywin32-310-cp313-cp313-win_amd64.whl", hash = "sha256:667827eb3a90208ddbdcc9e860c81bde63a135710e21e4cb3348968e4bd5249e", size = 9503039, upload_time = "2025-03-17T00:56:06.207Z" }, + { url = "https://files.pythonhosted.org/packages/b4/f4/f785020090fb050e7fb6d34b780f2231f302609dc964672f72bfaeb59a28/pywin32-310-cp313-cp313-win_arm64.whl", hash = "sha256:e308f831de771482b7cf692a1f308f8fca701b2d8f9dde6cc440c7da17e47b33", size = 8458152, upload_time = "2025-03-17T00:56:07.819Z" }, ] [[package]] name = "pywinpty" version = "2.0.15" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/2d/7c/917f9c4681bb8d34bfbe0b79d36bbcd902651aeab48790df3d30ba0202fb/pywinpty-2.0.15.tar.gz", hash = "sha256:312cf39153a8736c617d45ce8b6ad6cd2107de121df91c455b10ce6bba7a39b2", size = 29017, upload-time = "2025-02-03T21:53:23.265Z" } +sdist = { url = "https://files.pythonhosted.org/packages/2d/7c/917f9c4681bb8d34bfbe0b79d36bbcd902651aeab48790df3d30ba0202fb/pywinpty-2.0.15.tar.gz", hash = "sha256:312cf39153a8736c617d45ce8b6ad6cd2107de121df91c455b10ce6bba7a39b2", size = 29017, upload_time = "2025-02-03T21:53:23.265Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/5e/ac/6884dcb7108af66ad53f73ef4dad096e768c9203a6e6ce5e6b0c4a46e238/pywinpty-2.0.15-cp311-cp311-win_amd64.whl", hash = "sha256:9a6bcec2df2707aaa9d08b86071970ee32c5026e10bcc3cc5f6f391d85baf7ca", size = 1405249, upload-time = "2025-02-03T21:55:47.114Z" }, - { url = "https://files.pythonhosted.org/packages/88/e5/9714def18c3a411809771a3fbcec70bffa764b9675afb00048a620fca604/pywinpty-2.0.15-cp312-cp312-win_amd64.whl", hash = "sha256:83a8f20b430bbc5d8957249f875341a60219a4e971580f2ba694fbfb54a45ebc", size = 1405243, upload-time = "2025-02-03T21:56:52.476Z" }, - { url = "https://files.pythonhosted.org/packages/fb/16/2ab7b3b7f55f3c6929e5f629e1a68362981e4e5fed592a2ed1cb4b4914a5/pywinpty-2.0.15-cp313-cp313-win_amd64.whl", hash = "sha256:ab5920877dd632c124b4ed17bc6dd6ef3b9f86cd492b963ffdb1a67b85b0f408", size = 1405020, upload-time = "2025-02-03T21:56:04.753Z" }, - { url = "https://files.pythonhosted.org/packages/7c/16/edef3515dd2030db2795dbfbe392232c7a0f3dc41b98e92b38b42ba497c7/pywinpty-2.0.15-cp313-cp313t-win_amd64.whl", hash = "sha256:a4560ad8c01e537708d2790dbe7da7d986791de805d89dd0d3697ca59e9e4901", size = 1404151, upload-time = "2025-02-03T21:55:53.628Z" }, + { url = "https://files.pythonhosted.org/packages/5e/ac/6884dcb7108af66ad53f73ef4dad096e768c9203a6e6ce5e6b0c4a46e238/pywinpty-2.0.15-cp311-cp311-win_amd64.whl", hash = "sha256:9a6bcec2df2707aaa9d08b86071970ee32c5026e10bcc3cc5f6f391d85baf7ca", size = 1405249, upload_time = "2025-02-03T21:55:47.114Z" }, + { url = "https://files.pythonhosted.org/packages/88/e5/9714def18c3a411809771a3fbcec70bffa764b9675afb00048a620fca604/pywinpty-2.0.15-cp312-cp312-win_amd64.whl", hash = "sha256:83a8f20b430bbc5d8957249f875341a60219a4e971580f2ba694fbfb54a45ebc", size = 1405243, upload_time = "2025-02-03T21:56:52.476Z" }, + { url = "https://files.pythonhosted.org/packages/fb/16/2ab7b3b7f55f3c6929e5f629e1a68362981e4e5fed592a2ed1cb4b4914a5/pywinpty-2.0.15-cp313-cp313-win_amd64.whl", hash = "sha256:ab5920877dd632c124b4ed17bc6dd6ef3b9f86cd492b963ffdb1a67b85b0f408", size = 1405020, upload_time = "2025-02-03T21:56:04.753Z" }, + { url = "https://files.pythonhosted.org/packages/7c/16/edef3515dd2030db2795dbfbe392232c7a0f3dc41b98e92b38b42ba497c7/pywinpty-2.0.15-cp313-cp313t-win_amd64.whl", hash = "sha256:a4560ad8c01e537708d2790dbe7da7d986791de805d89dd0d3697ca59e9e4901", size = 1404151, upload_time = "2025-02-03T21:55:53.628Z" }, ] [[package]] name = "pyyaml" version = "6.0.2" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/54/ed/79a089b6be93607fa5cdaedf301d7dfb23af5f25c398d5ead2525b063e17/pyyaml-6.0.2.tar.gz", hash = "sha256:d584d9ec91ad65861cc08d42e834324ef890a082e591037abe114850ff7bbc3e", size = 130631, upload-time = "2024-08-06T20:33:50.674Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/f8/aa/7af4e81f7acba21a4c6be026da38fd2b872ca46226673c89a758ebdc4fd2/PyYAML-6.0.2-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:cc1c1159b3d456576af7a3e4d1ba7e6924cb39de8f67111c735f6fc832082774", size = 184612, upload-time = "2024-08-06T20:32:03.408Z" }, - { url = "https://files.pythonhosted.org/packages/8b/62/b9faa998fd185f65c1371643678e4d58254add437edb764a08c5a98fb986/PyYAML-6.0.2-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:1e2120ef853f59c7419231f3bf4e7021f1b936f6ebd222406c3b60212205d2ee", size = 172040, upload-time = "2024-08-06T20:32:04.926Z" }, - { url = "https://files.pythonhosted.org/packages/ad/0c/c804f5f922a9a6563bab712d8dcc70251e8af811fce4524d57c2c0fd49a4/PyYAML-6.0.2-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:5d225db5a45f21e78dd9358e58a98702a0302f2659a3c6cd320564b75b86f47c", size = 736829, upload-time = "2024-08-06T20:32:06.459Z" }, - { url = "https://files.pythonhosted.org/packages/51/16/6af8d6a6b210c8e54f1406a6b9481febf9c64a3109c541567e35a49aa2e7/PyYAML-6.0.2-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:5ac9328ec4831237bec75defaf839f7d4564be1e6b25ac710bd1a96321cc8317", size = 764167, upload-time = "2024-08-06T20:32:08.338Z" }, - { url = "https://files.pythonhosted.org/packages/75/e4/2c27590dfc9992f73aabbeb9241ae20220bd9452df27483b6e56d3975cc5/PyYAML-6.0.2-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:3ad2a3decf9aaba3d29c8f537ac4b243e36bef957511b4766cb0057d32b0be85", size = 762952, upload-time = "2024-08-06T20:32:14.124Z" }, - { url = "https://files.pythonhosted.org/packages/9b/97/ecc1abf4a823f5ac61941a9c00fe501b02ac3ab0e373c3857f7d4b83e2b6/PyYAML-6.0.2-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:ff3824dc5261f50c9b0dfb3be22b4567a6f938ccce4587b38952d85fd9e9afe4", size = 735301, upload-time = "2024-08-06T20:32:16.17Z" }, - { url = "https://files.pythonhosted.org/packages/45/73/0f49dacd6e82c9430e46f4a027baa4ca205e8b0a9dce1397f44edc23559d/PyYAML-6.0.2-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:797b4f722ffa07cc8d62053e4cff1486fa6dc094105d13fea7b1de7d8bf71c9e", size = 756638, upload-time = "2024-08-06T20:32:18.555Z" }, - { url = "https://files.pythonhosted.org/packages/22/5f/956f0f9fc65223a58fbc14459bf34b4cc48dec52e00535c79b8db361aabd/PyYAML-6.0.2-cp311-cp311-win32.whl", hash = "sha256:11d8f3dd2b9c1207dcaf2ee0bbbfd5991f571186ec9cc78427ba5bd32afae4b5", size = 143850, upload-time = "2024-08-06T20:32:19.889Z" }, - { url = "https://files.pythonhosted.org/packages/ed/23/8da0bbe2ab9dcdd11f4f4557ccaf95c10b9811b13ecced089d43ce59c3c8/PyYAML-6.0.2-cp311-cp311-win_amd64.whl", hash = "sha256:e10ce637b18caea04431ce14fabcf5c64a1c61ec9c56b071a4b7ca131ca52d44", size = 161980, upload-time = "2024-08-06T20:32:21.273Z" }, - { url = "https://files.pythonhosted.org/packages/86/0c/c581167fc46d6d6d7ddcfb8c843a4de25bdd27e4466938109ca68492292c/PyYAML-6.0.2-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:c70c95198c015b85feafc136515252a261a84561b7b1d51e3384e0655ddf25ab", size = 183873, upload-time = "2024-08-06T20:32:25.131Z" }, - { url = "https://files.pythonhosted.org/packages/a8/0c/38374f5bb272c051e2a69281d71cba6fdb983413e6758b84482905e29a5d/PyYAML-6.0.2-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:ce826d6ef20b1bc864f0a68340c8b3287705cae2f8b4b1d932177dcc76721725", size = 173302, upload-time = "2024-08-06T20:32:26.511Z" }, - { url = "https://files.pythonhosted.org/packages/c3/93/9916574aa8c00aa06bbac729972eb1071d002b8e158bd0e83a3b9a20a1f7/PyYAML-6.0.2-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:1f71ea527786de97d1a0cc0eacd1defc0985dcf6b3f17bb77dcfc8c34bec4dc5", size = 739154, upload-time = "2024-08-06T20:32:28.363Z" }, - { url = "https://files.pythonhosted.org/packages/95/0f/b8938f1cbd09739c6da569d172531567dbcc9789e0029aa070856f123984/PyYAML-6.0.2-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:9b22676e8097e9e22e36d6b7bda33190d0d400f345f23d4065d48f4ca7ae0425", size = 766223, upload-time = "2024-08-06T20:32:30.058Z" }, - { url = "https://files.pythonhosted.org/packages/b9/2b/614b4752f2e127db5cc206abc23a8c19678e92b23c3db30fc86ab731d3bd/PyYAML-6.0.2-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:80bab7bfc629882493af4aa31a4cfa43a4c57c83813253626916b8c7ada83476", size = 767542, upload-time = "2024-08-06T20:32:31.881Z" }, - { url = "https://files.pythonhosted.org/packages/d4/00/dd137d5bcc7efea1836d6264f049359861cf548469d18da90cd8216cf05f/PyYAML-6.0.2-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:0833f8694549e586547b576dcfaba4a6b55b9e96098b36cdc7ebefe667dfed48", size = 731164, upload-time = "2024-08-06T20:32:37.083Z" }, - { url = "https://files.pythonhosted.org/packages/c9/1f/4f998c900485e5c0ef43838363ba4a9723ac0ad73a9dc42068b12aaba4e4/PyYAML-6.0.2-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:8b9c7197f7cb2738065c481a0461e50ad02f18c78cd75775628afb4d7137fb3b", size = 756611, upload-time = "2024-08-06T20:32:38.898Z" }, - { url = "https://files.pythonhosted.org/packages/df/d1/f5a275fdb252768b7a11ec63585bc38d0e87c9e05668a139fea92b80634c/PyYAML-6.0.2-cp312-cp312-win32.whl", hash = "sha256:ef6107725bd54b262d6dedcc2af448a266975032bc85ef0172c5f059da6325b4", size = 140591, upload-time = "2024-08-06T20:32:40.241Z" }, - { url = "https://files.pythonhosted.org/packages/0c/e8/4f648c598b17c3d06e8753d7d13d57542b30d56e6c2dedf9c331ae56312e/PyYAML-6.0.2-cp312-cp312-win_amd64.whl", hash = "sha256:7e7401d0de89a9a855c839bc697c079a4af81cf878373abd7dc625847d25cbd8", size = 156338, upload-time = "2024-08-06T20:32:41.93Z" }, - { url = "https://files.pythonhosted.org/packages/ef/e3/3af305b830494fa85d95f6d95ef7fa73f2ee1cc8ef5b495c7c3269fb835f/PyYAML-6.0.2-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:efdca5630322a10774e8e98e1af481aad470dd62c3170801852d752aa7a783ba", size = 181309, upload-time = "2024-08-06T20:32:43.4Z" }, - { url = "https://files.pythonhosted.org/packages/45/9f/3b1c20a0b7a3200524eb0076cc027a970d320bd3a6592873c85c92a08731/PyYAML-6.0.2-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:50187695423ffe49e2deacb8cd10510bc361faac997de9efef88badc3bb9e2d1", size = 171679, upload-time = "2024-08-06T20:32:44.801Z" }, - { url = "https://files.pythonhosted.org/packages/7c/9a/337322f27005c33bcb656c655fa78325b730324c78620e8328ae28b64d0c/PyYAML-6.0.2-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:0ffe8360bab4910ef1b9e87fb812d8bc0a308b0d0eef8c8f44e0254ab3b07133", size = 733428, upload-time = "2024-08-06T20:32:46.432Z" }, - { url = "https://files.pythonhosted.org/packages/a3/69/864fbe19e6c18ea3cc196cbe5d392175b4cf3d5d0ac1403ec3f2d237ebb5/PyYAML-6.0.2-cp313-cp313-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:17e311b6c678207928d649faa7cb0d7b4c26a0ba73d41e99c4fff6b6c3276484", size = 763361, upload-time = "2024-08-06T20:32:51.188Z" }, - { url = "https://files.pythonhosted.org/packages/04/24/b7721e4845c2f162d26f50521b825fb061bc0a5afcf9a386840f23ea19fa/PyYAML-6.0.2-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:70b189594dbe54f75ab3a1acec5f1e3faa7e8cf2f1e08d9b561cb41b845f69d5", size = 759523, upload-time = "2024-08-06T20:32:53.019Z" }, - { url = "https://files.pythonhosted.org/packages/2b/b2/e3234f59ba06559c6ff63c4e10baea10e5e7df868092bf9ab40e5b9c56b6/PyYAML-6.0.2-cp313-cp313-musllinux_1_1_aarch64.whl", hash = "sha256:41e4e3953a79407c794916fa277a82531dd93aad34e29c2a514c2c0c5fe971cc", size = 726660, upload-time = "2024-08-06T20:32:54.708Z" }, - { url = "https://files.pythonhosted.org/packages/fe/0f/25911a9f080464c59fab9027482f822b86bf0608957a5fcc6eaac85aa515/PyYAML-6.0.2-cp313-cp313-musllinux_1_1_x86_64.whl", hash = "sha256:68ccc6023a3400877818152ad9a1033e3db8625d899c72eacb5a668902e4d652", size = 751597, upload-time = "2024-08-06T20:32:56.985Z" }, - { url = "https://files.pythonhosted.org/packages/14/0d/e2c3b43bbce3cf6bd97c840b46088a3031085179e596d4929729d8d68270/PyYAML-6.0.2-cp313-cp313-win32.whl", hash = "sha256:bc2fa7c6b47d6bc618dd7fb02ef6fdedb1090ec036abab80d4681424b84c1183", size = 140527, upload-time = "2024-08-06T20:33:03.001Z" }, - { url = "https://files.pythonhosted.org/packages/fa/de/02b54f42487e3d3c6efb3f89428677074ca7bf43aae402517bc7cca949f3/PyYAML-6.0.2-cp313-cp313-win_amd64.whl", hash = "sha256:8388ee1976c416731879ac16da0aff3f63b286ffdd57cdeb95f3f2e085687563", size = 156446, upload-time = "2024-08-06T20:33:04.33Z" }, +sdist = { url = "https://files.pythonhosted.org/packages/54/ed/79a089b6be93607fa5cdaedf301d7dfb23af5f25c398d5ead2525b063e17/pyyaml-6.0.2.tar.gz", hash = "sha256:d584d9ec91ad65861cc08d42e834324ef890a082e591037abe114850ff7bbc3e", size = 130631, upload_time = "2024-08-06T20:33:50.674Z" } +wheels = [ + { url = "https://files.pythonhosted.org/packages/f8/aa/7af4e81f7acba21a4c6be026da38fd2b872ca46226673c89a758ebdc4fd2/PyYAML-6.0.2-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:cc1c1159b3d456576af7a3e4d1ba7e6924cb39de8f67111c735f6fc832082774", size = 184612, upload_time = "2024-08-06T20:32:03.408Z" }, + { url = "https://files.pythonhosted.org/packages/8b/62/b9faa998fd185f65c1371643678e4d58254add437edb764a08c5a98fb986/PyYAML-6.0.2-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:1e2120ef853f59c7419231f3bf4e7021f1b936f6ebd222406c3b60212205d2ee", size = 172040, upload_time = "2024-08-06T20:32:04.926Z" }, + { url = "https://files.pythonhosted.org/packages/ad/0c/c804f5f922a9a6563bab712d8dcc70251e8af811fce4524d57c2c0fd49a4/PyYAML-6.0.2-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:5d225db5a45f21e78dd9358e58a98702a0302f2659a3c6cd320564b75b86f47c", size = 736829, upload_time = "2024-08-06T20:32:06.459Z" }, + { url = "https://files.pythonhosted.org/packages/51/16/6af8d6a6b210c8e54f1406a6b9481febf9c64a3109c541567e35a49aa2e7/PyYAML-6.0.2-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:5ac9328ec4831237bec75defaf839f7d4564be1e6b25ac710bd1a96321cc8317", size = 764167, upload_time = "2024-08-06T20:32:08.338Z" }, + { url = "https://files.pythonhosted.org/packages/75/e4/2c27590dfc9992f73aabbeb9241ae20220bd9452df27483b6e56d3975cc5/PyYAML-6.0.2-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:3ad2a3decf9aaba3d29c8f537ac4b243e36bef957511b4766cb0057d32b0be85", size = 762952, upload_time = "2024-08-06T20:32:14.124Z" }, + { url = "https://files.pythonhosted.org/packages/9b/97/ecc1abf4a823f5ac61941a9c00fe501b02ac3ab0e373c3857f7d4b83e2b6/PyYAML-6.0.2-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:ff3824dc5261f50c9b0dfb3be22b4567a6f938ccce4587b38952d85fd9e9afe4", size = 735301, upload_time = "2024-08-06T20:32:16.17Z" }, + { url = "https://files.pythonhosted.org/packages/45/73/0f49dacd6e82c9430e46f4a027baa4ca205e8b0a9dce1397f44edc23559d/PyYAML-6.0.2-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:797b4f722ffa07cc8d62053e4cff1486fa6dc094105d13fea7b1de7d8bf71c9e", size = 756638, upload_time = "2024-08-06T20:32:18.555Z" }, + { url = "https://files.pythonhosted.org/packages/22/5f/956f0f9fc65223a58fbc14459bf34b4cc48dec52e00535c79b8db361aabd/PyYAML-6.0.2-cp311-cp311-win32.whl", hash = "sha256:11d8f3dd2b9c1207dcaf2ee0bbbfd5991f571186ec9cc78427ba5bd32afae4b5", size = 143850, upload_time = "2024-08-06T20:32:19.889Z" }, + { url = "https://files.pythonhosted.org/packages/ed/23/8da0bbe2ab9dcdd11f4f4557ccaf95c10b9811b13ecced089d43ce59c3c8/PyYAML-6.0.2-cp311-cp311-win_amd64.whl", hash = "sha256:e10ce637b18caea04431ce14fabcf5c64a1c61ec9c56b071a4b7ca131ca52d44", size = 161980, upload_time = "2024-08-06T20:32:21.273Z" }, + { url = "https://files.pythonhosted.org/packages/86/0c/c581167fc46d6d6d7ddcfb8c843a4de25bdd27e4466938109ca68492292c/PyYAML-6.0.2-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:c70c95198c015b85feafc136515252a261a84561b7b1d51e3384e0655ddf25ab", size = 183873, upload_time = "2024-08-06T20:32:25.131Z" }, + { url = "https://files.pythonhosted.org/packages/a8/0c/38374f5bb272c051e2a69281d71cba6fdb983413e6758b84482905e29a5d/PyYAML-6.0.2-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:ce826d6ef20b1bc864f0a68340c8b3287705cae2f8b4b1d932177dcc76721725", size = 173302, upload_time = "2024-08-06T20:32:26.511Z" }, + { url = "https://files.pythonhosted.org/packages/c3/93/9916574aa8c00aa06bbac729972eb1071d002b8e158bd0e83a3b9a20a1f7/PyYAML-6.0.2-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:1f71ea527786de97d1a0cc0eacd1defc0985dcf6b3f17bb77dcfc8c34bec4dc5", size = 739154, upload_time = "2024-08-06T20:32:28.363Z" }, + { url = "https://files.pythonhosted.org/packages/95/0f/b8938f1cbd09739c6da569d172531567dbcc9789e0029aa070856f123984/PyYAML-6.0.2-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:9b22676e8097e9e22e36d6b7bda33190d0d400f345f23d4065d48f4ca7ae0425", size = 766223, upload_time = "2024-08-06T20:32:30.058Z" }, + { url = "https://files.pythonhosted.org/packages/b9/2b/614b4752f2e127db5cc206abc23a8c19678e92b23c3db30fc86ab731d3bd/PyYAML-6.0.2-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:80bab7bfc629882493af4aa31a4cfa43a4c57c83813253626916b8c7ada83476", size = 767542, upload_time = "2024-08-06T20:32:31.881Z" }, + { url = "https://files.pythonhosted.org/packages/d4/00/dd137d5bcc7efea1836d6264f049359861cf548469d18da90cd8216cf05f/PyYAML-6.0.2-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:0833f8694549e586547b576dcfaba4a6b55b9e96098b36cdc7ebefe667dfed48", size = 731164, upload_time = "2024-08-06T20:32:37.083Z" }, + { url = "https://files.pythonhosted.org/packages/c9/1f/4f998c900485e5c0ef43838363ba4a9723ac0ad73a9dc42068b12aaba4e4/PyYAML-6.0.2-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:8b9c7197f7cb2738065c481a0461e50ad02f18c78cd75775628afb4d7137fb3b", size = 756611, upload_time = "2024-08-06T20:32:38.898Z" }, + { url = "https://files.pythonhosted.org/packages/df/d1/f5a275fdb252768b7a11ec63585bc38d0e87c9e05668a139fea92b80634c/PyYAML-6.0.2-cp312-cp312-win32.whl", hash = "sha256:ef6107725bd54b262d6dedcc2af448a266975032bc85ef0172c5f059da6325b4", size = 140591, upload_time = "2024-08-06T20:32:40.241Z" }, + { url = "https://files.pythonhosted.org/packages/0c/e8/4f648c598b17c3d06e8753d7d13d57542b30d56e6c2dedf9c331ae56312e/PyYAML-6.0.2-cp312-cp312-win_amd64.whl", hash = "sha256:7e7401d0de89a9a855c839bc697c079a4af81cf878373abd7dc625847d25cbd8", size = 156338, upload_time = "2024-08-06T20:32:41.93Z" }, + { url = "https://files.pythonhosted.org/packages/ef/e3/3af305b830494fa85d95f6d95ef7fa73f2ee1cc8ef5b495c7c3269fb835f/PyYAML-6.0.2-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:efdca5630322a10774e8e98e1af481aad470dd62c3170801852d752aa7a783ba", size = 181309, upload_time = "2024-08-06T20:32:43.4Z" }, + { url = "https://files.pythonhosted.org/packages/45/9f/3b1c20a0b7a3200524eb0076cc027a970d320bd3a6592873c85c92a08731/PyYAML-6.0.2-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:50187695423ffe49e2deacb8cd10510bc361faac997de9efef88badc3bb9e2d1", size = 171679, upload_time = "2024-08-06T20:32:44.801Z" }, + { url = "https://files.pythonhosted.org/packages/7c/9a/337322f27005c33bcb656c655fa78325b730324c78620e8328ae28b64d0c/PyYAML-6.0.2-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:0ffe8360bab4910ef1b9e87fb812d8bc0a308b0d0eef8c8f44e0254ab3b07133", size = 733428, upload_time = "2024-08-06T20:32:46.432Z" }, + { url = "https://files.pythonhosted.org/packages/a3/69/864fbe19e6c18ea3cc196cbe5d392175b4cf3d5d0ac1403ec3f2d237ebb5/PyYAML-6.0.2-cp313-cp313-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:17e311b6c678207928d649faa7cb0d7b4c26a0ba73d41e99c4fff6b6c3276484", size = 763361, upload_time = "2024-08-06T20:32:51.188Z" }, + { url = "https://files.pythonhosted.org/packages/04/24/b7721e4845c2f162d26f50521b825fb061bc0a5afcf9a386840f23ea19fa/PyYAML-6.0.2-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:70b189594dbe54f75ab3a1acec5f1e3faa7e8cf2f1e08d9b561cb41b845f69d5", size = 759523, upload_time = "2024-08-06T20:32:53.019Z" }, + { url = "https://files.pythonhosted.org/packages/2b/b2/e3234f59ba06559c6ff63c4e10baea10e5e7df868092bf9ab40e5b9c56b6/PyYAML-6.0.2-cp313-cp313-musllinux_1_1_aarch64.whl", hash = "sha256:41e4e3953a79407c794916fa277a82531dd93aad34e29c2a514c2c0c5fe971cc", size = 726660, upload_time = "2024-08-06T20:32:54.708Z" }, + { url = "https://files.pythonhosted.org/packages/fe/0f/25911a9f080464c59fab9027482f822b86bf0608957a5fcc6eaac85aa515/PyYAML-6.0.2-cp313-cp313-musllinux_1_1_x86_64.whl", hash = "sha256:68ccc6023a3400877818152ad9a1033e3db8625d899c72eacb5a668902e4d652", size = 751597, upload_time = "2024-08-06T20:32:56.985Z" }, + { url = "https://files.pythonhosted.org/packages/14/0d/e2c3b43bbce3cf6bd97c840b46088a3031085179e596d4929729d8d68270/PyYAML-6.0.2-cp313-cp313-win32.whl", hash = "sha256:bc2fa7c6b47d6bc618dd7fb02ef6fdedb1090ec036abab80d4681424b84c1183", size = 140527, upload_time = "2024-08-06T20:33:03.001Z" }, + { url = "https://files.pythonhosted.org/packages/fa/de/02b54f42487e3d3c6efb3f89428677074ca7bf43aae402517bc7cca949f3/PyYAML-6.0.2-cp313-cp313-win_amd64.whl", hash = "sha256:8388ee1976c416731879ac16da0aff3f63b286ffdd57cdeb95f3f2e085687563", size = 156446, upload_time = "2024-08-06T20:33:04.33Z" }, ] [[package]] @@ -2947,54 +2947,54 @@ source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "cffi", marker = "implementation_name == 'pypy'" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/b1/11/b9213d25230ac18a71b39b3723494e57adebe36e066397b961657b3b41c1/pyzmq-26.4.0.tar.gz", hash = "sha256:4bd13f85f80962f91a651a7356fe0472791a5f7a92f227822b5acf44795c626d", size = 278293, upload-time = "2025-04-04T12:05:44.049Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/32/6d/234e3b0aa82fd0290b1896e9992f56bdddf1f97266110be54d0177a9d2d9/pyzmq-26.4.0-cp311-cp311-macosx_10_15_universal2.whl", hash = "sha256:bfcf82644c9b45ddd7cd2a041f3ff8dce4a0904429b74d73a439e8cab1bd9e54", size = 1339723, upload-time = "2025-04-04T12:03:24.358Z" }, - { url = "https://files.pythonhosted.org/packages/4f/11/6d561efe29ad83f7149a7cd48e498e539ed09019c6cd7ecc73f4cc725028/pyzmq-26.4.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:e9bcae3979b2654d5289d3490742378b2f3ce804b0b5fd42036074e2bf35b030", size = 672645, upload-time = "2025-04-04T12:03:25.693Z" }, - { url = "https://files.pythonhosted.org/packages/19/fd/81bfe3e23f418644660bad1a90f0d22f0b3eebe33dd65a79385530bceb3d/pyzmq-26.4.0-cp311-cp311-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:ccdff8ac4246b6fb60dcf3982dfaeeff5dd04f36051fe0632748fc0aa0679c01", size = 910133, upload-time = "2025-04-04T12:03:27.625Z" }, - { url = "https://files.pythonhosted.org/packages/97/68/321b9c775595ea3df832a9516252b653fe32818db66fdc8fa31c9b9fce37/pyzmq-26.4.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:4550af385b442dc2d55ab7717837812799d3674cb12f9a3aa897611839c18e9e", size = 867428, upload-time = "2025-04-04T12:03:29.004Z" }, - { url = "https://files.pythonhosted.org/packages/4e/6e/159cbf2055ef36aa2aa297e01b24523176e5b48ead283c23a94179fb2ba2/pyzmq-26.4.0-cp311-cp311-manylinux_2_28_x86_64.whl", hash = "sha256:2f9f7ffe9db1187a253fca95191854b3fda24696f086e8789d1d449308a34b88", size = 862409, upload-time = "2025-04-04T12:03:31.032Z" }, - { url = "https://files.pythonhosted.org/packages/05/1c/45fb8db7be5a7d0cadea1070a9cbded5199a2d578de2208197e592f219bd/pyzmq-26.4.0-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:3709c9ff7ba61589b7372923fd82b99a81932b592a5c7f1a24147c91da9a68d6", size = 1205007, upload-time = "2025-04-04T12:03:32.687Z" }, - { url = "https://files.pythonhosted.org/packages/f8/fa/658c7f583af6498b463f2fa600f34e298e1b330886f82f1feba0dc2dd6c3/pyzmq-26.4.0-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:f8f3c30fb2d26ae5ce36b59768ba60fb72507ea9efc72f8f69fa088450cff1df", size = 1514599, upload-time = "2025-04-04T12:03:34.084Z" }, - { url = "https://files.pythonhosted.org/packages/4d/d7/44d641522353ce0a2bbd150379cb5ec32f7120944e6bfba4846586945658/pyzmq-26.4.0-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:382a4a48c8080e273427fc692037e3f7d2851959ffe40864f2db32646eeb3cef", size = 1414546, upload-time = "2025-04-04T12:03:35.478Z" }, - { url = "https://files.pythonhosted.org/packages/72/76/c8ed7263218b3d1e9bce07b9058502024188bd52cc0b0a267a9513b431fc/pyzmq-26.4.0-cp311-cp311-win32.whl", hash = "sha256:d56aad0517d4c09e3b4f15adebba8f6372c5102c27742a5bdbfc74a7dceb8fca", size = 579247, upload-time = "2025-04-04T12:03:36.846Z" }, - { url = "https://files.pythonhosted.org/packages/c3/d0/2d9abfa2571a0b1a67c0ada79a8aa1ba1cce57992d80f771abcdf99bb32c/pyzmq-26.4.0-cp311-cp311-win_amd64.whl", hash = "sha256:963977ac8baed7058c1e126014f3fe58b3773f45c78cce7af5c26c09b6823896", size = 644727, upload-time = "2025-04-04T12:03:38.578Z" }, - { url = "https://files.pythonhosted.org/packages/0d/d1/c8ad82393be6ccedfc3c9f3adb07f8f3976e3c4802640fe3f71441941e70/pyzmq-26.4.0-cp311-cp311-win_arm64.whl", hash = "sha256:c0c8e8cadc81e44cc5088fcd53b9b3b4ce9344815f6c4a03aec653509296fae3", size = 559942, upload-time = "2025-04-04T12:03:40.143Z" }, - { url = "https://files.pythonhosted.org/packages/10/44/a778555ebfdf6c7fc00816aad12d185d10a74d975800341b1bc36bad1187/pyzmq-26.4.0-cp312-cp312-macosx_10_15_universal2.whl", hash = "sha256:5227cb8da4b6f68acfd48d20c588197fd67745c278827d5238c707daf579227b", size = 1341586, upload-time = "2025-04-04T12:03:41.954Z" }, - { url = "https://files.pythonhosted.org/packages/9c/4f/f3a58dc69ac757e5103be3bd41fb78721a5e17da7cc617ddb56d973a365c/pyzmq-26.4.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:e1c07a7fa7f7ba86554a2b1bef198c9fed570c08ee062fd2fd6a4dcacd45f905", size = 665880, upload-time = "2025-04-04T12:03:43.45Z" }, - { url = "https://files.pythonhosted.org/packages/fe/45/50230bcfb3ae5cb98bee683b6edeba1919f2565d7cc1851d3c38e2260795/pyzmq-26.4.0-cp312-cp312-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:ae775fa83f52f52de73183f7ef5395186f7105d5ed65b1ae65ba27cb1260de2b", size = 902216, upload-time = "2025-04-04T12:03:45.572Z" }, - { url = "https://files.pythonhosted.org/packages/41/59/56bbdc5689be5e13727491ad2ba5efd7cd564365750514f9bc8f212eef82/pyzmq-26.4.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:66c760d0226ebd52f1e6b644a9e839b5db1e107a23f2fcd46ec0569a4fdd4e63", size = 859814, upload-time = "2025-04-04T12:03:47.188Z" }, - { url = "https://files.pythonhosted.org/packages/81/b1/57db58cfc8af592ce94f40649bd1804369c05b2190e4cbc0a2dad572baeb/pyzmq-26.4.0-cp312-cp312-manylinux_2_28_x86_64.whl", hash = "sha256:ef8c6ecc1d520debc147173eaa3765d53f06cd8dbe7bd377064cdbc53ab456f5", size = 855889, upload-time = "2025-04-04T12:03:49.223Z" }, - { url = "https://files.pythonhosted.org/packages/e8/92/47542e629cbac8f221c230a6d0f38dd3d9cff9f6f589ed45fdf572ffd726/pyzmq-26.4.0-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:3150ef4084e163dec29ae667b10d96aad309b668fac6810c9e8c27cf543d6e0b", size = 1197153, upload-time = "2025-04-04T12:03:50.591Z" }, - { url = "https://files.pythonhosted.org/packages/07/e5/b10a979d1d565d54410afc87499b16c96b4a181af46e7645ab4831b1088c/pyzmq-26.4.0-cp312-cp312-musllinux_1_1_i686.whl", hash = "sha256:4448c9e55bf8329fa1dcedd32f661bf611214fa70c8e02fee4347bc589d39a84", size = 1507352, upload-time = "2025-04-04T12:03:52.473Z" }, - { url = "https://files.pythonhosted.org/packages/ab/58/5a23db84507ab9c01c04b1232a7a763be66e992aa2e66498521bbbc72a71/pyzmq-26.4.0-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:e07dde3647afb084d985310d067a3efa6efad0621ee10826f2cb2f9a31b89d2f", size = 1406834, upload-time = "2025-04-04T12:03:54Z" }, - { url = "https://files.pythonhosted.org/packages/22/74/aaa837b331580c13b79ac39396601fb361454ee184ca85e8861914769b99/pyzmq-26.4.0-cp312-cp312-win32.whl", hash = "sha256:ba034a32ecf9af72adfa5ee383ad0fd4f4e38cdb62b13624278ef768fe5b5b44", size = 577992, upload-time = "2025-04-04T12:03:55.815Z" }, - { url = "https://files.pythonhosted.org/packages/30/0f/55f8c02c182856743b82dde46b2dc3e314edda7f1098c12a8227eeda0833/pyzmq-26.4.0-cp312-cp312-win_amd64.whl", hash = "sha256:056a97aab4064f526ecb32f4343917a4022a5d9efb6b9df990ff72e1879e40be", size = 640466, upload-time = "2025-04-04T12:03:57.231Z" }, - { url = "https://files.pythonhosted.org/packages/e4/29/073779afc3ef6f830b8de95026ef20b2d1ec22d0324d767748d806e57379/pyzmq-26.4.0-cp312-cp312-win_arm64.whl", hash = "sha256:2f23c750e485ce1eb639dbd576d27d168595908aa2d60b149e2d9e34c9df40e0", size = 556342, upload-time = "2025-04-04T12:03:59.218Z" }, - { url = "https://files.pythonhosted.org/packages/d7/20/fb2c92542488db70f833b92893769a569458311a76474bda89dc4264bd18/pyzmq-26.4.0-cp313-cp313-macosx_10_15_universal2.whl", hash = "sha256:c43fac689880f5174d6fc864857d1247fe5cfa22b09ed058a344ca92bf5301e3", size = 1339484, upload-time = "2025-04-04T12:04:00.671Z" }, - { url = "https://files.pythonhosted.org/packages/58/29/2f06b9cabda3a6ea2c10f43e67ded3e47fc25c54822e2506dfb8325155d4/pyzmq-26.4.0-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:902aca7eba477657c5fb81c808318460328758e8367ecdd1964b6330c73cae43", size = 666106, upload-time = "2025-04-04T12:04:02.366Z" }, - { url = "https://files.pythonhosted.org/packages/77/e4/dcf62bd29e5e190bd21bfccaa4f3386e01bf40d948c239239c2f1e726729/pyzmq-26.4.0-cp313-cp313-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:e5e48a830bfd152fe17fbdeaf99ac5271aa4122521bf0d275b6b24e52ef35eb6", size = 902056, upload-time = "2025-04-04T12:04:03.919Z" }, - { url = "https://files.pythonhosted.org/packages/1a/cf/b36b3d7aea236087d20189bec1a87eeb2b66009731d7055e5c65f845cdba/pyzmq-26.4.0-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:31be2b6de98c824c06f5574331f805707c667dc8f60cb18580b7de078479891e", size = 860148, upload-time = "2025-04-04T12:04:05.581Z" }, - { url = "https://files.pythonhosted.org/packages/18/a6/f048826bc87528c208e90604c3bf573801e54bd91e390cbd2dfa860e82dc/pyzmq-26.4.0-cp313-cp313-manylinux_2_28_x86_64.whl", hash = "sha256:6332452034be001bbf3206ac59c0d2a7713de5f25bb38b06519fc6967b7cf771", size = 855983, upload-time = "2025-04-04T12:04:07.096Z" }, - { url = "https://files.pythonhosted.org/packages/0a/27/454d34ab6a1d9772a36add22f17f6b85baf7c16e14325fa29e7202ca8ee8/pyzmq-26.4.0-cp313-cp313-musllinux_1_1_aarch64.whl", hash = "sha256:da8c0f5dd352136853e6a09b1b986ee5278dfddfebd30515e16eae425c872b30", size = 1197274, upload-time = "2025-04-04T12:04:08.523Z" }, - { url = "https://files.pythonhosted.org/packages/f4/3d/7abfeab6b83ad38aa34cbd57c6fc29752c391e3954fd12848bd8d2ec0df6/pyzmq-26.4.0-cp313-cp313-musllinux_1_1_i686.whl", hash = "sha256:f4ccc1a0a2c9806dda2a2dd118a3b7b681e448f3bb354056cad44a65169f6d86", size = 1507120, upload-time = "2025-04-04T12:04:10.58Z" }, - { url = "https://files.pythonhosted.org/packages/13/ff/bc8d21dbb9bc8705126e875438a1969c4f77e03fc8565d6901c7933a3d01/pyzmq-26.4.0-cp313-cp313-musllinux_1_1_x86_64.whl", hash = "sha256:1c0b5fceadbab461578daf8d1dcc918ebe7ddd2952f748cf30c7cf2de5d51101", size = 1406738, upload-time = "2025-04-04T12:04:12.509Z" }, - { url = "https://files.pythonhosted.org/packages/f5/5d/d4cd85b24de71d84d81229e3bbb13392b2698432cf8fdcea5afda253d587/pyzmq-26.4.0-cp313-cp313-win32.whl", hash = "sha256:28e2b0ff5ba4b3dd11062d905682bad33385cfa3cc03e81abd7f0822263e6637", size = 577826, upload-time = "2025-04-04T12:04:14.289Z" }, - { url = "https://files.pythonhosted.org/packages/c6/6c/f289c1789d7bb6e5a3b3bef7b2a55089b8561d17132be7d960d3ff33b14e/pyzmq-26.4.0-cp313-cp313-win_amd64.whl", hash = "sha256:23ecc9d241004c10e8b4f49d12ac064cd7000e1643343944a10df98e57bc544b", size = 640406, upload-time = "2025-04-04T12:04:15.757Z" }, - { url = "https://files.pythonhosted.org/packages/b3/99/676b8851cb955eb5236a0c1e9ec679ea5ede092bf8bf2c8a68d7e965cac3/pyzmq-26.4.0-cp313-cp313-win_arm64.whl", hash = "sha256:1edb0385c7f025045d6e0f759d4d3afe43c17a3d898914ec6582e6f464203c08", size = 556216, upload-time = "2025-04-04T12:04:17.212Z" }, - { url = "https://files.pythonhosted.org/packages/65/c2/1fac340de9d7df71efc59d9c50fc7a635a77b103392d1842898dd023afcb/pyzmq-26.4.0-cp313-cp313t-macosx_10_15_universal2.whl", hash = "sha256:93a29e882b2ba1db86ba5dd5e88e18e0ac6b627026c5cfbec9983422011b82d4", size = 1333769, upload-time = "2025-04-04T12:04:18.665Z" }, - { url = "https://files.pythonhosted.org/packages/5c/c7/6c03637e8d742c3b00bec4f5e4cd9d1c01b2f3694c6f140742e93ca637ed/pyzmq-26.4.0-cp313-cp313t-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:cb45684f276f57110bb89e4300c00f1233ca631f08f5f42528a5c408a79efc4a", size = 658826, upload-time = "2025-04-04T12:04:20.405Z" }, - { url = "https://files.pythonhosted.org/packages/a5/97/a8dca65913c0f78e0545af2bb5078aebfc142ca7d91cdaffa1fbc73e5dbd/pyzmq-26.4.0-cp313-cp313t-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:f72073e75260cb301aad4258ad6150fa7f57c719b3f498cb91e31df16784d89b", size = 891650, upload-time = "2025-04-04T12:04:22.413Z" }, - { url = "https://files.pythonhosted.org/packages/7d/7e/f63af1031eb060bf02d033732b910fe48548dcfdbe9c785e9f74a6cc6ae4/pyzmq-26.4.0-cp313-cp313t-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:be37e24b13026cfedd233bcbbccd8c0bcd2fdd186216094d095f60076201538d", size = 849776, upload-time = "2025-04-04T12:04:23.959Z" }, - { url = "https://files.pythonhosted.org/packages/f6/fa/1a009ce582802a895c0d5fe9413f029c940a0a8ee828657a3bb0acffd88b/pyzmq-26.4.0-cp313-cp313t-manylinux_2_28_x86_64.whl", hash = "sha256:237b283044934d26f1eeff4075f751b05d2f3ed42a257fc44386d00df6a270cf", size = 842516, upload-time = "2025-04-04T12:04:25.449Z" }, - { url = "https://files.pythonhosted.org/packages/6e/bc/f88b0bad0f7a7f500547d71e99f10336f2314e525d4ebf576a1ea4a1d903/pyzmq-26.4.0-cp313-cp313t-musllinux_1_1_aarch64.whl", hash = "sha256:b30f862f6768b17040929a68432c8a8be77780317f45a353cb17e423127d250c", size = 1189183, upload-time = "2025-04-04T12:04:27.035Z" }, - { url = "https://files.pythonhosted.org/packages/d9/8c/db446a3dd9cf894406dec2e61eeffaa3c07c3abb783deaebb9812c4af6a5/pyzmq-26.4.0-cp313-cp313t-musllinux_1_1_i686.whl", hash = "sha256:c80fcd3504232f13617c6ab501124d373e4895424e65de8b72042333316f64a8", size = 1495501, upload-time = "2025-04-04T12:04:28.833Z" }, - { url = "https://files.pythonhosted.org/packages/05/4c/bf3cad0d64c3214ac881299c4562b815f05d503bccc513e3fd4fdc6f67e4/pyzmq-26.4.0-cp313-cp313t-musllinux_1_1_x86_64.whl", hash = "sha256:26a2a7451606b87f67cdeca2c2789d86f605da08b4bd616b1a9981605ca3a364", size = 1395540, upload-time = "2025-04-04T12:04:30.562Z" }, - { url = "https://files.pythonhosted.org/packages/04/52/a70fcd5592715702248306d8e1729c10742c2eac44529984413b05c68658/pyzmq-26.4.0-pp311-pypy311_pp73-macosx_10_15_x86_64.whl", hash = "sha256:4478b14cb54a805088299c25a79f27eaf530564a7a4f72bf432a040042b554eb", size = 834405, upload-time = "2025-04-04T12:05:13.3Z" }, - { url = "https://files.pythonhosted.org/packages/25/f9/1a03f1accff16b3af1a6fa22cbf7ced074776abbf688b2e9cb4629700c62/pyzmq-26.4.0-pp311-pypy311_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:8a28ac29c60e4ba84b5f58605ace8ad495414a724fe7aceb7cf06cd0598d04e1", size = 569578, upload-time = "2025-04-04T12:05:15.36Z" }, - { url = "https://files.pythonhosted.org/packages/76/0c/3a633acd762aa6655fcb71fa841907eae0ab1e8582ff494b137266de341d/pyzmq-26.4.0-pp311-pypy311_pp73-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:43b03c1ceea27c6520124f4fb2ba9c647409b9abdf9a62388117148a90419494", size = 798248, upload-time = "2025-04-04T12:05:17.376Z" }, - { url = "https://files.pythonhosted.org/packages/cd/cc/6c99c84aa60ac1cc56747bed6be8ce6305b9b861d7475772e7a25ce019d3/pyzmq-26.4.0-pp311-pypy311_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:7731abd23a782851426d4e37deb2057bf9410848a4459b5ede4fe89342e687a9", size = 756757, upload-time = "2025-04-04T12:05:19.19Z" }, - { url = "https://files.pythonhosted.org/packages/13/9c/d8073bd898eb896e94c679abe82e47506e2b750eb261cf6010ced869797c/pyzmq-26.4.0-pp311-pypy311_pp73-win_amd64.whl", hash = "sha256:a222ad02fbe80166b0526c038776e8042cd4e5f0dec1489a006a1df47e9040e0", size = 555371, upload-time = "2025-04-04T12:05:20.702Z" }, +sdist = { url = "https://files.pythonhosted.org/packages/b1/11/b9213d25230ac18a71b39b3723494e57adebe36e066397b961657b3b41c1/pyzmq-26.4.0.tar.gz", hash = "sha256:4bd13f85f80962f91a651a7356fe0472791a5f7a92f227822b5acf44795c626d", size = 278293, upload_time = "2025-04-04T12:05:44.049Z" } +wheels = [ + { url = "https://files.pythonhosted.org/packages/32/6d/234e3b0aa82fd0290b1896e9992f56bdddf1f97266110be54d0177a9d2d9/pyzmq-26.4.0-cp311-cp311-macosx_10_15_universal2.whl", hash = "sha256:bfcf82644c9b45ddd7cd2a041f3ff8dce4a0904429b74d73a439e8cab1bd9e54", size = 1339723, upload_time = "2025-04-04T12:03:24.358Z" }, + { url = "https://files.pythonhosted.org/packages/4f/11/6d561efe29ad83f7149a7cd48e498e539ed09019c6cd7ecc73f4cc725028/pyzmq-26.4.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:e9bcae3979b2654d5289d3490742378b2f3ce804b0b5fd42036074e2bf35b030", size = 672645, upload_time = "2025-04-04T12:03:25.693Z" }, + { url = "https://files.pythonhosted.org/packages/19/fd/81bfe3e23f418644660bad1a90f0d22f0b3eebe33dd65a79385530bceb3d/pyzmq-26.4.0-cp311-cp311-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:ccdff8ac4246b6fb60dcf3982dfaeeff5dd04f36051fe0632748fc0aa0679c01", size = 910133, upload_time = "2025-04-04T12:03:27.625Z" }, + { url = "https://files.pythonhosted.org/packages/97/68/321b9c775595ea3df832a9516252b653fe32818db66fdc8fa31c9b9fce37/pyzmq-26.4.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:4550af385b442dc2d55ab7717837812799d3674cb12f9a3aa897611839c18e9e", size = 867428, upload_time = "2025-04-04T12:03:29.004Z" }, + { url = "https://files.pythonhosted.org/packages/4e/6e/159cbf2055ef36aa2aa297e01b24523176e5b48ead283c23a94179fb2ba2/pyzmq-26.4.0-cp311-cp311-manylinux_2_28_x86_64.whl", hash = "sha256:2f9f7ffe9db1187a253fca95191854b3fda24696f086e8789d1d449308a34b88", size = 862409, upload_time = "2025-04-04T12:03:31.032Z" }, + { url = "https://files.pythonhosted.org/packages/05/1c/45fb8db7be5a7d0cadea1070a9cbded5199a2d578de2208197e592f219bd/pyzmq-26.4.0-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:3709c9ff7ba61589b7372923fd82b99a81932b592a5c7f1a24147c91da9a68d6", size = 1205007, upload_time = "2025-04-04T12:03:32.687Z" }, + { url = "https://files.pythonhosted.org/packages/f8/fa/658c7f583af6498b463f2fa600f34e298e1b330886f82f1feba0dc2dd6c3/pyzmq-26.4.0-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:f8f3c30fb2d26ae5ce36b59768ba60fb72507ea9efc72f8f69fa088450cff1df", size = 1514599, upload_time = "2025-04-04T12:03:34.084Z" }, + { url = "https://files.pythonhosted.org/packages/4d/d7/44d641522353ce0a2bbd150379cb5ec32f7120944e6bfba4846586945658/pyzmq-26.4.0-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:382a4a48c8080e273427fc692037e3f7d2851959ffe40864f2db32646eeb3cef", size = 1414546, upload_time = "2025-04-04T12:03:35.478Z" }, + { url = "https://files.pythonhosted.org/packages/72/76/c8ed7263218b3d1e9bce07b9058502024188bd52cc0b0a267a9513b431fc/pyzmq-26.4.0-cp311-cp311-win32.whl", hash = "sha256:d56aad0517d4c09e3b4f15adebba8f6372c5102c27742a5bdbfc74a7dceb8fca", size = 579247, upload_time = "2025-04-04T12:03:36.846Z" }, + { url = "https://files.pythonhosted.org/packages/c3/d0/2d9abfa2571a0b1a67c0ada79a8aa1ba1cce57992d80f771abcdf99bb32c/pyzmq-26.4.0-cp311-cp311-win_amd64.whl", hash = "sha256:963977ac8baed7058c1e126014f3fe58b3773f45c78cce7af5c26c09b6823896", size = 644727, upload_time = "2025-04-04T12:03:38.578Z" }, + { url = "https://files.pythonhosted.org/packages/0d/d1/c8ad82393be6ccedfc3c9f3adb07f8f3976e3c4802640fe3f71441941e70/pyzmq-26.4.0-cp311-cp311-win_arm64.whl", hash = "sha256:c0c8e8cadc81e44cc5088fcd53b9b3b4ce9344815f6c4a03aec653509296fae3", size = 559942, upload_time = "2025-04-04T12:03:40.143Z" }, + { url = "https://files.pythonhosted.org/packages/10/44/a778555ebfdf6c7fc00816aad12d185d10a74d975800341b1bc36bad1187/pyzmq-26.4.0-cp312-cp312-macosx_10_15_universal2.whl", hash = "sha256:5227cb8da4b6f68acfd48d20c588197fd67745c278827d5238c707daf579227b", size = 1341586, upload_time = "2025-04-04T12:03:41.954Z" }, + { url = "https://files.pythonhosted.org/packages/9c/4f/f3a58dc69ac757e5103be3bd41fb78721a5e17da7cc617ddb56d973a365c/pyzmq-26.4.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:e1c07a7fa7f7ba86554a2b1bef198c9fed570c08ee062fd2fd6a4dcacd45f905", size = 665880, upload_time = "2025-04-04T12:03:43.45Z" }, + { url = "https://files.pythonhosted.org/packages/fe/45/50230bcfb3ae5cb98bee683b6edeba1919f2565d7cc1851d3c38e2260795/pyzmq-26.4.0-cp312-cp312-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:ae775fa83f52f52de73183f7ef5395186f7105d5ed65b1ae65ba27cb1260de2b", size = 902216, upload_time = "2025-04-04T12:03:45.572Z" }, + { url = "https://files.pythonhosted.org/packages/41/59/56bbdc5689be5e13727491ad2ba5efd7cd564365750514f9bc8f212eef82/pyzmq-26.4.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:66c760d0226ebd52f1e6b644a9e839b5db1e107a23f2fcd46ec0569a4fdd4e63", size = 859814, upload_time = "2025-04-04T12:03:47.188Z" }, + { url = "https://files.pythonhosted.org/packages/81/b1/57db58cfc8af592ce94f40649bd1804369c05b2190e4cbc0a2dad572baeb/pyzmq-26.4.0-cp312-cp312-manylinux_2_28_x86_64.whl", hash = "sha256:ef8c6ecc1d520debc147173eaa3765d53f06cd8dbe7bd377064cdbc53ab456f5", size = 855889, upload_time = "2025-04-04T12:03:49.223Z" }, + { url = "https://files.pythonhosted.org/packages/e8/92/47542e629cbac8f221c230a6d0f38dd3d9cff9f6f589ed45fdf572ffd726/pyzmq-26.4.0-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:3150ef4084e163dec29ae667b10d96aad309b668fac6810c9e8c27cf543d6e0b", size = 1197153, upload_time = "2025-04-04T12:03:50.591Z" }, + { url = "https://files.pythonhosted.org/packages/07/e5/b10a979d1d565d54410afc87499b16c96b4a181af46e7645ab4831b1088c/pyzmq-26.4.0-cp312-cp312-musllinux_1_1_i686.whl", hash = "sha256:4448c9e55bf8329fa1dcedd32f661bf611214fa70c8e02fee4347bc589d39a84", size = 1507352, upload_time = "2025-04-04T12:03:52.473Z" }, + { url = "https://files.pythonhosted.org/packages/ab/58/5a23db84507ab9c01c04b1232a7a763be66e992aa2e66498521bbbc72a71/pyzmq-26.4.0-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:e07dde3647afb084d985310d067a3efa6efad0621ee10826f2cb2f9a31b89d2f", size = 1406834, upload_time = "2025-04-04T12:03:54Z" }, + { url = "https://files.pythonhosted.org/packages/22/74/aaa837b331580c13b79ac39396601fb361454ee184ca85e8861914769b99/pyzmq-26.4.0-cp312-cp312-win32.whl", hash = "sha256:ba034a32ecf9af72adfa5ee383ad0fd4f4e38cdb62b13624278ef768fe5b5b44", size = 577992, upload_time = "2025-04-04T12:03:55.815Z" }, + { url = "https://files.pythonhosted.org/packages/30/0f/55f8c02c182856743b82dde46b2dc3e314edda7f1098c12a8227eeda0833/pyzmq-26.4.0-cp312-cp312-win_amd64.whl", hash = "sha256:056a97aab4064f526ecb32f4343917a4022a5d9efb6b9df990ff72e1879e40be", size = 640466, upload_time = "2025-04-04T12:03:57.231Z" }, + { url = "https://files.pythonhosted.org/packages/e4/29/073779afc3ef6f830b8de95026ef20b2d1ec22d0324d767748d806e57379/pyzmq-26.4.0-cp312-cp312-win_arm64.whl", hash = "sha256:2f23c750e485ce1eb639dbd576d27d168595908aa2d60b149e2d9e34c9df40e0", size = 556342, upload_time = "2025-04-04T12:03:59.218Z" }, + { url = "https://files.pythonhosted.org/packages/d7/20/fb2c92542488db70f833b92893769a569458311a76474bda89dc4264bd18/pyzmq-26.4.0-cp313-cp313-macosx_10_15_universal2.whl", hash = "sha256:c43fac689880f5174d6fc864857d1247fe5cfa22b09ed058a344ca92bf5301e3", size = 1339484, upload_time = "2025-04-04T12:04:00.671Z" }, + { url = "https://files.pythonhosted.org/packages/58/29/2f06b9cabda3a6ea2c10f43e67ded3e47fc25c54822e2506dfb8325155d4/pyzmq-26.4.0-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:902aca7eba477657c5fb81c808318460328758e8367ecdd1964b6330c73cae43", size = 666106, upload_time = "2025-04-04T12:04:02.366Z" }, + { url = "https://files.pythonhosted.org/packages/77/e4/dcf62bd29e5e190bd21bfccaa4f3386e01bf40d948c239239c2f1e726729/pyzmq-26.4.0-cp313-cp313-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:e5e48a830bfd152fe17fbdeaf99ac5271aa4122521bf0d275b6b24e52ef35eb6", size = 902056, upload_time = "2025-04-04T12:04:03.919Z" }, + { url = "https://files.pythonhosted.org/packages/1a/cf/b36b3d7aea236087d20189bec1a87eeb2b66009731d7055e5c65f845cdba/pyzmq-26.4.0-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:31be2b6de98c824c06f5574331f805707c667dc8f60cb18580b7de078479891e", size = 860148, upload_time = "2025-04-04T12:04:05.581Z" }, + { url = "https://files.pythonhosted.org/packages/18/a6/f048826bc87528c208e90604c3bf573801e54bd91e390cbd2dfa860e82dc/pyzmq-26.4.0-cp313-cp313-manylinux_2_28_x86_64.whl", hash = "sha256:6332452034be001bbf3206ac59c0d2a7713de5f25bb38b06519fc6967b7cf771", size = 855983, upload_time = "2025-04-04T12:04:07.096Z" }, + { url = "https://files.pythonhosted.org/packages/0a/27/454d34ab6a1d9772a36add22f17f6b85baf7c16e14325fa29e7202ca8ee8/pyzmq-26.4.0-cp313-cp313-musllinux_1_1_aarch64.whl", hash = "sha256:da8c0f5dd352136853e6a09b1b986ee5278dfddfebd30515e16eae425c872b30", size = 1197274, upload_time = "2025-04-04T12:04:08.523Z" }, + { url = "https://files.pythonhosted.org/packages/f4/3d/7abfeab6b83ad38aa34cbd57c6fc29752c391e3954fd12848bd8d2ec0df6/pyzmq-26.4.0-cp313-cp313-musllinux_1_1_i686.whl", hash = "sha256:f4ccc1a0a2c9806dda2a2dd118a3b7b681e448f3bb354056cad44a65169f6d86", size = 1507120, upload_time = "2025-04-04T12:04:10.58Z" }, + { url = "https://files.pythonhosted.org/packages/13/ff/bc8d21dbb9bc8705126e875438a1969c4f77e03fc8565d6901c7933a3d01/pyzmq-26.4.0-cp313-cp313-musllinux_1_1_x86_64.whl", hash = "sha256:1c0b5fceadbab461578daf8d1dcc918ebe7ddd2952f748cf30c7cf2de5d51101", size = 1406738, upload_time = "2025-04-04T12:04:12.509Z" }, + { url = "https://files.pythonhosted.org/packages/f5/5d/d4cd85b24de71d84d81229e3bbb13392b2698432cf8fdcea5afda253d587/pyzmq-26.4.0-cp313-cp313-win32.whl", hash = "sha256:28e2b0ff5ba4b3dd11062d905682bad33385cfa3cc03e81abd7f0822263e6637", size = 577826, upload_time = "2025-04-04T12:04:14.289Z" }, + { url = "https://files.pythonhosted.org/packages/c6/6c/f289c1789d7bb6e5a3b3bef7b2a55089b8561d17132be7d960d3ff33b14e/pyzmq-26.4.0-cp313-cp313-win_amd64.whl", hash = "sha256:23ecc9d241004c10e8b4f49d12ac064cd7000e1643343944a10df98e57bc544b", size = 640406, upload_time = "2025-04-04T12:04:15.757Z" }, + { url = "https://files.pythonhosted.org/packages/b3/99/676b8851cb955eb5236a0c1e9ec679ea5ede092bf8bf2c8a68d7e965cac3/pyzmq-26.4.0-cp313-cp313-win_arm64.whl", hash = "sha256:1edb0385c7f025045d6e0f759d4d3afe43c17a3d898914ec6582e6f464203c08", size = 556216, upload_time = "2025-04-04T12:04:17.212Z" }, + { url = "https://files.pythonhosted.org/packages/65/c2/1fac340de9d7df71efc59d9c50fc7a635a77b103392d1842898dd023afcb/pyzmq-26.4.0-cp313-cp313t-macosx_10_15_universal2.whl", hash = "sha256:93a29e882b2ba1db86ba5dd5e88e18e0ac6b627026c5cfbec9983422011b82d4", size = 1333769, upload_time = "2025-04-04T12:04:18.665Z" }, + { url = "https://files.pythonhosted.org/packages/5c/c7/6c03637e8d742c3b00bec4f5e4cd9d1c01b2f3694c6f140742e93ca637ed/pyzmq-26.4.0-cp313-cp313t-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:cb45684f276f57110bb89e4300c00f1233ca631f08f5f42528a5c408a79efc4a", size = 658826, upload_time = "2025-04-04T12:04:20.405Z" }, + { url = "https://files.pythonhosted.org/packages/a5/97/a8dca65913c0f78e0545af2bb5078aebfc142ca7d91cdaffa1fbc73e5dbd/pyzmq-26.4.0-cp313-cp313t-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:f72073e75260cb301aad4258ad6150fa7f57c719b3f498cb91e31df16784d89b", size = 891650, upload_time = "2025-04-04T12:04:22.413Z" }, + { url = "https://files.pythonhosted.org/packages/7d/7e/f63af1031eb060bf02d033732b910fe48548dcfdbe9c785e9f74a6cc6ae4/pyzmq-26.4.0-cp313-cp313t-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:be37e24b13026cfedd233bcbbccd8c0bcd2fdd186216094d095f60076201538d", size = 849776, upload_time = "2025-04-04T12:04:23.959Z" }, + { url = "https://files.pythonhosted.org/packages/f6/fa/1a009ce582802a895c0d5fe9413f029c940a0a8ee828657a3bb0acffd88b/pyzmq-26.4.0-cp313-cp313t-manylinux_2_28_x86_64.whl", hash = "sha256:237b283044934d26f1eeff4075f751b05d2f3ed42a257fc44386d00df6a270cf", size = 842516, upload_time = "2025-04-04T12:04:25.449Z" }, + { url = "https://files.pythonhosted.org/packages/6e/bc/f88b0bad0f7a7f500547d71e99f10336f2314e525d4ebf576a1ea4a1d903/pyzmq-26.4.0-cp313-cp313t-musllinux_1_1_aarch64.whl", hash = "sha256:b30f862f6768b17040929a68432c8a8be77780317f45a353cb17e423127d250c", size = 1189183, upload_time = "2025-04-04T12:04:27.035Z" }, + { url = "https://files.pythonhosted.org/packages/d9/8c/db446a3dd9cf894406dec2e61eeffaa3c07c3abb783deaebb9812c4af6a5/pyzmq-26.4.0-cp313-cp313t-musllinux_1_1_i686.whl", hash = "sha256:c80fcd3504232f13617c6ab501124d373e4895424e65de8b72042333316f64a8", size = 1495501, upload_time = "2025-04-04T12:04:28.833Z" }, + { url = "https://files.pythonhosted.org/packages/05/4c/bf3cad0d64c3214ac881299c4562b815f05d503bccc513e3fd4fdc6f67e4/pyzmq-26.4.0-cp313-cp313t-musllinux_1_1_x86_64.whl", hash = "sha256:26a2a7451606b87f67cdeca2c2789d86f605da08b4bd616b1a9981605ca3a364", size = 1395540, upload_time = "2025-04-04T12:04:30.562Z" }, + { url = "https://files.pythonhosted.org/packages/04/52/a70fcd5592715702248306d8e1729c10742c2eac44529984413b05c68658/pyzmq-26.4.0-pp311-pypy311_pp73-macosx_10_15_x86_64.whl", hash = "sha256:4478b14cb54a805088299c25a79f27eaf530564a7a4f72bf432a040042b554eb", size = 834405, upload_time = "2025-04-04T12:05:13.3Z" }, + { url = "https://files.pythonhosted.org/packages/25/f9/1a03f1accff16b3af1a6fa22cbf7ced074776abbf688b2e9cb4629700c62/pyzmq-26.4.0-pp311-pypy311_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:8a28ac29c60e4ba84b5f58605ace8ad495414a724fe7aceb7cf06cd0598d04e1", size = 569578, upload_time = "2025-04-04T12:05:15.36Z" }, + { url = "https://files.pythonhosted.org/packages/76/0c/3a633acd762aa6655fcb71fa841907eae0ab1e8582ff494b137266de341d/pyzmq-26.4.0-pp311-pypy311_pp73-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:43b03c1ceea27c6520124f4fb2ba9c647409b9abdf9a62388117148a90419494", size = 798248, upload_time = "2025-04-04T12:05:17.376Z" }, + { url = "https://files.pythonhosted.org/packages/cd/cc/6c99c84aa60ac1cc56747bed6be8ce6305b9b861d7475772e7a25ce019d3/pyzmq-26.4.0-pp311-pypy311_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:7731abd23a782851426d4e37deb2057bf9410848a4459b5ede4fe89342e687a9", size = 756757, upload_time = "2025-04-04T12:05:19.19Z" }, + { url = "https://files.pythonhosted.org/packages/13/9c/d8073bd898eb896e94c679abe82e47506e2b750eb261cf6010ced869797c/pyzmq-26.4.0-pp311-pypy311_pp73-win_amd64.whl", hash = "sha256:a222ad02fbe80166b0526c038776e8042cd4e5f0dec1489a006a1df47e9040e0", size = 555371, upload_time = "2025-04-04T12:05:20.702Z" }, ] [[package]] @@ -3007,9 +3007,9 @@ dependencies = [ { name = "typing-extensions" }, { name = "websockets" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/75/fc/ef69bd4a1bf30a5435bc2d09f6c33bfef5f317746b1a4ca2932ef14b22fc/realtime-2.4.3.tar.gz", hash = "sha256:152febabc822ce60e11f202842c5aa6858ae4bd04920bfd6a00c1dd492f426b0", size = 18849, upload-time = "2025-04-28T19:50:38.387Z" } +sdist = { url = "https://files.pythonhosted.org/packages/75/fc/ef69bd4a1bf30a5435bc2d09f6c33bfef5f317746b1a4ca2932ef14b22fc/realtime-2.4.3.tar.gz", hash = "sha256:152febabc822ce60e11f202842c5aa6858ae4bd04920bfd6a00c1dd492f426b0", size = 18849, upload_time = "2025-04-28T19:50:38.387Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/29/0c/68ce3db6354c466f68bba2be0fe0ad3a93dca8219e10b9bad3138077efec/realtime-2.4.3-py3-none-any.whl", hash = "sha256:09ff3b61ac928413a27765640b67362380eaddba84a7037a17972a64b1ac52f7", size = 22086, upload-time = "2025-04-28T19:50:37.01Z" }, + { url = "https://files.pythonhosted.org/packages/29/0c/68ce3db6354c466f68bba2be0fe0ad3a93dca8219e10b9bad3138077efec/realtime-2.4.3-py3-none-any.whl", hash = "sha256:09ff3b61ac928413a27765640b67362380eaddba84a7037a17972a64b1ac52f7", size = 22086, upload_time = "2025-04-28T19:50:37.01Z" }, ] [[package]] @@ -3021,62 +3021,62 @@ dependencies = [ { name = "rpds-py" }, { name = "typing-extensions", marker = "python_full_version < '3.13'" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/2f/db/98b5c277be99dd18bfd91dd04e1b759cad18d1a338188c936e92f921c7e2/referencing-0.36.2.tar.gz", hash = "sha256:df2e89862cd09deabbdba16944cc3f10feb6b3e6f18e902f7cc25609a34775aa", size = 74744, upload-time = "2025-01-25T08:48:16.138Z" } +sdist = { url = "https://files.pythonhosted.org/packages/2f/db/98b5c277be99dd18bfd91dd04e1b759cad18d1a338188c936e92f921c7e2/referencing-0.36.2.tar.gz", hash = "sha256:df2e89862cd09deabbdba16944cc3f10feb6b3e6f18e902f7cc25609a34775aa", size = 74744, upload_time = "2025-01-25T08:48:16.138Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/c1/b1/3baf80dc6d2b7bc27a95a67752d0208e410351e3feb4eb78de5f77454d8d/referencing-0.36.2-py3-none-any.whl", hash = "sha256:e8699adbbf8b5c7de96d8ffa0eb5c158b3beafce084968e2ea8bb08c6794dcd0", size = 26775, upload-time = "2025-01-25T08:48:14.241Z" }, + { url = "https://files.pythonhosted.org/packages/c1/b1/3baf80dc6d2b7bc27a95a67752d0208e410351e3feb4eb78de5f77454d8d/referencing-0.36.2-py3-none-any.whl", hash = "sha256:e8699adbbf8b5c7de96d8ffa0eb5c158b3beafce084968e2ea8bb08c6794dcd0", size = 26775, upload_time = "2025-01-25T08:48:14.241Z" }, ] [[package]] name = "regex" version = "2024.11.6" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/8e/5f/bd69653fbfb76cf8604468d3b4ec4c403197144c7bfe0e6a5fc9e02a07cb/regex-2024.11.6.tar.gz", hash = "sha256:7ab159b063c52a0333c884e4679f8d7a85112ee3078fe3d9004b2dd875585519", size = 399494, upload-time = "2024-11-06T20:12:31.635Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/58/58/7e4d9493a66c88a7da6d205768119f51af0f684fe7be7bac8328e217a52c/regex-2024.11.6-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:5478c6962ad548b54a591778e93cd7c456a7a29f8eca9c49e4f9a806dcc5d638", size = 482669, upload-time = "2024-11-06T20:09:31.064Z" }, - { url = "https://files.pythonhosted.org/packages/34/4c/8f8e631fcdc2ff978609eaeef1d6994bf2f028b59d9ac67640ed051f1218/regex-2024.11.6-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:2c89a8cc122b25ce6945f0423dc1352cb9593c68abd19223eebbd4e56612c5b7", size = 287684, upload-time = "2024-11-06T20:09:32.915Z" }, - { url = "https://files.pythonhosted.org/packages/c5/1b/f0e4d13e6adf866ce9b069e191f303a30ab1277e037037a365c3aad5cc9c/regex-2024.11.6-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:94d87b689cdd831934fa3ce16cc15cd65748e6d689f5d2b8f4f4df2065c9fa20", size = 284589, upload-time = "2024-11-06T20:09:35.504Z" }, - { url = "https://files.pythonhosted.org/packages/25/4d/ab21047f446693887f25510887e6820b93f791992994f6498b0318904d4a/regex-2024.11.6-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:1062b39a0a2b75a9c694f7a08e7183a80c63c0d62b301418ffd9c35f55aaa114", size = 792121, upload-time = "2024-11-06T20:09:37.701Z" }, - { url = "https://files.pythonhosted.org/packages/45/ee/c867e15cd894985cb32b731d89576c41a4642a57850c162490ea34b78c3b/regex-2024.11.6-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:167ed4852351d8a750da48712c3930b031f6efdaa0f22fa1933716bfcd6bf4a3", size = 831275, upload-time = "2024-11-06T20:09:40.371Z" }, - { url = "https://files.pythonhosted.org/packages/b3/12/b0f480726cf1c60f6536fa5e1c95275a77624f3ac8fdccf79e6727499e28/regex-2024.11.6-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:2d548dafee61f06ebdb584080621f3e0c23fff312f0de1afc776e2a2ba99a74f", size = 818257, upload-time = "2024-11-06T20:09:43.059Z" }, - { url = "https://files.pythonhosted.org/packages/bf/ce/0d0e61429f603bac433910d99ef1a02ce45a8967ffbe3cbee48599e62d88/regex-2024.11.6-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:f2a19f302cd1ce5dd01a9099aaa19cae6173306d1302a43b627f62e21cf18ac0", size = 792727, upload-time = "2024-11-06T20:09:48.19Z" }, - { url = "https://files.pythonhosted.org/packages/e4/c1/243c83c53d4a419c1556f43777ccb552bccdf79d08fda3980e4e77dd9137/regex-2024.11.6-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:bec9931dfb61ddd8ef2ebc05646293812cb6b16b60cf7c9511a832b6f1854b55", size = 780667, upload-time = "2024-11-06T20:09:49.828Z" }, - { url = "https://files.pythonhosted.org/packages/c5/f4/75eb0dd4ce4b37f04928987f1d22547ddaf6c4bae697623c1b05da67a8aa/regex-2024.11.6-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:9714398225f299aa85267fd222f7142fcb5c769e73d7733344efc46f2ef5cf89", size = 776963, upload-time = "2024-11-06T20:09:51.819Z" }, - { url = "https://files.pythonhosted.org/packages/16/5d/95c568574e630e141a69ff8a254c2f188b4398e813c40d49228c9bbd9875/regex-2024.11.6-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:202eb32e89f60fc147a41e55cb086db2a3f8cb82f9a9a88440dcfc5d37faae8d", size = 784700, upload-time = "2024-11-06T20:09:53.982Z" }, - { url = "https://files.pythonhosted.org/packages/8e/b5/f8495c7917f15cc6fee1e7f395e324ec3e00ab3c665a7dc9d27562fd5290/regex-2024.11.6-cp311-cp311-musllinux_1_2_ppc64le.whl", hash = "sha256:4181b814e56078e9b00427ca358ec44333765f5ca1b45597ec7446d3a1ef6e34", size = 848592, upload-time = "2024-11-06T20:09:56.222Z" }, - { url = "https://files.pythonhosted.org/packages/1c/80/6dd7118e8cb212c3c60b191b932dc57db93fb2e36fb9e0e92f72a5909af9/regex-2024.11.6-cp311-cp311-musllinux_1_2_s390x.whl", hash = "sha256:068376da5a7e4da51968ce4c122a7cd31afaaec4fccc7856c92f63876e57b51d", size = 852929, upload-time = "2024-11-06T20:09:58.642Z" }, - { url = "https://files.pythonhosted.org/packages/11/9b/5a05d2040297d2d254baf95eeeb6df83554e5e1df03bc1a6687fc4ba1f66/regex-2024.11.6-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:ac10f2c4184420d881a3475fb2c6f4d95d53a8d50209a2500723d831036f7c45", size = 781213, upload-time = "2024-11-06T20:10:00.867Z" }, - { url = "https://files.pythonhosted.org/packages/26/b7/b14e2440156ab39e0177506c08c18accaf2b8932e39fb092074de733d868/regex-2024.11.6-cp311-cp311-win32.whl", hash = "sha256:c36f9b6f5f8649bb251a5f3f66564438977b7ef8386a52460ae77e6070d309d9", size = 261734, upload-time = "2024-11-06T20:10:03.361Z" }, - { url = "https://files.pythonhosted.org/packages/80/32/763a6cc01d21fb3819227a1cc3f60fd251c13c37c27a73b8ff4315433a8e/regex-2024.11.6-cp311-cp311-win_amd64.whl", hash = "sha256:02e28184be537f0e75c1f9b2f8847dc51e08e6e171c6bde130b2687e0c33cf60", size = 274052, upload-time = "2024-11-06T20:10:05.179Z" }, - { url = "https://files.pythonhosted.org/packages/ba/30/9a87ce8336b172cc232a0db89a3af97929d06c11ceaa19d97d84fa90a8f8/regex-2024.11.6-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:52fb28f528778f184f870b7cf8f225f5eef0a8f6e3778529bdd40c7b3920796a", size = 483781, upload-time = "2024-11-06T20:10:07.07Z" }, - { url = "https://files.pythonhosted.org/packages/01/e8/00008ad4ff4be8b1844786ba6636035f7ef926db5686e4c0f98093612add/regex-2024.11.6-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:fdd6028445d2460f33136c55eeb1f601ab06d74cb3347132e1c24250187500d9", size = 288455, upload-time = "2024-11-06T20:10:09.117Z" }, - { url = "https://files.pythonhosted.org/packages/60/85/cebcc0aff603ea0a201667b203f13ba75d9fc8668fab917ac5b2de3967bc/regex-2024.11.6-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:805e6b60c54bf766b251e94526ebad60b7de0c70f70a4e6210ee2891acb70bf2", size = 284759, upload-time = "2024-11-06T20:10:11.155Z" }, - { url = "https://files.pythonhosted.org/packages/94/2b/701a4b0585cb05472a4da28ee28fdfe155f3638f5e1ec92306d924e5faf0/regex-2024.11.6-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:b85c2530be953a890eaffde05485238f07029600e8f098cdf1848d414a8b45e4", size = 794976, upload-time = "2024-11-06T20:10:13.24Z" }, - { url = "https://files.pythonhosted.org/packages/4b/bf/fa87e563bf5fee75db8915f7352e1887b1249126a1be4813837f5dbec965/regex-2024.11.6-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:bb26437975da7dc36b7efad18aa9dd4ea569d2357ae6b783bf1118dabd9ea577", size = 833077, upload-time = "2024-11-06T20:10:15.37Z" }, - { url = "https://files.pythonhosted.org/packages/a1/56/7295e6bad94b047f4d0834e4779491b81216583c00c288252ef625c01d23/regex-2024.11.6-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:abfa5080c374a76a251ba60683242bc17eeb2c9818d0d30117b4486be10c59d3", size = 823160, upload-time = "2024-11-06T20:10:19.027Z" }, - { url = "https://files.pythonhosted.org/packages/fb/13/e3b075031a738c9598c51cfbc4c7879e26729c53aa9cca59211c44235314/regex-2024.11.6-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:70b7fa6606c2881c1db9479b0eaa11ed5dfa11c8d60a474ff0e095099f39d98e", size = 796896, upload-time = "2024-11-06T20:10:21.85Z" }, - { url = "https://files.pythonhosted.org/packages/24/56/0b3f1b66d592be6efec23a795b37732682520b47c53da5a32c33ed7d84e3/regex-2024.11.6-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:0c32f75920cf99fe6b6c539c399a4a128452eaf1af27f39bce8909c9a3fd8cbe", size = 783997, upload-time = "2024-11-06T20:10:24.329Z" }, - { url = "https://files.pythonhosted.org/packages/f9/a1/eb378dada8b91c0e4c5f08ffb56f25fcae47bf52ad18f9b2f33b83e6d498/regex-2024.11.6-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:982e6d21414e78e1f51cf595d7f321dcd14de1f2881c5dc6a6e23bbbbd68435e", size = 781725, upload-time = "2024-11-06T20:10:28.067Z" }, - { url = "https://files.pythonhosted.org/packages/83/f2/033e7dec0cfd6dda93390089864732a3409246ffe8b042e9554afa9bff4e/regex-2024.11.6-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:a7c2155f790e2fb448faed6dd241386719802296ec588a8b9051c1f5c481bc29", size = 789481, upload-time = "2024-11-06T20:10:31.612Z" }, - { url = "https://files.pythonhosted.org/packages/83/23/15d4552ea28990a74e7696780c438aadd73a20318c47e527b47a4a5a596d/regex-2024.11.6-cp312-cp312-musllinux_1_2_ppc64le.whl", hash = "sha256:149f5008d286636e48cd0b1dd65018548944e495b0265b45e1bffecce1ef7f39", size = 852896, upload-time = "2024-11-06T20:10:34.054Z" }, - { url = "https://files.pythonhosted.org/packages/e3/39/ed4416bc90deedbfdada2568b2cb0bc1fdb98efe11f5378d9892b2a88f8f/regex-2024.11.6-cp312-cp312-musllinux_1_2_s390x.whl", hash = "sha256:e5364a4502efca094731680e80009632ad6624084aff9a23ce8c8c6820de3e51", size = 860138, upload-time = "2024-11-06T20:10:36.142Z" }, - { url = "https://files.pythonhosted.org/packages/93/2d/dd56bb76bd8e95bbce684326302f287455b56242a4f9c61f1bc76e28360e/regex-2024.11.6-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:0a86e7eeca091c09e021db8eb72d54751e527fa47b8d5787caf96d9831bd02ad", size = 787692, upload-time = "2024-11-06T20:10:38.394Z" }, - { url = "https://files.pythonhosted.org/packages/0b/55/31877a249ab7a5156758246b9c59539abbeba22461b7d8adc9e8475ff73e/regex-2024.11.6-cp312-cp312-win32.whl", hash = "sha256:32f9a4c643baad4efa81d549c2aadefaeba12249b2adc5af541759237eee1c54", size = 262135, upload-time = "2024-11-06T20:10:40.367Z" }, - { url = "https://files.pythonhosted.org/packages/38/ec/ad2d7de49a600cdb8dd78434a1aeffe28b9d6fc42eb36afab4a27ad23384/regex-2024.11.6-cp312-cp312-win_amd64.whl", hash = "sha256:a93c194e2df18f7d264092dc8539b8ffb86b45b899ab976aa15d48214138e81b", size = 273567, upload-time = "2024-11-06T20:10:43.467Z" }, - { url = "https://files.pythonhosted.org/packages/90/73/bcb0e36614601016552fa9344544a3a2ae1809dc1401b100eab02e772e1f/regex-2024.11.6-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:a6ba92c0bcdf96cbf43a12c717eae4bc98325ca3730f6b130ffa2e3c3c723d84", size = 483525, upload-time = "2024-11-06T20:10:45.19Z" }, - { url = "https://files.pythonhosted.org/packages/0f/3f/f1a082a46b31e25291d830b369b6b0c5576a6f7fb89d3053a354c24b8a83/regex-2024.11.6-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:525eab0b789891ac3be914d36893bdf972d483fe66551f79d3e27146191a37d4", size = 288324, upload-time = "2024-11-06T20:10:47.177Z" }, - { url = "https://files.pythonhosted.org/packages/09/c9/4e68181a4a652fb3ef5099e077faf4fd2a694ea6e0f806a7737aff9e758a/regex-2024.11.6-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:086a27a0b4ca227941700e0b31425e7a28ef1ae8e5e05a33826e17e47fbfdba0", size = 284617, upload-time = "2024-11-06T20:10:49.312Z" }, - { url = "https://files.pythonhosted.org/packages/fc/fd/37868b75eaf63843165f1d2122ca6cb94bfc0271e4428cf58c0616786dce/regex-2024.11.6-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:bde01f35767c4a7899b7eb6e823b125a64de314a8ee9791367c9a34d56af18d0", size = 795023, upload-time = "2024-11-06T20:10:51.102Z" }, - { url = "https://files.pythonhosted.org/packages/c4/7c/d4cd9c528502a3dedb5c13c146e7a7a539a3853dc20209c8e75d9ba9d1b2/regex-2024.11.6-cp313-cp313-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:b583904576650166b3d920d2bcce13971f6f9e9a396c673187f49811b2769dc7", size = 833072, upload-time = "2024-11-06T20:10:52.926Z" }, - { url = "https://files.pythonhosted.org/packages/4f/db/46f563a08f969159c5a0f0e722260568425363bea43bb7ae370becb66a67/regex-2024.11.6-cp313-cp313-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:1c4de13f06a0d54fa0d5ab1b7138bfa0d883220965a29616e3ea61b35d5f5fc7", size = 823130, upload-time = "2024-11-06T20:10:54.828Z" }, - { url = "https://files.pythonhosted.org/packages/db/60/1eeca2074f5b87df394fccaa432ae3fc06c9c9bfa97c5051aed70e6e00c2/regex-2024.11.6-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:3cde6e9f2580eb1665965ce9bf17ff4952f34f5b126beb509fee8f4e994f143c", size = 796857, upload-time = "2024-11-06T20:10:56.634Z" }, - { url = "https://files.pythonhosted.org/packages/10/db/ac718a08fcee981554d2f7bb8402f1faa7e868c1345c16ab1ebec54b0d7b/regex-2024.11.6-cp313-cp313-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:0d7f453dca13f40a02b79636a339c5b62b670141e63efd511d3f8f73fba162b3", size = 784006, upload-time = "2024-11-06T20:10:59.369Z" }, - { url = "https://files.pythonhosted.org/packages/c2/41/7da3fe70216cea93144bf12da2b87367590bcf07db97604edeea55dac9ad/regex-2024.11.6-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:59dfe1ed21aea057a65c6b586afd2a945de04fc7db3de0a6e3ed5397ad491b07", size = 781650, upload-time = "2024-11-06T20:11:02.042Z" }, - { url = "https://files.pythonhosted.org/packages/a7/d5/880921ee4eec393a4752e6ab9f0fe28009435417c3102fc413f3fe81c4e5/regex-2024.11.6-cp313-cp313-musllinux_1_2_i686.whl", hash = "sha256:b97c1e0bd37c5cd7902e65f410779d39eeda155800b65fc4d04cc432efa9bc6e", size = 789545, upload-time = "2024-11-06T20:11:03.933Z" }, - { url = "https://files.pythonhosted.org/packages/dc/96/53770115e507081122beca8899ab7f5ae28ae790bfcc82b5e38976df6a77/regex-2024.11.6-cp313-cp313-musllinux_1_2_ppc64le.whl", hash = "sha256:f9d1e379028e0fc2ae3654bac3cbbef81bf3fd571272a42d56c24007979bafb6", size = 853045, upload-time = "2024-11-06T20:11:06.497Z" }, - { url = "https://files.pythonhosted.org/packages/31/d3/1372add5251cc2d44b451bd94f43b2ec78e15a6e82bff6a290ef9fd8f00a/regex-2024.11.6-cp313-cp313-musllinux_1_2_s390x.whl", hash = "sha256:13291b39131e2d002a7940fb176e120bec5145f3aeb7621be6534e46251912c4", size = 860182, upload-time = "2024-11-06T20:11:09.06Z" }, - { url = "https://files.pythonhosted.org/packages/ed/e3/c446a64984ea9f69982ba1a69d4658d5014bc7a0ea468a07e1a1265db6e2/regex-2024.11.6-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:4f51f88c126370dcec4908576c5a627220da6c09d0bff31cfa89f2523843316d", size = 787733, upload-time = "2024-11-06T20:11:11.256Z" }, - { url = "https://files.pythonhosted.org/packages/2b/f1/e40c8373e3480e4f29f2692bd21b3e05f296d3afebc7e5dcf21b9756ca1c/regex-2024.11.6-cp313-cp313-win32.whl", hash = "sha256:63b13cfd72e9601125027202cad74995ab26921d8cd935c25f09c630436348ff", size = 262122, upload-time = "2024-11-06T20:11:13.161Z" }, - { url = "https://files.pythonhosted.org/packages/45/94/bc295babb3062a731f52621cdc992d123111282e291abaf23faa413443ea/regex-2024.11.6-cp313-cp313-win_amd64.whl", hash = "sha256:2b3361af3198667e99927da8b84c1b010752fa4b1115ee30beaa332cabc3ef1a", size = 273545, upload-time = "2024-11-06T20:11:15Z" }, +sdist = { url = "https://files.pythonhosted.org/packages/8e/5f/bd69653fbfb76cf8604468d3b4ec4c403197144c7bfe0e6a5fc9e02a07cb/regex-2024.11.6.tar.gz", hash = "sha256:7ab159b063c52a0333c884e4679f8d7a85112ee3078fe3d9004b2dd875585519", size = 399494, upload_time = "2024-11-06T20:12:31.635Z" } +wheels = [ + { url = "https://files.pythonhosted.org/packages/58/58/7e4d9493a66c88a7da6d205768119f51af0f684fe7be7bac8328e217a52c/regex-2024.11.6-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:5478c6962ad548b54a591778e93cd7c456a7a29f8eca9c49e4f9a806dcc5d638", size = 482669, upload_time = "2024-11-06T20:09:31.064Z" }, + { url = "https://files.pythonhosted.org/packages/34/4c/8f8e631fcdc2ff978609eaeef1d6994bf2f028b59d9ac67640ed051f1218/regex-2024.11.6-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:2c89a8cc122b25ce6945f0423dc1352cb9593c68abd19223eebbd4e56612c5b7", size = 287684, upload_time = "2024-11-06T20:09:32.915Z" }, + { url = "https://files.pythonhosted.org/packages/c5/1b/f0e4d13e6adf866ce9b069e191f303a30ab1277e037037a365c3aad5cc9c/regex-2024.11.6-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:94d87b689cdd831934fa3ce16cc15cd65748e6d689f5d2b8f4f4df2065c9fa20", size = 284589, upload_time = "2024-11-06T20:09:35.504Z" }, + { url = "https://files.pythonhosted.org/packages/25/4d/ab21047f446693887f25510887e6820b93f791992994f6498b0318904d4a/regex-2024.11.6-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:1062b39a0a2b75a9c694f7a08e7183a80c63c0d62b301418ffd9c35f55aaa114", size = 792121, upload_time = "2024-11-06T20:09:37.701Z" }, + { url = "https://files.pythonhosted.org/packages/45/ee/c867e15cd894985cb32b731d89576c41a4642a57850c162490ea34b78c3b/regex-2024.11.6-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:167ed4852351d8a750da48712c3930b031f6efdaa0f22fa1933716bfcd6bf4a3", size = 831275, upload_time = "2024-11-06T20:09:40.371Z" }, + { url = "https://files.pythonhosted.org/packages/b3/12/b0f480726cf1c60f6536fa5e1c95275a77624f3ac8fdccf79e6727499e28/regex-2024.11.6-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:2d548dafee61f06ebdb584080621f3e0c23fff312f0de1afc776e2a2ba99a74f", size = 818257, upload_time = "2024-11-06T20:09:43.059Z" }, + { url = "https://files.pythonhosted.org/packages/bf/ce/0d0e61429f603bac433910d99ef1a02ce45a8967ffbe3cbee48599e62d88/regex-2024.11.6-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:f2a19f302cd1ce5dd01a9099aaa19cae6173306d1302a43b627f62e21cf18ac0", size = 792727, upload_time = "2024-11-06T20:09:48.19Z" }, + { url = "https://files.pythonhosted.org/packages/e4/c1/243c83c53d4a419c1556f43777ccb552bccdf79d08fda3980e4e77dd9137/regex-2024.11.6-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:bec9931dfb61ddd8ef2ebc05646293812cb6b16b60cf7c9511a832b6f1854b55", size = 780667, upload_time = "2024-11-06T20:09:49.828Z" }, + { url = "https://files.pythonhosted.org/packages/c5/f4/75eb0dd4ce4b37f04928987f1d22547ddaf6c4bae697623c1b05da67a8aa/regex-2024.11.6-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:9714398225f299aa85267fd222f7142fcb5c769e73d7733344efc46f2ef5cf89", size = 776963, upload_time = "2024-11-06T20:09:51.819Z" }, + { url = "https://files.pythonhosted.org/packages/16/5d/95c568574e630e141a69ff8a254c2f188b4398e813c40d49228c9bbd9875/regex-2024.11.6-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:202eb32e89f60fc147a41e55cb086db2a3f8cb82f9a9a88440dcfc5d37faae8d", size = 784700, upload_time = "2024-11-06T20:09:53.982Z" }, + { url = "https://files.pythonhosted.org/packages/8e/b5/f8495c7917f15cc6fee1e7f395e324ec3e00ab3c665a7dc9d27562fd5290/regex-2024.11.6-cp311-cp311-musllinux_1_2_ppc64le.whl", hash = "sha256:4181b814e56078e9b00427ca358ec44333765f5ca1b45597ec7446d3a1ef6e34", size = 848592, upload_time = "2024-11-06T20:09:56.222Z" }, + { url = "https://files.pythonhosted.org/packages/1c/80/6dd7118e8cb212c3c60b191b932dc57db93fb2e36fb9e0e92f72a5909af9/regex-2024.11.6-cp311-cp311-musllinux_1_2_s390x.whl", hash = "sha256:068376da5a7e4da51968ce4c122a7cd31afaaec4fccc7856c92f63876e57b51d", size = 852929, upload_time = "2024-11-06T20:09:58.642Z" }, + { url = "https://files.pythonhosted.org/packages/11/9b/5a05d2040297d2d254baf95eeeb6df83554e5e1df03bc1a6687fc4ba1f66/regex-2024.11.6-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:ac10f2c4184420d881a3475fb2c6f4d95d53a8d50209a2500723d831036f7c45", size = 781213, upload_time = "2024-11-06T20:10:00.867Z" }, + { url = "https://files.pythonhosted.org/packages/26/b7/b14e2440156ab39e0177506c08c18accaf2b8932e39fb092074de733d868/regex-2024.11.6-cp311-cp311-win32.whl", hash = "sha256:c36f9b6f5f8649bb251a5f3f66564438977b7ef8386a52460ae77e6070d309d9", size = 261734, upload_time = "2024-11-06T20:10:03.361Z" }, + { url = "https://files.pythonhosted.org/packages/80/32/763a6cc01d21fb3819227a1cc3f60fd251c13c37c27a73b8ff4315433a8e/regex-2024.11.6-cp311-cp311-win_amd64.whl", hash = "sha256:02e28184be537f0e75c1f9b2f8847dc51e08e6e171c6bde130b2687e0c33cf60", size = 274052, upload_time = "2024-11-06T20:10:05.179Z" }, + { url = "https://files.pythonhosted.org/packages/ba/30/9a87ce8336b172cc232a0db89a3af97929d06c11ceaa19d97d84fa90a8f8/regex-2024.11.6-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:52fb28f528778f184f870b7cf8f225f5eef0a8f6e3778529bdd40c7b3920796a", size = 483781, upload_time = "2024-11-06T20:10:07.07Z" }, + { url = "https://files.pythonhosted.org/packages/01/e8/00008ad4ff4be8b1844786ba6636035f7ef926db5686e4c0f98093612add/regex-2024.11.6-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:fdd6028445d2460f33136c55eeb1f601ab06d74cb3347132e1c24250187500d9", size = 288455, upload_time = "2024-11-06T20:10:09.117Z" }, + { url = "https://files.pythonhosted.org/packages/60/85/cebcc0aff603ea0a201667b203f13ba75d9fc8668fab917ac5b2de3967bc/regex-2024.11.6-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:805e6b60c54bf766b251e94526ebad60b7de0c70f70a4e6210ee2891acb70bf2", size = 284759, upload_time = "2024-11-06T20:10:11.155Z" }, + { url = "https://files.pythonhosted.org/packages/94/2b/701a4b0585cb05472a4da28ee28fdfe155f3638f5e1ec92306d924e5faf0/regex-2024.11.6-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:b85c2530be953a890eaffde05485238f07029600e8f098cdf1848d414a8b45e4", size = 794976, upload_time = "2024-11-06T20:10:13.24Z" }, + { url = "https://files.pythonhosted.org/packages/4b/bf/fa87e563bf5fee75db8915f7352e1887b1249126a1be4813837f5dbec965/regex-2024.11.6-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:bb26437975da7dc36b7efad18aa9dd4ea569d2357ae6b783bf1118dabd9ea577", size = 833077, upload_time = "2024-11-06T20:10:15.37Z" }, + { url = "https://files.pythonhosted.org/packages/a1/56/7295e6bad94b047f4d0834e4779491b81216583c00c288252ef625c01d23/regex-2024.11.6-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:abfa5080c374a76a251ba60683242bc17eeb2c9818d0d30117b4486be10c59d3", size = 823160, upload_time = "2024-11-06T20:10:19.027Z" }, + { url = "https://files.pythonhosted.org/packages/fb/13/e3b075031a738c9598c51cfbc4c7879e26729c53aa9cca59211c44235314/regex-2024.11.6-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:70b7fa6606c2881c1db9479b0eaa11ed5dfa11c8d60a474ff0e095099f39d98e", size = 796896, upload_time = "2024-11-06T20:10:21.85Z" }, + { url = "https://files.pythonhosted.org/packages/24/56/0b3f1b66d592be6efec23a795b37732682520b47c53da5a32c33ed7d84e3/regex-2024.11.6-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:0c32f75920cf99fe6b6c539c399a4a128452eaf1af27f39bce8909c9a3fd8cbe", size = 783997, upload_time = "2024-11-06T20:10:24.329Z" }, + { url = "https://files.pythonhosted.org/packages/f9/a1/eb378dada8b91c0e4c5f08ffb56f25fcae47bf52ad18f9b2f33b83e6d498/regex-2024.11.6-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:982e6d21414e78e1f51cf595d7f321dcd14de1f2881c5dc6a6e23bbbbd68435e", size = 781725, upload_time = "2024-11-06T20:10:28.067Z" }, + { url = "https://files.pythonhosted.org/packages/83/f2/033e7dec0cfd6dda93390089864732a3409246ffe8b042e9554afa9bff4e/regex-2024.11.6-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:a7c2155f790e2fb448faed6dd241386719802296ec588a8b9051c1f5c481bc29", size = 789481, upload_time = "2024-11-06T20:10:31.612Z" }, + { url = "https://files.pythonhosted.org/packages/83/23/15d4552ea28990a74e7696780c438aadd73a20318c47e527b47a4a5a596d/regex-2024.11.6-cp312-cp312-musllinux_1_2_ppc64le.whl", hash = "sha256:149f5008d286636e48cd0b1dd65018548944e495b0265b45e1bffecce1ef7f39", size = 852896, upload_time = "2024-11-06T20:10:34.054Z" }, + { url = "https://files.pythonhosted.org/packages/e3/39/ed4416bc90deedbfdada2568b2cb0bc1fdb98efe11f5378d9892b2a88f8f/regex-2024.11.6-cp312-cp312-musllinux_1_2_s390x.whl", hash = "sha256:e5364a4502efca094731680e80009632ad6624084aff9a23ce8c8c6820de3e51", size = 860138, upload_time = "2024-11-06T20:10:36.142Z" }, + { url = "https://files.pythonhosted.org/packages/93/2d/dd56bb76bd8e95bbce684326302f287455b56242a4f9c61f1bc76e28360e/regex-2024.11.6-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:0a86e7eeca091c09e021db8eb72d54751e527fa47b8d5787caf96d9831bd02ad", size = 787692, upload_time = "2024-11-06T20:10:38.394Z" }, + { url = "https://files.pythonhosted.org/packages/0b/55/31877a249ab7a5156758246b9c59539abbeba22461b7d8adc9e8475ff73e/regex-2024.11.6-cp312-cp312-win32.whl", hash = "sha256:32f9a4c643baad4efa81d549c2aadefaeba12249b2adc5af541759237eee1c54", size = 262135, upload_time = "2024-11-06T20:10:40.367Z" }, + { url = "https://files.pythonhosted.org/packages/38/ec/ad2d7de49a600cdb8dd78434a1aeffe28b9d6fc42eb36afab4a27ad23384/regex-2024.11.6-cp312-cp312-win_amd64.whl", hash = "sha256:a93c194e2df18f7d264092dc8539b8ffb86b45b899ab976aa15d48214138e81b", size = 273567, upload_time = "2024-11-06T20:10:43.467Z" }, + { url = "https://files.pythonhosted.org/packages/90/73/bcb0e36614601016552fa9344544a3a2ae1809dc1401b100eab02e772e1f/regex-2024.11.6-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:a6ba92c0bcdf96cbf43a12c717eae4bc98325ca3730f6b130ffa2e3c3c723d84", size = 483525, upload_time = "2024-11-06T20:10:45.19Z" }, + { url = "https://files.pythonhosted.org/packages/0f/3f/f1a082a46b31e25291d830b369b6b0c5576a6f7fb89d3053a354c24b8a83/regex-2024.11.6-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:525eab0b789891ac3be914d36893bdf972d483fe66551f79d3e27146191a37d4", size = 288324, upload_time = "2024-11-06T20:10:47.177Z" }, + { url = "https://files.pythonhosted.org/packages/09/c9/4e68181a4a652fb3ef5099e077faf4fd2a694ea6e0f806a7737aff9e758a/regex-2024.11.6-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:086a27a0b4ca227941700e0b31425e7a28ef1ae8e5e05a33826e17e47fbfdba0", size = 284617, upload_time = "2024-11-06T20:10:49.312Z" }, + { url = "https://files.pythonhosted.org/packages/fc/fd/37868b75eaf63843165f1d2122ca6cb94bfc0271e4428cf58c0616786dce/regex-2024.11.6-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:bde01f35767c4a7899b7eb6e823b125a64de314a8ee9791367c9a34d56af18d0", size = 795023, upload_time = "2024-11-06T20:10:51.102Z" }, + { url = "https://files.pythonhosted.org/packages/c4/7c/d4cd9c528502a3dedb5c13c146e7a7a539a3853dc20209c8e75d9ba9d1b2/regex-2024.11.6-cp313-cp313-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:b583904576650166b3d920d2bcce13971f6f9e9a396c673187f49811b2769dc7", size = 833072, upload_time = "2024-11-06T20:10:52.926Z" }, + { url = "https://files.pythonhosted.org/packages/4f/db/46f563a08f969159c5a0f0e722260568425363bea43bb7ae370becb66a67/regex-2024.11.6-cp313-cp313-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:1c4de13f06a0d54fa0d5ab1b7138bfa0d883220965a29616e3ea61b35d5f5fc7", size = 823130, upload_time = "2024-11-06T20:10:54.828Z" }, + { url = "https://files.pythonhosted.org/packages/db/60/1eeca2074f5b87df394fccaa432ae3fc06c9c9bfa97c5051aed70e6e00c2/regex-2024.11.6-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:3cde6e9f2580eb1665965ce9bf17ff4952f34f5b126beb509fee8f4e994f143c", size = 796857, upload_time = "2024-11-06T20:10:56.634Z" }, + { url = "https://files.pythonhosted.org/packages/10/db/ac718a08fcee981554d2f7bb8402f1faa7e868c1345c16ab1ebec54b0d7b/regex-2024.11.6-cp313-cp313-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:0d7f453dca13f40a02b79636a339c5b62b670141e63efd511d3f8f73fba162b3", size = 784006, upload_time = "2024-11-06T20:10:59.369Z" }, + { url = "https://files.pythonhosted.org/packages/c2/41/7da3fe70216cea93144bf12da2b87367590bcf07db97604edeea55dac9ad/regex-2024.11.6-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:59dfe1ed21aea057a65c6b586afd2a945de04fc7db3de0a6e3ed5397ad491b07", size = 781650, upload_time = "2024-11-06T20:11:02.042Z" }, + { url = "https://files.pythonhosted.org/packages/a7/d5/880921ee4eec393a4752e6ab9f0fe28009435417c3102fc413f3fe81c4e5/regex-2024.11.6-cp313-cp313-musllinux_1_2_i686.whl", hash = "sha256:b97c1e0bd37c5cd7902e65f410779d39eeda155800b65fc4d04cc432efa9bc6e", size = 789545, upload_time = "2024-11-06T20:11:03.933Z" }, + { url = "https://files.pythonhosted.org/packages/dc/96/53770115e507081122beca8899ab7f5ae28ae790bfcc82b5e38976df6a77/regex-2024.11.6-cp313-cp313-musllinux_1_2_ppc64le.whl", hash = "sha256:f9d1e379028e0fc2ae3654bac3cbbef81bf3fd571272a42d56c24007979bafb6", size = 853045, upload_time = "2024-11-06T20:11:06.497Z" }, + { url = "https://files.pythonhosted.org/packages/31/d3/1372add5251cc2d44b451bd94f43b2ec78e15a6e82bff6a290ef9fd8f00a/regex-2024.11.6-cp313-cp313-musllinux_1_2_s390x.whl", hash = "sha256:13291b39131e2d002a7940fb176e120bec5145f3aeb7621be6534e46251912c4", size = 860182, upload_time = "2024-11-06T20:11:09.06Z" }, + { url = "https://files.pythonhosted.org/packages/ed/e3/c446a64984ea9f69982ba1a69d4658d5014bc7a0ea468a07e1a1265db6e2/regex-2024.11.6-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:4f51f88c126370dcec4908576c5a627220da6c09d0bff31cfa89f2523843316d", size = 787733, upload_time = "2024-11-06T20:11:11.256Z" }, + { url = "https://files.pythonhosted.org/packages/2b/f1/e40c8373e3480e4f29f2692bd21b3e05f296d3afebc7e5dcf21b9756ca1c/regex-2024.11.6-cp313-cp313-win32.whl", hash = "sha256:63b13cfd72e9601125027202cad74995ab26921d8cd935c25f09c630436348ff", size = 262122, upload_time = "2024-11-06T20:11:13.161Z" }, + { url = "https://files.pythonhosted.org/packages/45/94/bc295babb3062a731f52621cdc992d123111282e291abaf23faa413443ea/regex-2024.11.6-cp313-cp313-win_amd64.whl", hash = "sha256:2b3361af3198667e99927da8b84c1b010752fa4b1115ee30beaa332cabc3ef1a", size = 273545, upload_time = "2024-11-06T20:11:15Z" }, ] [[package]] @@ -3089,9 +3089,9 @@ dependencies = [ { name = "idna" }, { name = "urllib3" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/e1/0a/929373653770d8a0d7ea76c37de6e41f11eb07559b103b1c02cafb3f7cf8/requests-2.32.4.tar.gz", hash = "sha256:27d0316682c8a29834d3264820024b62a36942083d52caf2f14c0591336d3422", size = 135258, upload-time = "2025-06-09T16:43:07.34Z" } +sdist = { url = "https://files.pythonhosted.org/packages/e1/0a/929373653770d8a0d7ea76c37de6e41f11eb07559b103b1c02cafb3f7cf8/requests-2.32.4.tar.gz", hash = "sha256:27d0316682c8a29834d3264820024b62a36942083d52caf2f14c0591336d3422", size = 135258, upload_time = "2025-06-09T16:43:07.34Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/7c/e4/56027c4a6b4ae70ca9de302488c5ca95ad4a39e190093d6c1a8ace08341b/requests-2.32.4-py3-none-any.whl", hash = "sha256:27babd3cda2a6d50b30443204ee89830707d396671944c998b5975b031ac2b2c", size = 64847, upload-time = "2025-06-09T16:43:05.728Z" }, + { url = "https://files.pythonhosted.org/packages/7c/e4/56027c4a6b4ae70ca9de302488c5ca95ad4a39e190093d6c1a8ace08341b/requests-2.32.4-py3-none-any.whl", hash = "sha256:27babd3cda2a6d50b30443204ee89830707d396671944c998b5975b031ac2b2c", size = 64847, upload_time = "2025-06-09T16:43:05.728Z" }, ] [[package]] @@ -3101,18 +3101,18 @@ source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "six" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/28/ea/a9387748e2d111c3c2b275ba970b735e04e15cdb1eb30693b6b5708c4dbd/rfc3339_validator-0.1.4.tar.gz", hash = "sha256:138a2abdf93304ad60530167e51d2dfb9549521a836871b88d7f4695d0022f6b", size = 5513, upload-time = "2021-05-12T16:37:54.178Z" } +sdist = { url = "https://files.pythonhosted.org/packages/28/ea/a9387748e2d111c3c2b275ba970b735e04e15cdb1eb30693b6b5708c4dbd/rfc3339_validator-0.1.4.tar.gz", hash = "sha256:138a2abdf93304ad60530167e51d2dfb9549521a836871b88d7f4695d0022f6b", size = 5513, upload_time = "2021-05-12T16:37:54.178Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/7b/44/4e421b96b67b2daff264473f7465db72fbdf36a07e05494f50300cc7b0c6/rfc3339_validator-0.1.4-py2.py3-none-any.whl", hash = "sha256:24f6ec1eda14ef823da9e36ec7113124b39c04d50a4d3d3a3c2859577e7791fa", size = 3490, upload-time = "2021-05-12T16:37:52.536Z" }, + { url = "https://files.pythonhosted.org/packages/7b/44/4e421b96b67b2daff264473f7465db72fbdf36a07e05494f50300cc7b0c6/rfc3339_validator-0.1.4-py2.py3-none-any.whl", hash = "sha256:24f6ec1eda14ef823da9e36ec7113124b39c04d50a4d3d3a3c2859577e7791fa", size = 3490, upload_time = "2021-05-12T16:37:52.536Z" }, ] [[package]] name = "rfc3986-validator" version = "0.1.1" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/da/88/f270de456dd7d11dcc808abfa291ecdd3f45ff44e3b549ffa01b126464d0/rfc3986_validator-0.1.1.tar.gz", hash = "sha256:3d44bde7921b3b9ec3ae4e3adca370438eccebc676456449b145d533b240d055", size = 6760, upload-time = "2019-10-28T16:00:19.144Z" } +sdist = { url = "https://files.pythonhosted.org/packages/da/88/f270de456dd7d11dcc808abfa291ecdd3f45ff44e3b549ffa01b126464d0/rfc3986_validator-0.1.1.tar.gz", hash = "sha256:3d44bde7921b3b9ec3ae4e3adca370438eccebc676456449b145d533b240d055", size = 6760, upload_time = "2019-10-28T16:00:19.144Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/9e/51/17023c0f8f1869d8806b979a2bffa3f861f26a3f1a66b094288323fba52f/rfc3986_validator-0.1.1-py2.py3-none-any.whl", hash = "sha256:2f235c432ef459970b4306369336b9d5dbdda31b510ca1e327636e01f528bfa9", size = 4242, upload-time = "2019-10-28T16:00:13.976Z" }, + { url = "https://files.pythonhosted.org/packages/9e/51/17023c0f8f1869d8806b979a2bffa3f861f26a3f1a66b094288323fba52f/rfc3986_validator-0.1.1-py2.py3-none-any.whl", hash = "sha256:2f235c432ef459970b4306369336b9d5dbdda31b510ca1e327636e01f528bfa9", size = 4242, upload_time = "2019-10-28T16:00:13.976Z" }, ] [[package]] @@ -3123,9 +3123,9 @@ dependencies = [ { name = "markdown-it-py" }, { name = "pygments" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/a1/53/830aa4c3066a8ab0ae9a9955976fb770fe9c6102117c8ec4ab3ea62d89e8/rich-14.0.0.tar.gz", hash = "sha256:82f1bc23a6a21ebca4ae0c45af9bdbc492ed20231dcb63f297d6d1021a9d5725", size = 224078, upload-time = "2025-03-30T14:15:14.23Z" } +sdist = { url = "https://files.pythonhosted.org/packages/a1/53/830aa4c3066a8ab0ae9a9955976fb770fe9c6102117c8ec4ab3ea62d89e8/rich-14.0.0.tar.gz", hash = "sha256:82f1bc23a6a21ebca4ae0c45af9bdbc492ed20231dcb63f297d6d1021a9d5725", size = 224078, upload_time = "2025-03-30T14:15:14.23Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/0d/9b/63f4c7ebc259242c89b3acafdb37b41d1185c07ff0011164674e9076b491/rich-14.0.0-py3-none-any.whl", hash = "sha256:1c9491e1951aac09caffd42f448ee3d04e58923ffe14993f6e83068dc395d7e0", size = 243229, upload-time = "2025-03-30T14:15:12.283Z" }, + { url = "https://files.pythonhosted.org/packages/0d/9b/63f4c7ebc259242c89b3acafdb37b41d1185c07ff0011164674e9076b491/rich-14.0.0-py3-none-any.whl", hash = "sha256:1c9491e1951aac09caffd42f448ee3d04e58923ffe14993f6e83068dc395d7e0", size = 243229, upload_time = "2025-03-30T14:15:12.283Z" }, ] [[package]] @@ -3137,83 +3137,83 @@ dependencies = [ { name = "rich" }, { name = "typing-extensions" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/5b/7a/cb48b7024b247631ce39b1f14a0f1abedf311fb27b892b0e0387d809d4b5/rich_toolkit-0.14.7.tar.gz", hash = "sha256:6cca5a68850cc5778915f528eb785662c27ba3b4b2624612cce8340fa9701c5e", size = 104977, upload-time = "2025-05-27T15:48:09.377Z" } +sdist = { url = "https://files.pythonhosted.org/packages/5b/7a/cb48b7024b247631ce39b1f14a0f1abedf311fb27b892b0e0387d809d4b5/rich_toolkit-0.14.7.tar.gz", hash = "sha256:6cca5a68850cc5778915f528eb785662c27ba3b4b2624612cce8340fa9701c5e", size = 104977, upload_time = "2025-05-27T15:48:09.377Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/0f/2e/95fde5b818dac9a37683ea064096323f593442d0f6358923c5f635974393/rich_toolkit-0.14.7-py3-none-any.whl", hash = "sha256:def05cc6e0f1176d6263b6a26648f16a62c4563b277ca2f8538683acdba1e0da", size = 24870, upload-time = "2025-05-27T15:48:07.942Z" }, + { url = "https://files.pythonhosted.org/packages/0f/2e/95fde5b818dac9a37683ea064096323f593442d0f6358923c5f635974393/rich_toolkit-0.14.7-py3-none-any.whl", hash = "sha256:def05cc6e0f1176d6263b6a26648f16a62c4563b277ca2f8538683acdba1e0da", size = 24870, upload_time = "2025-05-27T15:48:07.942Z" }, ] [[package]] name = "rpds-py" version = "0.25.1" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/8c/a6/60184b7fc00dd3ca80ac635dd5b8577d444c57e8e8742cecabfacb829921/rpds_py-0.25.1.tar.gz", hash = "sha256:8960b6dac09b62dac26e75d7e2c4a22efb835d827a7278c34f72b2b84fa160e3", size = 27304, upload-time = "2025-05-21T12:46:12.502Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/95/e1/df13fe3ddbbea43567e07437f097863b20c99318ae1f58a0fe389f763738/rpds_py-0.25.1-cp311-cp311-macosx_10_12_x86_64.whl", hash = "sha256:5f048bbf18b1f9120685c6d6bb70cc1a52c8cc11bdd04e643d28d3be0baf666d", size = 373341, upload-time = "2025-05-21T12:43:02.978Z" }, - { url = "https://files.pythonhosted.org/packages/7a/58/deef4d30fcbcbfef3b6d82d17c64490d5c94585a2310544ce8e2d3024f83/rpds_py-0.25.1-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:4fbb0dbba559959fcb5d0735a0f87cdbca9e95dac87982e9b95c0f8f7ad10255", size = 359111, upload-time = "2025-05-21T12:43:05.128Z" }, - { url = "https://files.pythonhosted.org/packages/bb/7e/39f1f4431b03e96ebaf159e29a0f82a77259d8f38b2dd474721eb3a8ac9b/rpds_py-0.25.1-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d4ca54b9cf9d80b4016a67a0193ebe0bcf29f6b0a96f09db942087e294d3d4c2", size = 386112, upload-time = "2025-05-21T12:43:07.13Z" }, - { url = "https://files.pythonhosted.org/packages/db/e7/847068a48d63aec2ae695a1646089620b3b03f8ccf9f02c122ebaf778f3c/rpds_py-0.25.1-cp311-cp311-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:1ee3e26eb83d39b886d2cb6e06ea701bba82ef30a0de044d34626ede51ec98b0", size = 400362, upload-time = "2025-05-21T12:43:08.693Z" }, - { url = "https://files.pythonhosted.org/packages/3b/3d/9441d5db4343d0cee759a7ab4d67420a476cebb032081763de934719727b/rpds_py-0.25.1-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:89706d0683c73a26f76a5315d893c051324d771196ae8b13e6ffa1ffaf5e574f", size = 522214, upload-time = "2025-05-21T12:43:10.694Z" }, - { url = "https://files.pythonhosted.org/packages/a2/ec/2cc5b30d95f9f1a432c79c7a2f65d85e52812a8f6cbf8768724571710786/rpds_py-0.25.1-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:c2013ee878c76269c7b557a9a9c042335d732e89d482606990b70a839635feb7", size = 411491, upload-time = "2025-05-21T12:43:12.739Z" }, - { url = "https://files.pythonhosted.org/packages/dc/6c/44695c1f035077a017dd472b6a3253553780837af2fac9b6ac25f6a5cb4d/rpds_py-0.25.1-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:45e484db65e5380804afbec784522de84fa95e6bb92ef1bd3325d33d13efaebd", size = 386978, upload-time = "2025-05-21T12:43:14.25Z" }, - { url = "https://files.pythonhosted.org/packages/b1/74/b4357090bb1096db5392157b4e7ed8bb2417dc7799200fcbaee633a032c9/rpds_py-0.25.1-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:48d64155d02127c249695abb87d39f0faf410733428d499867606be138161d65", size = 420662, upload-time = "2025-05-21T12:43:15.8Z" }, - { url = "https://files.pythonhosted.org/packages/26/dd/8cadbebf47b96e59dfe8b35868e5c38a42272699324e95ed522da09d3a40/rpds_py-0.25.1-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:048893e902132fd6548a2e661fb38bf4896a89eea95ac5816cf443524a85556f", size = 563385, upload-time = "2025-05-21T12:43:17.78Z" }, - { url = "https://files.pythonhosted.org/packages/c3/ea/92960bb7f0e7a57a5ab233662f12152085c7dc0d5468534c65991a3d48c9/rpds_py-0.25.1-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:0317177b1e8691ab5879f4f33f4b6dc55ad3b344399e23df2e499de7b10a548d", size = 592047, upload-time = "2025-05-21T12:43:19.457Z" }, - { url = "https://files.pythonhosted.org/packages/61/ad/71aabc93df0d05dabcb4b0c749277881f8e74548582d96aa1bf24379493a/rpds_py-0.25.1-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:bffcf57826d77a4151962bf1701374e0fc87f536e56ec46f1abdd6a903354042", size = 557863, upload-time = "2025-05-21T12:43:21.69Z" }, - { url = "https://files.pythonhosted.org/packages/93/0f/89df0067c41f122b90b76f3660028a466eb287cbe38efec3ea70e637ca78/rpds_py-0.25.1-cp311-cp311-win32.whl", hash = "sha256:cda776f1967cb304816173b30994faaf2fd5bcb37e73118a47964a02c348e1bc", size = 219627, upload-time = "2025-05-21T12:43:23.311Z" }, - { url = "https://files.pythonhosted.org/packages/7c/8d/93b1a4c1baa903d0229374d9e7aa3466d751f1d65e268c52e6039c6e338e/rpds_py-0.25.1-cp311-cp311-win_amd64.whl", hash = "sha256:dc3c1ff0abc91444cd20ec643d0f805df9a3661fcacf9c95000329f3ddf268a4", size = 231603, upload-time = "2025-05-21T12:43:25.145Z" }, - { url = "https://files.pythonhosted.org/packages/cb/11/392605e5247bead2f23e6888e77229fbd714ac241ebbebb39a1e822c8815/rpds_py-0.25.1-cp311-cp311-win_arm64.whl", hash = "sha256:5a3ddb74b0985c4387719fc536faced33cadf2172769540c62e2a94b7b9be1c4", size = 223967, upload-time = "2025-05-21T12:43:26.566Z" }, - { url = "https://files.pythonhosted.org/packages/7f/81/28ab0408391b1dc57393653b6a0cf2014cc282cc2909e4615e63e58262be/rpds_py-0.25.1-cp312-cp312-macosx_10_12_x86_64.whl", hash = "sha256:b5ffe453cde61f73fea9430223c81d29e2fbf412a6073951102146c84e19e34c", size = 364647, upload-time = "2025-05-21T12:43:28.559Z" }, - { url = "https://files.pythonhosted.org/packages/2c/9a/7797f04cad0d5e56310e1238434f71fc6939d0bc517192a18bb99a72a95f/rpds_py-0.25.1-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:115874ae5e2fdcfc16b2aedc95b5eef4aebe91b28e7e21951eda8a5dc0d3461b", size = 350454, upload-time = "2025-05-21T12:43:30.615Z" }, - { url = "https://files.pythonhosted.org/packages/69/3c/93d2ef941b04898011e5d6eaa56a1acf46a3b4c9f4b3ad1bbcbafa0bee1f/rpds_py-0.25.1-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a714bf6e5e81b0e570d01f56e0c89c6375101b8463999ead3a93a5d2a4af91fa", size = 389665, upload-time = "2025-05-21T12:43:32.629Z" }, - { url = "https://files.pythonhosted.org/packages/c1/57/ad0e31e928751dde8903a11102559628d24173428a0f85e25e187defb2c1/rpds_py-0.25.1-cp312-cp312-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:35634369325906bcd01577da4c19e3b9541a15e99f31e91a02d010816b49bfda", size = 403873, upload-time = "2025-05-21T12:43:34.576Z" }, - { url = "https://files.pythonhosted.org/packages/16/ad/c0c652fa9bba778b4f54980a02962748479dc09632e1fd34e5282cf2556c/rpds_py-0.25.1-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:d4cb2b3ddc16710548801c6fcc0cfcdeeff9dafbc983f77265877793f2660309", size = 525866, upload-time = "2025-05-21T12:43:36.123Z" }, - { url = "https://files.pythonhosted.org/packages/2a/39/3e1839bc527e6fcf48d5fec4770070f872cdee6c6fbc9b259932f4e88a38/rpds_py-0.25.1-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:9ceca1cf097ed77e1a51f1dbc8d174d10cb5931c188a4505ff9f3e119dfe519b", size = 416886, upload-time = "2025-05-21T12:43:38.034Z" }, - { url = "https://files.pythonhosted.org/packages/7a/95/dd6b91cd4560da41df9d7030a038298a67d24f8ca38e150562644c829c48/rpds_py-0.25.1-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:2c2cd1a4b0c2b8c5e31ffff50d09f39906fe351389ba143c195566056c13a7ea", size = 390666, upload-time = "2025-05-21T12:43:40.065Z" }, - { url = "https://files.pythonhosted.org/packages/64/48/1be88a820e7494ce0a15c2d390ccb7c52212370badabf128e6a7bb4cb802/rpds_py-0.25.1-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:1de336a4b164c9188cb23f3703adb74a7623ab32d20090d0e9bf499a2203ad65", size = 425109, upload-time = "2025-05-21T12:43:42.263Z" }, - { url = "https://files.pythonhosted.org/packages/cf/07/3e2a17927ef6d7720b9949ec1b37d1e963b829ad0387f7af18d923d5cfa5/rpds_py-0.25.1-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:9fca84a15333e925dd59ce01da0ffe2ffe0d6e5d29a9eeba2148916d1824948c", size = 567244, upload-time = "2025-05-21T12:43:43.846Z" }, - { url = "https://files.pythonhosted.org/packages/d2/e5/76cf010998deccc4f95305d827847e2eae9c568099c06b405cf96384762b/rpds_py-0.25.1-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:88ec04afe0c59fa64e2f6ea0dd9657e04fc83e38de90f6de201954b4d4eb59bd", size = 596023, upload-time = "2025-05-21T12:43:45.932Z" }, - { url = "https://files.pythonhosted.org/packages/52/9a/df55efd84403736ba37a5a6377b70aad0fd1cb469a9109ee8a1e21299a1c/rpds_py-0.25.1-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:a8bd2f19e312ce3e1d2c635618e8a8d8132892bb746a7cf74780a489f0f6cdcb", size = 561634, upload-time = "2025-05-21T12:43:48.263Z" }, - { url = "https://files.pythonhosted.org/packages/ab/aa/dc3620dd8db84454aaf9374bd318f1aa02578bba5e567f5bf6b79492aca4/rpds_py-0.25.1-cp312-cp312-win32.whl", hash = "sha256:e5e2f7280d8d0d3ef06f3ec1b4fd598d386cc6f0721e54f09109a8132182fbfe", size = 222713, upload-time = "2025-05-21T12:43:49.897Z" }, - { url = "https://files.pythonhosted.org/packages/a3/7f/7cef485269a50ed5b4e9bae145f512d2a111ca638ae70cc101f661b4defd/rpds_py-0.25.1-cp312-cp312-win_amd64.whl", hash = "sha256:db58483f71c5db67d643857404da360dce3573031586034b7d59f245144cc192", size = 235280, upload-time = "2025-05-21T12:43:51.893Z" }, - { url = "https://files.pythonhosted.org/packages/99/f2/c2d64f6564f32af913bf5f3f7ae41c7c263c5ae4c4e8f1a17af8af66cd46/rpds_py-0.25.1-cp312-cp312-win_arm64.whl", hash = "sha256:6d50841c425d16faf3206ddbba44c21aa3310a0cebc3c1cdfc3e3f4f9f6f5728", size = 225399, upload-time = "2025-05-21T12:43:53.351Z" }, - { url = "https://files.pythonhosted.org/packages/2b/da/323848a2b62abe6a0fec16ebe199dc6889c5d0a332458da8985b2980dffe/rpds_py-0.25.1-cp313-cp313-macosx_10_12_x86_64.whl", hash = "sha256:659d87430a8c8c704d52d094f5ba6fa72ef13b4d385b7e542a08fc240cb4a559", size = 364498, upload-time = "2025-05-21T12:43:54.841Z" }, - { url = "https://files.pythonhosted.org/packages/1f/b4/4d3820f731c80fd0cd823b3e95b9963fec681ae45ba35b5281a42382c67d/rpds_py-0.25.1-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:68f6f060f0bbdfb0245267da014d3a6da9be127fe3e8cc4a68c6f833f8a23bb1", size = 350083, upload-time = "2025-05-21T12:43:56.428Z" }, - { url = "https://files.pythonhosted.org/packages/d5/b1/3a8ee1c9d480e8493619a437dec685d005f706b69253286f50f498cbdbcf/rpds_py-0.25.1-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:083a9513a33e0b92cf6e7a6366036c6bb43ea595332c1ab5c8ae329e4bcc0a9c", size = 389023, upload-time = "2025-05-21T12:43:57.995Z" }, - { url = "https://files.pythonhosted.org/packages/3b/31/17293edcfc934dc62c3bf74a0cb449ecd549531f956b72287203e6880b87/rpds_py-0.25.1-cp313-cp313-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:816568614ecb22b18a010c7a12559c19f6fe993526af88e95a76d5a60b8b75fb", size = 403283, upload-time = "2025-05-21T12:43:59.546Z" }, - { url = "https://files.pythonhosted.org/packages/d1/ca/e0f0bc1a75a8925024f343258c8ecbd8828f8997ea2ac71e02f67b6f5299/rpds_py-0.25.1-cp313-cp313-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:3c6564c0947a7f52e4792983f8e6cf9bac140438ebf81f527a21d944f2fd0a40", size = 524634, upload-time = "2025-05-21T12:44:01.087Z" }, - { url = "https://files.pythonhosted.org/packages/3e/03/5d0be919037178fff33a6672ffc0afa04ea1cfcb61afd4119d1b5280ff0f/rpds_py-0.25.1-cp313-cp313-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:5c4a128527fe415d73cf1f70a9a688d06130d5810be69f3b553bf7b45e8acf79", size = 416233, upload-time = "2025-05-21T12:44:02.604Z" }, - { url = "https://files.pythonhosted.org/packages/05/7c/8abb70f9017a231c6c961a8941403ed6557664c0913e1bf413cbdc039e75/rpds_py-0.25.1-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:a49e1d7a4978ed554f095430b89ecc23f42014a50ac385eb0c4d163ce213c325", size = 390375, upload-time = "2025-05-21T12:44:04.162Z" }, - { url = "https://files.pythonhosted.org/packages/7a/ac/a87f339f0e066b9535074a9f403b9313fd3892d4a164d5d5f5875ac9f29f/rpds_py-0.25.1-cp313-cp313-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:d74ec9bc0e2feb81d3f16946b005748119c0f52a153f6db6a29e8cd68636f295", size = 424537, upload-time = "2025-05-21T12:44:06.175Z" }, - { url = "https://files.pythonhosted.org/packages/1f/8f/8d5c1567eaf8c8afe98a838dd24de5013ce6e8f53a01bd47fe8bb06b5533/rpds_py-0.25.1-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:3af5b4cc10fa41e5bc64e5c198a1b2d2864337f8fcbb9a67e747e34002ce812b", size = 566425, upload-time = "2025-05-21T12:44:08.242Z" }, - { url = "https://files.pythonhosted.org/packages/95/33/03016a6be5663b389c8ab0bbbcca68d9e96af14faeff0a04affcb587e776/rpds_py-0.25.1-cp313-cp313-musllinux_1_2_i686.whl", hash = "sha256:79dc317a5f1c51fd9c6a0c4f48209c6b8526d0524a6904fc1076476e79b00f98", size = 595197, upload-time = "2025-05-21T12:44:10.449Z" }, - { url = "https://files.pythonhosted.org/packages/33/8d/da9f4d3e208c82fda311bff0cf0a19579afceb77cf456e46c559a1c075ba/rpds_py-0.25.1-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:1521031351865e0181bc585147624d66b3b00a84109b57fcb7a779c3ec3772cd", size = 561244, upload-time = "2025-05-21T12:44:12.387Z" }, - { url = "https://files.pythonhosted.org/packages/e2/b3/39d5dcf7c5f742ecd6dbc88f6f84ae54184b92f5f387a4053be2107b17f1/rpds_py-0.25.1-cp313-cp313-win32.whl", hash = "sha256:5d473be2b13600b93a5675d78f59e63b51b1ba2d0476893415dfbb5477e65b31", size = 222254, upload-time = "2025-05-21T12:44:14.261Z" }, - { url = "https://files.pythonhosted.org/packages/5f/19/2d6772c8eeb8302c5f834e6d0dfd83935a884e7c5ce16340c7eaf89ce925/rpds_py-0.25.1-cp313-cp313-win_amd64.whl", hash = "sha256:a7b74e92a3b212390bdce1d93da9f6488c3878c1d434c5e751cbc202c5e09500", size = 234741, upload-time = "2025-05-21T12:44:16.236Z" }, - { url = "https://files.pythonhosted.org/packages/5b/5a/145ada26cfaf86018d0eb304fe55eafdd4f0b6b84530246bb4a7c4fb5c4b/rpds_py-0.25.1-cp313-cp313-win_arm64.whl", hash = "sha256:dd326a81afe332ede08eb39ab75b301d5676802cdffd3a8f287a5f0b694dc3f5", size = 224830, upload-time = "2025-05-21T12:44:17.749Z" }, - { url = "https://files.pythonhosted.org/packages/4b/ca/d435844829c384fd2c22754ff65889c5c556a675d2ed9eb0e148435c6690/rpds_py-0.25.1-cp313-cp313t-macosx_10_12_x86_64.whl", hash = "sha256:a58d1ed49a94d4183483a3ce0af22f20318d4a1434acee255d683ad90bf78129", size = 359668, upload-time = "2025-05-21T12:44:19.322Z" }, - { url = "https://files.pythonhosted.org/packages/1f/01/b056f21db3a09f89410d493d2f6614d87bb162499f98b649d1dbd2a81988/rpds_py-0.25.1-cp313-cp313t-macosx_11_0_arm64.whl", hash = "sha256:f251bf23deb8332823aef1da169d5d89fa84c89f67bdfb566c49dea1fccfd50d", size = 345649, upload-time = "2025-05-21T12:44:20.962Z" }, - { url = "https://files.pythonhosted.org/packages/e0/0f/e0d00dc991e3d40e03ca36383b44995126c36b3eafa0ccbbd19664709c88/rpds_py-0.25.1-cp313-cp313t-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:8dbd586bfa270c1103ece2109314dd423df1fa3d9719928b5d09e4840cec0d72", size = 384776, upload-time = "2025-05-21T12:44:22.516Z" }, - { url = "https://files.pythonhosted.org/packages/9f/a2/59374837f105f2ca79bde3c3cd1065b2f8c01678900924949f6392eab66d/rpds_py-0.25.1-cp313-cp313t-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:6d273f136e912aa101a9274c3145dcbddbe4bac560e77e6d5b3c9f6e0ed06d34", size = 395131, upload-time = "2025-05-21T12:44:24.147Z" }, - { url = "https://files.pythonhosted.org/packages/9c/dc/48e8d84887627a0fe0bac53f0b4631e90976fd5d35fff8be66b8e4f3916b/rpds_py-0.25.1-cp313-cp313t-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:666fa7b1bd0a3810a7f18f6d3a25ccd8866291fbbc3c9b912b917a6715874bb9", size = 520942, upload-time = "2025-05-21T12:44:25.915Z" }, - { url = "https://files.pythonhosted.org/packages/7c/f5/ee056966aeae401913d37befeeab57a4a43a4f00099e0a20297f17b8f00c/rpds_py-0.25.1-cp313-cp313t-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:921954d7fbf3fccc7de8f717799304b14b6d9a45bbeec5a8d7408ccbf531faf5", size = 411330, upload-time = "2025-05-21T12:44:27.638Z" }, - { url = "https://files.pythonhosted.org/packages/ab/74/b2cffb46a097cefe5d17f94ede7a174184b9d158a0aeb195f39f2c0361e8/rpds_py-0.25.1-cp313-cp313t-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:f3d86373ff19ca0441ebeb696ef64cb58b8b5cbacffcda5a0ec2f3911732a194", size = 387339, upload-time = "2025-05-21T12:44:29.292Z" }, - { url = "https://files.pythonhosted.org/packages/7f/9a/0ff0b375dcb5161c2b7054e7d0b7575f1680127505945f5cabaac890bc07/rpds_py-0.25.1-cp313-cp313t-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:c8980cde3bb8575e7c956a530f2c217c1d6aac453474bf3ea0f9c89868b531b6", size = 418077, upload-time = "2025-05-21T12:44:30.877Z" }, - { url = "https://files.pythonhosted.org/packages/0d/a1/fda629bf20d6b698ae84c7c840cfb0e9e4200f664fc96e1f456f00e4ad6e/rpds_py-0.25.1-cp313-cp313t-musllinux_1_2_aarch64.whl", hash = "sha256:8eb8c84ecea987a2523e057c0d950bcb3f789696c0499290b8d7b3107a719d78", size = 562441, upload-time = "2025-05-21T12:44:32.541Z" }, - { url = "https://files.pythonhosted.org/packages/20/15/ce4b5257f654132f326f4acd87268e1006cc071e2c59794c5bdf4bebbb51/rpds_py-0.25.1-cp313-cp313t-musllinux_1_2_i686.whl", hash = "sha256:e43a005671a9ed5a650f3bc39e4dbccd6d4326b24fb5ea8be5f3a43a6f576c72", size = 590750, upload-time = "2025-05-21T12:44:34.557Z" }, - { url = "https://files.pythonhosted.org/packages/fb/ab/e04bf58a8d375aeedb5268edcc835c6a660ebf79d4384d8e0889439448b0/rpds_py-0.25.1-cp313-cp313t-musllinux_1_2_x86_64.whl", hash = "sha256:58f77c60956501a4a627749a6dcb78dac522f249dd96b5c9f1c6af29bfacfb66", size = 558891, upload-time = "2025-05-21T12:44:37.358Z" }, - { url = "https://files.pythonhosted.org/packages/90/82/cb8c6028a6ef6cd2b7991e2e4ced01c854b6236ecf51e81b64b569c43d73/rpds_py-0.25.1-cp313-cp313t-win32.whl", hash = "sha256:2cb9e5b5e26fc02c8a4345048cd9998c2aca7c2712bd1b36da0c72ee969a3523", size = 218718, upload-time = "2025-05-21T12:44:38.969Z" }, - { url = "https://files.pythonhosted.org/packages/b6/97/5a4b59697111c89477d20ba8a44df9ca16b41e737fa569d5ae8bff99e650/rpds_py-0.25.1-cp313-cp313t-win_amd64.whl", hash = "sha256:401ca1c4a20cc0510d3435d89c069fe0a9ae2ee6495135ac46bdd49ec0495763", size = 232218, upload-time = "2025-05-21T12:44:40.512Z" }, - { url = "https://files.pythonhosted.org/packages/49/74/48f3df0715a585cbf5d34919c9c757a4c92c1a9eba059f2d334e72471f70/rpds_py-0.25.1-pp311-pypy311_pp73-macosx_10_12_x86_64.whl", hash = "sha256:ee86d81551ec68a5c25373c5643d343150cc54672b5e9a0cafc93c1870a53954", size = 374208, upload-time = "2025-05-21T12:45:26.306Z" }, - { url = "https://files.pythonhosted.org/packages/55/b0/9b01bb11ce01ec03d05e627249cc2c06039d6aa24ea5a22a39c312167c10/rpds_py-0.25.1-pp311-pypy311_pp73-macosx_11_0_arm64.whl", hash = "sha256:89c24300cd4a8e4a51e55c31a8ff3918e6651b241ee8876a42cc2b2a078533ba", size = 359262, upload-time = "2025-05-21T12:45:28.322Z" }, - { url = "https://files.pythonhosted.org/packages/a9/eb/5395621618f723ebd5116c53282052943a726dba111b49cd2071f785b665/rpds_py-0.25.1-pp311-pypy311_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:771c16060ff4e79584dc48902a91ba79fd93eade3aa3a12d6d2a4aadaf7d542b", size = 387366, upload-time = "2025-05-21T12:45:30.42Z" }, - { url = "https://files.pythonhosted.org/packages/68/73/3d51442bdb246db619d75039a50ea1cf8b5b4ee250c3e5cd5c3af5981cd4/rpds_py-0.25.1-pp311-pypy311_pp73-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:785ffacd0ee61c3e60bdfde93baa6d7c10d86f15655bd706c89da08068dc5038", size = 400759, upload-time = "2025-05-21T12:45:32.516Z" }, - { url = "https://files.pythonhosted.org/packages/b7/4c/3a32d5955d7e6cb117314597bc0f2224efc798428318b13073efe306512a/rpds_py-0.25.1-pp311-pypy311_pp73-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:2a40046a529cc15cef88ac5ab589f83f739e2d332cb4d7399072242400ed68c9", size = 523128, upload-time = "2025-05-21T12:45:34.396Z" }, - { url = "https://files.pythonhosted.org/packages/be/95/1ffccd3b0bb901ae60b1dd4b1be2ab98bb4eb834cd9b15199888f5702f7b/rpds_py-0.25.1-pp311-pypy311_pp73-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:85fc223d9c76cabe5d0bff82214459189720dc135db45f9f66aa7cffbf9ff6c1", size = 411597, upload-time = "2025-05-21T12:45:36.164Z" }, - { url = "https://files.pythonhosted.org/packages/ef/6d/6e6cd310180689db8b0d2de7f7d1eabf3fb013f239e156ae0d5a1a85c27f/rpds_py-0.25.1-pp311-pypy311_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:b0be9965f93c222fb9b4cc254235b3b2b215796c03ef5ee64f995b1b69af0762", size = 388053, upload-time = "2025-05-21T12:45:38.45Z" }, - { url = "https://files.pythonhosted.org/packages/4a/87/ec4186b1fe6365ced6fa470960e68fc7804bafbe7c0cf5a36237aa240efa/rpds_py-0.25.1-pp311-pypy311_pp73-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:8378fa4a940f3fb509c081e06cb7f7f2adae8cf46ef258b0e0ed7519facd573e", size = 421821, upload-time = "2025-05-21T12:45:40.732Z" }, - { url = "https://files.pythonhosted.org/packages/7a/60/84f821f6bf4e0e710acc5039d91f8f594fae0d93fc368704920d8971680d/rpds_py-0.25.1-pp311-pypy311_pp73-musllinux_1_2_aarch64.whl", hash = "sha256:33358883a4490287e67a2c391dfaea4d9359860281db3292b6886bf0be3d8692", size = 564534, upload-time = "2025-05-21T12:45:42.672Z" }, - { url = "https://files.pythonhosted.org/packages/41/3a/bc654eb15d3b38f9330fe0f545016ba154d89cdabc6177b0295910cd0ebe/rpds_py-0.25.1-pp311-pypy311_pp73-musllinux_1_2_i686.whl", hash = "sha256:1d1fadd539298e70cac2f2cb36f5b8a65f742b9b9f1014dd4ea1f7785e2470bf", size = 592674, upload-time = "2025-05-21T12:45:44.533Z" }, - { url = "https://files.pythonhosted.org/packages/2e/ba/31239736f29e4dfc7a58a45955c5db852864c306131fd6320aea214d5437/rpds_py-0.25.1-pp311-pypy311_pp73-musllinux_1_2_x86_64.whl", hash = "sha256:9a46c2fb2545e21181445515960006e85d22025bd2fe6db23e76daec6eb689fe", size = 558781, upload-time = "2025-05-21T12:45:46.281Z" }, +sdist = { url = "https://files.pythonhosted.org/packages/8c/a6/60184b7fc00dd3ca80ac635dd5b8577d444c57e8e8742cecabfacb829921/rpds_py-0.25.1.tar.gz", hash = "sha256:8960b6dac09b62dac26e75d7e2c4a22efb835d827a7278c34f72b2b84fa160e3", size = 27304, upload_time = "2025-05-21T12:46:12.502Z" } +wheels = [ + { url = "https://files.pythonhosted.org/packages/95/e1/df13fe3ddbbea43567e07437f097863b20c99318ae1f58a0fe389f763738/rpds_py-0.25.1-cp311-cp311-macosx_10_12_x86_64.whl", hash = "sha256:5f048bbf18b1f9120685c6d6bb70cc1a52c8cc11bdd04e643d28d3be0baf666d", size = 373341, upload_time = "2025-05-21T12:43:02.978Z" }, + { url = "https://files.pythonhosted.org/packages/7a/58/deef4d30fcbcbfef3b6d82d17c64490d5c94585a2310544ce8e2d3024f83/rpds_py-0.25.1-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:4fbb0dbba559959fcb5d0735a0f87cdbca9e95dac87982e9b95c0f8f7ad10255", size = 359111, upload_time = "2025-05-21T12:43:05.128Z" }, + { url = "https://files.pythonhosted.org/packages/bb/7e/39f1f4431b03e96ebaf159e29a0f82a77259d8f38b2dd474721eb3a8ac9b/rpds_py-0.25.1-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d4ca54b9cf9d80b4016a67a0193ebe0bcf29f6b0a96f09db942087e294d3d4c2", size = 386112, upload_time = "2025-05-21T12:43:07.13Z" }, + { url = "https://files.pythonhosted.org/packages/db/e7/847068a48d63aec2ae695a1646089620b3b03f8ccf9f02c122ebaf778f3c/rpds_py-0.25.1-cp311-cp311-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:1ee3e26eb83d39b886d2cb6e06ea701bba82ef30a0de044d34626ede51ec98b0", size = 400362, upload_time = "2025-05-21T12:43:08.693Z" }, + { url = "https://files.pythonhosted.org/packages/3b/3d/9441d5db4343d0cee759a7ab4d67420a476cebb032081763de934719727b/rpds_py-0.25.1-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:89706d0683c73a26f76a5315d893c051324d771196ae8b13e6ffa1ffaf5e574f", size = 522214, upload_time = "2025-05-21T12:43:10.694Z" }, + { url = "https://files.pythonhosted.org/packages/a2/ec/2cc5b30d95f9f1a432c79c7a2f65d85e52812a8f6cbf8768724571710786/rpds_py-0.25.1-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:c2013ee878c76269c7b557a9a9c042335d732e89d482606990b70a839635feb7", size = 411491, upload_time = "2025-05-21T12:43:12.739Z" }, + { url = "https://files.pythonhosted.org/packages/dc/6c/44695c1f035077a017dd472b6a3253553780837af2fac9b6ac25f6a5cb4d/rpds_py-0.25.1-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:45e484db65e5380804afbec784522de84fa95e6bb92ef1bd3325d33d13efaebd", size = 386978, upload_time = "2025-05-21T12:43:14.25Z" }, + { url = "https://files.pythonhosted.org/packages/b1/74/b4357090bb1096db5392157b4e7ed8bb2417dc7799200fcbaee633a032c9/rpds_py-0.25.1-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:48d64155d02127c249695abb87d39f0faf410733428d499867606be138161d65", size = 420662, upload_time = "2025-05-21T12:43:15.8Z" }, + { url = "https://files.pythonhosted.org/packages/26/dd/8cadbebf47b96e59dfe8b35868e5c38a42272699324e95ed522da09d3a40/rpds_py-0.25.1-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:048893e902132fd6548a2e661fb38bf4896a89eea95ac5816cf443524a85556f", size = 563385, upload_time = "2025-05-21T12:43:17.78Z" }, + { url = "https://files.pythonhosted.org/packages/c3/ea/92960bb7f0e7a57a5ab233662f12152085c7dc0d5468534c65991a3d48c9/rpds_py-0.25.1-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:0317177b1e8691ab5879f4f33f4b6dc55ad3b344399e23df2e499de7b10a548d", size = 592047, upload_time = "2025-05-21T12:43:19.457Z" }, + { url = "https://files.pythonhosted.org/packages/61/ad/71aabc93df0d05dabcb4b0c749277881f8e74548582d96aa1bf24379493a/rpds_py-0.25.1-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:bffcf57826d77a4151962bf1701374e0fc87f536e56ec46f1abdd6a903354042", size = 557863, upload_time = "2025-05-21T12:43:21.69Z" }, + { url = "https://files.pythonhosted.org/packages/93/0f/89df0067c41f122b90b76f3660028a466eb287cbe38efec3ea70e637ca78/rpds_py-0.25.1-cp311-cp311-win32.whl", hash = "sha256:cda776f1967cb304816173b30994faaf2fd5bcb37e73118a47964a02c348e1bc", size = 219627, upload_time = "2025-05-21T12:43:23.311Z" }, + { url = "https://files.pythonhosted.org/packages/7c/8d/93b1a4c1baa903d0229374d9e7aa3466d751f1d65e268c52e6039c6e338e/rpds_py-0.25.1-cp311-cp311-win_amd64.whl", hash = "sha256:dc3c1ff0abc91444cd20ec643d0f805df9a3661fcacf9c95000329f3ddf268a4", size = 231603, upload_time = "2025-05-21T12:43:25.145Z" }, + { url = "https://files.pythonhosted.org/packages/cb/11/392605e5247bead2f23e6888e77229fbd714ac241ebbebb39a1e822c8815/rpds_py-0.25.1-cp311-cp311-win_arm64.whl", hash = "sha256:5a3ddb74b0985c4387719fc536faced33cadf2172769540c62e2a94b7b9be1c4", size = 223967, upload_time = "2025-05-21T12:43:26.566Z" }, + { url = "https://files.pythonhosted.org/packages/7f/81/28ab0408391b1dc57393653b6a0cf2014cc282cc2909e4615e63e58262be/rpds_py-0.25.1-cp312-cp312-macosx_10_12_x86_64.whl", hash = "sha256:b5ffe453cde61f73fea9430223c81d29e2fbf412a6073951102146c84e19e34c", size = 364647, upload_time = "2025-05-21T12:43:28.559Z" }, + { url = "https://files.pythonhosted.org/packages/2c/9a/7797f04cad0d5e56310e1238434f71fc6939d0bc517192a18bb99a72a95f/rpds_py-0.25.1-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:115874ae5e2fdcfc16b2aedc95b5eef4aebe91b28e7e21951eda8a5dc0d3461b", size = 350454, upload_time = "2025-05-21T12:43:30.615Z" }, + { url = "https://files.pythonhosted.org/packages/69/3c/93d2ef941b04898011e5d6eaa56a1acf46a3b4c9f4b3ad1bbcbafa0bee1f/rpds_py-0.25.1-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a714bf6e5e81b0e570d01f56e0c89c6375101b8463999ead3a93a5d2a4af91fa", size = 389665, upload_time = "2025-05-21T12:43:32.629Z" }, + { url = "https://files.pythonhosted.org/packages/c1/57/ad0e31e928751dde8903a11102559628d24173428a0f85e25e187defb2c1/rpds_py-0.25.1-cp312-cp312-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:35634369325906bcd01577da4c19e3b9541a15e99f31e91a02d010816b49bfda", size = 403873, upload_time = "2025-05-21T12:43:34.576Z" }, + { url = "https://files.pythonhosted.org/packages/16/ad/c0c652fa9bba778b4f54980a02962748479dc09632e1fd34e5282cf2556c/rpds_py-0.25.1-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:d4cb2b3ddc16710548801c6fcc0cfcdeeff9dafbc983f77265877793f2660309", size = 525866, upload_time = "2025-05-21T12:43:36.123Z" }, + { url = "https://files.pythonhosted.org/packages/2a/39/3e1839bc527e6fcf48d5fec4770070f872cdee6c6fbc9b259932f4e88a38/rpds_py-0.25.1-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:9ceca1cf097ed77e1a51f1dbc8d174d10cb5931c188a4505ff9f3e119dfe519b", size = 416886, upload_time = "2025-05-21T12:43:38.034Z" }, + { url = "https://files.pythonhosted.org/packages/7a/95/dd6b91cd4560da41df9d7030a038298a67d24f8ca38e150562644c829c48/rpds_py-0.25.1-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:2c2cd1a4b0c2b8c5e31ffff50d09f39906fe351389ba143c195566056c13a7ea", size = 390666, upload_time = "2025-05-21T12:43:40.065Z" }, + { url = "https://files.pythonhosted.org/packages/64/48/1be88a820e7494ce0a15c2d390ccb7c52212370badabf128e6a7bb4cb802/rpds_py-0.25.1-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:1de336a4b164c9188cb23f3703adb74a7623ab32d20090d0e9bf499a2203ad65", size = 425109, upload_time = "2025-05-21T12:43:42.263Z" }, + { url = "https://files.pythonhosted.org/packages/cf/07/3e2a17927ef6d7720b9949ec1b37d1e963b829ad0387f7af18d923d5cfa5/rpds_py-0.25.1-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:9fca84a15333e925dd59ce01da0ffe2ffe0d6e5d29a9eeba2148916d1824948c", size = 567244, upload_time = "2025-05-21T12:43:43.846Z" }, + { url = "https://files.pythonhosted.org/packages/d2/e5/76cf010998deccc4f95305d827847e2eae9c568099c06b405cf96384762b/rpds_py-0.25.1-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:88ec04afe0c59fa64e2f6ea0dd9657e04fc83e38de90f6de201954b4d4eb59bd", size = 596023, upload_time = "2025-05-21T12:43:45.932Z" }, + { url = "https://files.pythonhosted.org/packages/52/9a/df55efd84403736ba37a5a6377b70aad0fd1cb469a9109ee8a1e21299a1c/rpds_py-0.25.1-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:a8bd2f19e312ce3e1d2c635618e8a8d8132892bb746a7cf74780a489f0f6cdcb", size = 561634, upload_time = "2025-05-21T12:43:48.263Z" }, + { url = "https://files.pythonhosted.org/packages/ab/aa/dc3620dd8db84454aaf9374bd318f1aa02578bba5e567f5bf6b79492aca4/rpds_py-0.25.1-cp312-cp312-win32.whl", hash = "sha256:e5e2f7280d8d0d3ef06f3ec1b4fd598d386cc6f0721e54f09109a8132182fbfe", size = 222713, upload_time = "2025-05-21T12:43:49.897Z" }, + { url = "https://files.pythonhosted.org/packages/a3/7f/7cef485269a50ed5b4e9bae145f512d2a111ca638ae70cc101f661b4defd/rpds_py-0.25.1-cp312-cp312-win_amd64.whl", hash = "sha256:db58483f71c5db67d643857404da360dce3573031586034b7d59f245144cc192", size = 235280, upload_time = "2025-05-21T12:43:51.893Z" }, + { url = "https://files.pythonhosted.org/packages/99/f2/c2d64f6564f32af913bf5f3f7ae41c7c263c5ae4c4e8f1a17af8af66cd46/rpds_py-0.25.1-cp312-cp312-win_arm64.whl", hash = "sha256:6d50841c425d16faf3206ddbba44c21aa3310a0cebc3c1cdfc3e3f4f9f6f5728", size = 225399, upload_time = "2025-05-21T12:43:53.351Z" }, + { url = "https://files.pythonhosted.org/packages/2b/da/323848a2b62abe6a0fec16ebe199dc6889c5d0a332458da8985b2980dffe/rpds_py-0.25.1-cp313-cp313-macosx_10_12_x86_64.whl", hash = "sha256:659d87430a8c8c704d52d094f5ba6fa72ef13b4d385b7e542a08fc240cb4a559", size = 364498, upload_time = "2025-05-21T12:43:54.841Z" }, + { url = "https://files.pythonhosted.org/packages/1f/b4/4d3820f731c80fd0cd823b3e95b9963fec681ae45ba35b5281a42382c67d/rpds_py-0.25.1-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:68f6f060f0bbdfb0245267da014d3a6da9be127fe3e8cc4a68c6f833f8a23bb1", size = 350083, upload_time = "2025-05-21T12:43:56.428Z" }, + { url = "https://files.pythonhosted.org/packages/d5/b1/3a8ee1c9d480e8493619a437dec685d005f706b69253286f50f498cbdbcf/rpds_py-0.25.1-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:083a9513a33e0b92cf6e7a6366036c6bb43ea595332c1ab5c8ae329e4bcc0a9c", size = 389023, upload_time = "2025-05-21T12:43:57.995Z" }, + { url = "https://files.pythonhosted.org/packages/3b/31/17293edcfc934dc62c3bf74a0cb449ecd549531f956b72287203e6880b87/rpds_py-0.25.1-cp313-cp313-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:816568614ecb22b18a010c7a12559c19f6fe993526af88e95a76d5a60b8b75fb", size = 403283, upload_time = "2025-05-21T12:43:59.546Z" }, + { url = "https://files.pythonhosted.org/packages/d1/ca/e0f0bc1a75a8925024f343258c8ecbd8828f8997ea2ac71e02f67b6f5299/rpds_py-0.25.1-cp313-cp313-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:3c6564c0947a7f52e4792983f8e6cf9bac140438ebf81f527a21d944f2fd0a40", size = 524634, upload_time = "2025-05-21T12:44:01.087Z" }, + { url = "https://files.pythonhosted.org/packages/3e/03/5d0be919037178fff33a6672ffc0afa04ea1cfcb61afd4119d1b5280ff0f/rpds_py-0.25.1-cp313-cp313-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:5c4a128527fe415d73cf1f70a9a688d06130d5810be69f3b553bf7b45e8acf79", size = 416233, upload_time = "2025-05-21T12:44:02.604Z" }, + { url = "https://files.pythonhosted.org/packages/05/7c/8abb70f9017a231c6c961a8941403ed6557664c0913e1bf413cbdc039e75/rpds_py-0.25.1-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:a49e1d7a4978ed554f095430b89ecc23f42014a50ac385eb0c4d163ce213c325", size = 390375, upload_time = "2025-05-21T12:44:04.162Z" }, + { url = "https://files.pythonhosted.org/packages/7a/ac/a87f339f0e066b9535074a9f403b9313fd3892d4a164d5d5f5875ac9f29f/rpds_py-0.25.1-cp313-cp313-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:d74ec9bc0e2feb81d3f16946b005748119c0f52a153f6db6a29e8cd68636f295", size = 424537, upload_time = "2025-05-21T12:44:06.175Z" }, + { url = "https://files.pythonhosted.org/packages/1f/8f/8d5c1567eaf8c8afe98a838dd24de5013ce6e8f53a01bd47fe8bb06b5533/rpds_py-0.25.1-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:3af5b4cc10fa41e5bc64e5c198a1b2d2864337f8fcbb9a67e747e34002ce812b", size = 566425, upload_time = "2025-05-21T12:44:08.242Z" }, + { url = "https://files.pythonhosted.org/packages/95/33/03016a6be5663b389c8ab0bbbcca68d9e96af14faeff0a04affcb587e776/rpds_py-0.25.1-cp313-cp313-musllinux_1_2_i686.whl", hash = "sha256:79dc317a5f1c51fd9c6a0c4f48209c6b8526d0524a6904fc1076476e79b00f98", size = 595197, upload_time = "2025-05-21T12:44:10.449Z" }, + { url = "https://files.pythonhosted.org/packages/33/8d/da9f4d3e208c82fda311bff0cf0a19579afceb77cf456e46c559a1c075ba/rpds_py-0.25.1-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:1521031351865e0181bc585147624d66b3b00a84109b57fcb7a779c3ec3772cd", size = 561244, upload_time = "2025-05-21T12:44:12.387Z" }, + { url = "https://files.pythonhosted.org/packages/e2/b3/39d5dcf7c5f742ecd6dbc88f6f84ae54184b92f5f387a4053be2107b17f1/rpds_py-0.25.1-cp313-cp313-win32.whl", hash = "sha256:5d473be2b13600b93a5675d78f59e63b51b1ba2d0476893415dfbb5477e65b31", size = 222254, upload_time = "2025-05-21T12:44:14.261Z" }, + { url = "https://files.pythonhosted.org/packages/5f/19/2d6772c8eeb8302c5f834e6d0dfd83935a884e7c5ce16340c7eaf89ce925/rpds_py-0.25.1-cp313-cp313-win_amd64.whl", hash = "sha256:a7b74e92a3b212390bdce1d93da9f6488c3878c1d434c5e751cbc202c5e09500", size = 234741, upload_time = "2025-05-21T12:44:16.236Z" }, + { url = "https://files.pythonhosted.org/packages/5b/5a/145ada26cfaf86018d0eb304fe55eafdd4f0b6b84530246bb4a7c4fb5c4b/rpds_py-0.25.1-cp313-cp313-win_arm64.whl", hash = "sha256:dd326a81afe332ede08eb39ab75b301d5676802cdffd3a8f287a5f0b694dc3f5", size = 224830, upload_time = "2025-05-21T12:44:17.749Z" }, + { url = "https://files.pythonhosted.org/packages/4b/ca/d435844829c384fd2c22754ff65889c5c556a675d2ed9eb0e148435c6690/rpds_py-0.25.1-cp313-cp313t-macosx_10_12_x86_64.whl", hash = "sha256:a58d1ed49a94d4183483a3ce0af22f20318d4a1434acee255d683ad90bf78129", size = 359668, upload_time = "2025-05-21T12:44:19.322Z" }, + { url = "https://files.pythonhosted.org/packages/1f/01/b056f21db3a09f89410d493d2f6614d87bb162499f98b649d1dbd2a81988/rpds_py-0.25.1-cp313-cp313t-macosx_11_0_arm64.whl", hash = "sha256:f251bf23deb8332823aef1da169d5d89fa84c89f67bdfb566c49dea1fccfd50d", size = 345649, upload_time = "2025-05-21T12:44:20.962Z" }, + { url = "https://files.pythonhosted.org/packages/e0/0f/e0d00dc991e3d40e03ca36383b44995126c36b3eafa0ccbbd19664709c88/rpds_py-0.25.1-cp313-cp313t-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:8dbd586bfa270c1103ece2109314dd423df1fa3d9719928b5d09e4840cec0d72", size = 384776, upload_time = "2025-05-21T12:44:22.516Z" }, + { url = "https://files.pythonhosted.org/packages/9f/a2/59374837f105f2ca79bde3c3cd1065b2f8c01678900924949f6392eab66d/rpds_py-0.25.1-cp313-cp313t-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:6d273f136e912aa101a9274c3145dcbddbe4bac560e77e6d5b3c9f6e0ed06d34", size = 395131, upload_time = "2025-05-21T12:44:24.147Z" }, + { url = "https://files.pythonhosted.org/packages/9c/dc/48e8d84887627a0fe0bac53f0b4631e90976fd5d35fff8be66b8e4f3916b/rpds_py-0.25.1-cp313-cp313t-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:666fa7b1bd0a3810a7f18f6d3a25ccd8866291fbbc3c9b912b917a6715874bb9", size = 520942, upload_time = "2025-05-21T12:44:25.915Z" }, + { url = "https://files.pythonhosted.org/packages/7c/f5/ee056966aeae401913d37befeeab57a4a43a4f00099e0a20297f17b8f00c/rpds_py-0.25.1-cp313-cp313t-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:921954d7fbf3fccc7de8f717799304b14b6d9a45bbeec5a8d7408ccbf531faf5", size = 411330, upload_time = "2025-05-21T12:44:27.638Z" }, + { url = "https://files.pythonhosted.org/packages/ab/74/b2cffb46a097cefe5d17f94ede7a174184b9d158a0aeb195f39f2c0361e8/rpds_py-0.25.1-cp313-cp313t-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:f3d86373ff19ca0441ebeb696ef64cb58b8b5cbacffcda5a0ec2f3911732a194", size = 387339, upload_time = "2025-05-21T12:44:29.292Z" }, + { url = "https://files.pythonhosted.org/packages/7f/9a/0ff0b375dcb5161c2b7054e7d0b7575f1680127505945f5cabaac890bc07/rpds_py-0.25.1-cp313-cp313t-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:c8980cde3bb8575e7c956a530f2c217c1d6aac453474bf3ea0f9c89868b531b6", size = 418077, upload_time = "2025-05-21T12:44:30.877Z" }, + { url = "https://files.pythonhosted.org/packages/0d/a1/fda629bf20d6b698ae84c7c840cfb0e9e4200f664fc96e1f456f00e4ad6e/rpds_py-0.25.1-cp313-cp313t-musllinux_1_2_aarch64.whl", hash = "sha256:8eb8c84ecea987a2523e057c0d950bcb3f789696c0499290b8d7b3107a719d78", size = 562441, upload_time = "2025-05-21T12:44:32.541Z" }, + { url = "https://files.pythonhosted.org/packages/20/15/ce4b5257f654132f326f4acd87268e1006cc071e2c59794c5bdf4bebbb51/rpds_py-0.25.1-cp313-cp313t-musllinux_1_2_i686.whl", hash = "sha256:e43a005671a9ed5a650f3bc39e4dbccd6d4326b24fb5ea8be5f3a43a6f576c72", size = 590750, upload_time = "2025-05-21T12:44:34.557Z" }, + { url = "https://files.pythonhosted.org/packages/fb/ab/e04bf58a8d375aeedb5268edcc835c6a660ebf79d4384d8e0889439448b0/rpds_py-0.25.1-cp313-cp313t-musllinux_1_2_x86_64.whl", hash = "sha256:58f77c60956501a4a627749a6dcb78dac522f249dd96b5c9f1c6af29bfacfb66", size = 558891, upload_time = "2025-05-21T12:44:37.358Z" }, + { url = "https://files.pythonhosted.org/packages/90/82/cb8c6028a6ef6cd2b7991e2e4ced01c854b6236ecf51e81b64b569c43d73/rpds_py-0.25.1-cp313-cp313t-win32.whl", hash = "sha256:2cb9e5b5e26fc02c8a4345048cd9998c2aca7c2712bd1b36da0c72ee969a3523", size = 218718, upload_time = "2025-05-21T12:44:38.969Z" }, + { url = "https://files.pythonhosted.org/packages/b6/97/5a4b59697111c89477d20ba8a44df9ca16b41e737fa569d5ae8bff99e650/rpds_py-0.25.1-cp313-cp313t-win_amd64.whl", hash = "sha256:401ca1c4a20cc0510d3435d89c069fe0a9ae2ee6495135ac46bdd49ec0495763", size = 232218, upload_time = "2025-05-21T12:44:40.512Z" }, + { url = "https://files.pythonhosted.org/packages/49/74/48f3df0715a585cbf5d34919c9c757a4c92c1a9eba059f2d334e72471f70/rpds_py-0.25.1-pp311-pypy311_pp73-macosx_10_12_x86_64.whl", hash = "sha256:ee86d81551ec68a5c25373c5643d343150cc54672b5e9a0cafc93c1870a53954", size = 374208, upload_time = "2025-05-21T12:45:26.306Z" }, + { url = "https://files.pythonhosted.org/packages/55/b0/9b01bb11ce01ec03d05e627249cc2c06039d6aa24ea5a22a39c312167c10/rpds_py-0.25.1-pp311-pypy311_pp73-macosx_11_0_arm64.whl", hash = "sha256:89c24300cd4a8e4a51e55c31a8ff3918e6651b241ee8876a42cc2b2a078533ba", size = 359262, upload_time = "2025-05-21T12:45:28.322Z" }, + { url = "https://files.pythonhosted.org/packages/a9/eb/5395621618f723ebd5116c53282052943a726dba111b49cd2071f785b665/rpds_py-0.25.1-pp311-pypy311_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:771c16060ff4e79584dc48902a91ba79fd93eade3aa3a12d6d2a4aadaf7d542b", size = 387366, upload_time = "2025-05-21T12:45:30.42Z" }, + { url = "https://files.pythonhosted.org/packages/68/73/3d51442bdb246db619d75039a50ea1cf8b5b4ee250c3e5cd5c3af5981cd4/rpds_py-0.25.1-pp311-pypy311_pp73-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:785ffacd0ee61c3e60bdfde93baa6d7c10d86f15655bd706c89da08068dc5038", size = 400759, upload_time = "2025-05-21T12:45:32.516Z" }, + { url = "https://files.pythonhosted.org/packages/b7/4c/3a32d5955d7e6cb117314597bc0f2224efc798428318b13073efe306512a/rpds_py-0.25.1-pp311-pypy311_pp73-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:2a40046a529cc15cef88ac5ab589f83f739e2d332cb4d7399072242400ed68c9", size = 523128, upload_time = "2025-05-21T12:45:34.396Z" }, + { url = "https://files.pythonhosted.org/packages/be/95/1ffccd3b0bb901ae60b1dd4b1be2ab98bb4eb834cd9b15199888f5702f7b/rpds_py-0.25.1-pp311-pypy311_pp73-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:85fc223d9c76cabe5d0bff82214459189720dc135db45f9f66aa7cffbf9ff6c1", size = 411597, upload_time = "2025-05-21T12:45:36.164Z" }, + { url = "https://files.pythonhosted.org/packages/ef/6d/6e6cd310180689db8b0d2de7f7d1eabf3fb013f239e156ae0d5a1a85c27f/rpds_py-0.25.1-pp311-pypy311_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:b0be9965f93c222fb9b4cc254235b3b2b215796c03ef5ee64f995b1b69af0762", size = 388053, upload_time = "2025-05-21T12:45:38.45Z" }, + { url = "https://files.pythonhosted.org/packages/4a/87/ec4186b1fe6365ced6fa470960e68fc7804bafbe7c0cf5a36237aa240efa/rpds_py-0.25.1-pp311-pypy311_pp73-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:8378fa4a940f3fb509c081e06cb7f7f2adae8cf46ef258b0e0ed7519facd573e", size = 421821, upload_time = "2025-05-21T12:45:40.732Z" }, + { url = "https://files.pythonhosted.org/packages/7a/60/84f821f6bf4e0e710acc5039d91f8f594fae0d93fc368704920d8971680d/rpds_py-0.25.1-pp311-pypy311_pp73-musllinux_1_2_aarch64.whl", hash = "sha256:33358883a4490287e67a2c391dfaea4d9359860281db3292b6886bf0be3d8692", size = 564534, upload_time = "2025-05-21T12:45:42.672Z" }, + { url = "https://files.pythonhosted.org/packages/41/3a/bc654eb15d3b38f9330fe0f545016ba154d89cdabc6177b0295910cd0ebe/rpds_py-0.25.1-pp311-pypy311_pp73-musllinux_1_2_i686.whl", hash = "sha256:1d1fadd539298e70cac2f2cb36f5b8a65f742b9b9f1014dd4ea1f7785e2470bf", size = 592674, upload_time = "2025-05-21T12:45:44.533Z" }, + { url = "https://files.pythonhosted.org/packages/2e/ba/31239736f29e4dfc7a58a45955c5db852864c306131fd6320aea214d5437/rpds_py-0.25.1-pp311-pypy311_pp73-musllinux_1_2_x86_64.whl", hash = "sha256:9a46c2fb2545e21181445515960006e85d22025bd2fe6db23e76daec6eb689fe", size = 558781, upload_time = "2025-05-21T12:45:46.281Z" }, ] [[package]] @@ -3240,9 +3240,9 @@ dependencies = [ { name = "urllib3" }, { name = "watchdog" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/71/18/dbaa1b5304c95b2c32b6c071a4892e4255651bbbd859fc1dca6dab31491a/runpod-1.7.10.tar.gz", hash = "sha256:2526f3cc8f0cf792456166b9006387874fc9a325bdadf8d7e289a8d88cfdb343", size = 267732, upload-time = "2025-05-28T15:42:07.932Z" } +sdist = { url = "https://files.pythonhosted.org/packages/71/18/dbaa1b5304c95b2c32b6c071a4892e4255651bbbd859fc1dca6dab31491a/runpod-1.7.10.tar.gz", hash = "sha256:2526f3cc8f0cf792456166b9006387874fc9a325bdadf8d7e289a8d88cfdb343", size = 267732, upload_time = "2025-05-28T15:42:07.932Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/86/50/987938f1c076a126c5a1f2fe0da4e0ddf65f9722360aa83e2948f9bba61a/runpod-1.7.10-py3-none-any.whl", hash = "sha256:e3ae444db2952af6c3b072ee00a58916edcb630cf3e05e7008b99ee65ed2d498", size = 138723, upload-time = "2025-05-28T15:42:06.145Z" }, + { url = "https://files.pythonhosted.org/packages/86/50/987938f1c076a126c5a1f2fe0da4e0ddf65f9722360aa83e2948f9bba61a/runpod-1.7.10-py3-none-any.whl", hash = "sha256:e3ae444db2952af6c3b072ee00a58916edcb630cf3e05e7008b99ee65ed2d498", size = 138723, upload_time = "2025-05-28T15:42:06.145Z" }, ] [[package]] @@ -3252,31 +3252,31 @@ source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "botocore" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/ed/5d/9dcc100abc6711e8247af5aa561fc07c4a046f72f659c3adea9a449e191a/s3transfer-0.13.0.tar.gz", hash = "sha256:f5e6db74eb7776a37208001113ea7aa97695368242b364d73e91c981ac522177", size = 150232, upload-time = "2025-05-22T19:24:50.245Z" } +sdist = { url = "https://files.pythonhosted.org/packages/ed/5d/9dcc100abc6711e8247af5aa561fc07c4a046f72f659c3adea9a449e191a/s3transfer-0.13.0.tar.gz", hash = "sha256:f5e6db74eb7776a37208001113ea7aa97695368242b364d73e91c981ac522177", size = 150232, upload_time = "2025-05-22T19:24:50.245Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/18/17/22bf8155aa0ea2305eefa3a6402e040df7ebe512d1310165eda1e233c3f8/s3transfer-0.13.0-py3-none-any.whl", hash = "sha256:0148ef34d6dd964d0d8cf4311b2b21c474693e57c2e069ec708ce043d2b527be", size = 85152, upload-time = "2025-05-22T19:24:48.703Z" }, + { url = "https://files.pythonhosted.org/packages/18/17/22bf8155aa0ea2305eefa3a6402e040df7ebe512d1310165eda1e233c3f8/s3transfer-0.13.0-py3-none-any.whl", hash = "sha256:0148ef34d6dd964d0d8cf4311b2b21c474693e57c2e069ec708ce043d2b527be", size = 85152, upload_time = "2025-05-22T19:24:48.703Z" }, ] [[package]] name = "safetensors" version = "0.5.3" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/71/7e/2d5d6ee7b40c0682315367ec7475693d110f512922d582fef1bd4a63adc3/safetensors-0.5.3.tar.gz", hash = "sha256:b6b0d6ecacec39a4fdd99cc19f4576f5219ce858e6fd8dbe7609df0b8dc56965", size = 67210, upload-time = "2025-02-26T09:15:13.155Z" } +sdist = { url = "https://files.pythonhosted.org/packages/71/7e/2d5d6ee7b40c0682315367ec7475693d110f512922d582fef1bd4a63adc3/safetensors-0.5.3.tar.gz", hash = "sha256:b6b0d6ecacec39a4fdd99cc19f4576f5219ce858e6fd8dbe7609df0b8dc56965", size = 67210, upload_time = "2025-02-26T09:15:13.155Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/18/ae/88f6c49dbd0cc4da0e08610019a3c78a7d390879a919411a410a1876d03a/safetensors-0.5.3-cp38-abi3-macosx_10_12_x86_64.whl", hash = "sha256:bd20eb133db8ed15b40110b7c00c6df51655a2998132193de2f75f72d99c7073", size = 436917, upload-time = "2025-02-26T09:15:03.702Z" }, - { url = "https://files.pythonhosted.org/packages/b8/3b/11f1b4a2f5d2ab7da34ecc062b0bc301f2be024d110a6466726bec8c055c/safetensors-0.5.3-cp38-abi3-macosx_11_0_arm64.whl", hash = "sha256:21d01c14ff6c415c485616b8b0bf961c46b3b343ca59110d38d744e577f9cce7", size = 418419, upload-time = "2025-02-26T09:15:01.765Z" }, - { url = "https://files.pythonhosted.org/packages/5d/9a/add3e6fef267658075c5a41573c26d42d80c935cdc992384dfae435feaef/safetensors-0.5.3-cp38-abi3-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:11bce6164887cd491ca75c2326a113ba934be596e22b28b1742ce27b1d076467", size = 459493, upload-time = "2025-02-26T09:14:51.812Z" }, - { url = "https://files.pythonhosted.org/packages/df/5c/bf2cae92222513cc23b3ff85c4a1bb2811a2c3583ac0f8e8d502751de934/safetensors-0.5.3-cp38-abi3-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:4a243be3590bc3301c821da7a18d87224ef35cbd3e5f5727e4e0728b8172411e", size = 472400, upload-time = "2025-02-26T09:14:53.549Z" }, - { url = "https://files.pythonhosted.org/packages/58/11/7456afb740bd45782d0f4c8e8e1bb9e572f1bf82899fb6ace58af47b4282/safetensors-0.5.3-cp38-abi3-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:8bd84b12b1670a6f8e50f01e28156422a2bc07fb16fc4e98bded13039d688a0d", size = 522891, upload-time = "2025-02-26T09:14:55.717Z" }, - { url = "https://files.pythonhosted.org/packages/57/3d/fe73a9d2ace487e7285f6e157afee2383bd1ddb911b7cb44a55cf812eae3/safetensors-0.5.3-cp38-abi3-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:391ac8cab7c829452175f871fcaf414aa1e292b5448bd02620f675a7f3e7abb9", size = 537694, upload-time = "2025-02-26T09:14:57.036Z" }, - { url = "https://files.pythonhosted.org/packages/a6/f8/dae3421624fcc87a89d42e1898a798bc7ff72c61f38973a65d60df8f124c/safetensors-0.5.3-cp38-abi3-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:cead1fa41fc54b1e61089fa57452e8834f798cb1dc7a09ba3524f1eb08e0317a", size = 471642, upload-time = "2025-02-26T09:15:00.544Z" }, - { url = "https://files.pythonhosted.org/packages/ce/20/1fbe16f9b815f6c5a672f5b760951e20e17e43f67f231428f871909a37f6/safetensors-0.5.3-cp38-abi3-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:1077f3e94182d72618357b04b5ced540ceb71c8a813d3319f1aba448e68a770d", size = 502241, upload-time = "2025-02-26T09:14:58.303Z" }, - { url = "https://files.pythonhosted.org/packages/5f/18/8e108846b506487aa4629fe4116b27db65c3dde922de2c8e0cc1133f3f29/safetensors-0.5.3-cp38-abi3-musllinux_1_2_aarch64.whl", hash = "sha256:799021e78287bac619c7b3f3606730a22da4cda27759ddf55d37c8db7511c74b", size = 638001, upload-time = "2025-02-26T09:15:05.79Z" }, - { url = "https://files.pythonhosted.org/packages/82/5a/c116111d8291af6c8c8a8b40628fe833b9db97d8141c2a82359d14d9e078/safetensors-0.5.3-cp38-abi3-musllinux_1_2_armv7l.whl", hash = "sha256:df26da01aaac504334644e1b7642fa000bfec820e7cef83aeac4e355e03195ff", size = 734013, upload-time = "2025-02-26T09:15:07.892Z" }, - { url = "https://files.pythonhosted.org/packages/7d/ff/41fcc4d3b7de837963622e8610d998710705bbde9a8a17221d85e5d0baad/safetensors-0.5.3-cp38-abi3-musllinux_1_2_i686.whl", hash = "sha256:32c3ef2d7af8b9f52ff685ed0bc43913cdcde135089ae322ee576de93eae5135", size = 670687, upload-time = "2025-02-26T09:15:09.979Z" }, - { url = "https://files.pythonhosted.org/packages/40/ad/2b113098e69c985a3d8fbda4b902778eae4a35b7d5188859b4a63d30c161/safetensors-0.5.3-cp38-abi3-musllinux_1_2_x86_64.whl", hash = "sha256:37f1521be045e56fc2b54c606d4455573e717b2d887c579ee1dbba5f868ece04", size = 643147, upload-time = "2025-02-26T09:15:11.185Z" }, - { url = "https://files.pythonhosted.org/packages/0a/0c/95aeb51d4246bd9a3242d3d8349c1112b4ee7611a4b40f0c5c93b05f001d/safetensors-0.5.3-cp38-abi3-win32.whl", hash = "sha256:cfc0ec0846dcf6763b0ed3d1846ff36008c6e7290683b61616c4b040f6a54ace", size = 296677, upload-time = "2025-02-26T09:15:16.554Z" }, - { url = "https://files.pythonhosted.org/packages/69/e2/b011c38e5394c4c18fb5500778a55ec43ad6106126e74723ffaee246f56e/safetensors-0.5.3-cp38-abi3-win_amd64.whl", hash = "sha256:836cbbc320b47e80acd40e44c8682db0e8ad7123209f69b093def21ec7cafd11", size = 308878, upload-time = "2025-02-26T09:15:14.99Z" }, + { url = "https://files.pythonhosted.org/packages/18/ae/88f6c49dbd0cc4da0e08610019a3c78a7d390879a919411a410a1876d03a/safetensors-0.5.3-cp38-abi3-macosx_10_12_x86_64.whl", hash = "sha256:bd20eb133db8ed15b40110b7c00c6df51655a2998132193de2f75f72d99c7073", size = 436917, upload_time = "2025-02-26T09:15:03.702Z" }, + { url = "https://files.pythonhosted.org/packages/b8/3b/11f1b4a2f5d2ab7da34ecc062b0bc301f2be024d110a6466726bec8c055c/safetensors-0.5.3-cp38-abi3-macosx_11_0_arm64.whl", hash = "sha256:21d01c14ff6c415c485616b8b0bf961c46b3b343ca59110d38d744e577f9cce7", size = 418419, upload_time = "2025-02-26T09:15:01.765Z" }, + { url = "https://files.pythonhosted.org/packages/5d/9a/add3e6fef267658075c5a41573c26d42d80c935cdc992384dfae435feaef/safetensors-0.5.3-cp38-abi3-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:11bce6164887cd491ca75c2326a113ba934be596e22b28b1742ce27b1d076467", size = 459493, upload_time = "2025-02-26T09:14:51.812Z" }, + { url = "https://files.pythonhosted.org/packages/df/5c/bf2cae92222513cc23b3ff85c4a1bb2811a2c3583ac0f8e8d502751de934/safetensors-0.5.3-cp38-abi3-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:4a243be3590bc3301c821da7a18d87224ef35cbd3e5f5727e4e0728b8172411e", size = 472400, upload_time = "2025-02-26T09:14:53.549Z" }, + { url = "https://files.pythonhosted.org/packages/58/11/7456afb740bd45782d0f4c8e8e1bb9e572f1bf82899fb6ace58af47b4282/safetensors-0.5.3-cp38-abi3-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:8bd84b12b1670a6f8e50f01e28156422a2bc07fb16fc4e98bded13039d688a0d", size = 522891, upload_time = "2025-02-26T09:14:55.717Z" }, + { url = "https://files.pythonhosted.org/packages/57/3d/fe73a9d2ace487e7285f6e157afee2383bd1ddb911b7cb44a55cf812eae3/safetensors-0.5.3-cp38-abi3-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:391ac8cab7c829452175f871fcaf414aa1e292b5448bd02620f675a7f3e7abb9", size = 537694, upload_time = "2025-02-26T09:14:57.036Z" }, + { url = "https://files.pythonhosted.org/packages/a6/f8/dae3421624fcc87a89d42e1898a798bc7ff72c61f38973a65d60df8f124c/safetensors-0.5.3-cp38-abi3-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:cead1fa41fc54b1e61089fa57452e8834f798cb1dc7a09ba3524f1eb08e0317a", size = 471642, upload_time = "2025-02-26T09:15:00.544Z" }, + { url = "https://files.pythonhosted.org/packages/ce/20/1fbe16f9b815f6c5a672f5b760951e20e17e43f67f231428f871909a37f6/safetensors-0.5.3-cp38-abi3-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:1077f3e94182d72618357b04b5ced540ceb71c8a813d3319f1aba448e68a770d", size = 502241, upload_time = "2025-02-26T09:14:58.303Z" }, + { url = "https://files.pythonhosted.org/packages/5f/18/8e108846b506487aa4629fe4116b27db65c3dde922de2c8e0cc1133f3f29/safetensors-0.5.3-cp38-abi3-musllinux_1_2_aarch64.whl", hash = "sha256:799021e78287bac619c7b3f3606730a22da4cda27759ddf55d37c8db7511c74b", size = 638001, upload_time = "2025-02-26T09:15:05.79Z" }, + { url = "https://files.pythonhosted.org/packages/82/5a/c116111d8291af6c8c8a8b40628fe833b9db97d8141c2a82359d14d9e078/safetensors-0.5.3-cp38-abi3-musllinux_1_2_armv7l.whl", hash = "sha256:df26da01aaac504334644e1b7642fa000bfec820e7cef83aeac4e355e03195ff", size = 734013, upload_time = "2025-02-26T09:15:07.892Z" }, + { url = "https://files.pythonhosted.org/packages/7d/ff/41fcc4d3b7de837963622e8610d998710705bbde9a8a17221d85e5d0baad/safetensors-0.5.3-cp38-abi3-musllinux_1_2_i686.whl", hash = "sha256:32c3ef2d7af8b9f52ff685ed0bc43913cdcde135089ae322ee576de93eae5135", size = 670687, upload_time = "2025-02-26T09:15:09.979Z" }, + { url = "https://files.pythonhosted.org/packages/40/ad/2b113098e69c985a3d8fbda4b902778eae4a35b7d5188859b4a63d30c161/safetensors-0.5.3-cp38-abi3-musllinux_1_2_x86_64.whl", hash = "sha256:37f1521be045e56fc2b54c606d4455573e717b2d887c579ee1dbba5f868ece04", size = 643147, upload_time = "2025-02-26T09:15:11.185Z" }, + { url = "https://files.pythonhosted.org/packages/0a/0c/95aeb51d4246bd9a3242d3d8349c1112b4ee7611a4b40f0c5c93b05f001d/safetensors-0.5.3-cp38-abi3-win32.whl", hash = "sha256:cfc0ec0846dcf6763b0ed3d1846ff36008c6e7290683b61616c4b040f6a54ace", size = 296677, upload_time = "2025-02-26T09:15:16.554Z" }, + { url = "https://files.pythonhosted.org/packages/69/e2/b011c38e5394c4c18fb5500778a55ec43ad6106126e74723ffaee246f56e/safetensors-0.5.3-cp38-abi3-win_amd64.whl", hash = "sha256:836cbbc320b47e80acd40e44c8682db0e8ad7123209f69b093def21ec7cafd11", size = 308878, upload_time = "2025-02-26T09:15:14.99Z" }, ] [[package]] @@ -3286,63 +3286,63 @@ source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "paramiko" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/d6/1c/d213e1c6651d0bd37636b21b1ba9b895f276e8057f882c9f944931e4f002/scp-0.15.0.tar.gz", hash = "sha256:f1b22e9932123ccf17eebf19e0953c6e9148f589f93d91b872941a696305c83f", size = 13905, upload-time = "2024-05-23T21:37:41.835Z" } +sdist = { url = "https://files.pythonhosted.org/packages/d6/1c/d213e1c6651d0bd37636b21b1ba9b895f276e8057f882c9f944931e4f002/scp-0.15.0.tar.gz", hash = "sha256:f1b22e9932123ccf17eebf19e0953c6e9148f589f93d91b872941a696305c83f", size = 13905, upload_time = "2024-05-23T21:37:41.835Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/79/b3/561cd6afa959e9dd522af12acc4f803e8bab1bd0e383bffc5211721c5fcb/scp-0.15.0-py2.py3-none-any.whl", hash = "sha256:9e7f721e5ac563c33eb0831d0f949c6342f1c28c3bdc3b02f39d77b5ea20df7e", size = 8753, upload-time = "2024-05-23T21:37:46.226Z" }, + { url = "https://files.pythonhosted.org/packages/79/b3/561cd6afa959e9dd522af12acc4f803e8bab1bd0e383bffc5211721c5fcb/scp-0.15.0-py2.py3-none-any.whl", hash = "sha256:9e7f721e5ac563c33eb0831d0f949c6342f1c28c3bdc3b02f39d77b5ea20df7e", size = 8753, upload_time = "2024-05-23T21:37:46.226Z" }, ] [[package]] name = "send2trash" version = "1.8.3" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/fd/3a/aec9b02217bb79b87bbc1a21bc6abc51e3d5dcf65c30487ac96c0908c722/Send2Trash-1.8.3.tar.gz", hash = "sha256:b18e7a3966d99871aefeb00cfbcfdced55ce4871194810fc71f4aa484b953abf", size = 17394, upload-time = "2024-04-07T00:01:09.267Z" } +sdist = { url = "https://files.pythonhosted.org/packages/fd/3a/aec9b02217bb79b87bbc1a21bc6abc51e3d5dcf65c30487ac96c0908c722/Send2Trash-1.8.3.tar.gz", hash = "sha256:b18e7a3966d99871aefeb00cfbcfdced55ce4871194810fc71f4aa484b953abf", size = 17394, upload_time = "2024-04-07T00:01:09.267Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/40/b0/4562db6223154aa4e22f939003cb92514c79f3d4dccca3444253fd17f902/Send2Trash-1.8.3-py3-none-any.whl", hash = "sha256:0c31227e0bd08961c7665474a3d1ef7193929fedda4233843689baa056be46c9", size = 18072, upload-time = "2024-04-07T00:01:07.438Z" }, + { url = "https://files.pythonhosted.org/packages/40/b0/4562db6223154aa4e22f939003cb92514c79f3d4dccca3444253fd17f902/Send2Trash-1.8.3-py3-none-any.whl", hash = "sha256:0c31227e0bd08961c7665474a3d1ef7193929fedda4233843689baa056be46c9", size = 18072, upload_time = "2024-04-07T00:01:07.438Z" }, ] [[package]] name = "setuptools" version = "80.9.0" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/18/5d/3bf57dcd21979b887f014ea83c24ae194cfcd12b9e0fda66b957c69d1fca/setuptools-80.9.0.tar.gz", hash = "sha256:f36b47402ecde768dbfafc46e8e4207b4360c654f1f3bb84475f0a28628fb19c", size = 1319958, upload-time = "2025-05-27T00:56:51.443Z" } +sdist = { url = "https://files.pythonhosted.org/packages/18/5d/3bf57dcd21979b887f014ea83c24ae194cfcd12b9e0fda66b957c69d1fca/setuptools-80.9.0.tar.gz", hash = "sha256:f36b47402ecde768dbfafc46e8e4207b4360c654f1f3bb84475f0a28628fb19c", size = 1319958, upload_time = "2025-05-27T00:56:51.443Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/a3/dc/17031897dae0efacfea57dfd3a82fdd2a2aeb58e0ff71b77b87e44edc772/setuptools-80.9.0-py3-none-any.whl", hash = "sha256:062d34222ad13e0cc312a4c02d73f059e86a4acbfbdea8f8f76b28c99f306922", size = 1201486, upload-time = "2025-05-27T00:56:49.664Z" }, + { url = "https://files.pythonhosted.org/packages/a3/dc/17031897dae0efacfea57dfd3a82fdd2a2aeb58e0ff71b77b87e44edc772/setuptools-80.9.0-py3-none-any.whl", hash = "sha256:062d34222ad13e0cc312a4c02d73f059e86a4acbfbdea8f8f76b28c99f306922", size = 1201486, upload_time = "2025-05-27T00:56:49.664Z" }, ] [[package]] name = "shellingham" version = "1.5.4" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/58/15/8b3609fd3830ef7b27b655beb4b4e9c62313a4e8da8c676e142cc210d58e/shellingham-1.5.4.tar.gz", hash = "sha256:8dbca0739d487e5bd35ab3ca4b36e11c4078f3a234bfce294b0a0291363404de", size = 10310, upload-time = "2023-10-24T04:13:40.426Z" } +sdist = { url = "https://files.pythonhosted.org/packages/58/15/8b3609fd3830ef7b27b655beb4b4e9c62313a4e8da8c676e142cc210d58e/shellingham-1.5.4.tar.gz", hash = "sha256:8dbca0739d487e5bd35ab3ca4b36e11c4078f3a234bfce294b0a0291363404de", size = 10310, upload_time = "2023-10-24T04:13:40.426Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/e0/f9/0595336914c5619e5f28a1fb793285925a8cd4b432c9da0a987836c7f822/shellingham-1.5.4-py2.py3-none-any.whl", hash = "sha256:7ecfff8f2fd72616f7481040475a65b2bf8af90a56c89140852d1120324e8686", size = 9755, upload-time = "2023-10-24T04:13:38.866Z" }, + { url = "https://files.pythonhosted.org/packages/e0/f9/0595336914c5619e5f28a1fb793285925a8cd4b432c9da0a987836c7f822/shellingham-1.5.4-py2.py3-none-any.whl", hash = "sha256:7ecfff8f2fd72616f7481040475a65b2bf8af90a56c89140852d1120324e8686", size = 9755, upload_time = "2023-10-24T04:13:38.866Z" }, ] [[package]] name = "six" version = "1.17.0" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/94/e7/b2c673351809dca68a0e064b6af791aa332cf192da575fd474ed7d6f16a2/six-1.17.0.tar.gz", hash = "sha256:ff70335d468e7eb6ec65b95b99d3a2836546063f63acc5171de367e834932a81", size = 34031, upload-time = "2024-12-04T17:35:28.174Z" } +sdist = { url = "https://files.pythonhosted.org/packages/94/e7/b2c673351809dca68a0e064b6af791aa332cf192da575fd474ed7d6f16a2/six-1.17.0.tar.gz", hash = "sha256:ff70335d468e7eb6ec65b95b99d3a2836546063f63acc5171de367e834932a81", size = 34031, upload_time = "2024-12-04T17:35:28.174Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/b7/ce/149a00dd41f10bc29e5921b496af8b574d8413afcd5e30dfa0ed46c2cc5e/six-1.17.0-py2.py3-none-any.whl", hash = "sha256:4721f391ed90541fddacab5acf947aa0d3dc7d27b2e1e8eda2be8970586c3274", size = 11050, upload-time = "2024-12-04T17:35:26.475Z" }, + { url = "https://files.pythonhosted.org/packages/b7/ce/149a00dd41f10bc29e5921b496af8b574d8413afcd5e30dfa0ed46c2cc5e/six-1.17.0-py2.py3-none-any.whl", hash = "sha256:4721f391ed90541fddacab5acf947aa0d3dc7d27b2e1e8eda2be8970586c3274", size = 11050, upload_time = "2024-12-04T17:35:26.475Z" }, ] [[package]] name = "sniffio" version = "1.3.1" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/a2/87/a6771e1546d97e7e041b6ae58d80074f81b7d5121207425c964ddf5cfdbd/sniffio-1.3.1.tar.gz", hash = "sha256:f4324edc670a0f49750a81b895f35c3adb843cca46f0530f79fc1babb23789dc", size = 20372, upload-time = "2024-02-25T23:20:04.057Z" } +sdist = { url = "https://files.pythonhosted.org/packages/a2/87/a6771e1546d97e7e041b6ae58d80074f81b7d5121207425c964ddf5cfdbd/sniffio-1.3.1.tar.gz", hash = "sha256:f4324edc670a0f49750a81b895f35c3adb843cca46f0530f79fc1babb23789dc", size = 20372, upload_time = "2024-02-25T23:20:04.057Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/e9/44/75a9c9421471a6c4805dbf2356f7c181a29c1879239abab1ea2cc8f38b40/sniffio-1.3.1-py3-none-any.whl", hash = "sha256:2f6da418d1f1e0fddd844478f41680e794e6051915791a034ff65e5f100525a2", size = 10235, upload-time = "2024-02-25T23:20:01.196Z" }, + { url = "https://files.pythonhosted.org/packages/e9/44/75a9c9421471a6c4805dbf2356f7c181a29c1879239abab1ea2cc8f38b40/sniffio-1.3.1-py3-none-any.whl", hash = "sha256:2f6da418d1f1e0fddd844478f41680e794e6051915791a034ff65e5f100525a2", size = 10235, upload_time = "2024-02-25T23:20:01.196Z" }, ] [[package]] name = "soupsieve" version = "2.7" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/3f/f4/4a80cd6ef364b2e8b65b15816a843c0980f7a5a2b4dc701fc574952aa19f/soupsieve-2.7.tar.gz", hash = "sha256:ad282f9b6926286d2ead4750552c8a6142bc4c783fd66b0293547c8fe6ae126a", size = 103418, upload-time = "2025-04-20T18:50:08.518Z" } +sdist = { url = "https://files.pythonhosted.org/packages/3f/f4/4a80cd6ef364b2e8b65b15816a843c0980f7a5a2b4dc701fc574952aa19f/soupsieve-2.7.tar.gz", hash = "sha256:ad282f9b6926286d2ead4750552c8a6142bc4c783fd66b0293547c8fe6ae126a", size = 103418, upload_time = "2025-04-20T18:50:08.518Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/e7/9c/0e6afc12c269578be5c0c1c9f4b49a8d32770a080260c333ac04cc1c832d/soupsieve-2.7-py3-none-any.whl", hash = "sha256:6e60cc5c1ffaf1cebcc12e8188320b72071e922c2e897f737cadce79ad5d30c4", size = 36677, upload-time = "2025-04-20T18:50:07.196Z" }, + { url = "https://files.pythonhosted.org/packages/e7/9c/0e6afc12c269578be5c0c1c9f4b49a8d32770a080260c333ac04cc1c832d/soupsieve-2.7-py3-none-any.whl", hash = "sha256:6e60cc5c1ffaf1cebcc12e8188320b72071e922c2e897f737cadce79ad5d30c4", size = 36677, upload_time = "2025-04-20T18:50:07.196Z" }, ] [[package]] @@ -3354,9 +3354,9 @@ dependencies = [ { name = "executing" }, { name = "pure-eval" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/28/e3/55dcc2cfbc3ca9c29519eb6884dd1415ecb53b0e934862d3559ddcb7e20b/stack_data-0.6.3.tar.gz", hash = "sha256:836a778de4fec4dcd1dcd89ed8abff8a221f58308462e1c4aa2a3cf30148f0b9", size = 44707, upload-time = "2023-09-30T13:58:05.479Z" } +sdist = { url = "https://files.pythonhosted.org/packages/28/e3/55dcc2cfbc3ca9c29519eb6884dd1415ecb53b0e934862d3559ddcb7e20b/stack_data-0.6.3.tar.gz", hash = "sha256:836a778de4fec4dcd1dcd89ed8abff8a221f58308462e1c4aa2a3cf30148f0b9", size = 44707, upload_time = "2023-09-30T13:58:05.479Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/f1/7b/ce1eafaf1a76852e2ec9b22edecf1daa58175c090266e9f6c64afcd81d91/stack_data-0.6.3-py3-none-any.whl", hash = "sha256:d5558e0c25a4cb0853cddad3d77da9891a08cb85dd9f9f91b9f8cd66e511e695", size = 24521, upload-time = "2023-09-30T13:58:03.53Z" }, + { url = "https://files.pythonhosted.org/packages/f1/7b/ce1eafaf1a76852e2ec9b22edecf1daa58175c090266e9f6c64afcd81d91/stack_data-0.6.3-py3-none-any.whl", hash = "sha256:d5558e0c25a4cb0853cddad3d77da9891a08cb85dd9f9f91b9f8cd66e511e695", size = 24521, upload_time = "2023-09-30T13:58:03.53Z" }, ] [[package]] @@ -3366,9 +3366,9 @@ source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "anyio" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/ce/20/08dfcd9c983f6a6f4a1000d934b9e6d626cff8d2eeb77a89a68eef20a2b7/starlette-0.46.2.tar.gz", hash = "sha256:7f7361f34eed179294600af672f565727419830b54b7b084efe44bb82d2fccd5", size = 2580846, upload-time = "2025-04-13T13:56:17.942Z" } +sdist = { url = "https://files.pythonhosted.org/packages/ce/20/08dfcd9c983f6a6f4a1000d934b9e6d626cff8d2eeb77a89a68eef20a2b7/starlette-0.46.2.tar.gz", hash = "sha256:7f7361f34eed179294600af672f565727419830b54b7b084efe44bb82d2fccd5", size = 2580846, upload_time = "2025-04-13T13:56:17.942Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/8b/0c/9d30a4ebeb6db2b25a841afbb80f6ef9a854fc3b41be131d249a977b4959/starlette-0.46.2-py3-none-any.whl", hash = "sha256:595633ce89f8ffa71a015caed34a5b2dc1c0cdb3f0f1fbd1e69339cf2abeec35", size = 72037, upload-time = "2025-04-13T13:56:16.21Z" }, + { url = "https://files.pythonhosted.org/packages/8b/0c/9d30a4ebeb6db2b25a841afbb80f6ef9a854fc3b41be131d249a977b4959/starlette-0.46.2-py3-none-any.whl", hash = "sha256:595633ce89f8ffa71a015caed34a5b2dc1c0cdb3f0f1fbd1e69339cf2abeec35", size = 72037, upload_time = "2025-04-13T13:56:16.21Z" }, ] [[package]] @@ -3379,18 +3379,18 @@ dependencies = [ { name = "httpx", extra = ["http2"] }, { name = "python-dateutil" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/ac/25/83eb4e4612dc07a3bb3cab96253c9c83752d4816f2cf38aa832dfb8d8813/storage3-0.11.3.tar.gz", hash = "sha256:883637132aad36d9d92b7c497a8a56dff7c51f15faf2ff7acbccefbbd5e97347", size = 9930, upload-time = "2025-01-29T20:43:18.392Z" } +sdist = { url = "https://files.pythonhosted.org/packages/ac/25/83eb4e4612dc07a3bb3cab96253c9c83752d4816f2cf38aa832dfb8d8813/storage3-0.11.3.tar.gz", hash = "sha256:883637132aad36d9d92b7c497a8a56dff7c51f15faf2ff7acbccefbbd5e97347", size = 9930, upload_time = "2025-01-29T20:43:18.392Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/c9/8d/ff89f85c4b48285ac7cddf0fafe5e55bb3742d374672b2fbd2627c213fa6/storage3-0.11.3-py3-none-any.whl", hash = "sha256:090c42152217d5d39bd94af3ddeb60c8982f3a283dcd90b53d058f2db33e6007", size = 17831, upload-time = "2025-01-29T20:43:16.075Z" }, + { url = "https://files.pythonhosted.org/packages/c9/8d/ff89f85c4b48285ac7cddf0fafe5e55bb3742d374672b2fbd2627c213fa6/storage3-0.11.3-py3-none-any.whl", hash = "sha256:090c42152217d5d39bd94af3ddeb60c8982f3a283dcd90b53d058f2db33e6007", size = 17831, upload_time = "2025-01-29T20:43:16.075Z" }, ] [[package]] name = "strenum" version = "0.4.15" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/85/ad/430fb60d90e1d112a62ff57bdd1f286ec73a2a0331272febfddd21f330e1/StrEnum-0.4.15.tar.gz", hash = "sha256:878fb5ab705442070e4dd1929bb5e2249511c0bcf2b0eeacf3bcd80875c82eff", size = 23384, upload-time = "2023-06-29T22:02:58.399Z" } +sdist = { url = "https://files.pythonhosted.org/packages/85/ad/430fb60d90e1d112a62ff57bdd1f286ec73a2a0331272febfddd21f330e1/StrEnum-0.4.15.tar.gz", hash = "sha256:878fb5ab705442070e4dd1929bb5e2249511c0bcf2b0eeacf3bcd80875c82eff", size = 23384, upload_time = "2023-06-29T22:02:58.399Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/81/69/297302c5f5f59c862faa31e6cb9a4cd74721cd1e052b38e464c5b402df8b/StrEnum-0.4.15-py3-none-any.whl", hash = "sha256:a30cda4af7cc6b5bf52c8055bc4bf4b2b6b14a93b574626da33df53cf7740659", size = 8851, upload-time = "2023-06-29T22:02:56.947Z" }, + { url = "https://files.pythonhosted.org/packages/81/69/297302c5f5f59c862faa31e6cb9a4cd74721cd1e052b38e464c5b402df8b/StrEnum-0.4.15-py3-none-any.whl", hash = "sha256:a30cda4af7cc6b5bf52c8055bc4bf4b2b6b14a93b574626da33df53cf7740659", size = 8851, upload_time = "2023-06-29T22:02:56.947Z" }, ] [[package]] @@ -3405,9 +3405,9 @@ dependencies = [ { name = "storage3" }, { name = "supafunc" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/7f/55/ac9544fb0013142e224469828255f4f520b87217582339525bec728f6278/supabase-2.15.3.tar.gz", hash = "sha256:24013e3bcb7b86fcbd220476048de080c61fbe5fb234ee182b7a6eab96d35d3d", size = 14562, upload-time = "2025-06-10T11:23:10.726Z" } +sdist = { url = "https://files.pythonhosted.org/packages/7f/55/ac9544fb0013142e224469828255f4f520b87217582339525bec728f6278/supabase-2.15.3.tar.gz", hash = "sha256:24013e3bcb7b86fcbd220476048de080c61fbe5fb234ee182b7a6eab96d35d3d", size = 14562, upload_time = "2025-06-10T11:23:10.726Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/5f/fe/f47d98a2fc0c5b08483b4e1afdb78f649bc69035644329d51c45ccdb79d2/supabase-2.15.3-py3-none-any.whl", hash = "sha256:d6c7abfd0e6db9667428e77c6f623487140acf3d7342edff1a1072ab8c77e537", size = 17479, upload-time = "2025-06-10T11:23:09.392Z" }, + { url = "https://files.pythonhosted.org/packages/5f/fe/f47d98a2fc0c5b08483b4e1afdb78f649bc69035644329d51c45ccdb79d2/supabase-2.15.3-py3-none-any.whl", hash = "sha256:d6c7abfd0e6db9667428e77c6f623487140acf3d7342edff1a1072ab8c77e537", size = 17479, upload_time = "2025-06-10T11:23:09.392Z" }, ] [[package]] @@ -3418,9 +3418,9 @@ dependencies = [ { name = "httpx", extra = ["http2"] }, { name = "strenum" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/9f/74/4f9e23690d2dfc0afb4a13d2d232415a6ef9b80397495afb548410035532/supafunc-0.9.4.tar.gz", hash = "sha256:68824a9a7bcccf5ab1e038cda632ba47cba27f2a7dc606014206b56f5a071de2", size = 4806, upload-time = "2025-03-26T12:40:04.55Z" } +sdist = { url = "https://files.pythonhosted.org/packages/9f/74/4f9e23690d2dfc0afb4a13d2d232415a6ef9b80397495afb548410035532/supafunc-0.9.4.tar.gz", hash = "sha256:68824a9a7bcccf5ab1e038cda632ba47cba27f2a7dc606014206b56f5a071de2", size = 4806, upload_time = "2025-03-26T12:40:04.55Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/eb/51/b0bb6d405c053ecf9c51267b5a429424cab9ae3de229a1dfda3197ab251f/supafunc-0.9.4-py3-none-any.whl", hash = "sha256:2b34a794fb7930953150a434cdb93c24a04cf526b2f51a9e60b2be0b86d44fb2", size = 7792, upload-time = "2025-03-26T12:40:02.848Z" }, + { url = "https://files.pythonhosted.org/packages/eb/51/b0bb6d405c053ecf9c51267b5a429424cab9ae3de229a1dfda3197ab251f/supafunc-0.9.4-py3-none-any.whl", hash = "sha256:2b34a794fb7930953150a434cdb93c24a04cf526b2f51a9e60b2be0b86d44fb2", size = 7792, upload_time = "2025-03-26T12:40:02.848Z" }, ] [[package]] @@ -3430,18 +3430,18 @@ source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "mpmath" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/83/d3/803453b36afefb7c2bb238361cd4ae6125a569b4db67cd9e79846ba2d68c/sympy-1.14.0.tar.gz", hash = "sha256:d3d3fe8df1e5a0b42f0e7bdf50541697dbe7d23746e894990c030e2b05e72517", size = 7793921, upload-time = "2025-04-27T18:05:01.611Z" } +sdist = { url = "https://files.pythonhosted.org/packages/83/d3/803453b36afefb7c2bb238361cd4ae6125a569b4db67cd9e79846ba2d68c/sympy-1.14.0.tar.gz", hash = "sha256:d3d3fe8df1e5a0b42f0e7bdf50541697dbe7d23746e894990c030e2b05e72517", size = 7793921, upload_time = "2025-04-27T18:05:01.611Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/a2/09/77d55d46fd61b4a135c444fc97158ef34a095e5681d0a6c10b75bf356191/sympy-1.14.0-py3-none-any.whl", hash = "sha256:e091cc3e99d2141a0ba2847328f5479b05d94a6635cb96148ccb3f34671bd8f5", size = 6299353, upload-time = "2025-04-27T18:04:59.103Z" }, + { url = "https://files.pythonhosted.org/packages/a2/09/77d55d46fd61b4a135c444fc97158ef34a095e5681d0a6c10b75bf356191/sympy-1.14.0-py3-none-any.whl", hash = "sha256:e091cc3e99d2141a0ba2847328f5479b05d94a6635cb96148ccb3f34671bd8f5", size = 6299353, upload_time = "2025-04-27T18:04:59.103Z" }, ] [[package]] name = "termcolor" version = "3.1.0" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/ca/6c/3d75c196ac07ac8749600b60b03f4f6094d54e132c4d94ebac6ee0e0add0/termcolor-3.1.0.tar.gz", hash = "sha256:6a6dd7fbee581909eeec6a756cff1d7f7c376063b14e4a298dc4980309e55970", size = 14324, upload-time = "2025-04-30T11:37:53.791Z" } +sdist = { url = "https://files.pythonhosted.org/packages/ca/6c/3d75c196ac07ac8749600b60b03f4f6094d54e132c4d94ebac6ee0e0add0/termcolor-3.1.0.tar.gz", hash = "sha256:6a6dd7fbee581909eeec6a756cff1d7f7c376063b14e4a298dc4980309e55970", size = 14324, upload_time = "2025-04-30T11:37:53.791Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/4f/bd/de8d508070629b6d84a30d01d57e4a65c69aa7f5abe7560b8fad3b50ea59/termcolor-3.1.0-py3-none-any.whl", hash = "sha256:591dd26b5c2ce03b9e43f391264626557873ce1d379019786f99b0c2bee140aa", size = 7684, upload-time = "2025-04-30T11:37:52.382Z" }, + { url = "https://files.pythonhosted.org/packages/4f/bd/de8d508070629b6d84a30d01d57e4a65c69aa7f5abe7560b8fad3b50ea59/termcolor-3.1.0-py3-none-any.whl", hash = "sha256:591dd26b5c2ce03b9e43f391264626557873ce1d379019786f99b0c2bee140aa", size = 7684, upload_time = "2025-04-30T11:37:52.382Z" }, ] [[package]] @@ -3453,9 +3453,9 @@ dependencies = [ { name = "pywinpty", marker = "os_name == 'nt'" }, { name = "tornado" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/8a/11/965c6fd8e5cc254f1fe142d547387da17a8ebfd75a3455f637c663fb38a0/terminado-0.18.1.tar.gz", hash = "sha256:de09f2c4b85de4765f7714688fff57d3e75bad1f909b589fde880460c753fd2e", size = 32701, upload-time = "2024-03-12T14:34:39.026Z" } +sdist = { url = "https://files.pythonhosted.org/packages/8a/11/965c6fd8e5cc254f1fe142d547387da17a8ebfd75a3455f637c663fb38a0/terminado-0.18.1.tar.gz", hash = "sha256:de09f2c4b85de4765f7714688fff57d3e75bad1f909b589fde880460c753fd2e", size = 32701, upload_time = "2024-03-12T14:34:39.026Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/6a/9e/2064975477fdc887e47ad42157e214526dcad8f317a948dee17e1659a62f/terminado-0.18.1-py3-none-any.whl", hash = "sha256:a4468e1b37bb318f8a86514f65814e1afc977cf29b3992a4500d9dd305dcceb0", size = 14154, upload-time = "2024-03-12T14:34:36.569Z" }, + { url = "https://files.pythonhosted.org/packages/6a/9e/2064975477fdc887e47ad42157e214526dcad8f317a948dee17e1659a62f/terminado-0.18.1-py3-none-any.whl", hash = "sha256:a4468e1b37bb318f8a86514f65814e1afc977cf29b3992a4500d9dd305dcceb0", size = 14154, upload_time = "2024-03-12T14:34:36.569Z" }, ] [[package]] @@ -3465,9 +3465,9 @@ source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "webencodings" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/7a/fd/7a5ee21fd08ff70d3d33a5781c255cbe779659bd03278feb98b19ee550f4/tinycss2-1.4.0.tar.gz", hash = "sha256:10c0972f6fc0fbee87c3edb76549357415e94548c1ae10ebccdea16fb404a9b7", size = 87085, upload-time = "2024-10-24T14:58:29.895Z" } +sdist = { url = "https://files.pythonhosted.org/packages/7a/fd/7a5ee21fd08ff70d3d33a5781c255cbe779659bd03278feb98b19ee550f4/tinycss2-1.4.0.tar.gz", hash = "sha256:10c0972f6fc0fbee87c3edb76549357415e94548c1ae10ebccdea16fb404a9b7", size = 87085, upload_time = "2024-10-24T14:58:29.895Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/e6/34/ebdc18bae6aa14fbee1a08b63c015c72b64868ff7dae68808ab500c492e2/tinycss2-1.4.0-py3-none-any.whl", hash = "sha256:3a49cf47b7675da0b15d0c6e1df8df4ebd96e9394bb905a5775adb0d884c5289", size = 26610, upload-time = "2024-10-24T14:58:28.029Z" }, + { url = "https://files.pythonhosted.org/packages/e6/34/ebdc18bae6aa14fbee1a08b63c015c72b64868ff7dae68808ab500c492e2/tinycss2-1.4.0-py3-none-any.whl", hash = "sha256:3a49cf47b7675da0b15d0c6e1df8df4ebd96e9394bb905a5775adb0d884c5289", size = 26610, upload_time = "2024-10-24T14:58:28.029Z" }, ] [[package]] @@ -3477,70 +3477,70 @@ source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "huggingface-hub" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/92/76/5ac0c97f1117b91b7eb7323dcd61af80d72f790b4df71249a7850c195f30/tokenizers-0.21.1.tar.gz", hash = "sha256:a1bb04dc5b448985f86ecd4b05407f5a8d97cb2c0532199b2a302a604a0165ab", size = 343256, upload-time = "2025-03-13T10:51:18.189Z" } +sdist = { url = "https://files.pythonhosted.org/packages/92/76/5ac0c97f1117b91b7eb7323dcd61af80d72f790b4df71249a7850c195f30/tokenizers-0.21.1.tar.gz", hash = "sha256:a1bb04dc5b448985f86ecd4b05407f5a8d97cb2c0532199b2a302a604a0165ab", size = 343256, upload_time = "2025-03-13T10:51:18.189Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/a5/1f/328aee25f9115bf04262e8b4e5a2050b7b7cf44b59c74e982db7270c7f30/tokenizers-0.21.1-cp39-abi3-macosx_10_12_x86_64.whl", hash = "sha256:e78e413e9e668ad790a29456e677d9d3aa50a9ad311a40905d6861ba7692cf41", size = 2780767, upload-time = "2025-03-13T10:51:09.459Z" }, - { url = "https://files.pythonhosted.org/packages/ae/1a/4526797f3719b0287853f12c5ad563a9be09d446c44ac784cdd7c50f76ab/tokenizers-0.21.1-cp39-abi3-macosx_11_0_arm64.whl", hash = "sha256:cd51cd0a91ecc801633829fcd1fda9cf8682ed3477c6243b9a095539de4aecf3", size = 2650555, upload-time = "2025-03-13T10:51:07.692Z" }, - { url = "https://files.pythonhosted.org/packages/4d/7a/a209b29f971a9fdc1da86f917fe4524564924db50d13f0724feed37b2a4d/tokenizers-0.21.1-cp39-abi3-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:28da6b72d4fb14ee200a1bd386ff74ade8992d7f725f2bde2c495a9a98cf4d9f", size = 2937541, upload-time = "2025-03-13T10:50:56.679Z" }, - { url = "https://files.pythonhosted.org/packages/3c/1e/b788b50ffc6191e0b1fc2b0d49df8cff16fe415302e5ceb89f619d12c5bc/tokenizers-0.21.1-cp39-abi3-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:34d8cfde551c9916cb92014e040806122295a6800914bab5865deb85623931cf", size = 2819058, upload-time = "2025-03-13T10:50:59.525Z" }, - { url = "https://files.pythonhosted.org/packages/36/aa/3626dfa09a0ecc5b57a8c58eeaeb7dd7ca9a37ad9dd681edab5acd55764c/tokenizers-0.21.1-cp39-abi3-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:aaa852d23e125b73d283c98f007e06d4595732104b65402f46e8ef24b588d9f8", size = 3133278, upload-time = "2025-03-13T10:51:04.678Z" }, - { url = "https://files.pythonhosted.org/packages/a4/4d/8fbc203838b3d26269f944a89459d94c858f5b3f9a9b6ee9728cdcf69161/tokenizers-0.21.1-cp39-abi3-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:a21a15d5c8e603331b8a59548bbe113564136dc0f5ad8306dd5033459a226da0", size = 3144253, upload-time = "2025-03-13T10:51:01.261Z" }, - { url = "https://files.pythonhosted.org/packages/d8/1b/2bd062adeb7c7511b847b32e356024980c0ffcf35f28947792c2d8ad2288/tokenizers-0.21.1-cp39-abi3-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:2fdbd4c067c60a0ac7eca14b6bd18a5bebace54eb757c706b47ea93204f7a37c", size = 3398225, upload-time = "2025-03-13T10:51:03.243Z" }, - { url = "https://files.pythonhosted.org/packages/8a/63/38be071b0c8e06840bc6046991636bcb30c27f6bb1e670f4f4bc87cf49cc/tokenizers-0.21.1-cp39-abi3-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:2dd9a0061e403546f7377df940e866c3e678d7d4e9643d0461ea442b4f89e61a", size = 3038874, upload-time = "2025-03-13T10:51:06.235Z" }, - { url = "https://files.pythonhosted.org/packages/ec/83/afa94193c09246417c23a3c75a8a0a96bf44ab5630a3015538d0c316dd4b/tokenizers-0.21.1-cp39-abi3-musllinux_1_2_aarch64.whl", hash = "sha256:db9484aeb2e200c43b915a1a0150ea885e35f357a5a8fabf7373af333dcc8dbf", size = 9014448, upload-time = "2025-03-13T10:51:10.927Z" }, - { url = "https://files.pythonhosted.org/packages/ae/b3/0e1a37d4f84c0f014d43701c11eb8072704f6efe8d8fc2dcdb79c47d76de/tokenizers-0.21.1-cp39-abi3-musllinux_1_2_armv7l.whl", hash = "sha256:ed248ab5279e601a30a4d67bdb897ecbe955a50f1e7bb62bd99f07dd11c2f5b6", size = 8937877, upload-time = "2025-03-13T10:51:12.688Z" }, - { url = "https://files.pythonhosted.org/packages/ac/33/ff08f50e6d615eb180a4a328c65907feb6ded0b8f990ec923969759dc379/tokenizers-0.21.1-cp39-abi3-musllinux_1_2_i686.whl", hash = "sha256:9ac78b12e541d4ce67b4dfd970e44c060a2147b9b2a21f509566d556a509c67d", size = 9186645, upload-time = "2025-03-13T10:51:14.723Z" }, - { url = "https://files.pythonhosted.org/packages/5f/aa/8ae85f69a9f6012c6f8011c6f4aa1c96154c816e9eea2e1b758601157833/tokenizers-0.21.1-cp39-abi3-musllinux_1_2_x86_64.whl", hash = "sha256:e5a69c1a4496b81a5ee5d2c1f3f7fbdf95e90a0196101b0ee89ed9956b8a168f", size = 9384380, upload-time = "2025-03-13T10:51:16.526Z" }, - { url = "https://files.pythonhosted.org/packages/e8/5b/a5d98c89f747455e8b7a9504910c865d5e51da55e825a7ae641fb5ff0a58/tokenizers-0.21.1-cp39-abi3-win32.whl", hash = "sha256:1039a3a5734944e09de1d48761ade94e00d0fa760c0e0551151d4dd851ba63e3", size = 2239506, upload-time = "2025-03-13T10:51:20.643Z" }, - { url = "https://files.pythonhosted.org/packages/e6/b6/072a8e053ae600dcc2ac0da81a23548e3b523301a442a6ca900e92ac35be/tokenizers-0.21.1-cp39-abi3-win_amd64.whl", hash = "sha256:0f0dcbcc9f6e13e675a66d7a5f2f225a736745ce484c1a4e07476a89ccdad382", size = 2435481, upload-time = "2025-03-13T10:51:19.243Z" }, + { url = "https://files.pythonhosted.org/packages/a5/1f/328aee25f9115bf04262e8b4e5a2050b7b7cf44b59c74e982db7270c7f30/tokenizers-0.21.1-cp39-abi3-macosx_10_12_x86_64.whl", hash = "sha256:e78e413e9e668ad790a29456e677d9d3aa50a9ad311a40905d6861ba7692cf41", size = 2780767, upload_time = "2025-03-13T10:51:09.459Z" }, + { url = "https://files.pythonhosted.org/packages/ae/1a/4526797f3719b0287853f12c5ad563a9be09d446c44ac784cdd7c50f76ab/tokenizers-0.21.1-cp39-abi3-macosx_11_0_arm64.whl", hash = "sha256:cd51cd0a91ecc801633829fcd1fda9cf8682ed3477c6243b9a095539de4aecf3", size = 2650555, upload_time = "2025-03-13T10:51:07.692Z" }, + { url = "https://files.pythonhosted.org/packages/4d/7a/a209b29f971a9fdc1da86f917fe4524564924db50d13f0724feed37b2a4d/tokenizers-0.21.1-cp39-abi3-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:28da6b72d4fb14ee200a1bd386ff74ade8992d7f725f2bde2c495a9a98cf4d9f", size = 2937541, upload_time = "2025-03-13T10:50:56.679Z" }, + { url = "https://files.pythonhosted.org/packages/3c/1e/b788b50ffc6191e0b1fc2b0d49df8cff16fe415302e5ceb89f619d12c5bc/tokenizers-0.21.1-cp39-abi3-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:34d8cfde551c9916cb92014e040806122295a6800914bab5865deb85623931cf", size = 2819058, upload_time = "2025-03-13T10:50:59.525Z" }, + { url = "https://files.pythonhosted.org/packages/36/aa/3626dfa09a0ecc5b57a8c58eeaeb7dd7ca9a37ad9dd681edab5acd55764c/tokenizers-0.21.1-cp39-abi3-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:aaa852d23e125b73d283c98f007e06d4595732104b65402f46e8ef24b588d9f8", size = 3133278, upload_time = "2025-03-13T10:51:04.678Z" }, + { url = "https://files.pythonhosted.org/packages/a4/4d/8fbc203838b3d26269f944a89459d94c858f5b3f9a9b6ee9728cdcf69161/tokenizers-0.21.1-cp39-abi3-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:a21a15d5c8e603331b8a59548bbe113564136dc0f5ad8306dd5033459a226da0", size = 3144253, upload_time = "2025-03-13T10:51:01.261Z" }, + { url = "https://files.pythonhosted.org/packages/d8/1b/2bd062adeb7c7511b847b32e356024980c0ffcf35f28947792c2d8ad2288/tokenizers-0.21.1-cp39-abi3-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:2fdbd4c067c60a0ac7eca14b6bd18a5bebace54eb757c706b47ea93204f7a37c", size = 3398225, upload_time = "2025-03-13T10:51:03.243Z" }, + { url = "https://files.pythonhosted.org/packages/8a/63/38be071b0c8e06840bc6046991636bcb30c27f6bb1e670f4f4bc87cf49cc/tokenizers-0.21.1-cp39-abi3-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:2dd9a0061e403546f7377df940e866c3e678d7d4e9643d0461ea442b4f89e61a", size = 3038874, upload_time = "2025-03-13T10:51:06.235Z" }, + { url = "https://files.pythonhosted.org/packages/ec/83/afa94193c09246417c23a3c75a8a0a96bf44ab5630a3015538d0c316dd4b/tokenizers-0.21.1-cp39-abi3-musllinux_1_2_aarch64.whl", hash = "sha256:db9484aeb2e200c43b915a1a0150ea885e35f357a5a8fabf7373af333dcc8dbf", size = 9014448, upload_time = "2025-03-13T10:51:10.927Z" }, + { url = "https://files.pythonhosted.org/packages/ae/b3/0e1a37d4f84c0f014d43701c11eb8072704f6efe8d8fc2dcdb79c47d76de/tokenizers-0.21.1-cp39-abi3-musllinux_1_2_armv7l.whl", hash = "sha256:ed248ab5279e601a30a4d67bdb897ecbe955a50f1e7bb62bd99f07dd11c2f5b6", size = 8937877, upload_time = "2025-03-13T10:51:12.688Z" }, + { url = "https://files.pythonhosted.org/packages/ac/33/ff08f50e6d615eb180a4a328c65907feb6ded0b8f990ec923969759dc379/tokenizers-0.21.1-cp39-abi3-musllinux_1_2_i686.whl", hash = "sha256:9ac78b12e541d4ce67b4dfd970e44c060a2147b9b2a21f509566d556a509c67d", size = 9186645, upload_time = "2025-03-13T10:51:14.723Z" }, + { url = "https://files.pythonhosted.org/packages/5f/aa/8ae85f69a9f6012c6f8011c6f4aa1c96154c816e9eea2e1b758601157833/tokenizers-0.21.1-cp39-abi3-musllinux_1_2_x86_64.whl", hash = "sha256:e5a69c1a4496b81a5ee5d2c1f3f7fbdf95e90a0196101b0ee89ed9956b8a168f", size = 9384380, upload_time = "2025-03-13T10:51:16.526Z" }, + { url = "https://files.pythonhosted.org/packages/e8/5b/a5d98c89f747455e8b7a9504910c865d5e51da55e825a7ae641fb5ff0a58/tokenizers-0.21.1-cp39-abi3-win32.whl", hash = "sha256:1039a3a5734944e09de1d48761ade94e00d0fa760c0e0551151d4dd851ba63e3", size = 2239506, upload_time = "2025-03-13T10:51:20.643Z" }, + { url = "https://files.pythonhosted.org/packages/e6/b6/072a8e053ae600dcc2ac0da81a23548e3b523301a442a6ca900e92ac35be/tokenizers-0.21.1-cp39-abi3-win_amd64.whl", hash = "sha256:0f0dcbcc9f6e13e675a66d7a5f2f225a736745ce484c1a4e07476a89ccdad382", size = 2435481, upload_time = "2025-03-13T10:51:19.243Z" }, ] [[package]] name = "tomli" version = "2.2.1" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/18/87/302344fed471e44a87289cf4967697d07e532f2421fdaf868a303cbae4ff/tomli-2.2.1.tar.gz", hash = "sha256:cd45e1dc79c835ce60f7404ec8119f2eb06d38b1deba146f07ced3bbc44505ff", size = 17175, upload-time = "2024-11-27T22:38:36.873Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/43/ca/75707e6efa2b37c77dadb324ae7d9571cb424e61ea73fad7c56c2d14527f/tomli-2.2.1-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:678e4fa69e4575eb77d103de3df8a895e1591b48e740211bd1067378c69e8249", size = 131077, upload-time = "2024-11-27T22:37:54.956Z" }, - { url = "https://files.pythonhosted.org/packages/c7/16/51ae563a8615d472fdbffc43a3f3d46588c264ac4f024f63f01283becfbb/tomli-2.2.1-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:023aa114dd824ade0100497eb2318602af309e5a55595f76b626d6d9f3b7b0a6", size = 123429, upload-time = "2024-11-27T22:37:56.698Z" }, - { url = "https://files.pythonhosted.org/packages/f1/dd/4f6cd1e7b160041db83c694abc78e100473c15d54620083dbd5aae7b990e/tomli-2.2.1-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:ece47d672db52ac607a3d9599a9d48dcb2f2f735c6c2d1f34130085bb12b112a", size = 226067, upload-time = "2024-11-27T22:37:57.63Z" }, - { url = "https://files.pythonhosted.org/packages/a9/6b/c54ede5dc70d648cc6361eaf429304b02f2871a345bbdd51e993d6cdf550/tomli-2.2.1-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:6972ca9c9cc9f0acaa56a8ca1ff51e7af152a9f87fb64623e31d5c83700080ee", size = 236030, upload-time = "2024-11-27T22:37:59.344Z" }, - { url = "https://files.pythonhosted.org/packages/1f/47/999514fa49cfaf7a92c805a86c3c43f4215621855d151b61c602abb38091/tomli-2.2.1-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:c954d2250168d28797dd4e3ac5cf812a406cd5a92674ee4c8f123c889786aa8e", size = 240898, upload-time = "2024-11-27T22:38:00.429Z" }, - { url = "https://files.pythonhosted.org/packages/73/41/0a01279a7ae09ee1573b423318e7934674ce06eb33f50936655071d81a24/tomli-2.2.1-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:8dd28b3e155b80f4d54beb40a441d366adcfe740969820caf156c019fb5c7ec4", size = 229894, upload-time = "2024-11-27T22:38:02.094Z" }, - { url = "https://files.pythonhosted.org/packages/55/18/5d8bc5b0a0362311ce4d18830a5d28943667599a60d20118074ea1b01bb7/tomli-2.2.1-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:e59e304978767a54663af13c07b3d1af22ddee3bb2fb0618ca1593e4f593a106", size = 245319, upload-time = "2024-11-27T22:38:03.206Z" }, - { url = "https://files.pythonhosted.org/packages/92/a3/7ade0576d17f3cdf5ff44d61390d4b3febb8a9fc2b480c75c47ea048c646/tomli-2.2.1-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:33580bccab0338d00994d7f16f4c4ec25b776af3ffaac1ed74e0b3fc95e885a8", size = 238273, upload-time = "2024-11-27T22:38:04.217Z" }, - { url = "https://files.pythonhosted.org/packages/72/6f/fa64ef058ac1446a1e51110c375339b3ec6be245af9d14c87c4a6412dd32/tomli-2.2.1-cp311-cp311-win32.whl", hash = "sha256:465af0e0875402f1d226519c9904f37254b3045fc5084697cefb9bdde1ff99ff", size = 98310, upload-time = "2024-11-27T22:38:05.908Z" }, - { url = "https://files.pythonhosted.org/packages/6a/1c/4a2dcde4a51b81be3530565e92eda625d94dafb46dbeb15069df4caffc34/tomli-2.2.1-cp311-cp311-win_amd64.whl", hash = "sha256:2d0f2fdd22b02c6d81637a3c95f8cd77f995846af7414c5c4b8d0545afa1bc4b", size = 108309, upload-time = "2024-11-27T22:38:06.812Z" }, - { url = "https://files.pythonhosted.org/packages/52/e1/f8af4c2fcde17500422858155aeb0d7e93477a0d59a98e56cbfe75070fd0/tomli-2.2.1-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:4a8f6e44de52d5e6c657c9fe83b562f5f4256d8ebbfe4ff922c495620a7f6cea", size = 132762, upload-time = "2024-11-27T22:38:07.731Z" }, - { url = "https://files.pythonhosted.org/packages/03/b8/152c68bb84fc00396b83e7bbddd5ec0bd3dd409db4195e2a9b3e398ad2e3/tomli-2.2.1-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:8d57ca8095a641b8237d5b079147646153d22552f1c637fd3ba7f4b0b29167a8", size = 123453, upload-time = "2024-11-27T22:38:09.384Z" }, - { url = "https://files.pythonhosted.org/packages/c8/d6/fc9267af9166f79ac528ff7e8c55c8181ded34eb4b0e93daa767b8841573/tomli-2.2.1-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:4e340144ad7ae1533cb897d406382b4b6fede8890a03738ff1683af800d54192", size = 233486, upload-time = "2024-11-27T22:38:10.329Z" }, - { url = "https://files.pythonhosted.org/packages/5c/51/51c3f2884d7bab89af25f678447ea7d297b53b5a3b5730a7cb2ef6069f07/tomli-2.2.1-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:db2b95f9de79181805df90bedc5a5ab4c165e6ec3fe99f970d0e302f384ad222", size = 242349, upload-time = "2024-11-27T22:38:11.443Z" }, - { url = "https://files.pythonhosted.org/packages/ab/df/bfa89627d13a5cc22402e441e8a931ef2108403db390ff3345c05253935e/tomli-2.2.1-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:40741994320b232529c802f8bc86da4e1aa9f413db394617b9a256ae0f9a7f77", size = 252159, upload-time = "2024-11-27T22:38:13.099Z" }, - { url = "https://files.pythonhosted.org/packages/9e/6e/fa2b916dced65763a5168c6ccb91066f7639bdc88b48adda990db10c8c0b/tomli-2.2.1-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:400e720fe168c0f8521520190686ef8ef033fb19fc493da09779e592861b78c6", size = 237243, upload-time = "2024-11-27T22:38:14.766Z" }, - { url = "https://files.pythonhosted.org/packages/b4/04/885d3b1f650e1153cbb93a6a9782c58a972b94ea4483ae4ac5cedd5e4a09/tomli-2.2.1-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:02abe224de6ae62c19f090f68da4e27b10af2b93213d36cf44e6e1c5abd19fdd", size = 259645, upload-time = "2024-11-27T22:38:15.843Z" }, - { url = "https://files.pythonhosted.org/packages/9c/de/6b432d66e986e501586da298e28ebeefd3edc2c780f3ad73d22566034239/tomli-2.2.1-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:b82ebccc8c8a36f2094e969560a1b836758481f3dc360ce9a3277c65f374285e", size = 244584, upload-time = "2024-11-27T22:38:17.645Z" }, - { url = "https://files.pythonhosted.org/packages/1c/9a/47c0449b98e6e7d1be6cbac02f93dd79003234ddc4aaab6ba07a9a7482e2/tomli-2.2.1-cp312-cp312-win32.whl", hash = "sha256:889f80ef92701b9dbb224e49ec87c645ce5df3fa2cc548664eb8a25e03127a98", size = 98875, upload-time = "2024-11-27T22:38:19.159Z" }, - { url = "https://files.pythonhosted.org/packages/ef/60/9b9638f081c6f1261e2688bd487625cd1e660d0a85bd469e91d8db969734/tomli-2.2.1-cp312-cp312-win_amd64.whl", hash = "sha256:7fc04e92e1d624a4a63c76474610238576942d6b8950a2d7f908a340494e67e4", size = 109418, upload-time = "2024-11-27T22:38:20.064Z" }, - { url = "https://files.pythonhosted.org/packages/04/90/2ee5f2e0362cb8a0b6499dc44f4d7d48f8fff06d28ba46e6f1eaa61a1388/tomli-2.2.1-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:f4039b9cbc3048b2416cc57ab3bda989a6fcf9b36cf8937f01a6e731b64f80d7", size = 132708, upload-time = "2024-11-27T22:38:21.659Z" }, - { url = "https://files.pythonhosted.org/packages/c0/ec/46b4108816de6b385141f082ba99e315501ccd0a2ea23db4a100dd3990ea/tomli-2.2.1-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:286f0ca2ffeeb5b9bd4fcc8d6c330534323ec51b2f52da063b11c502da16f30c", size = 123582, upload-time = "2024-11-27T22:38:22.693Z" }, - { url = "https://files.pythonhosted.org/packages/a0/bd/b470466d0137b37b68d24556c38a0cc819e8febe392d5b199dcd7f578365/tomli-2.2.1-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a92ef1a44547e894e2a17d24e7557a5e85a9e1d0048b0b5e7541f76c5032cb13", size = 232543, upload-time = "2024-11-27T22:38:24.367Z" }, - { url = "https://files.pythonhosted.org/packages/d9/e5/82e80ff3b751373f7cead2815bcbe2d51c895b3c990686741a8e56ec42ab/tomli-2.2.1-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:9316dc65bed1684c9a98ee68759ceaed29d229e985297003e494aa825ebb0281", size = 241691, upload-time = "2024-11-27T22:38:26.081Z" }, - { url = "https://files.pythonhosted.org/packages/05/7e/2a110bc2713557d6a1bfb06af23dd01e7dde52b6ee7dadc589868f9abfac/tomli-2.2.1-cp313-cp313-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:e85e99945e688e32d5a35c1ff38ed0b3f41f43fad8df0bdf79f72b2ba7bc5272", size = 251170, upload-time = "2024-11-27T22:38:27.921Z" }, - { url = "https://files.pythonhosted.org/packages/64/7b/22d713946efe00e0adbcdfd6d1aa119ae03fd0b60ebed51ebb3fa9f5a2e5/tomli-2.2.1-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:ac065718db92ca818f8d6141b5f66369833d4a80a9d74435a268c52bdfa73140", size = 236530, upload-time = "2024-11-27T22:38:29.591Z" }, - { url = "https://files.pythonhosted.org/packages/38/31/3a76f67da4b0cf37b742ca76beaf819dca0ebef26d78fc794a576e08accf/tomli-2.2.1-cp313-cp313-musllinux_1_2_i686.whl", hash = "sha256:d920f33822747519673ee656a4b6ac33e382eca9d331c87770faa3eef562aeb2", size = 258666, upload-time = "2024-11-27T22:38:30.639Z" }, - { url = "https://files.pythonhosted.org/packages/07/10/5af1293da642aded87e8a988753945d0cf7e00a9452d3911dd3bb354c9e2/tomli-2.2.1-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:a198f10c4d1b1375d7687bc25294306e551bf1abfa4eace6650070a5c1ae2744", size = 243954, upload-time = "2024-11-27T22:38:31.702Z" }, - { url = "https://files.pythonhosted.org/packages/5b/b9/1ed31d167be802da0fc95020d04cd27b7d7065cc6fbefdd2f9186f60d7bd/tomli-2.2.1-cp313-cp313-win32.whl", hash = "sha256:d3f5614314d758649ab2ab3a62d4f2004c825922f9e370b29416484086b264ec", size = 98724, upload-time = "2024-11-27T22:38:32.837Z" }, - { url = "https://files.pythonhosted.org/packages/c7/32/b0963458706accd9afcfeb867c0f9175a741bf7b19cd424230714d722198/tomli-2.2.1-cp313-cp313-win_amd64.whl", hash = "sha256:a38aa0308e754b0e3c67e344754dff64999ff9b513e691d0e786265c93583c69", size = 109383, upload-time = "2024-11-27T22:38:34.455Z" }, - { url = "https://files.pythonhosted.org/packages/6e/c2/61d3e0f47e2b74ef40a68b9e6ad5984f6241a942f7cd3bbfbdbd03861ea9/tomli-2.2.1-py3-none-any.whl", hash = "sha256:cb55c73c5f4408779d0cf3eef9f762b9c9f147a77de7b258bef0a5628adc85cc", size = 14257, upload-time = "2024-11-27T22:38:35.385Z" }, +sdist = { url = "https://files.pythonhosted.org/packages/18/87/302344fed471e44a87289cf4967697d07e532f2421fdaf868a303cbae4ff/tomli-2.2.1.tar.gz", hash = "sha256:cd45e1dc79c835ce60f7404ec8119f2eb06d38b1deba146f07ced3bbc44505ff", size = 17175, upload_time = "2024-11-27T22:38:36.873Z" } +wheels = [ + { url = "https://files.pythonhosted.org/packages/43/ca/75707e6efa2b37c77dadb324ae7d9571cb424e61ea73fad7c56c2d14527f/tomli-2.2.1-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:678e4fa69e4575eb77d103de3df8a895e1591b48e740211bd1067378c69e8249", size = 131077, upload_time = "2024-11-27T22:37:54.956Z" }, + { url = "https://files.pythonhosted.org/packages/c7/16/51ae563a8615d472fdbffc43a3f3d46588c264ac4f024f63f01283becfbb/tomli-2.2.1-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:023aa114dd824ade0100497eb2318602af309e5a55595f76b626d6d9f3b7b0a6", size = 123429, upload_time = "2024-11-27T22:37:56.698Z" }, + { url = "https://files.pythonhosted.org/packages/f1/dd/4f6cd1e7b160041db83c694abc78e100473c15d54620083dbd5aae7b990e/tomli-2.2.1-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:ece47d672db52ac607a3d9599a9d48dcb2f2f735c6c2d1f34130085bb12b112a", size = 226067, upload_time = "2024-11-27T22:37:57.63Z" }, + { url = "https://files.pythonhosted.org/packages/a9/6b/c54ede5dc70d648cc6361eaf429304b02f2871a345bbdd51e993d6cdf550/tomli-2.2.1-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:6972ca9c9cc9f0acaa56a8ca1ff51e7af152a9f87fb64623e31d5c83700080ee", size = 236030, upload_time = "2024-11-27T22:37:59.344Z" }, + { url = "https://files.pythonhosted.org/packages/1f/47/999514fa49cfaf7a92c805a86c3c43f4215621855d151b61c602abb38091/tomli-2.2.1-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:c954d2250168d28797dd4e3ac5cf812a406cd5a92674ee4c8f123c889786aa8e", size = 240898, upload_time = "2024-11-27T22:38:00.429Z" }, + { url = "https://files.pythonhosted.org/packages/73/41/0a01279a7ae09ee1573b423318e7934674ce06eb33f50936655071d81a24/tomli-2.2.1-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:8dd28b3e155b80f4d54beb40a441d366adcfe740969820caf156c019fb5c7ec4", size = 229894, upload_time = "2024-11-27T22:38:02.094Z" }, + { url = "https://files.pythonhosted.org/packages/55/18/5d8bc5b0a0362311ce4d18830a5d28943667599a60d20118074ea1b01bb7/tomli-2.2.1-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:e59e304978767a54663af13c07b3d1af22ddee3bb2fb0618ca1593e4f593a106", size = 245319, upload_time = "2024-11-27T22:38:03.206Z" }, + { url = "https://files.pythonhosted.org/packages/92/a3/7ade0576d17f3cdf5ff44d61390d4b3febb8a9fc2b480c75c47ea048c646/tomli-2.2.1-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:33580bccab0338d00994d7f16f4c4ec25b776af3ffaac1ed74e0b3fc95e885a8", size = 238273, upload_time = "2024-11-27T22:38:04.217Z" }, + { url = "https://files.pythonhosted.org/packages/72/6f/fa64ef058ac1446a1e51110c375339b3ec6be245af9d14c87c4a6412dd32/tomli-2.2.1-cp311-cp311-win32.whl", hash = "sha256:465af0e0875402f1d226519c9904f37254b3045fc5084697cefb9bdde1ff99ff", size = 98310, upload_time = "2024-11-27T22:38:05.908Z" }, + { url = "https://files.pythonhosted.org/packages/6a/1c/4a2dcde4a51b81be3530565e92eda625d94dafb46dbeb15069df4caffc34/tomli-2.2.1-cp311-cp311-win_amd64.whl", hash = "sha256:2d0f2fdd22b02c6d81637a3c95f8cd77f995846af7414c5c4b8d0545afa1bc4b", size = 108309, upload_time = "2024-11-27T22:38:06.812Z" }, + { url = "https://files.pythonhosted.org/packages/52/e1/f8af4c2fcde17500422858155aeb0d7e93477a0d59a98e56cbfe75070fd0/tomli-2.2.1-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:4a8f6e44de52d5e6c657c9fe83b562f5f4256d8ebbfe4ff922c495620a7f6cea", size = 132762, upload_time = "2024-11-27T22:38:07.731Z" }, + { url = "https://files.pythonhosted.org/packages/03/b8/152c68bb84fc00396b83e7bbddd5ec0bd3dd409db4195e2a9b3e398ad2e3/tomli-2.2.1-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:8d57ca8095a641b8237d5b079147646153d22552f1c637fd3ba7f4b0b29167a8", size = 123453, upload_time = "2024-11-27T22:38:09.384Z" }, + { url = "https://files.pythonhosted.org/packages/c8/d6/fc9267af9166f79ac528ff7e8c55c8181ded34eb4b0e93daa767b8841573/tomli-2.2.1-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:4e340144ad7ae1533cb897d406382b4b6fede8890a03738ff1683af800d54192", size = 233486, upload_time = "2024-11-27T22:38:10.329Z" }, + { url = "https://files.pythonhosted.org/packages/5c/51/51c3f2884d7bab89af25f678447ea7d297b53b5a3b5730a7cb2ef6069f07/tomli-2.2.1-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:db2b95f9de79181805df90bedc5a5ab4c165e6ec3fe99f970d0e302f384ad222", size = 242349, upload_time = "2024-11-27T22:38:11.443Z" }, + { url = "https://files.pythonhosted.org/packages/ab/df/bfa89627d13a5cc22402e441e8a931ef2108403db390ff3345c05253935e/tomli-2.2.1-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:40741994320b232529c802f8bc86da4e1aa9f413db394617b9a256ae0f9a7f77", size = 252159, upload_time = "2024-11-27T22:38:13.099Z" }, + { url = "https://files.pythonhosted.org/packages/9e/6e/fa2b916dced65763a5168c6ccb91066f7639bdc88b48adda990db10c8c0b/tomli-2.2.1-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:400e720fe168c0f8521520190686ef8ef033fb19fc493da09779e592861b78c6", size = 237243, upload_time = "2024-11-27T22:38:14.766Z" }, + { url = "https://files.pythonhosted.org/packages/b4/04/885d3b1f650e1153cbb93a6a9782c58a972b94ea4483ae4ac5cedd5e4a09/tomli-2.2.1-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:02abe224de6ae62c19f090f68da4e27b10af2b93213d36cf44e6e1c5abd19fdd", size = 259645, upload_time = "2024-11-27T22:38:15.843Z" }, + { url = "https://files.pythonhosted.org/packages/9c/de/6b432d66e986e501586da298e28ebeefd3edc2c780f3ad73d22566034239/tomli-2.2.1-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:b82ebccc8c8a36f2094e969560a1b836758481f3dc360ce9a3277c65f374285e", size = 244584, upload_time = "2024-11-27T22:38:17.645Z" }, + { url = "https://files.pythonhosted.org/packages/1c/9a/47c0449b98e6e7d1be6cbac02f93dd79003234ddc4aaab6ba07a9a7482e2/tomli-2.2.1-cp312-cp312-win32.whl", hash = "sha256:889f80ef92701b9dbb224e49ec87c645ce5df3fa2cc548664eb8a25e03127a98", size = 98875, upload_time = "2024-11-27T22:38:19.159Z" }, + { url = "https://files.pythonhosted.org/packages/ef/60/9b9638f081c6f1261e2688bd487625cd1e660d0a85bd469e91d8db969734/tomli-2.2.1-cp312-cp312-win_amd64.whl", hash = "sha256:7fc04e92e1d624a4a63c76474610238576942d6b8950a2d7f908a340494e67e4", size = 109418, upload_time = "2024-11-27T22:38:20.064Z" }, + { url = "https://files.pythonhosted.org/packages/04/90/2ee5f2e0362cb8a0b6499dc44f4d7d48f8fff06d28ba46e6f1eaa61a1388/tomli-2.2.1-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:f4039b9cbc3048b2416cc57ab3bda989a6fcf9b36cf8937f01a6e731b64f80d7", size = 132708, upload_time = "2024-11-27T22:38:21.659Z" }, + { url = "https://files.pythonhosted.org/packages/c0/ec/46b4108816de6b385141f082ba99e315501ccd0a2ea23db4a100dd3990ea/tomli-2.2.1-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:286f0ca2ffeeb5b9bd4fcc8d6c330534323ec51b2f52da063b11c502da16f30c", size = 123582, upload_time = "2024-11-27T22:38:22.693Z" }, + { url = "https://files.pythonhosted.org/packages/a0/bd/b470466d0137b37b68d24556c38a0cc819e8febe392d5b199dcd7f578365/tomli-2.2.1-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a92ef1a44547e894e2a17d24e7557a5e85a9e1d0048b0b5e7541f76c5032cb13", size = 232543, upload_time = "2024-11-27T22:38:24.367Z" }, + { url = "https://files.pythonhosted.org/packages/d9/e5/82e80ff3b751373f7cead2815bcbe2d51c895b3c990686741a8e56ec42ab/tomli-2.2.1-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:9316dc65bed1684c9a98ee68759ceaed29d229e985297003e494aa825ebb0281", size = 241691, upload_time = "2024-11-27T22:38:26.081Z" }, + { url = "https://files.pythonhosted.org/packages/05/7e/2a110bc2713557d6a1bfb06af23dd01e7dde52b6ee7dadc589868f9abfac/tomli-2.2.1-cp313-cp313-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:e85e99945e688e32d5a35c1ff38ed0b3f41f43fad8df0bdf79f72b2ba7bc5272", size = 251170, upload_time = "2024-11-27T22:38:27.921Z" }, + { url = "https://files.pythonhosted.org/packages/64/7b/22d713946efe00e0adbcdfd6d1aa119ae03fd0b60ebed51ebb3fa9f5a2e5/tomli-2.2.1-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:ac065718db92ca818f8d6141b5f66369833d4a80a9d74435a268c52bdfa73140", size = 236530, upload_time = "2024-11-27T22:38:29.591Z" }, + { url = "https://files.pythonhosted.org/packages/38/31/3a76f67da4b0cf37b742ca76beaf819dca0ebef26d78fc794a576e08accf/tomli-2.2.1-cp313-cp313-musllinux_1_2_i686.whl", hash = "sha256:d920f33822747519673ee656a4b6ac33e382eca9d331c87770faa3eef562aeb2", size = 258666, upload_time = "2024-11-27T22:38:30.639Z" }, + { url = "https://files.pythonhosted.org/packages/07/10/5af1293da642aded87e8a988753945d0cf7e00a9452d3911dd3bb354c9e2/tomli-2.2.1-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:a198f10c4d1b1375d7687bc25294306e551bf1abfa4eace6650070a5c1ae2744", size = 243954, upload_time = "2024-11-27T22:38:31.702Z" }, + { url = "https://files.pythonhosted.org/packages/5b/b9/1ed31d167be802da0fc95020d04cd27b7d7065cc6fbefdd2f9186f60d7bd/tomli-2.2.1-cp313-cp313-win32.whl", hash = "sha256:d3f5614314d758649ab2ab3a62d4f2004c825922f9e370b29416484086b264ec", size = 98724, upload_time = "2024-11-27T22:38:32.837Z" }, + { url = "https://files.pythonhosted.org/packages/c7/32/b0963458706accd9afcfeb867c0f9175a741bf7b19cd424230714d722198/tomli-2.2.1-cp313-cp313-win_amd64.whl", hash = "sha256:a38aa0308e754b0e3c67e344754dff64999ff9b513e691d0e786265c93583c69", size = 109383, upload_time = "2024-11-27T22:38:34.455Z" }, + { url = "https://files.pythonhosted.org/packages/6e/c2/61d3e0f47e2b74ef40a68b9e6ad5984f6241a942f7cd3bbfbdbd03861ea9/tomli-2.2.1-py3-none-any.whl", hash = "sha256:cb55c73c5f4408779d0cf3eef9f762b9c9f147a77de7b258bef0a5628adc85cc", size = 14257, upload_time = "2024-11-27T22:38:35.385Z" }, ] [[package]] name = "tomlkit" version = "0.13.3" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/cc/18/0bbf3884e9eaa38819ebe46a7bd25dcd56b67434402b66a58c4b8e552575/tomlkit-0.13.3.tar.gz", hash = "sha256:430cf247ee57df2b94ee3fbe588e71d362a941ebb545dec29b53961d61add2a1", size = 185207, upload-time = "2025-06-05T07:13:44.947Z" } +sdist = { url = "https://files.pythonhosted.org/packages/cc/18/0bbf3884e9eaa38819ebe46a7bd25dcd56b67434402b66a58c4b8e552575/tomlkit-0.13.3.tar.gz", hash = "sha256:430cf247ee57df2b94ee3fbe588e71d362a941ebb545dec29b53961d61add2a1", size = 185207, upload_time = "2025-06-05T07:13:44.947Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/bd/75/8539d011f6be8e29f339c42e633aae3cb73bffa95dd0f9adec09b9c58e85/tomlkit-0.13.3-py3-none-any.whl", hash = "sha256:c89c649d79ee40629a9fda55f8ace8c6a1b42deb912b2a8fd8d942ddadb606b0", size = 38901, upload-time = "2025-06-05T07:13:43.546Z" }, + { url = "https://files.pythonhosted.org/packages/bd/75/8539d011f6be8e29f339c42e633aae3cb73bffa95dd0f9adec09b9c58e85/tomlkit-0.13.3-py3-none-any.whl", hash = "sha256:c89c649d79ee40629a9fda55f8ace8c6a1b42deb912b2a8fd8d942ddadb606b0", size = 38901, upload_time = "2025-06-05T07:13:43.546Z" }, ] [[package]] @@ -3572,41 +3572,41 @@ dependencies = [ { name = "typing-extensions" }, ] wheels = [ - { url = "https://files.pythonhosted.org/packages/11/56/2eae3494e3d375533034a8e8cf0ba163363e996d85f0629441fa9d9843fe/torch-2.7.1-cp311-cp311-manylinux_2_28_aarch64.whl", hash = "sha256:236f501f2e383f1cb861337bdf057712182f910f10aeaf509065d54d339e49b2", size = 99093039, upload-time = "2025-06-04T17:39:06.963Z" }, - { url = "https://files.pythonhosted.org/packages/e5/94/34b80bd172d0072c9979708ccd279c2da2f55c3ef318eceec276ab9544a4/torch-2.7.1-cp311-cp311-manylinux_2_28_x86_64.whl", hash = "sha256:06eea61f859436622e78dd0cdd51dbc8f8c6d76917a9cf0555a333f9eac31ec1", size = 821174704, upload-time = "2025-06-04T17:37:03.799Z" }, - { url = "https://files.pythonhosted.org/packages/50/9e/acf04ff375b0b49a45511c55d188bcea5c942da2aaf293096676110086d1/torch-2.7.1-cp311-cp311-win_amd64.whl", hash = "sha256:8273145a2e0a3c6f9fd2ac36762d6ee89c26d430e612b95a99885df083b04e52", size = 216095937, upload-time = "2025-06-04T17:39:24.83Z" }, - { url = "https://files.pythonhosted.org/packages/5b/2b/d36d57c66ff031f93b4fa432e86802f84991477e522adcdffd314454326b/torch-2.7.1-cp311-none-macosx_11_0_arm64.whl", hash = "sha256:aea4fc1bf433d12843eb2c6b2204861f43d8364597697074c8d38ae2507f8730", size = 68640034, upload-time = "2025-06-04T17:39:17.989Z" }, - { url = "https://files.pythonhosted.org/packages/87/93/fb505a5022a2e908d81fe9a5e0aa84c86c0d5f408173be71c6018836f34e/torch-2.7.1-cp312-cp312-manylinux_2_28_aarch64.whl", hash = "sha256:27ea1e518df4c9de73af7e8a720770f3628e7f667280bce2be7a16292697e3fa", size = 98948276, upload-time = "2025-06-04T17:39:12.852Z" }, - { url = "https://files.pythonhosted.org/packages/56/7e/67c3fe2b8c33f40af06326a3d6ae7776b3e3a01daa8f71d125d78594d874/torch-2.7.1-cp312-cp312-manylinux_2_28_x86_64.whl", hash = "sha256:c33360cfc2edd976c2633b3b66c769bdcbbf0e0b6550606d188431c81e7dd1fc", size = 821025792, upload-time = "2025-06-04T17:34:58.747Z" }, - { url = "https://files.pythonhosted.org/packages/a1/37/a37495502bc7a23bf34f89584fa5a78e25bae7b8da513bc1b8f97afb7009/torch-2.7.1-cp312-cp312-win_amd64.whl", hash = "sha256:d8bf6e1856ddd1807e79dc57e54d3335f2b62e6f316ed13ed3ecfe1fc1df3d8b", size = 216050349, upload-time = "2025-06-04T17:38:59.709Z" }, - { url = "https://files.pythonhosted.org/packages/3a/60/04b77281c730bb13460628e518c52721257814ac6c298acd25757f6a175c/torch-2.7.1-cp312-none-macosx_11_0_arm64.whl", hash = "sha256:787687087412c4bd68d315e39bc1223f08aae1d16a9e9771d95eabbb04ae98fb", size = 68645146, upload-time = "2025-06-04T17:38:52.97Z" }, - { url = "https://files.pythonhosted.org/packages/66/81/e48c9edb655ee8eb8c2a6026abdb6f8d2146abd1f150979ede807bb75dcb/torch-2.7.1-cp313-cp313-manylinux_2_28_aarch64.whl", hash = "sha256:03563603d931e70722dce0e11999d53aa80a375a3d78e6b39b9f6805ea0a8d28", size = 98946649, upload-time = "2025-06-04T17:38:43.031Z" }, - { url = "https://files.pythonhosted.org/packages/3a/24/efe2f520d75274fc06b695c616415a1e8a1021d87a13c68ff9dce733d088/torch-2.7.1-cp313-cp313-manylinux_2_28_x86_64.whl", hash = "sha256:d632f5417b6980f61404a125b999ca6ebd0b8b4bbdbb5fbbba44374ab619a412", size = 821033192, upload-time = "2025-06-04T17:38:09.146Z" }, - { url = "https://files.pythonhosted.org/packages/dd/d9/9c24d230333ff4e9b6807274f6f8d52a864210b52ec794c5def7925f4495/torch-2.7.1-cp313-cp313-win_amd64.whl", hash = "sha256:23660443e13995ee93e3d844786701ea4ca69f337027b05182f5ba053ce43b38", size = 216055668, upload-time = "2025-06-04T17:38:36.253Z" }, - { url = "https://files.pythonhosted.org/packages/95/bf/e086ee36ddcef9299f6e708d3b6c8487c1651787bb9ee2939eb2a7f74911/torch-2.7.1-cp313-cp313t-macosx_14_0_arm64.whl", hash = "sha256:0da4f4dba9f65d0d203794e619fe7ca3247a55ffdcbd17ae8fb83c8b2dc9b585", size = 68925988, upload-time = "2025-06-04T17:38:29.273Z" }, - { url = "https://files.pythonhosted.org/packages/69/6a/67090dcfe1cf9048448b31555af6efb149f7afa0a310a366adbdada32105/torch-2.7.1-cp313-cp313t-manylinux_2_28_aarch64.whl", hash = "sha256:e08d7e6f21a617fe38eeb46dd2213ded43f27c072e9165dc27300c9ef9570934", size = 99028857, upload-time = "2025-06-04T17:37:50.956Z" }, - { url = "https://files.pythonhosted.org/packages/90/1c/48b988870823d1cc381f15ec4e70ed3d65e043f43f919329b0045ae83529/torch-2.7.1-cp313-cp313t-manylinux_2_28_x86_64.whl", hash = "sha256:30207f672328a42df4f2174b8f426f354b2baa0b7cca3a0adb3d6ab5daf00dc8", size = 821098066, upload-time = "2025-06-04T17:37:33.939Z" }, - { url = "https://files.pythonhosted.org/packages/7b/eb/10050d61c9d5140c5dc04a89ed3257ef1a6b93e49dd91b95363d757071e0/torch-2.7.1-cp313-cp313t-win_amd64.whl", hash = "sha256:79042feca1c634aaf6603fe6feea8c6b30dfa140a6bbc0b973e2260c7e79a22e", size = 216336310, upload-time = "2025-06-04T17:36:09.862Z" }, - { url = "https://files.pythonhosted.org/packages/b1/29/beb45cdf5c4fc3ebe282bf5eafc8dfd925ead7299b3c97491900fe5ed844/torch-2.7.1-cp313-none-macosx_11_0_arm64.whl", hash = "sha256:988b0cbc4333618a1056d2ebad9eb10089637b659eb645434d0809d8d937b946", size = 68645708, upload-time = "2025-06-04T17:34:39.852Z" }, + { url = "https://files.pythonhosted.org/packages/11/56/2eae3494e3d375533034a8e8cf0ba163363e996d85f0629441fa9d9843fe/torch-2.7.1-cp311-cp311-manylinux_2_28_aarch64.whl", hash = "sha256:236f501f2e383f1cb861337bdf057712182f910f10aeaf509065d54d339e49b2", size = 99093039, upload_time = "2025-06-04T17:39:06.963Z" }, + { url = "https://files.pythonhosted.org/packages/e5/94/34b80bd172d0072c9979708ccd279c2da2f55c3ef318eceec276ab9544a4/torch-2.7.1-cp311-cp311-manylinux_2_28_x86_64.whl", hash = "sha256:06eea61f859436622e78dd0cdd51dbc8f8c6d76917a9cf0555a333f9eac31ec1", size = 821174704, upload_time = "2025-06-04T17:37:03.799Z" }, + { url = "https://files.pythonhosted.org/packages/50/9e/acf04ff375b0b49a45511c55d188bcea5c942da2aaf293096676110086d1/torch-2.7.1-cp311-cp311-win_amd64.whl", hash = "sha256:8273145a2e0a3c6f9fd2ac36762d6ee89c26d430e612b95a99885df083b04e52", size = 216095937, upload_time = "2025-06-04T17:39:24.83Z" }, + { url = "https://files.pythonhosted.org/packages/5b/2b/d36d57c66ff031f93b4fa432e86802f84991477e522adcdffd314454326b/torch-2.7.1-cp311-none-macosx_11_0_arm64.whl", hash = "sha256:aea4fc1bf433d12843eb2c6b2204861f43d8364597697074c8d38ae2507f8730", size = 68640034, upload_time = "2025-06-04T17:39:17.989Z" }, + { url = "https://files.pythonhosted.org/packages/87/93/fb505a5022a2e908d81fe9a5e0aa84c86c0d5f408173be71c6018836f34e/torch-2.7.1-cp312-cp312-manylinux_2_28_aarch64.whl", hash = "sha256:27ea1e518df4c9de73af7e8a720770f3628e7f667280bce2be7a16292697e3fa", size = 98948276, upload_time = "2025-06-04T17:39:12.852Z" }, + { url = "https://files.pythonhosted.org/packages/56/7e/67c3fe2b8c33f40af06326a3d6ae7776b3e3a01daa8f71d125d78594d874/torch-2.7.1-cp312-cp312-manylinux_2_28_x86_64.whl", hash = "sha256:c33360cfc2edd976c2633b3b66c769bdcbbf0e0b6550606d188431c81e7dd1fc", size = 821025792, upload_time = "2025-06-04T17:34:58.747Z" }, + { url = "https://files.pythonhosted.org/packages/a1/37/a37495502bc7a23bf34f89584fa5a78e25bae7b8da513bc1b8f97afb7009/torch-2.7.1-cp312-cp312-win_amd64.whl", hash = "sha256:d8bf6e1856ddd1807e79dc57e54d3335f2b62e6f316ed13ed3ecfe1fc1df3d8b", size = 216050349, upload_time = "2025-06-04T17:38:59.709Z" }, + { url = "https://files.pythonhosted.org/packages/3a/60/04b77281c730bb13460628e518c52721257814ac6c298acd25757f6a175c/torch-2.7.1-cp312-none-macosx_11_0_arm64.whl", hash = "sha256:787687087412c4bd68d315e39bc1223f08aae1d16a9e9771d95eabbb04ae98fb", size = 68645146, upload_time = "2025-06-04T17:38:52.97Z" }, + { url = "https://files.pythonhosted.org/packages/66/81/e48c9edb655ee8eb8c2a6026abdb6f8d2146abd1f150979ede807bb75dcb/torch-2.7.1-cp313-cp313-manylinux_2_28_aarch64.whl", hash = "sha256:03563603d931e70722dce0e11999d53aa80a375a3d78e6b39b9f6805ea0a8d28", size = 98946649, upload_time = "2025-06-04T17:38:43.031Z" }, + { url = "https://files.pythonhosted.org/packages/3a/24/efe2f520d75274fc06b695c616415a1e8a1021d87a13c68ff9dce733d088/torch-2.7.1-cp313-cp313-manylinux_2_28_x86_64.whl", hash = "sha256:d632f5417b6980f61404a125b999ca6ebd0b8b4bbdbb5fbbba44374ab619a412", size = 821033192, upload_time = "2025-06-04T17:38:09.146Z" }, + { url = "https://files.pythonhosted.org/packages/dd/d9/9c24d230333ff4e9b6807274f6f8d52a864210b52ec794c5def7925f4495/torch-2.7.1-cp313-cp313-win_amd64.whl", hash = "sha256:23660443e13995ee93e3d844786701ea4ca69f337027b05182f5ba053ce43b38", size = 216055668, upload_time = "2025-06-04T17:38:36.253Z" }, + { url = "https://files.pythonhosted.org/packages/95/bf/e086ee36ddcef9299f6e708d3b6c8487c1651787bb9ee2939eb2a7f74911/torch-2.7.1-cp313-cp313t-macosx_14_0_arm64.whl", hash = "sha256:0da4f4dba9f65d0d203794e619fe7ca3247a55ffdcbd17ae8fb83c8b2dc9b585", size = 68925988, upload_time = "2025-06-04T17:38:29.273Z" }, + { url = "https://files.pythonhosted.org/packages/69/6a/67090dcfe1cf9048448b31555af6efb149f7afa0a310a366adbdada32105/torch-2.7.1-cp313-cp313t-manylinux_2_28_aarch64.whl", hash = "sha256:e08d7e6f21a617fe38eeb46dd2213ded43f27c072e9165dc27300c9ef9570934", size = 99028857, upload_time = "2025-06-04T17:37:50.956Z" }, + { url = "https://files.pythonhosted.org/packages/90/1c/48b988870823d1cc381f15ec4e70ed3d65e043f43f919329b0045ae83529/torch-2.7.1-cp313-cp313t-manylinux_2_28_x86_64.whl", hash = "sha256:30207f672328a42df4f2174b8f426f354b2baa0b7cca3a0adb3d6ab5daf00dc8", size = 821098066, upload_time = "2025-06-04T17:37:33.939Z" }, + { url = "https://files.pythonhosted.org/packages/7b/eb/10050d61c9d5140c5dc04a89ed3257ef1a6b93e49dd91b95363d757071e0/torch-2.7.1-cp313-cp313t-win_amd64.whl", hash = "sha256:79042feca1c634aaf6603fe6feea8c6b30dfa140a6bbc0b973e2260c7e79a22e", size = 216336310, upload_time = "2025-06-04T17:36:09.862Z" }, + { url = "https://files.pythonhosted.org/packages/b1/29/beb45cdf5c4fc3ebe282bf5eafc8dfd925ead7299b3c97491900fe5ed844/torch-2.7.1-cp313-none-macosx_11_0_arm64.whl", hash = "sha256:988b0cbc4333618a1056d2ebad9eb10089637b659eb645434d0809d8d937b946", size = 68645708, upload_time = "2025-06-04T17:34:39.852Z" }, ] [[package]] name = "tornado" version = "6.5.1" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/51/89/c72771c81d25d53fe33e3dca61c233b665b2780f21820ba6fd2c6793c12b/tornado-6.5.1.tar.gz", hash = "sha256:84ceece391e8eb9b2b95578db65e920d2a61070260594819589609ba9bc6308c", size = 509934, upload-time = "2025-05-22T18:15:38.788Z" } +sdist = { url = "https://files.pythonhosted.org/packages/51/89/c72771c81d25d53fe33e3dca61c233b665b2780f21820ba6fd2c6793c12b/tornado-6.5.1.tar.gz", hash = "sha256:84ceece391e8eb9b2b95578db65e920d2a61070260594819589609ba9bc6308c", size = 509934, upload_time = "2025-05-22T18:15:38.788Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/77/89/f4532dee6843c9e0ebc4e28d4be04c67f54f60813e4bf73d595fe7567452/tornado-6.5.1-cp39-abi3-macosx_10_9_universal2.whl", hash = "sha256:d50065ba7fd11d3bd41bcad0825227cc9a95154bad83239357094c36708001f7", size = 441948, upload-time = "2025-05-22T18:15:20.862Z" }, - { url = "https://files.pythonhosted.org/packages/15/9a/557406b62cffa395d18772e0cdcf03bed2fff03b374677348eef9f6a3792/tornado-6.5.1-cp39-abi3-macosx_10_9_x86_64.whl", hash = "sha256:9e9ca370f717997cb85606d074b0e5b247282cf5e2e1611568b8821afe0342d6", size = 440112, upload-time = "2025-05-22T18:15:22.591Z" }, - { url = "https://files.pythonhosted.org/packages/55/82/7721b7319013a3cf881f4dffa4f60ceff07b31b394e459984e7a36dc99ec/tornado-6.5.1-cp39-abi3-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:b77e9dfa7ed69754a54c89d82ef746398be82f749df69c4d3abe75c4d1ff4888", size = 443672, upload-time = "2025-05-22T18:15:24.027Z" }, - { url = "https://files.pythonhosted.org/packages/7d/42/d11c4376e7d101171b94e03cef0cbce43e823ed6567ceda571f54cf6e3ce/tornado-6.5.1-cp39-abi3-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:253b76040ee3bab8bcf7ba9feb136436a3787208717a1fb9f2c16b744fba7331", size = 443019, upload-time = "2025-05-22T18:15:25.735Z" }, - { url = "https://files.pythonhosted.org/packages/7d/f7/0c48ba992d875521ac761e6e04b0a1750f8150ae42ea26df1852d6a98942/tornado-6.5.1-cp39-abi3-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:308473f4cc5a76227157cdf904de33ac268af770b2c5f05ca6c1161d82fdd95e", size = 443252, upload-time = "2025-05-22T18:15:27.499Z" }, - { url = "https://files.pythonhosted.org/packages/89/46/d8d7413d11987e316df4ad42e16023cd62666a3c0dfa1518ffa30b8df06c/tornado-6.5.1-cp39-abi3-musllinux_1_2_aarch64.whl", hash = "sha256:caec6314ce8a81cf69bd89909f4b633b9f523834dc1a352021775d45e51d9401", size = 443930, upload-time = "2025-05-22T18:15:29.299Z" }, - { url = "https://files.pythonhosted.org/packages/78/b2/f8049221c96a06df89bed68260e8ca94beca5ea532ffc63b1175ad31f9cc/tornado-6.5.1-cp39-abi3-musllinux_1_2_i686.whl", hash = "sha256:13ce6e3396c24e2808774741331638ee6c2f50b114b97a55c5b442df65fd9692", size = 443351, upload-time = "2025-05-22T18:15:31.038Z" }, - { url = "https://files.pythonhosted.org/packages/76/ff/6a0079e65b326cc222a54720a748e04a4db246870c4da54ece4577bfa702/tornado-6.5.1-cp39-abi3-musllinux_1_2_x86_64.whl", hash = "sha256:5cae6145f4cdf5ab24744526cc0f55a17d76f02c98f4cff9daa08ae9a217448a", size = 443328, upload-time = "2025-05-22T18:15:32.426Z" }, - { url = "https://files.pythonhosted.org/packages/49/18/e3f902a1d21f14035b5bc6246a8c0f51e0eef562ace3a2cea403c1fb7021/tornado-6.5.1-cp39-abi3-win32.whl", hash = "sha256:e0a36e1bc684dca10b1aa75a31df8bdfed656831489bc1e6a6ebed05dc1ec365", size = 444396, upload-time = "2025-05-22T18:15:34.205Z" }, - { url = "https://files.pythonhosted.org/packages/7b/09/6526e32bf1049ee7de3bebba81572673b19a2a8541f795d887e92af1a8bc/tornado-6.5.1-cp39-abi3-win_amd64.whl", hash = "sha256:908e7d64567cecd4c2b458075589a775063453aeb1d2a1853eedb806922f568b", size = 444840, upload-time = "2025-05-22T18:15:36.1Z" }, - { url = "https://files.pythonhosted.org/packages/55/a7/535c44c7bea4578e48281d83c615219f3ab19e6abc67625ef637c73987be/tornado-6.5.1-cp39-abi3-win_arm64.whl", hash = "sha256:02420a0eb7bf617257b9935e2b754d1b63897525d8a289c9d65690d580b4dcf7", size = 443596, upload-time = "2025-05-22T18:15:37.433Z" }, + { url = "https://files.pythonhosted.org/packages/77/89/f4532dee6843c9e0ebc4e28d4be04c67f54f60813e4bf73d595fe7567452/tornado-6.5.1-cp39-abi3-macosx_10_9_universal2.whl", hash = "sha256:d50065ba7fd11d3bd41bcad0825227cc9a95154bad83239357094c36708001f7", size = 441948, upload_time = "2025-05-22T18:15:20.862Z" }, + { url = "https://files.pythonhosted.org/packages/15/9a/557406b62cffa395d18772e0cdcf03bed2fff03b374677348eef9f6a3792/tornado-6.5.1-cp39-abi3-macosx_10_9_x86_64.whl", hash = "sha256:9e9ca370f717997cb85606d074b0e5b247282cf5e2e1611568b8821afe0342d6", size = 440112, upload_time = "2025-05-22T18:15:22.591Z" }, + { url = "https://files.pythonhosted.org/packages/55/82/7721b7319013a3cf881f4dffa4f60ceff07b31b394e459984e7a36dc99ec/tornado-6.5.1-cp39-abi3-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:b77e9dfa7ed69754a54c89d82ef746398be82f749df69c4d3abe75c4d1ff4888", size = 443672, upload_time = "2025-05-22T18:15:24.027Z" }, + { url = "https://files.pythonhosted.org/packages/7d/42/d11c4376e7d101171b94e03cef0cbce43e823ed6567ceda571f54cf6e3ce/tornado-6.5.1-cp39-abi3-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:253b76040ee3bab8bcf7ba9feb136436a3787208717a1fb9f2c16b744fba7331", size = 443019, upload_time = "2025-05-22T18:15:25.735Z" }, + { url = "https://files.pythonhosted.org/packages/7d/f7/0c48ba992d875521ac761e6e04b0a1750f8150ae42ea26df1852d6a98942/tornado-6.5.1-cp39-abi3-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:308473f4cc5a76227157cdf904de33ac268af770b2c5f05ca6c1161d82fdd95e", size = 443252, upload_time = "2025-05-22T18:15:27.499Z" }, + { url = "https://files.pythonhosted.org/packages/89/46/d8d7413d11987e316df4ad42e16023cd62666a3c0dfa1518ffa30b8df06c/tornado-6.5.1-cp39-abi3-musllinux_1_2_aarch64.whl", hash = "sha256:caec6314ce8a81cf69bd89909f4b633b9f523834dc1a352021775d45e51d9401", size = 443930, upload_time = "2025-05-22T18:15:29.299Z" }, + { url = "https://files.pythonhosted.org/packages/78/b2/f8049221c96a06df89bed68260e8ca94beca5ea532ffc63b1175ad31f9cc/tornado-6.5.1-cp39-abi3-musllinux_1_2_i686.whl", hash = "sha256:13ce6e3396c24e2808774741331638ee6c2f50b114b97a55c5b442df65fd9692", size = 443351, upload_time = "2025-05-22T18:15:31.038Z" }, + { url = "https://files.pythonhosted.org/packages/76/ff/6a0079e65b326cc222a54720a748e04a4db246870c4da54ece4577bfa702/tornado-6.5.1-cp39-abi3-musllinux_1_2_x86_64.whl", hash = "sha256:5cae6145f4cdf5ab24744526cc0f55a17d76f02c98f4cff9daa08ae9a217448a", size = 443328, upload_time = "2025-05-22T18:15:32.426Z" }, + { url = "https://files.pythonhosted.org/packages/49/18/e3f902a1d21f14035b5bc6246a8c0f51e0eef562ace3a2cea403c1fb7021/tornado-6.5.1-cp39-abi3-win32.whl", hash = "sha256:e0a36e1bc684dca10b1aa75a31df8bdfed656831489bc1e6a6ebed05dc1ec365", size = 444396, upload_time = "2025-05-22T18:15:34.205Z" }, + { url = "https://files.pythonhosted.org/packages/7b/09/6526e32bf1049ee7de3bebba81572673b19a2a8541f795d887e92af1a8bc/tornado-6.5.1-cp39-abi3-win_amd64.whl", hash = "sha256:908e7d64567cecd4c2b458075589a775063453aeb1d2a1853eedb806922f568b", size = 444840, upload_time = "2025-05-22T18:15:36.1Z" }, + { url = "https://files.pythonhosted.org/packages/55/a7/535c44c7bea4578e48281d83c615219f3ab19e6abc67625ef637c73987be/tornado-6.5.1-cp39-abi3-win_arm64.whl", hash = "sha256:02420a0eb7bf617257b9935e2b754d1b63897525d8a289c9d65690d580b4dcf7", size = 443596, upload_time = "2025-05-22T18:15:37.433Z" }, ] [[package]] @@ -3616,9 +3616,9 @@ source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "colorama", marker = "sys_platform == 'win32'" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/a8/4b/29b4ef32e036bb34e4ab51796dd745cdba7ed47ad142a9f4a1eb8e0c744d/tqdm-4.67.1.tar.gz", hash = "sha256:f8aef9c52c08c13a65f30ea34f4e5aac3fd1a34959879d7e59e63027286627f2", size = 169737, upload-time = "2024-11-24T20:12:22.481Z" } +sdist = { url = "https://files.pythonhosted.org/packages/a8/4b/29b4ef32e036bb34e4ab51796dd745cdba7ed47ad142a9f4a1eb8e0c744d/tqdm-4.67.1.tar.gz", hash = "sha256:f8aef9c52c08c13a65f30ea34f4e5aac3fd1a34959879d7e59e63027286627f2", size = 169737, upload_time = "2024-11-24T20:12:22.481Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/d0/30/dc54f88dd4a2b5dc8a0279bdd7270e735851848b762aeb1c1184ed1f6b14/tqdm-4.67.1-py3-none-any.whl", hash = "sha256:26445eca388f82e72884e0d580d5464cd801a3ea01e63e5601bdff9ba6a48de2", size = 78540, upload-time = "2024-11-24T20:12:19.698Z" }, + { url = "https://files.pythonhosted.org/packages/d0/30/dc54f88dd4a2b5dc8a0279bdd7270e735851848b762aeb1c1184ed1f6b14/tqdm-4.67.1-py3-none-any.whl", hash = "sha256:26445eca388f82e72884e0d580d5464cd801a3ea01e63e5601bdff9ba6a48de2", size = 78540, upload_time = "2024-11-24T20:12:19.698Z" }, ] [[package]] @@ -3628,18 +3628,18 @@ source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "tqdm" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/65/96/d924c326727dbdcac6043065dba08b1455aaaca4f7ef1e79d4fea889b34d/tqdm_loggable-0.2.tar.gz", hash = "sha256:175abec3e1f63bbd2eac192fa5da075e80c7bb715d7ccf3cd1a29b7ab5af0617", size = 7442, upload-time = "2023-11-26T15:41:51.68Z" } +sdist = { url = "https://files.pythonhosted.org/packages/65/96/d924c326727dbdcac6043065dba08b1455aaaca4f7ef1e79d4fea889b34d/tqdm_loggable-0.2.tar.gz", hash = "sha256:175abec3e1f63bbd2eac192fa5da075e80c7bb715d7ccf3cd1a29b7ab5af0617", size = 7442, upload_time = "2023-11-26T15:41:51.68Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/12/1f/1acb36a85797beba22934f124be6b51a7c18a4f408ce31443bec073181c7/tqdm_loggable-0.2-py3-none-any.whl", hash = "sha256:9703046302b93a667166487759e6f3f49597e86c89eb132ba1f31caa07bf0941", size = 9264, upload-time = "2023-11-26T15:41:49.917Z" }, + { url = "https://files.pythonhosted.org/packages/12/1f/1acb36a85797beba22934f124be6b51a7c18a4f408ce31443bec073181c7/tqdm_loggable-0.2-py3-none-any.whl", hash = "sha256:9703046302b93a667166487759e6f3f49597e86c89eb132ba1f31caa07bf0941", size = 9264, upload_time = "2023-11-26T15:41:49.917Z" }, ] [[package]] name = "traitlets" version = "5.14.3" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/eb/79/72064e6a701c2183016abbbfedaba506d81e30e232a68c9f0d6f6fcd1574/traitlets-5.14.3.tar.gz", hash = "sha256:9ed0579d3502c94b4b3732ac120375cda96f923114522847de4b3bb98b96b6b7", size = 161621, upload-time = "2024-04-19T11:11:49.746Z" } +sdist = { url = "https://files.pythonhosted.org/packages/eb/79/72064e6a701c2183016abbbfedaba506d81e30e232a68c9f0d6f6fcd1574/traitlets-5.14.3.tar.gz", hash = "sha256:9ed0579d3502c94b4b3732ac120375cda96f923114522847de4b3bb98b96b6b7", size = 161621, upload_time = "2024-04-19T11:11:49.746Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/00/c0/8f5d070730d7836adc9c9b6408dec68c6ced86b304a9b26a14df072a6e8c/traitlets-5.14.3-py3-none-any.whl", hash = "sha256:b74e89e397b1ed28cc831db7aea759ba6640cb3de13090ca145426688ff1ac4f", size = 85359, upload-time = "2024-04-19T11:11:46.763Z" }, + { url = "https://files.pythonhosted.org/packages/00/c0/8f5d070730d7836adc9c9b6408dec68c6ced86b304a9b26a14df072a6e8c/traitlets-5.14.3-py3-none-any.whl", hash = "sha256:b74e89e397b1ed28cc831db7aea759ba6640cb3de13090ca145426688ff1ac4f", size = 85359, upload_time = "2024-04-19T11:11:46.763Z" }, ] [[package]] @@ -3658,9 +3658,9 @@ dependencies = [ { name = "tokenizers" }, { name = "tqdm" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/da/a9/275037087f9d846580b02f2d7cae0e0a6955d46f84583d0151d6227bd416/transformers-4.52.4.tar.gz", hash = "sha256:aff3764441c1adc192a08dba49740d3cbbcb72d850586075aed6bd89b98203e6", size = 8945376, upload-time = "2025-05-30T09:17:17.947Z" } +sdist = { url = "https://files.pythonhosted.org/packages/da/a9/275037087f9d846580b02f2d7cae0e0a6955d46f84583d0151d6227bd416/transformers-4.52.4.tar.gz", hash = "sha256:aff3764441c1adc192a08dba49740d3cbbcb72d850586075aed6bd89b98203e6", size = 8945376, upload_time = "2025-05-30T09:17:17.947Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/96/f2/25b27b396af03d5b64e61976b14f7209e2939e9e806c10749b6d277c273e/transformers-4.52.4-py3-none-any.whl", hash = "sha256:203f5c19416d5877e36e88633943761719538a25d9775977a24fe77a1e5adfc7", size = 10460375, upload-time = "2025-05-30T09:17:14.477Z" }, + { url = "https://files.pythonhosted.org/packages/96/f2/25b27b396af03d5b64e61976b14f7209e2939e9e806c10749b6d277c273e/transformers-4.52.4-py3-none-any.whl", hash = "sha256:203f5c19416d5877e36e88633943761719538a25d9775977a24fe77a1e5adfc7", size = 10460375, upload_time = "2025-05-30T09:17:14.477Z" }, ] [[package]] @@ -3671,10 +3671,10 @@ dependencies = [ { name = "setuptools" }, ] wheels = [ - { url = "https://files.pythonhosted.org/packages/21/2f/3e56ea7b58f80ff68899b1dbe810ff257c9d177d288c6b0f55bf2fe4eb50/triton-3.3.1-cp311-cp311-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:b31e3aa26f8cb3cc5bf4e187bf737cbacf17311e1112b781d4a059353dfd731b", size = 155689937, upload-time = "2025-05-29T23:39:44.182Z" }, - { url = "https://files.pythonhosted.org/packages/24/5f/950fb373bf9c01ad4eb5a8cd5eaf32cdf9e238c02f9293557a2129b9c4ac/triton-3.3.1-cp312-cp312-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:9999e83aba21e1a78c1f36f21bce621b77bcaa530277a50484a7cb4a822f6e43", size = 155669138, upload-time = "2025-05-29T23:39:51.771Z" }, - { url = "https://files.pythonhosted.org/packages/74/1f/dfb531f90a2d367d914adfee771babbd3f1a5b26c3f5fbc458dee21daa78/triton-3.3.1-cp313-cp313-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:b89d846b5a4198317fec27a5d3a609ea96b6d557ff44b56c23176546023c4240", size = 155673035, upload-time = "2025-05-29T23:40:02.468Z" }, - { url = "https://files.pythonhosted.org/packages/28/71/bd20ffcb7a64c753dc2463489a61bf69d531f308e390ad06390268c4ea04/triton-3.3.1-cp313-cp313t-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:a3198adb9d78b77818a5388bff89fa72ff36f9da0bc689db2f0a651a67ce6a42", size = 155735832, upload-time = "2025-05-29T23:40:10.522Z" }, + { url = "https://files.pythonhosted.org/packages/21/2f/3e56ea7b58f80ff68899b1dbe810ff257c9d177d288c6b0f55bf2fe4eb50/triton-3.3.1-cp311-cp311-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:b31e3aa26f8cb3cc5bf4e187bf737cbacf17311e1112b781d4a059353dfd731b", size = 155689937, upload_time = "2025-05-29T23:39:44.182Z" }, + { url = "https://files.pythonhosted.org/packages/24/5f/950fb373bf9c01ad4eb5a8cd5eaf32cdf9e238c02f9293557a2129b9c4ac/triton-3.3.1-cp312-cp312-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:9999e83aba21e1a78c1f36f21bce621b77bcaa530277a50484a7cb4a822f6e43", size = 155669138, upload_time = "2025-05-29T23:39:51.771Z" }, + { url = "https://files.pythonhosted.org/packages/74/1f/dfb531f90a2d367d914adfee771babbd3f1a5b26c3f5fbc458dee21daa78/triton-3.3.1-cp313-cp313-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:b89d846b5a4198317fec27a5d3a609ea96b6d557ff44b56c23176546023c4240", size = 155673035, upload_time = "2025-05-29T23:40:02.468Z" }, + { url = "https://files.pythonhosted.org/packages/28/71/bd20ffcb7a64c753dc2463489a61bf69d531f308e390ad06390268c4ea04/triton-3.3.1-cp313-cp313t-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:a3198adb9d78b77818a5388bff89fa72ff36f9da0bc689db2f0a651a67ce6a42", size = 155735832, upload_time = "2025-05-29T23:40:10.522Z" }, ] [[package]] @@ -3686,9 +3686,9 @@ dependencies = [ { name = "datasets" }, { name = "transformers" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/7e/77/c8bcabf903a4493823e33e55d45081db49396cee51cc507e734acd9dfae0/trl-0.18.1.tar.gz", hash = "sha256:4d6acaa9462e857f97730b0af3ae207604a0f6bf6d1181b04fe0ce32d553d9f3", size = 383923, upload-time = "2025-05-29T19:58:48.195Z" } +sdist = { url = "https://files.pythonhosted.org/packages/7e/77/c8bcabf903a4493823e33e55d45081db49396cee51cc507e734acd9dfae0/trl-0.18.1.tar.gz", hash = "sha256:4d6acaa9462e857f97730b0af3ae207604a0f6bf6d1181b04fe0ce32d553d9f3", size = 383923, upload_time = "2025-05-29T19:58:48.195Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/6e/c3/d7f45cc0078d789558bd6601f246ae83d85ce95ceb01320569360cfe943d/trl-0.18.1-py3-none-any.whl", hash = "sha256:3a577a59674d8ff22b6990ff2a8aed9979936b30f693f8cfe321dabbbbe3f2b9", size = 366319, upload-time = "2025-05-29T19:58:46.36Z" }, + { url = "https://files.pythonhosted.org/packages/6e/c3/d7f45cc0078d789558bd6601f246ae83d85ce95ceb01320569360cfe943d/trl-0.18.1-py3-none-any.whl", hash = "sha256:3a577a59674d8ff22b6990ff2a8aed9979936b30f693f8cfe321dabbbbe3f2b9", size = 366319, upload_time = "2025-05-29T19:58:46.36Z" }, ] [[package]] @@ -3701,27 +3701,27 @@ dependencies = [ { name = "shellingham" }, { name = "typing-extensions" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/c5/8c/7d682431efca5fd290017663ea4588bf6f2c6aad085c7f108c5dbc316e70/typer-0.16.0.tar.gz", hash = "sha256:af377ffaee1dbe37ae9440cb4e8f11686ea5ce4e9bae01b84ae7c63b87f1dd3b", size = 102625, upload-time = "2025-05-26T14:30:31.824Z" } +sdist = { url = "https://files.pythonhosted.org/packages/c5/8c/7d682431efca5fd290017663ea4588bf6f2c6aad085c7f108c5dbc316e70/typer-0.16.0.tar.gz", hash = "sha256:af377ffaee1dbe37ae9440cb4e8f11686ea5ce4e9bae01b84ae7c63b87f1dd3b", size = 102625, upload_time = "2025-05-26T14:30:31.824Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/76/42/3efaf858001d2c2913de7f354563e3a3a2f0decae3efe98427125a8f441e/typer-0.16.0-py3-none-any.whl", hash = "sha256:1f79bed11d4d02d4310e3c1b7ba594183bcedb0ac73b27a9e5f28f6fb5b98855", size = 46317, upload-time = "2025-05-26T14:30:30.523Z" }, + { url = "https://files.pythonhosted.org/packages/76/42/3efaf858001d2c2913de7f354563e3a3a2f0decae3efe98427125a8f441e/typer-0.16.0-py3-none-any.whl", hash = "sha256:1f79bed11d4d02d4310e3c1b7ba594183bcedb0ac73b27a9e5f28f6fb5b98855", size = 46317, upload_time = "2025-05-26T14:30:30.523Z" }, ] [[package]] name = "types-python-dateutil" version = "2.9.0.20250516" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/ef/88/d65ed807393285204ab6e2801e5d11fbbea811adcaa979a2ed3b67a5ef41/types_python_dateutil-2.9.0.20250516.tar.gz", hash = "sha256:13e80d6c9c47df23ad773d54b2826bd52dbbb41be87c3f339381c1700ad21ee5", size = 13943, upload-time = "2025-05-16T03:06:58.385Z" } +sdist = { url = "https://files.pythonhosted.org/packages/ef/88/d65ed807393285204ab6e2801e5d11fbbea811adcaa979a2ed3b67a5ef41/types_python_dateutil-2.9.0.20250516.tar.gz", hash = "sha256:13e80d6c9c47df23ad773d54b2826bd52dbbb41be87c3f339381c1700ad21ee5", size = 13943, upload_time = "2025-05-16T03:06:58.385Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/c5/3f/b0e8db149896005adc938a1e7f371d6d7e9eca4053a29b108978ed15e0c2/types_python_dateutil-2.9.0.20250516-py3-none-any.whl", hash = "sha256:2b2b3f57f9c6a61fba26a9c0ffb9ea5681c9b83e69cd897c6b5f668d9c0cab93", size = 14356, upload-time = "2025-05-16T03:06:57.249Z" }, + { url = "https://files.pythonhosted.org/packages/c5/3f/b0e8db149896005adc938a1e7f371d6d7e9eca4053a29b108978ed15e0c2/types_python_dateutil-2.9.0.20250516-py3-none-any.whl", hash = "sha256:2b2b3f57f9c6a61fba26a9c0ffb9ea5681c9b83e69cd897c6b5f668d9c0cab93", size = 14356, upload_time = "2025-05-16T03:06:57.249Z" }, ] [[package]] name = "typing-extensions" version = "4.14.0" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/d1/bc/51647cd02527e87d05cb083ccc402f93e441606ff1f01739a62c8ad09ba5/typing_extensions-4.14.0.tar.gz", hash = "sha256:8676b788e32f02ab42d9e7c61324048ae4c6d844a399eebace3d4979d75ceef4", size = 107423, upload-time = "2025-06-02T14:52:11.399Z" } +sdist = { url = "https://files.pythonhosted.org/packages/d1/bc/51647cd02527e87d05cb083ccc402f93e441606ff1f01739a62c8ad09ba5/typing_extensions-4.14.0.tar.gz", hash = "sha256:8676b788e32f02ab42d9e7c61324048ae4c6d844a399eebace3d4979d75ceef4", size = 107423, upload_time = "2025-06-02T14:52:11.399Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/69/e0/552843e0d356fbb5256d21449fa957fa4eff3bbc135a74a691ee70c7c5da/typing_extensions-4.14.0-py3-none-any.whl", hash = "sha256:a1514509136dd0b477638fc68d6a91497af5076466ad0fa6c338e44e359944af", size = 43839, upload-time = "2025-06-02T14:52:10.026Z" }, + { url = "https://files.pythonhosted.org/packages/69/e0/552843e0d356fbb5256d21449fa957fa4eff3bbc135a74a691ee70c7c5da/typing_extensions-4.14.0-py3-none-any.whl", hash = "sha256:a1514509136dd0b477638fc68d6a91497af5076466ad0fa6c338e44e359944af", size = 43839, upload_time = "2025-06-02T14:52:10.026Z" }, ] [[package]] @@ -3731,83 +3731,83 @@ source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "typing-extensions" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/f8/b1/0c11f5058406b3af7609f121aaa6b609744687f1d158b3c3a5bf4cc94238/typing_inspection-0.4.1.tar.gz", hash = "sha256:6ae134cc0203c33377d43188d4064e9b357dba58cff3185f22924610e70a9d28", size = 75726, upload-time = "2025-05-21T18:55:23.885Z" } +sdist = { url = "https://files.pythonhosted.org/packages/f8/b1/0c11f5058406b3af7609f121aaa6b609744687f1d158b3c3a5bf4cc94238/typing_inspection-0.4.1.tar.gz", hash = "sha256:6ae134cc0203c33377d43188d4064e9b357dba58cff3185f22924610e70a9d28", size = 75726, upload_time = "2025-05-21T18:55:23.885Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/17/69/cd203477f944c353c31bade965f880aa1061fd6bf05ded0726ca845b6ff7/typing_inspection-0.4.1-py3-none-any.whl", hash = "sha256:389055682238f53b04f7badcb49b989835495a96700ced5dab2d8feae4b26f51", size = 14552, upload-time = "2025-05-21T18:55:22.152Z" }, + { url = "https://files.pythonhosted.org/packages/17/69/cd203477f944c353c31bade965f880aa1061fd6bf05ded0726ca845b6ff7/typing_inspection-0.4.1-py3-none-any.whl", hash = "sha256:389055682238f53b04f7badcb49b989835495a96700ced5dab2d8feae4b26f51", size = 14552, upload_time = "2025-05-21T18:55:22.152Z" }, ] [[package]] name = "tzdata" version = "2025.2" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/95/32/1a225d6164441be760d75c2c42e2780dc0873fe382da3e98a2e1e48361e5/tzdata-2025.2.tar.gz", hash = "sha256:b60a638fcc0daffadf82fe0f57e53d06bdec2f36c4df66280ae79bce6bd6f2b9", size = 196380, upload-time = "2025-03-23T13:54:43.652Z" } +sdist = { url = "https://files.pythonhosted.org/packages/95/32/1a225d6164441be760d75c2c42e2780dc0873fe382da3e98a2e1e48361e5/tzdata-2025.2.tar.gz", hash = "sha256:b60a638fcc0daffadf82fe0f57e53d06bdec2f36c4df66280ae79bce6bd6f2b9", size = 196380, upload_time = "2025-03-23T13:54:43.652Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/5c/23/c7abc0ca0a1526a0774eca151daeb8de62ec457e77262b66b359c3c7679e/tzdata-2025.2-py2.py3-none-any.whl", hash = "sha256:1a403fada01ff9221ca8044d701868fa132215d84beb92242d9acd2147f667a8", size = 347839, upload-time = "2025-03-23T13:54:41.845Z" }, + { url = "https://files.pythonhosted.org/packages/5c/23/c7abc0ca0a1526a0774eca151daeb8de62ec457e77262b66b359c3c7679e/tzdata-2025.2-py2.py3-none-any.whl", hash = "sha256:1a403fada01ff9221ca8044d701868fa132215d84beb92242d9acd2147f667a8", size = 347839, upload_time = "2025-03-23T13:54:41.845Z" }, ] [[package]] name = "ujson" version = "5.10.0" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/f0/00/3110fd566786bfa542adb7932d62035e0c0ef662a8ff6544b6643b3d6fd7/ujson-5.10.0.tar.gz", hash = "sha256:b3cd8f3c5d8c7738257f1018880444f7b7d9b66232c64649f562d7ba86ad4bc1", size = 7154885, upload-time = "2024-05-14T02:02:34.233Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/23/ec/3c551ecfe048bcb3948725251fb0214b5844a12aa60bee08d78315bb1c39/ujson-5.10.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:a5b366812c90e69d0f379a53648be10a5db38f9d4ad212b60af00bd4048d0f00", size = 55353, upload-time = "2024-05-14T02:00:48.04Z" }, - { url = "https://files.pythonhosted.org/packages/8d/9f/4731ef0671a0653e9f5ba18db7c4596d8ecbf80c7922dd5fe4150f1aea76/ujson-5.10.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:502bf475781e8167f0f9d0e41cd32879d120a524b22358e7f205294224c71126", size = 51813, upload-time = "2024-05-14T02:00:49.28Z" }, - { url = "https://files.pythonhosted.org/packages/1f/2b/44d6b9c1688330bf011f9abfdb08911a9dc74f76926dde74e718d87600da/ujson-5.10.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:5b91b5d0d9d283e085e821651184a647699430705b15bf274c7896f23fe9c9d8", size = 51988, upload-time = "2024-05-14T02:00:50.484Z" }, - { url = "https://files.pythonhosted.org/packages/29/45/f5f5667427c1ec3383478092a414063ddd0dfbebbcc533538fe37068a0a3/ujson-5.10.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:129e39af3a6d85b9c26d5577169c21d53821d8cf68e079060602e861c6e5da1b", size = 53561, upload-time = "2024-05-14T02:00:52.146Z" }, - { url = "https://files.pythonhosted.org/packages/26/21/a0c265cda4dd225ec1be595f844661732c13560ad06378760036fc622587/ujson-5.10.0-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:f77b74475c462cb8b88680471193064d3e715c7c6074b1c8c412cb526466efe9", size = 58497, upload-time = "2024-05-14T02:00:53.366Z" }, - { url = "https://files.pythonhosted.org/packages/28/36/8fde862094fd2342ccc427a6a8584fed294055fdee341661c78660f7aef3/ujson-5.10.0-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:7ec0ca8c415e81aa4123501fee7f761abf4b7f386aad348501a26940beb1860f", size = 997877, upload-time = "2024-05-14T02:00:55.095Z" }, - { url = "https://files.pythonhosted.org/packages/90/37/9208e40d53baa6da9b6a1c719e0670c3f474c8fc7cc2f1e939ec21c1bc93/ujson-5.10.0-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:ab13a2a9e0b2865a6c6db9271f4b46af1c7476bfd51af1f64585e919b7c07fd4", size = 1140632, upload-time = "2024-05-14T02:00:57.099Z" }, - { url = "https://files.pythonhosted.org/packages/89/d5/2626c87c59802863d44d19e35ad16b7e658e4ac190b0dead17ff25460b4c/ujson-5.10.0-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:57aaf98b92d72fc70886b5a0e1a1ca52c2320377360341715dd3933a18e827b1", size = 1043513, upload-time = "2024-05-14T02:00:58.488Z" }, - { url = "https://files.pythonhosted.org/packages/2f/ee/03662ce9b3f16855770f0d70f10f0978ba6210805aa310c4eebe66d36476/ujson-5.10.0-cp311-cp311-win32.whl", hash = "sha256:2987713a490ceb27edff77fb184ed09acdc565db700ee852823c3dc3cffe455f", size = 38616, upload-time = "2024-05-14T02:01:00.463Z" }, - { url = "https://files.pythonhosted.org/packages/3e/20/952dbed5895835ea0b82e81a7be4ebb83f93b079d4d1ead93fcddb3075af/ujson-5.10.0-cp311-cp311-win_amd64.whl", hash = "sha256:f00ea7e00447918ee0eff2422c4add4c5752b1b60e88fcb3c067d4a21049a720", size = 42071, upload-time = "2024-05-14T02:01:02.211Z" }, - { url = "https://files.pythonhosted.org/packages/e8/a6/fd3f8bbd80842267e2d06c3583279555e8354c5986c952385199d57a5b6c/ujson-5.10.0-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:98ba15d8cbc481ce55695beee9f063189dce91a4b08bc1d03e7f0152cd4bbdd5", size = 55642, upload-time = "2024-05-14T02:01:04.055Z" }, - { url = "https://files.pythonhosted.org/packages/a8/47/dd03fd2b5ae727e16d5d18919b383959c6d269c7b948a380fdd879518640/ujson-5.10.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:a9d2edbf1556e4f56e50fab7d8ff993dbad7f54bac68eacdd27a8f55f433578e", size = 51807, upload-time = "2024-05-14T02:01:05.25Z" }, - { url = "https://files.pythonhosted.org/packages/25/23/079a4cc6fd7e2655a473ed9e776ddbb7144e27f04e8fc484a0fb45fe6f71/ujson-5.10.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:6627029ae4f52d0e1a2451768c2c37c0c814ffc04f796eb36244cf16b8e57043", size = 51972, upload-time = "2024-05-14T02:01:06.458Z" }, - { url = "https://files.pythonhosted.org/packages/04/81/668707e5f2177791869b624be4c06fb2473bf97ee33296b18d1cf3092af7/ujson-5.10.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:f8ccb77b3e40b151e20519c6ae6d89bfe3f4c14e8e210d910287f778368bb3d1", size = 53686, upload-time = "2024-05-14T02:01:07.618Z" }, - { url = "https://files.pythonhosted.org/packages/bd/50/056d518a386d80aaf4505ccf3cee1c40d312a46901ed494d5711dd939bc3/ujson-5.10.0-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:f3caf9cd64abfeb11a3b661329085c5e167abbe15256b3b68cb5d914ba7396f3", size = 58591, upload-time = "2024-05-14T02:01:08.901Z" }, - { url = "https://files.pythonhosted.org/packages/fc/d6/aeaf3e2d6fb1f4cfb6bf25f454d60490ed8146ddc0600fae44bfe7eb5a72/ujson-5.10.0-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:6e32abdce572e3a8c3d02c886c704a38a1b015a1fb858004e03d20ca7cecbb21", size = 997853, upload-time = "2024-05-14T02:01:10.772Z" }, - { url = "https://files.pythonhosted.org/packages/f8/d5/1f2a5d2699f447f7d990334ca96e90065ea7f99b142ce96e85f26d7e78e2/ujson-5.10.0-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:a65b6af4d903103ee7b6f4f5b85f1bfd0c90ba4eeac6421aae436c9988aa64a2", size = 1140689, upload-time = "2024-05-14T02:01:12.214Z" }, - { url = "https://files.pythonhosted.org/packages/f2/2c/6990f4ccb41ed93744aaaa3786394bca0875503f97690622f3cafc0adfde/ujson-5.10.0-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:604a046d966457b6cdcacc5aa2ec5314f0e8c42bae52842c1e6fa02ea4bda42e", size = 1043576, upload-time = "2024-05-14T02:01:14.39Z" }, - { url = "https://files.pythonhosted.org/packages/14/f5/a2368463dbb09fbdbf6a696062d0c0f62e4ae6fa65f38f829611da2e8fdd/ujson-5.10.0-cp312-cp312-win32.whl", hash = "sha256:6dea1c8b4fc921bf78a8ff00bbd2bfe166345f5536c510671bccececb187c80e", size = 38764, upload-time = "2024-05-14T02:01:15.83Z" }, - { url = "https://files.pythonhosted.org/packages/59/2d/691f741ffd72b6c84438a93749ac57bf1a3f217ac4b0ea4fd0e96119e118/ujson-5.10.0-cp312-cp312-win_amd64.whl", hash = "sha256:38665e7d8290188b1e0d57d584eb8110951a9591363316dd41cf8686ab1d0abc", size = 42211, upload-time = "2024-05-14T02:01:17.567Z" }, - { url = "https://files.pythonhosted.org/packages/0d/69/b3e3f924bb0e8820bb46671979770c5be6a7d51c77a66324cdb09f1acddb/ujson-5.10.0-cp313-cp313-macosx_10_9_x86_64.whl", hash = "sha256:618efd84dc1acbd6bff8eaa736bb6c074bfa8b8a98f55b61c38d4ca2c1f7f287", size = 55646, upload-time = "2024-05-14T02:01:19.26Z" }, - { url = "https://files.pythonhosted.org/packages/32/8a/9b748eb543c6cabc54ebeaa1f28035b1bd09c0800235b08e85990734c41e/ujson-5.10.0-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:38d5d36b4aedfe81dfe251f76c0467399d575d1395a1755de391e58985ab1c2e", size = 51806, upload-time = "2024-05-14T02:01:20.593Z" }, - { url = "https://files.pythonhosted.org/packages/39/50/4b53ea234413b710a18b305f465b328e306ba9592e13a791a6a6b378869b/ujson-5.10.0-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:67079b1f9fb29ed9a2914acf4ef6c02844b3153913eb735d4bf287ee1db6e557", size = 51975, upload-time = "2024-05-14T02:01:21.904Z" }, - { url = "https://files.pythonhosted.org/packages/b4/9d/8061934f960cdb6dd55f0b3ceeff207fcc48c64f58b43403777ad5623d9e/ujson-5.10.0-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:d7d0e0ceeb8fe2468c70ec0c37b439dd554e2aa539a8a56365fd761edb418988", size = 53693, upload-time = "2024-05-14T02:01:23.742Z" }, - { url = "https://files.pythonhosted.org/packages/f5/be/7bfa84b28519ddbb67efc8410765ca7da55e6b93aba84d97764cd5794dbc/ujson-5.10.0-cp313-cp313-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:59e02cd37bc7c44d587a0ba45347cc815fb7a5fe48de16bf05caa5f7d0d2e816", size = 58594, upload-time = "2024-05-14T02:01:25.554Z" }, - { url = "https://files.pythonhosted.org/packages/48/eb/85d465abafb2c69d9699cfa5520e6e96561db787d36c677370e066c7e2e7/ujson-5.10.0-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:2a890b706b64e0065f02577bf6d8ca3b66c11a5e81fb75d757233a38c07a1f20", size = 997853, upload-time = "2024-05-14T02:01:27.151Z" }, - { url = "https://files.pythonhosted.org/packages/9f/76/2a63409fc05d34dd7d929357b7a45e3a2c96f22b4225cd74becd2ba6c4cb/ujson-5.10.0-cp313-cp313-musllinux_1_2_i686.whl", hash = "sha256:621e34b4632c740ecb491efc7f1fcb4f74b48ddb55e65221995e74e2d00bbff0", size = 1140694, upload-time = "2024-05-14T02:01:29.113Z" }, - { url = "https://files.pythonhosted.org/packages/45/ed/582c4daba0f3e1688d923b5cb914ada1f9defa702df38a1916c899f7c4d1/ujson-5.10.0-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:b9500e61fce0cfc86168b248104e954fead61f9be213087153d272e817ec7b4f", size = 1043580, upload-time = "2024-05-14T02:01:31.447Z" }, - { url = "https://files.pythonhosted.org/packages/d7/0c/9837fece153051e19c7bade9f88f9b409e026b9525927824cdf16293b43b/ujson-5.10.0-cp313-cp313-win32.whl", hash = "sha256:4c4fc16f11ac1612f05b6f5781b384716719547e142cfd67b65d035bd85af165", size = 38766, upload-time = "2024-05-14T02:01:32.856Z" }, - { url = "https://files.pythonhosted.org/packages/d7/72/6cb6728e2738c05bbe9bd522d6fc79f86b9a28402f38663e85a28fddd4a0/ujson-5.10.0-cp313-cp313-win_amd64.whl", hash = "sha256:4573fd1695932d4f619928fd09d5d03d917274381649ade4328091ceca175539", size = 42212, upload-time = "2024-05-14T02:01:33.97Z" }, +sdist = { url = "https://files.pythonhosted.org/packages/f0/00/3110fd566786bfa542adb7932d62035e0c0ef662a8ff6544b6643b3d6fd7/ujson-5.10.0.tar.gz", hash = "sha256:b3cd8f3c5d8c7738257f1018880444f7b7d9b66232c64649f562d7ba86ad4bc1", size = 7154885, upload_time = "2024-05-14T02:02:34.233Z" } +wheels = [ + { url = "https://files.pythonhosted.org/packages/23/ec/3c551ecfe048bcb3948725251fb0214b5844a12aa60bee08d78315bb1c39/ujson-5.10.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:a5b366812c90e69d0f379a53648be10a5db38f9d4ad212b60af00bd4048d0f00", size = 55353, upload_time = "2024-05-14T02:00:48.04Z" }, + { url = "https://files.pythonhosted.org/packages/8d/9f/4731ef0671a0653e9f5ba18db7c4596d8ecbf80c7922dd5fe4150f1aea76/ujson-5.10.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:502bf475781e8167f0f9d0e41cd32879d120a524b22358e7f205294224c71126", size = 51813, upload_time = "2024-05-14T02:00:49.28Z" }, + { url = "https://files.pythonhosted.org/packages/1f/2b/44d6b9c1688330bf011f9abfdb08911a9dc74f76926dde74e718d87600da/ujson-5.10.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:5b91b5d0d9d283e085e821651184a647699430705b15bf274c7896f23fe9c9d8", size = 51988, upload_time = "2024-05-14T02:00:50.484Z" }, + { url = "https://files.pythonhosted.org/packages/29/45/f5f5667427c1ec3383478092a414063ddd0dfbebbcc533538fe37068a0a3/ujson-5.10.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:129e39af3a6d85b9c26d5577169c21d53821d8cf68e079060602e861c6e5da1b", size = 53561, upload_time = "2024-05-14T02:00:52.146Z" }, + { url = "https://files.pythonhosted.org/packages/26/21/a0c265cda4dd225ec1be595f844661732c13560ad06378760036fc622587/ujson-5.10.0-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:f77b74475c462cb8b88680471193064d3e715c7c6074b1c8c412cb526466efe9", size = 58497, upload_time = "2024-05-14T02:00:53.366Z" }, + { url = "https://files.pythonhosted.org/packages/28/36/8fde862094fd2342ccc427a6a8584fed294055fdee341661c78660f7aef3/ujson-5.10.0-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:7ec0ca8c415e81aa4123501fee7f761abf4b7f386aad348501a26940beb1860f", size = 997877, upload_time = "2024-05-14T02:00:55.095Z" }, + { url = "https://files.pythonhosted.org/packages/90/37/9208e40d53baa6da9b6a1c719e0670c3f474c8fc7cc2f1e939ec21c1bc93/ujson-5.10.0-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:ab13a2a9e0b2865a6c6db9271f4b46af1c7476bfd51af1f64585e919b7c07fd4", size = 1140632, upload_time = "2024-05-14T02:00:57.099Z" }, + { url = "https://files.pythonhosted.org/packages/89/d5/2626c87c59802863d44d19e35ad16b7e658e4ac190b0dead17ff25460b4c/ujson-5.10.0-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:57aaf98b92d72fc70886b5a0e1a1ca52c2320377360341715dd3933a18e827b1", size = 1043513, upload_time = "2024-05-14T02:00:58.488Z" }, + { url = "https://files.pythonhosted.org/packages/2f/ee/03662ce9b3f16855770f0d70f10f0978ba6210805aa310c4eebe66d36476/ujson-5.10.0-cp311-cp311-win32.whl", hash = "sha256:2987713a490ceb27edff77fb184ed09acdc565db700ee852823c3dc3cffe455f", size = 38616, upload_time = "2024-05-14T02:01:00.463Z" }, + { url = "https://files.pythonhosted.org/packages/3e/20/952dbed5895835ea0b82e81a7be4ebb83f93b079d4d1ead93fcddb3075af/ujson-5.10.0-cp311-cp311-win_amd64.whl", hash = "sha256:f00ea7e00447918ee0eff2422c4add4c5752b1b60e88fcb3c067d4a21049a720", size = 42071, upload_time = "2024-05-14T02:01:02.211Z" }, + { url = "https://files.pythonhosted.org/packages/e8/a6/fd3f8bbd80842267e2d06c3583279555e8354c5986c952385199d57a5b6c/ujson-5.10.0-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:98ba15d8cbc481ce55695beee9f063189dce91a4b08bc1d03e7f0152cd4bbdd5", size = 55642, upload_time = "2024-05-14T02:01:04.055Z" }, + { url = "https://files.pythonhosted.org/packages/a8/47/dd03fd2b5ae727e16d5d18919b383959c6d269c7b948a380fdd879518640/ujson-5.10.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:a9d2edbf1556e4f56e50fab7d8ff993dbad7f54bac68eacdd27a8f55f433578e", size = 51807, upload_time = "2024-05-14T02:01:05.25Z" }, + { url = "https://files.pythonhosted.org/packages/25/23/079a4cc6fd7e2655a473ed9e776ddbb7144e27f04e8fc484a0fb45fe6f71/ujson-5.10.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:6627029ae4f52d0e1a2451768c2c37c0c814ffc04f796eb36244cf16b8e57043", size = 51972, upload_time = "2024-05-14T02:01:06.458Z" }, + { url = "https://files.pythonhosted.org/packages/04/81/668707e5f2177791869b624be4c06fb2473bf97ee33296b18d1cf3092af7/ujson-5.10.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:f8ccb77b3e40b151e20519c6ae6d89bfe3f4c14e8e210d910287f778368bb3d1", size = 53686, upload_time = "2024-05-14T02:01:07.618Z" }, + { url = "https://files.pythonhosted.org/packages/bd/50/056d518a386d80aaf4505ccf3cee1c40d312a46901ed494d5711dd939bc3/ujson-5.10.0-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:f3caf9cd64abfeb11a3b661329085c5e167abbe15256b3b68cb5d914ba7396f3", size = 58591, upload_time = "2024-05-14T02:01:08.901Z" }, + { url = "https://files.pythonhosted.org/packages/fc/d6/aeaf3e2d6fb1f4cfb6bf25f454d60490ed8146ddc0600fae44bfe7eb5a72/ujson-5.10.0-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:6e32abdce572e3a8c3d02c886c704a38a1b015a1fb858004e03d20ca7cecbb21", size = 997853, upload_time = "2024-05-14T02:01:10.772Z" }, + { url = "https://files.pythonhosted.org/packages/f8/d5/1f2a5d2699f447f7d990334ca96e90065ea7f99b142ce96e85f26d7e78e2/ujson-5.10.0-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:a65b6af4d903103ee7b6f4f5b85f1bfd0c90ba4eeac6421aae436c9988aa64a2", size = 1140689, upload_time = "2024-05-14T02:01:12.214Z" }, + { url = "https://files.pythonhosted.org/packages/f2/2c/6990f4ccb41ed93744aaaa3786394bca0875503f97690622f3cafc0adfde/ujson-5.10.0-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:604a046d966457b6cdcacc5aa2ec5314f0e8c42bae52842c1e6fa02ea4bda42e", size = 1043576, upload_time = "2024-05-14T02:01:14.39Z" }, + { url = "https://files.pythonhosted.org/packages/14/f5/a2368463dbb09fbdbf6a696062d0c0f62e4ae6fa65f38f829611da2e8fdd/ujson-5.10.0-cp312-cp312-win32.whl", hash = "sha256:6dea1c8b4fc921bf78a8ff00bbd2bfe166345f5536c510671bccececb187c80e", size = 38764, upload_time = "2024-05-14T02:01:15.83Z" }, + { url = "https://files.pythonhosted.org/packages/59/2d/691f741ffd72b6c84438a93749ac57bf1a3f217ac4b0ea4fd0e96119e118/ujson-5.10.0-cp312-cp312-win_amd64.whl", hash = "sha256:38665e7d8290188b1e0d57d584eb8110951a9591363316dd41cf8686ab1d0abc", size = 42211, upload_time = "2024-05-14T02:01:17.567Z" }, + { url = "https://files.pythonhosted.org/packages/0d/69/b3e3f924bb0e8820bb46671979770c5be6a7d51c77a66324cdb09f1acddb/ujson-5.10.0-cp313-cp313-macosx_10_9_x86_64.whl", hash = "sha256:618efd84dc1acbd6bff8eaa736bb6c074bfa8b8a98f55b61c38d4ca2c1f7f287", size = 55646, upload_time = "2024-05-14T02:01:19.26Z" }, + { url = "https://files.pythonhosted.org/packages/32/8a/9b748eb543c6cabc54ebeaa1f28035b1bd09c0800235b08e85990734c41e/ujson-5.10.0-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:38d5d36b4aedfe81dfe251f76c0467399d575d1395a1755de391e58985ab1c2e", size = 51806, upload_time = "2024-05-14T02:01:20.593Z" }, + { url = "https://files.pythonhosted.org/packages/39/50/4b53ea234413b710a18b305f465b328e306ba9592e13a791a6a6b378869b/ujson-5.10.0-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:67079b1f9fb29ed9a2914acf4ef6c02844b3153913eb735d4bf287ee1db6e557", size = 51975, upload_time = "2024-05-14T02:01:21.904Z" }, + { url = "https://files.pythonhosted.org/packages/b4/9d/8061934f960cdb6dd55f0b3ceeff207fcc48c64f58b43403777ad5623d9e/ujson-5.10.0-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:d7d0e0ceeb8fe2468c70ec0c37b439dd554e2aa539a8a56365fd761edb418988", size = 53693, upload_time = "2024-05-14T02:01:23.742Z" }, + { url = "https://files.pythonhosted.org/packages/f5/be/7bfa84b28519ddbb67efc8410765ca7da55e6b93aba84d97764cd5794dbc/ujson-5.10.0-cp313-cp313-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:59e02cd37bc7c44d587a0ba45347cc815fb7a5fe48de16bf05caa5f7d0d2e816", size = 58594, upload_time = "2024-05-14T02:01:25.554Z" }, + { url = "https://files.pythonhosted.org/packages/48/eb/85d465abafb2c69d9699cfa5520e6e96561db787d36c677370e066c7e2e7/ujson-5.10.0-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:2a890b706b64e0065f02577bf6d8ca3b66c11a5e81fb75d757233a38c07a1f20", size = 997853, upload_time = "2024-05-14T02:01:27.151Z" }, + { url = "https://files.pythonhosted.org/packages/9f/76/2a63409fc05d34dd7d929357b7a45e3a2c96f22b4225cd74becd2ba6c4cb/ujson-5.10.0-cp313-cp313-musllinux_1_2_i686.whl", hash = "sha256:621e34b4632c740ecb491efc7f1fcb4f74b48ddb55e65221995e74e2d00bbff0", size = 1140694, upload_time = "2024-05-14T02:01:29.113Z" }, + { url = "https://files.pythonhosted.org/packages/45/ed/582c4daba0f3e1688d923b5cb914ada1f9defa702df38a1916c899f7c4d1/ujson-5.10.0-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:b9500e61fce0cfc86168b248104e954fead61f9be213087153d272e817ec7b4f", size = 1043580, upload_time = "2024-05-14T02:01:31.447Z" }, + { url = "https://files.pythonhosted.org/packages/d7/0c/9837fece153051e19c7bade9f88f9b409e026b9525927824cdf16293b43b/ujson-5.10.0-cp313-cp313-win32.whl", hash = "sha256:4c4fc16f11ac1612f05b6f5781b384716719547e142cfd67b65d035bd85af165", size = 38766, upload_time = "2024-05-14T02:01:32.856Z" }, + { url = "https://files.pythonhosted.org/packages/d7/72/6cb6728e2738c05bbe9bd522d6fc79f86b9a28402f38663e85a28fddd4a0/ujson-5.10.0-cp313-cp313-win_amd64.whl", hash = "sha256:4573fd1695932d4f619928fd09d5d03d917274381649ade4328091ceca175539", size = 42212, upload_time = "2024-05-14T02:01:33.97Z" }, ] [[package]] name = "unsloth" version = "2024.8" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/9d/98/57bdb80e3c935280417e59d20146243437fd5230306a4fbbf185d4d7d015/unsloth-2024.8.tar.gz", hash = "sha256:20f555588d16811a2e585636551bd31fde526b92d5f336b8501d9dc8daa47f8d", size = 2710338, upload-time = "2024-08-04T18:30:15.109Z" } +sdist = { url = "https://files.pythonhosted.org/packages/9d/98/57bdb80e3c935280417e59d20146243437fd5230306a4fbbf185d4d7d015/unsloth-2024.8.tar.gz", hash = "sha256:20f555588d16811a2e585636551bd31fde526b92d5f336b8501d9dc8daa47f8d", size = 2710338, upload_time = "2024-08-04T18:30:15.109Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/ef/db/06d70295c863a245a46dd8423135133d77537d513420b5558dfa8f9f5cac/unsloth-2024.8-py3-none-any.whl", hash = "sha256:da2ee4de96a10b7489723dc5d3c6a2ef383774f7cf249abe44919c615ae8df49", size = 136628, upload-time = "2024-08-04T18:30:12.985Z" }, + { url = "https://files.pythonhosted.org/packages/ef/db/06d70295c863a245a46dd8423135133d77537d513420b5558dfa8f9f5cac/unsloth-2024.8-py3-none-any.whl", hash = "sha256:da2ee4de96a10b7489723dc5d3c6a2ef383774f7cf249abe44919c615ae8df49", size = 136628, upload_time = "2024-08-04T18:30:12.985Z" }, ] [[package]] name = "uri-template" version = "1.3.0" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/31/c7/0336f2bd0bcbada6ccef7aaa25e443c118a704f828a0620c6fa0207c1b64/uri-template-1.3.0.tar.gz", hash = "sha256:0e00f8eb65e18c7de20d595a14336e9f337ead580c70934141624b6d1ffdacc7", size = 21678, upload-time = "2023-06-21T01:49:05.374Z" } +sdist = { url = "https://files.pythonhosted.org/packages/31/c7/0336f2bd0bcbada6ccef7aaa25e443c118a704f828a0620c6fa0207c1b64/uri-template-1.3.0.tar.gz", hash = "sha256:0e00f8eb65e18c7de20d595a14336e9f337ead580c70934141624b6d1ffdacc7", size = 21678, upload_time = "2023-06-21T01:49:05.374Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/e7/00/3fca040d7cf8a32776d3d81a00c8ee7457e00f80c649f1e4a863c8321ae9/uri_template-1.3.0-py3-none-any.whl", hash = "sha256:a44a133ea12d44a0c0f06d7d42a52d71282e77e2f937d8abd5655b8d56fc1363", size = 11140, upload-time = "2023-06-21T01:49:03.467Z" }, + { url = "https://files.pythonhosted.org/packages/e7/00/3fca040d7cf8a32776d3d81a00c8ee7457e00f80c649f1e4a863c8321ae9/uri_template-1.3.0-py3-none-any.whl", hash = "sha256:a44a133ea12d44a0c0f06d7d42a52d71282e77e2f937d8abd5655b8d56fc1363", size = 11140, upload_time = "2023-06-21T01:49:03.467Z" }, ] [[package]] name = "urllib3" version = "2.4.0" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/8a/78/16493d9c386d8e60e442a35feac5e00f0913c0f4b7c217c11e8ec2ff53e0/urllib3-2.4.0.tar.gz", hash = "sha256:414bc6535b787febd7567804cc015fee39daab8ad86268f1310a9250697de466", size = 390672, upload-time = "2025-04-10T15:23:39.232Z" } +sdist = { url = "https://files.pythonhosted.org/packages/8a/78/16493d9c386d8e60e442a35feac5e00f0913c0f4b7c217c11e8ec2ff53e0/urllib3-2.4.0.tar.gz", hash = "sha256:414bc6535b787febd7567804cc015fee39daab8ad86268f1310a9250697de466", size = 390672, upload_time = "2025-04-10T15:23:39.232Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/6b/11/cc635220681e93a0183390e26485430ca2c7b5f9d33b15c74c2861cb8091/urllib3-2.4.0-py3-none-any.whl", hash = "sha256:4e16665048960a0900c702d4a66415956a584919c03361cac9f1df5c5dd7e813", size = 128680, upload-time = "2025-04-10T15:23:37.377Z" }, + { url = "https://files.pythonhosted.org/packages/6b/11/cc635220681e93a0183390e26485430ca2c7b5f9d33b15c74c2861cb8091/urllib3-2.4.0-py3-none-any.whl", hash = "sha256:4e16665048960a0900c702d4a66415956a584919c03361cac9f1df5c5dd7e813", size = 128680, upload_time = "2025-04-10T15:23:37.377Z" }, ] [[package]] @@ -3818,9 +3818,9 @@ dependencies = [ { name = "click" }, { name = "h11" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/de/ad/713be230bcda622eaa35c28f0d328c3675c371238470abdea52417f17a8e/uvicorn-0.34.3.tar.gz", hash = "sha256:35919a9a979d7a59334b6b10e05d77c1d0d574c50e0fc98b8b1a0f165708b55a", size = 76631, upload-time = "2025-06-01T07:48:17.531Z" } +sdist = { url = "https://files.pythonhosted.org/packages/de/ad/713be230bcda622eaa35c28f0d328c3675c371238470abdea52417f17a8e/uvicorn-0.34.3.tar.gz", hash = "sha256:35919a9a979d7a59334b6b10e05d77c1d0d574c50e0fc98b8b1a0f165708b55a", size = 76631, upload_time = "2025-06-01T07:48:17.531Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/6d/0d/8adfeaa62945f90d19ddc461c55f4a50c258af7662d34b6a3d5d1f8646f6/uvicorn-0.34.3-py3-none-any.whl", hash = "sha256:16246631db62bdfbf069b0645177d6e8a77ba950cfedbfd093acef9444e4d885", size = 62431, upload-time = "2025-06-01T07:48:15.664Z" }, + { url = "https://files.pythonhosted.org/packages/6d/0d/8adfeaa62945f90d19ddc461c55f4a50c258af7662d34b6a3d5d1f8646f6/uvicorn-0.34.3-py3-none-any.whl", hash = "sha256:16246631db62bdfbf069b0645177d6e8a77ba950cfedbfd093acef9444e4d885", size = 62431, upload_time = "2025-06-01T07:48:15.664Z" }, ] [package.optional-dependencies] @@ -3838,26 +3838,26 @@ standard = [ name = "uvloop" version = "0.21.0" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/af/c0/854216d09d33c543f12a44b393c402e89a920b1a0a7dc634c42de91b9cf6/uvloop-0.21.0.tar.gz", hash = "sha256:3bf12b0fda68447806a7ad847bfa591613177275d35b6724b1ee573faa3704e3", size = 2492741, upload-time = "2024-10-14T23:38:35.489Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/57/a7/4cf0334105c1160dd6819f3297f8700fda7fc30ab4f61fbf3e725acbc7cc/uvloop-0.21.0-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:c0f3fa6200b3108919f8bdabb9a7f87f20e7097ea3c543754cabc7d717d95cf8", size = 1447410, upload-time = "2024-10-14T23:37:33.612Z" }, - { url = "https://files.pythonhosted.org/packages/8c/7c/1517b0bbc2dbe784b563d6ab54f2ef88c890fdad77232c98ed490aa07132/uvloop-0.21.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:0878c2640cf341b269b7e128b1a5fed890adc4455513ca710d77d5e93aa6d6a0", size = 805476, upload-time = "2024-10-14T23:37:36.11Z" }, - { url = "https://files.pythonhosted.org/packages/ee/ea/0bfae1aceb82a503f358d8d2fa126ca9dbdb2ba9c7866974faec1cb5875c/uvloop-0.21.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:b9fb766bb57b7388745d8bcc53a359b116b8a04c83a2288069809d2b3466c37e", size = 3960855, upload-time = "2024-10-14T23:37:37.683Z" }, - { url = "https://files.pythonhosted.org/packages/8a/ca/0864176a649838b838f36d44bf31c451597ab363b60dc9e09c9630619d41/uvloop-0.21.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:8a375441696e2eda1c43c44ccb66e04d61ceeffcd76e4929e527b7fa401b90fb", size = 3973185, upload-time = "2024-10-14T23:37:40.226Z" }, - { url = "https://files.pythonhosted.org/packages/30/bf/08ad29979a936d63787ba47a540de2132169f140d54aa25bc8c3df3e67f4/uvloop-0.21.0-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:baa0e6291d91649c6ba4ed4b2f982f9fa165b5bbd50a9e203c416a2797bab3c6", size = 3820256, upload-time = "2024-10-14T23:37:42.839Z" }, - { url = "https://files.pythonhosted.org/packages/da/e2/5cf6ef37e3daf2f06e651aae5ea108ad30df3cb269102678b61ebf1fdf42/uvloop-0.21.0-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:4509360fcc4c3bd2c70d87573ad472de40c13387f5fda8cb58350a1d7475e58d", size = 3937323, upload-time = "2024-10-14T23:37:45.337Z" }, - { url = "https://files.pythonhosted.org/packages/8c/4c/03f93178830dc7ce8b4cdee1d36770d2f5ebb6f3d37d354e061eefc73545/uvloop-0.21.0-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:359ec2c888397b9e592a889c4d72ba3d6befba8b2bb01743f72fffbde663b59c", size = 1471284, upload-time = "2024-10-14T23:37:47.833Z" }, - { url = "https://files.pythonhosted.org/packages/43/3e/92c03f4d05e50f09251bd8b2b2b584a2a7f8fe600008bcc4523337abe676/uvloop-0.21.0-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:f7089d2dc73179ce5ac255bdf37c236a9f914b264825fdaacaded6990a7fb4c2", size = 821349, upload-time = "2024-10-14T23:37:50.149Z" }, - { url = "https://files.pythonhosted.org/packages/a6/ef/a02ec5da49909dbbfb1fd205a9a1ac4e88ea92dcae885e7c961847cd51e2/uvloop-0.21.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:baa4dcdbd9ae0a372f2167a207cd98c9f9a1ea1188a8a526431eef2f8116cc8d", size = 4580089, upload-time = "2024-10-14T23:37:51.703Z" }, - { url = "https://files.pythonhosted.org/packages/06/a7/b4e6a19925c900be9f98bec0a75e6e8f79bb53bdeb891916609ab3958967/uvloop-0.21.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:86975dca1c773a2c9864f4c52c5a55631038e387b47eaf56210f873887b6c8dc", size = 4693770, upload-time = "2024-10-14T23:37:54.122Z" }, - { url = "https://files.pythonhosted.org/packages/ce/0c/f07435a18a4b94ce6bd0677d8319cd3de61f3a9eeb1e5f8ab4e8b5edfcb3/uvloop-0.21.0-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:461d9ae6660fbbafedd07559c6a2e57cd553b34b0065b6550685f6653a98c1cb", size = 4451321, upload-time = "2024-10-14T23:37:55.766Z" }, - { url = "https://files.pythonhosted.org/packages/8f/eb/f7032be105877bcf924709c97b1bf3b90255b4ec251f9340cef912559f28/uvloop-0.21.0-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:183aef7c8730e54c9a3ee3227464daed66e37ba13040bb3f350bc2ddc040f22f", size = 4659022, upload-time = "2024-10-14T23:37:58.195Z" }, - { url = "https://files.pythonhosted.org/packages/3f/8d/2cbef610ca21539f0f36e2b34da49302029e7c9f09acef0b1c3b5839412b/uvloop-0.21.0-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:bfd55dfcc2a512316e65f16e503e9e450cab148ef11df4e4e679b5e8253a5281", size = 1468123, upload-time = "2024-10-14T23:38:00.688Z" }, - { url = "https://files.pythonhosted.org/packages/93/0d/b0038d5a469f94ed8f2b2fce2434a18396d8fbfb5da85a0a9781ebbdec14/uvloop-0.21.0-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:787ae31ad8a2856fc4e7c095341cccc7209bd657d0e71ad0dc2ea83c4a6fa8af", size = 819325, upload-time = "2024-10-14T23:38:02.309Z" }, - { url = "https://files.pythonhosted.org/packages/50/94/0a687f39e78c4c1e02e3272c6b2ccdb4e0085fda3b8352fecd0410ccf915/uvloop-0.21.0-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:5ee4d4ef48036ff6e5cfffb09dd192c7a5027153948d85b8da7ff705065bacc6", size = 4582806, upload-time = "2024-10-14T23:38:04.711Z" }, - { url = "https://files.pythonhosted.org/packages/d2/19/f5b78616566ea68edd42aacaf645adbf71fbd83fc52281fba555dc27e3f1/uvloop-0.21.0-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:f3df876acd7ec037a3d005b3ab85a7e4110422e4d9c1571d4fc89b0fc41b6816", size = 4701068, upload-time = "2024-10-14T23:38:06.385Z" }, - { url = "https://files.pythonhosted.org/packages/47/57/66f061ee118f413cd22a656de622925097170b9380b30091b78ea0c6ea75/uvloop-0.21.0-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:bd53ecc9a0f3d87ab847503c2e1552b690362e005ab54e8a48ba97da3924c0dc", size = 4454428, upload-time = "2024-10-14T23:38:08.416Z" }, - { url = "https://files.pythonhosted.org/packages/63/9a/0962b05b308494e3202d3f794a6e85abe471fe3cafdbcf95c2e8c713aabd/uvloop-0.21.0-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:a5c39f217ab3c663dc699c04cbd50c13813e31d917642d459fdcec07555cc553", size = 4660018, upload-time = "2024-10-14T23:38:10.888Z" }, +sdist = { url = "https://files.pythonhosted.org/packages/af/c0/854216d09d33c543f12a44b393c402e89a920b1a0a7dc634c42de91b9cf6/uvloop-0.21.0.tar.gz", hash = "sha256:3bf12b0fda68447806a7ad847bfa591613177275d35b6724b1ee573faa3704e3", size = 2492741, upload_time = "2024-10-14T23:38:35.489Z" } +wheels = [ + { url = "https://files.pythonhosted.org/packages/57/a7/4cf0334105c1160dd6819f3297f8700fda7fc30ab4f61fbf3e725acbc7cc/uvloop-0.21.0-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:c0f3fa6200b3108919f8bdabb9a7f87f20e7097ea3c543754cabc7d717d95cf8", size = 1447410, upload_time = "2024-10-14T23:37:33.612Z" }, + { url = "https://files.pythonhosted.org/packages/8c/7c/1517b0bbc2dbe784b563d6ab54f2ef88c890fdad77232c98ed490aa07132/uvloop-0.21.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:0878c2640cf341b269b7e128b1a5fed890adc4455513ca710d77d5e93aa6d6a0", size = 805476, upload_time = "2024-10-14T23:37:36.11Z" }, + { url = "https://files.pythonhosted.org/packages/ee/ea/0bfae1aceb82a503f358d8d2fa126ca9dbdb2ba9c7866974faec1cb5875c/uvloop-0.21.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:b9fb766bb57b7388745d8bcc53a359b116b8a04c83a2288069809d2b3466c37e", size = 3960855, upload_time = "2024-10-14T23:37:37.683Z" }, + { url = "https://files.pythonhosted.org/packages/8a/ca/0864176a649838b838f36d44bf31c451597ab363b60dc9e09c9630619d41/uvloop-0.21.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:8a375441696e2eda1c43c44ccb66e04d61ceeffcd76e4929e527b7fa401b90fb", size = 3973185, upload_time = "2024-10-14T23:37:40.226Z" }, + { url = "https://files.pythonhosted.org/packages/30/bf/08ad29979a936d63787ba47a540de2132169f140d54aa25bc8c3df3e67f4/uvloop-0.21.0-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:baa0e6291d91649c6ba4ed4b2f982f9fa165b5bbd50a9e203c416a2797bab3c6", size = 3820256, upload_time = "2024-10-14T23:37:42.839Z" }, + { url = "https://files.pythonhosted.org/packages/da/e2/5cf6ef37e3daf2f06e651aae5ea108ad30df3cb269102678b61ebf1fdf42/uvloop-0.21.0-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:4509360fcc4c3bd2c70d87573ad472de40c13387f5fda8cb58350a1d7475e58d", size = 3937323, upload_time = "2024-10-14T23:37:45.337Z" }, + { url = "https://files.pythonhosted.org/packages/8c/4c/03f93178830dc7ce8b4cdee1d36770d2f5ebb6f3d37d354e061eefc73545/uvloop-0.21.0-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:359ec2c888397b9e592a889c4d72ba3d6befba8b2bb01743f72fffbde663b59c", size = 1471284, upload_time = "2024-10-14T23:37:47.833Z" }, + { url = "https://files.pythonhosted.org/packages/43/3e/92c03f4d05e50f09251bd8b2b2b584a2a7f8fe600008bcc4523337abe676/uvloop-0.21.0-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:f7089d2dc73179ce5ac255bdf37c236a9f914b264825fdaacaded6990a7fb4c2", size = 821349, upload_time = "2024-10-14T23:37:50.149Z" }, + { url = "https://files.pythonhosted.org/packages/a6/ef/a02ec5da49909dbbfb1fd205a9a1ac4e88ea92dcae885e7c961847cd51e2/uvloop-0.21.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:baa4dcdbd9ae0a372f2167a207cd98c9f9a1ea1188a8a526431eef2f8116cc8d", size = 4580089, upload_time = "2024-10-14T23:37:51.703Z" }, + { url = "https://files.pythonhosted.org/packages/06/a7/b4e6a19925c900be9f98bec0a75e6e8f79bb53bdeb891916609ab3958967/uvloop-0.21.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:86975dca1c773a2c9864f4c52c5a55631038e387b47eaf56210f873887b6c8dc", size = 4693770, upload_time = "2024-10-14T23:37:54.122Z" }, + { url = "https://files.pythonhosted.org/packages/ce/0c/f07435a18a4b94ce6bd0677d8319cd3de61f3a9eeb1e5f8ab4e8b5edfcb3/uvloop-0.21.0-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:461d9ae6660fbbafedd07559c6a2e57cd553b34b0065b6550685f6653a98c1cb", size = 4451321, upload_time = "2024-10-14T23:37:55.766Z" }, + { url = "https://files.pythonhosted.org/packages/8f/eb/f7032be105877bcf924709c97b1bf3b90255b4ec251f9340cef912559f28/uvloop-0.21.0-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:183aef7c8730e54c9a3ee3227464daed66e37ba13040bb3f350bc2ddc040f22f", size = 4659022, upload_time = "2024-10-14T23:37:58.195Z" }, + { url = "https://files.pythonhosted.org/packages/3f/8d/2cbef610ca21539f0f36e2b34da49302029e7c9f09acef0b1c3b5839412b/uvloop-0.21.0-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:bfd55dfcc2a512316e65f16e503e9e450cab148ef11df4e4e679b5e8253a5281", size = 1468123, upload_time = "2024-10-14T23:38:00.688Z" }, + { url = "https://files.pythonhosted.org/packages/93/0d/b0038d5a469f94ed8f2b2fce2434a18396d8fbfb5da85a0a9781ebbdec14/uvloop-0.21.0-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:787ae31ad8a2856fc4e7c095341cccc7209bd657d0e71ad0dc2ea83c4a6fa8af", size = 819325, upload_time = "2024-10-14T23:38:02.309Z" }, + { url = "https://files.pythonhosted.org/packages/50/94/0a687f39e78c4c1e02e3272c6b2ccdb4e0085fda3b8352fecd0410ccf915/uvloop-0.21.0-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:5ee4d4ef48036ff6e5cfffb09dd192c7a5027153948d85b8da7ff705065bacc6", size = 4582806, upload_time = "2024-10-14T23:38:04.711Z" }, + { url = "https://files.pythonhosted.org/packages/d2/19/f5b78616566ea68edd42aacaf645adbf71fbd83fc52281fba555dc27e3f1/uvloop-0.21.0-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:f3df876acd7ec037a3d005b3ab85a7e4110422e4d9c1571d4fc89b0fc41b6816", size = 4701068, upload_time = "2024-10-14T23:38:06.385Z" }, + { url = "https://files.pythonhosted.org/packages/47/57/66f061ee118f413cd22a656de622925097170b9380b30091b78ea0c6ea75/uvloop-0.21.0-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:bd53ecc9a0f3d87ab847503c2e1552b690362e005ab54e8a48ba97da3924c0dc", size = 4454428, upload_time = "2024-10-14T23:38:08.416Z" }, + { url = "https://files.pythonhosted.org/packages/63/9a/0962b05b308494e3202d3f794a6e85abe471fe3cafdbcf95c2e8c713aabd/uvloop-0.21.0-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:a5c39f217ab3c663dc699c04cbd50c13813e31d917642d459fdcec07555cc553", size = 4660018, upload_time = "2024-10-14T23:38:10.888Z" }, ] [[package]] @@ -3869,36 +3869,36 @@ dependencies = [ { name = "filelock" }, { name = "platformdirs" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/1c/14/37fcdba2808a6c615681cd216fecae00413c9dab44fb2e57805ecf3eaee3/virtualenv-20.34.0.tar.gz", hash = "sha256:44815b2c9dee7ed86e387b842a84f20b93f7f417f95886ca1996a72a4138eb1a", size = 6003808, upload-time = "2025-08-13T14:24:07.464Z" } +sdist = { url = "https://files.pythonhosted.org/packages/1c/14/37fcdba2808a6c615681cd216fecae00413c9dab44fb2e57805ecf3eaee3/virtualenv-20.34.0.tar.gz", hash = "sha256:44815b2c9dee7ed86e387b842a84f20b93f7f417f95886ca1996a72a4138eb1a", size = 6003808, upload_time = "2025-08-13T14:24:07.464Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/76/06/04c8e804f813cf972e3262f3f8584c232de64f0cde9f703b46cf53a45090/virtualenv-20.34.0-py3-none-any.whl", hash = "sha256:341f5afa7eee943e4984a9207c025feedd768baff6753cd660c857ceb3e36026", size = 5983279, upload-time = "2025-08-13T14:24:05.111Z" }, + { url = "https://files.pythonhosted.org/packages/76/06/04c8e804f813cf972e3262f3f8584c232de64f0cde9f703b46cf53a45090/virtualenv-20.34.0-py3-none-any.whl", hash = "sha256:341f5afa7eee943e4984a9207c025feedd768baff6753cd660c857ceb3e36026", size = 5983279, upload_time = "2025-08-13T14:24:05.111Z" }, ] [[package]] name = "watchdog" version = "6.0.0" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/db/7d/7f3d619e951c88ed75c6037b246ddcf2d322812ee8ea189be89511721d54/watchdog-6.0.0.tar.gz", hash = "sha256:9ddf7c82fda3ae8e24decda1338ede66e1c99883db93711d8fb941eaa2d8c282", size = 131220, upload-time = "2024-11-01T14:07:13.037Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/e0/24/d9be5cd6642a6aa68352ded4b4b10fb0d7889cb7f45814fb92cecd35f101/watchdog-6.0.0-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:6eb11feb5a0d452ee41f824e271ca311a09e250441c262ca2fd7ebcf2461a06c", size = 96393, upload-time = "2024-11-01T14:06:31.756Z" }, - { url = "https://files.pythonhosted.org/packages/63/7a/6013b0d8dbc56adca7fdd4f0beed381c59f6752341b12fa0886fa7afc78b/watchdog-6.0.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:ef810fbf7b781a5a593894e4f439773830bdecb885e6880d957d5b9382a960d2", size = 88392, upload-time = "2024-11-01T14:06:32.99Z" }, - { url = "https://files.pythonhosted.org/packages/d1/40/b75381494851556de56281e053700e46bff5b37bf4c7267e858640af5a7f/watchdog-6.0.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:afd0fe1b2270917c5e23c2a65ce50c2a4abb63daafb0d419fde368e272a76b7c", size = 89019, upload-time = "2024-11-01T14:06:34.963Z" }, - { url = "https://files.pythonhosted.org/packages/39/ea/3930d07dafc9e286ed356a679aa02d777c06e9bfd1164fa7c19c288a5483/watchdog-6.0.0-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:bdd4e6f14b8b18c334febb9c4425a878a2ac20efd1e0b231978e7b150f92a948", size = 96471, upload-time = "2024-11-01T14:06:37.745Z" }, - { url = "https://files.pythonhosted.org/packages/12/87/48361531f70b1f87928b045df868a9fd4e253d9ae087fa4cf3f7113be363/watchdog-6.0.0-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:c7c15dda13c4eb00d6fb6fc508b3c0ed88b9d5d374056b239c4ad1611125c860", size = 88449, upload-time = "2024-11-01T14:06:39.748Z" }, - { url = "https://files.pythonhosted.org/packages/5b/7e/8f322f5e600812e6f9a31b75d242631068ca8f4ef0582dd3ae6e72daecc8/watchdog-6.0.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:6f10cb2d5902447c7d0da897e2c6768bca89174d0c6e1e30abec5421af97a5b0", size = 89054, upload-time = "2024-11-01T14:06:41.009Z" }, - { url = "https://files.pythonhosted.org/packages/68/98/b0345cabdce2041a01293ba483333582891a3bd5769b08eceb0d406056ef/watchdog-6.0.0-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:490ab2ef84f11129844c23fb14ecf30ef3d8a6abafd3754a6f75ca1e6654136c", size = 96480, upload-time = "2024-11-01T14:06:42.952Z" }, - { url = "https://files.pythonhosted.org/packages/85/83/cdf13902c626b28eedef7ec4f10745c52aad8a8fe7eb04ed7b1f111ca20e/watchdog-6.0.0-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:76aae96b00ae814b181bb25b1b98076d5fc84e8a53cd8885a318b42b6d3a5134", size = 88451, upload-time = "2024-11-01T14:06:45.084Z" }, - { url = "https://files.pythonhosted.org/packages/fe/c4/225c87bae08c8b9ec99030cd48ae9c4eca050a59bf5c2255853e18c87b50/watchdog-6.0.0-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:a175f755fc2279e0b7312c0035d52e27211a5bc39719dd529625b1930917345b", size = 89057, upload-time = "2024-11-01T14:06:47.324Z" }, - { url = "https://files.pythonhosted.org/packages/a9/c7/ca4bf3e518cb57a686b2feb4f55a1892fd9a3dd13f470fca14e00f80ea36/watchdog-6.0.0-py3-none-manylinux2014_aarch64.whl", hash = "sha256:7607498efa04a3542ae3e05e64da8202e58159aa1fa4acddf7678d34a35d4f13", size = 79079, upload-time = "2024-11-01T14:06:59.472Z" }, - { url = "https://files.pythonhosted.org/packages/5c/51/d46dc9332f9a647593c947b4b88e2381c8dfc0942d15b8edc0310fa4abb1/watchdog-6.0.0-py3-none-manylinux2014_armv7l.whl", hash = "sha256:9041567ee8953024c83343288ccc458fd0a2d811d6a0fd68c4c22609e3490379", size = 79078, upload-time = "2024-11-01T14:07:01.431Z" }, - { url = "https://files.pythonhosted.org/packages/d4/57/04edbf5e169cd318d5f07b4766fee38e825d64b6913ca157ca32d1a42267/watchdog-6.0.0-py3-none-manylinux2014_i686.whl", hash = "sha256:82dc3e3143c7e38ec49d61af98d6558288c415eac98486a5c581726e0737c00e", size = 79076, upload-time = "2024-11-01T14:07:02.568Z" }, - { url = "https://files.pythonhosted.org/packages/ab/cc/da8422b300e13cb187d2203f20b9253e91058aaf7db65b74142013478e66/watchdog-6.0.0-py3-none-manylinux2014_ppc64.whl", hash = "sha256:212ac9b8bf1161dc91bd09c048048a95ca3a4c4f5e5d4a7d1b1a7d5752a7f96f", size = 79077, upload-time = "2024-11-01T14:07:03.893Z" }, - { url = "https://files.pythonhosted.org/packages/2c/3b/b8964e04ae1a025c44ba8e4291f86e97fac443bca31de8bd98d3263d2fcf/watchdog-6.0.0-py3-none-manylinux2014_ppc64le.whl", hash = "sha256:e3df4cbb9a450c6d49318f6d14f4bbc80d763fa587ba46ec86f99f9e6876bb26", size = 79078, upload-time = "2024-11-01T14:07:05.189Z" }, - { url = "https://files.pythonhosted.org/packages/62/ae/a696eb424bedff7407801c257d4b1afda455fe40821a2be430e173660e81/watchdog-6.0.0-py3-none-manylinux2014_s390x.whl", hash = "sha256:2cce7cfc2008eb51feb6aab51251fd79b85d9894e98ba847408f662b3395ca3c", size = 79077, upload-time = "2024-11-01T14:07:06.376Z" }, - { url = "https://files.pythonhosted.org/packages/b5/e8/dbf020b4d98251a9860752a094d09a65e1b436ad181faf929983f697048f/watchdog-6.0.0-py3-none-manylinux2014_x86_64.whl", hash = "sha256:20ffe5b202af80ab4266dcd3e91aae72bf2da48c0d33bdb15c66658e685e94e2", size = 79078, upload-time = "2024-11-01T14:07:07.547Z" }, - { url = "https://files.pythonhosted.org/packages/07/f6/d0e5b343768e8bcb4cda79f0f2f55051bf26177ecd5651f84c07567461cf/watchdog-6.0.0-py3-none-win32.whl", hash = "sha256:07df1fdd701c5d4c8e55ef6cf55b8f0120fe1aef7ef39a1c6fc6bc2e606d517a", size = 79065, upload-time = "2024-11-01T14:07:09.525Z" }, - { url = "https://files.pythonhosted.org/packages/db/d9/c495884c6e548fce18a8f40568ff120bc3a4b7b99813081c8ac0c936fa64/watchdog-6.0.0-py3-none-win_amd64.whl", hash = "sha256:cbafb470cf848d93b5d013e2ecb245d4aa1c8fd0504e863ccefa32445359d680", size = 79070, upload-time = "2024-11-01T14:07:10.686Z" }, - { url = "https://files.pythonhosted.org/packages/33/e8/e40370e6d74ddba47f002a32919d91310d6074130fe4e17dabcafc15cbf1/watchdog-6.0.0-py3-none-win_ia64.whl", hash = "sha256:a1914259fa9e1454315171103c6a30961236f508b9b623eae470268bbcc6a22f", size = 79067, upload-time = "2024-11-01T14:07:11.845Z" }, +sdist = { url = "https://files.pythonhosted.org/packages/db/7d/7f3d619e951c88ed75c6037b246ddcf2d322812ee8ea189be89511721d54/watchdog-6.0.0.tar.gz", hash = "sha256:9ddf7c82fda3ae8e24decda1338ede66e1c99883db93711d8fb941eaa2d8c282", size = 131220, upload_time = "2024-11-01T14:07:13.037Z" } +wheels = [ + { url = "https://files.pythonhosted.org/packages/e0/24/d9be5cd6642a6aa68352ded4b4b10fb0d7889cb7f45814fb92cecd35f101/watchdog-6.0.0-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:6eb11feb5a0d452ee41f824e271ca311a09e250441c262ca2fd7ebcf2461a06c", size = 96393, upload_time = "2024-11-01T14:06:31.756Z" }, + { url = "https://files.pythonhosted.org/packages/63/7a/6013b0d8dbc56adca7fdd4f0beed381c59f6752341b12fa0886fa7afc78b/watchdog-6.0.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:ef810fbf7b781a5a593894e4f439773830bdecb885e6880d957d5b9382a960d2", size = 88392, upload_time = "2024-11-01T14:06:32.99Z" }, + { url = "https://files.pythonhosted.org/packages/d1/40/b75381494851556de56281e053700e46bff5b37bf4c7267e858640af5a7f/watchdog-6.0.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:afd0fe1b2270917c5e23c2a65ce50c2a4abb63daafb0d419fde368e272a76b7c", size = 89019, upload_time = "2024-11-01T14:06:34.963Z" }, + { url = "https://files.pythonhosted.org/packages/39/ea/3930d07dafc9e286ed356a679aa02d777c06e9bfd1164fa7c19c288a5483/watchdog-6.0.0-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:bdd4e6f14b8b18c334febb9c4425a878a2ac20efd1e0b231978e7b150f92a948", size = 96471, upload_time = "2024-11-01T14:06:37.745Z" }, + { url = "https://files.pythonhosted.org/packages/12/87/48361531f70b1f87928b045df868a9fd4e253d9ae087fa4cf3f7113be363/watchdog-6.0.0-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:c7c15dda13c4eb00d6fb6fc508b3c0ed88b9d5d374056b239c4ad1611125c860", size = 88449, upload_time = "2024-11-01T14:06:39.748Z" }, + { url = "https://files.pythonhosted.org/packages/5b/7e/8f322f5e600812e6f9a31b75d242631068ca8f4ef0582dd3ae6e72daecc8/watchdog-6.0.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:6f10cb2d5902447c7d0da897e2c6768bca89174d0c6e1e30abec5421af97a5b0", size = 89054, upload_time = "2024-11-01T14:06:41.009Z" }, + { url = "https://files.pythonhosted.org/packages/68/98/b0345cabdce2041a01293ba483333582891a3bd5769b08eceb0d406056ef/watchdog-6.0.0-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:490ab2ef84f11129844c23fb14ecf30ef3d8a6abafd3754a6f75ca1e6654136c", size = 96480, upload_time = "2024-11-01T14:06:42.952Z" }, + { url = "https://files.pythonhosted.org/packages/85/83/cdf13902c626b28eedef7ec4f10745c52aad8a8fe7eb04ed7b1f111ca20e/watchdog-6.0.0-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:76aae96b00ae814b181bb25b1b98076d5fc84e8a53cd8885a318b42b6d3a5134", size = 88451, upload_time = "2024-11-01T14:06:45.084Z" }, + { url = "https://files.pythonhosted.org/packages/fe/c4/225c87bae08c8b9ec99030cd48ae9c4eca050a59bf5c2255853e18c87b50/watchdog-6.0.0-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:a175f755fc2279e0b7312c0035d52e27211a5bc39719dd529625b1930917345b", size = 89057, upload_time = "2024-11-01T14:06:47.324Z" }, + { url = "https://files.pythonhosted.org/packages/a9/c7/ca4bf3e518cb57a686b2feb4f55a1892fd9a3dd13f470fca14e00f80ea36/watchdog-6.0.0-py3-none-manylinux2014_aarch64.whl", hash = "sha256:7607498efa04a3542ae3e05e64da8202e58159aa1fa4acddf7678d34a35d4f13", size = 79079, upload_time = "2024-11-01T14:06:59.472Z" }, + { url = "https://files.pythonhosted.org/packages/5c/51/d46dc9332f9a647593c947b4b88e2381c8dfc0942d15b8edc0310fa4abb1/watchdog-6.0.0-py3-none-manylinux2014_armv7l.whl", hash = "sha256:9041567ee8953024c83343288ccc458fd0a2d811d6a0fd68c4c22609e3490379", size = 79078, upload_time = "2024-11-01T14:07:01.431Z" }, + { url = "https://files.pythonhosted.org/packages/d4/57/04edbf5e169cd318d5f07b4766fee38e825d64b6913ca157ca32d1a42267/watchdog-6.0.0-py3-none-manylinux2014_i686.whl", hash = "sha256:82dc3e3143c7e38ec49d61af98d6558288c415eac98486a5c581726e0737c00e", size = 79076, upload_time = "2024-11-01T14:07:02.568Z" }, + { url = "https://files.pythonhosted.org/packages/ab/cc/da8422b300e13cb187d2203f20b9253e91058aaf7db65b74142013478e66/watchdog-6.0.0-py3-none-manylinux2014_ppc64.whl", hash = "sha256:212ac9b8bf1161dc91bd09c048048a95ca3a4c4f5e5d4a7d1b1a7d5752a7f96f", size = 79077, upload_time = "2024-11-01T14:07:03.893Z" }, + { url = "https://files.pythonhosted.org/packages/2c/3b/b8964e04ae1a025c44ba8e4291f86e97fac443bca31de8bd98d3263d2fcf/watchdog-6.0.0-py3-none-manylinux2014_ppc64le.whl", hash = "sha256:e3df4cbb9a450c6d49318f6d14f4bbc80d763fa587ba46ec86f99f9e6876bb26", size = 79078, upload_time = "2024-11-01T14:07:05.189Z" }, + { url = "https://files.pythonhosted.org/packages/62/ae/a696eb424bedff7407801c257d4b1afda455fe40821a2be430e173660e81/watchdog-6.0.0-py3-none-manylinux2014_s390x.whl", hash = "sha256:2cce7cfc2008eb51feb6aab51251fd79b85d9894e98ba847408f662b3395ca3c", size = 79077, upload_time = "2024-11-01T14:07:06.376Z" }, + { url = "https://files.pythonhosted.org/packages/b5/e8/dbf020b4d98251a9860752a094d09a65e1b436ad181faf929983f697048f/watchdog-6.0.0-py3-none-manylinux2014_x86_64.whl", hash = "sha256:20ffe5b202af80ab4266dcd3e91aae72bf2da48c0d33bdb15c66658e685e94e2", size = 79078, upload_time = "2024-11-01T14:07:07.547Z" }, + { url = "https://files.pythonhosted.org/packages/07/f6/d0e5b343768e8bcb4cda79f0f2f55051bf26177ecd5651f84c07567461cf/watchdog-6.0.0-py3-none-win32.whl", hash = "sha256:07df1fdd701c5d4c8e55ef6cf55b8f0120fe1aef7ef39a1c6fc6bc2e606d517a", size = 79065, upload_time = "2024-11-01T14:07:09.525Z" }, + { url = "https://files.pythonhosted.org/packages/db/d9/c495884c6e548fce18a8f40568ff120bc3a4b7b99813081c8ac0c936fa64/watchdog-6.0.0-py3-none-win_amd64.whl", hash = "sha256:cbafb470cf848d93b5d013e2ecb245d4aa1c8fd0504e863ccefa32445359d680", size = 79070, upload_time = "2024-11-01T14:07:10.686Z" }, + { url = "https://files.pythonhosted.org/packages/33/e8/e40370e6d74ddba47f002a32919d91310d6074130fe4e17dabcafc15cbf1/watchdog-6.0.0-py3-none-win_ia64.whl", hash = "sha256:a1914259fa9e1454315171103c6a30961236f508b9b623eae470268bbcc6a22f", size = 79067, upload_time = "2024-11-01T14:07:11.845Z" }, ] [[package]] @@ -3908,177 +3908,177 @@ source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "anyio" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/03/e2/8ed598c42057de7aa5d97c472254af4906ff0a59a66699d426fc9ef795d7/watchfiles-1.0.5.tar.gz", hash = "sha256:b7529b5dcc114679d43827d8c35a07c493ad6f083633d573d81c660abc5979e9", size = 94537, upload-time = "2025-04-08T10:36:26.722Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/39/f4/41b591f59021786ef517e1cdc3b510383551846703e03f204827854a96f8/watchfiles-1.0.5-cp311-cp311-macosx_10_12_x86_64.whl", hash = "sha256:237f9be419e977a0f8f6b2e7b0475ababe78ff1ab06822df95d914a945eac827", size = 405336, upload-time = "2025-04-08T10:34:59.359Z" }, - { url = "https://files.pythonhosted.org/packages/ae/06/93789c135be4d6d0e4f63e96eea56dc54050b243eacc28439a26482b5235/watchfiles-1.0.5-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:e0da39ff917af8b27a4bdc5a97ac577552a38aac0d260a859c1517ea3dc1a7c4", size = 395977, upload-time = "2025-04-08T10:35:00.522Z" }, - { url = "https://files.pythonhosted.org/packages/d2/db/1cd89bd83728ca37054512d4d35ab69b5f12b8aa2ac9be3b0276b3bf06cc/watchfiles-1.0.5-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:2cfcb3952350e95603f232a7a15f6c5f86c5375e46f0bd4ae70d43e3e063c13d", size = 455232, upload-time = "2025-04-08T10:35:01.698Z" }, - { url = "https://files.pythonhosted.org/packages/40/90/d8a4d44ffe960517e487c9c04f77b06b8abf05eb680bed71c82b5f2cad62/watchfiles-1.0.5-cp311-cp311-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:68b2dddba7a4e6151384e252a5632efcaa9bc5d1c4b567f3cb621306b2ca9f63", size = 459151, upload-time = "2025-04-08T10:35:03.358Z" }, - { url = "https://files.pythonhosted.org/packages/6c/da/267a1546f26465dead1719caaba3ce660657f83c9d9c052ba98fb8856e13/watchfiles-1.0.5-cp311-cp311-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:95cf944fcfc394c5f9de794ce581914900f82ff1f855326f25ebcf24d5397418", size = 489054, upload-time = "2025-04-08T10:35:04.561Z" }, - { url = "https://files.pythonhosted.org/packages/b1/31/33850dfd5c6efb6f27d2465cc4c6b27c5a6f5ed53c6fa63b7263cf5f60f6/watchfiles-1.0.5-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:ecf6cd9f83d7c023b1aba15d13f705ca7b7d38675c121f3cc4a6e25bd0857ee9", size = 523955, upload-time = "2025-04-08T10:35:05.786Z" }, - { url = "https://files.pythonhosted.org/packages/09/84/b7d7b67856efb183a421f1416b44ca975cb2ea6c4544827955dfb01f7dc2/watchfiles-1.0.5-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:852de68acd6212cd6d33edf21e6f9e56e5d98c6add46f48244bd479d97c967c6", size = 502234, upload-time = "2025-04-08T10:35:07.187Z" }, - { url = "https://files.pythonhosted.org/packages/71/87/6dc5ec6882a2254cfdd8b0718b684504e737273903b65d7338efaba08b52/watchfiles-1.0.5-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:d5730f3aa35e646103b53389d5bc77edfbf578ab6dab2e005142b5b80a35ef25", size = 454750, upload-time = "2025-04-08T10:35:08.859Z" }, - { url = "https://files.pythonhosted.org/packages/3d/6c/3786c50213451a0ad15170d091570d4a6554976cf0df19878002fc96075a/watchfiles-1.0.5-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:18b3bd29954bc4abeeb4e9d9cf0b30227f0f206c86657674f544cb032296acd5", size = 631591, upload-time = "2025-04-08T10:35:10.64Z" }, - { url = "https://files.pythonhosted.org/packages/1b/b3/1427425ade4e359a0deacce01a47a26024b2ccdb53098f9d64d497f6684c/watchfiles-1.0.5-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:ba5552a1b07c8edbf197055bc9d518b8f0d98a1c6a73a293bc0726dce068ed01", size = 625370, upload-time = "2025-04-08T10:35:12.412Z" }, - { url = "https://files.pythonhosted.org/packages/15/ba/f60e053b0b5b8145d682672024aa91370a29c5c921a88977eb565de34086/watchfiles-1.0.5-cp311-cp311-win32.whl", hash = "sha256:2f1fefb2e90e89959447bc0420fddd1e76f625784340d64a2f7d5983ef9ad246", size = 277791, upload-time = "2025-04-08T10:35:13.719Z" }, - { url = "https://files.pythonhosted.org/packages/50/ed/7603c4e164225c12c0d4e8700b64bb00e01a6c4eeea372292a3856be33a4/watchfiles-1.0.5-cp311-cp311-win_amd64.whl", hash = "sha256:b6e76ceb1dd18c8e29c73f47d41866972e891fc4cc7ba014f487def72c1cf096", size = 291622, upload-time = "2025-04-08T10:35:15.071Z" }, - { url = "https://files.pythonhosted.org/packages/a2/c2/99bb7c96b4450e36877fde33690ded286ff555b5a5c1d925855d556968a1/watchfiles-1.0.5-cp311-cp311-win_arm64.whl", hash = "sha256:266710eb6fddc1f5e51843c70e3bebfb0f5e77cf4f27129278c70554104d19ed", size = 283699, upload-time = "2025-04-08T10:35:16.732Z" }, - { url = "https://files.pythonhosted.org/packages/2a/8c/4f0b9bdb75a1bfbd9c78fad7d8854369283f74fe7cf03eb16be77054536d/watchfiles-1.0.5-cp312-cp312-macosx_10_12_x86_64.whl", hash = "sha256:b5eb568c2aa6018e26da9e6c86f3ec3fd958cee7f0311b35c2630fa4217d17f2", size = 401511, upload-time = "2025-04-08T10:35:17.956Z" }, - { url = "https://files.pythonhosted.org/packages/dc/4e/7e15825def77f8bd359b6d3f379f0c9dac4eb09dd4ddd58fd7d14127179c/watchfiles-1.0.5-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:0a04059f4923ce4e856b4b4e5e783a70f49d9663d22a4c3b3298165996d1377f", size = 392715, upload-time = "2025-04-08T10:35:19.202Z" }, - { url = "https://files.pythonhosted.org/packages/58/65/b72fb817518728e08de5840d5d38571466c1b4a3f724d190cec909ee6f3f/watchfiles-1.0.5-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:3e380c89983ce6e6fe2dd1e1921b9952fb4e6da882931abd1824c092ed495dec", size = 454138, upload-time = "2025-04-08T10:35:20.586Z" }, - { url = "https://files.pythonhosted.org/packages/3e/a4/86833fd2ea2e50ae28989f5950b5c3f91022d67092bfec08f8300d8b347b/watchfiles-1.0.5-cp312-cp312-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:fe43139b2c0fdc4a14d4f8d5b5d967f7a2777fd3d38ecf5b1ec669b0d7e43c21", size = 458592, upload-time = "2025-04-08T10:35:21.87Z" }, - { url = "https://files.pythonhosted.org/packages/38/7e/42cb8df8be9a37e50dd3a818816501cf7a20d635d76d6bd65aae3dbbff68/watchfiles-1.0.5-cp312-cp312-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:ee0822ce1b8a14fe5a066f93edd20aada932acfe348bede8aa2149f1a4489512", size = 487532, upload-time = "2025-04-08T10:35:23.143Z" }, - { url = "https://files.pythonhosted.org/packages/fc/fd/13d26721c85d7f3df6169d8b495fcac8ab0dc8f0945ebea8845de4681dab/watchfiles-1.0.5-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:a0dbcb1c2d8f2ab6e0a81c6699b236932bd264d4cef1ac475858d16c403de74d", size = 522865, upload-time = "2025-04-08T10:35:24.702Z" }, - { url = "https://files.pythonhosted.org/packages/a1/0d/7f9ae243c04e96c5455d111e21b09087d0eeaf9a1369e13a01c7d3d82478/watchfiles-1.0.5-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:a2014a2b18ad3ca53b1f6c23f8cd94a18ce930c1837bd891262c182640eb40a6", size = 499887, upload-time = "2025-04-08T10:35:25.969Z" }, - { url = "https://files.pythonhosted.org/packages/8e/0f/a257766998e26aca4b3acf2ae97dff04b57071e991a510857d3799247c67/watchfiles-1.0.5-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:10f6ae86d5cb647bf58f9f655fcf577f713915a5d69057a0371bc257e2553234", size = 454498, upload-time = "2025-04-08T10:35:27.353Z" }, - { url = "https://files.pythonhosted.org/packages/81/79/8bf142575a03e0af9c3d5f8bcae911ee6683ae93a625d349d4ecf4c8f7df/watchfiles-1.0.5-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:1a7bac2bde1d661fb31f4d4e8e539e178774b76db3c2c17c4bb3e960a5de07a2", size = 630663, upload-time = "2025-04-08T10:35:28.685Z" }, - { url = "https://files.pythonhosted.org/packages/f1/80/abe2e79f610e45c63a70d271caea90c49bbf93eb00fa947fa9b803a1d51f/watchfiles-1.0.5-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:4ab626da2fc1ac277bbf752446470b367f84b50295264d2d313e28dc4405d663", size = 625410, upload-time = "2025-04-08T10:35:30.42Z" }, - { url = "https://files.pythonhosted.org/packages/91/6f/bc7fbecb84a41a9069c2c6eb6319f7f7df113adf113e358c57fc1aff7ff5/watchfiles-1.0.5-cp312-cp312-win32.whl", hash = "sha256:9f4571a783914feda92018ef3901dab8caf5b029325b5fe4558c074582815249", size = 277965, upload-time = "2025-04-08T10:35:32.023Z" }, - { url = "https://files.pythonhosted.org/packages/99/a5/bf1c297ea6649ec59e935ab311f63d8af5faa8f0b86993e3282b984263e3/watchfiles-1.0.5-cp312-cp312-win_amd64.whl", hash = "sha256:360a398c3a19672cf93527f7e8d8b60d8275119c5d900f2e184d32483117a705", size = 291693, upload-time = "2025-04-08T10:35:33.225Z" }, - { url = "https://files.pythonhosted.org/packages/7f/7b/fd01087cc21db5c47e5beae507b87965db341cce8a86f9eb12bf5219d4e0/watchfiles-1.0.5-cp312-cp312-win_arm64.whl", hash = "sha256:1a2902ede862969077b97523987c38db28abbe09fb19866e711485d9fbf0d417", size = 283287, upload-time = "2025-04-08T10:35:34.568Z" }, - { url = "https://files.pythonhosted.org/packages/c7/62/435766874b704f39b2fecd8395a29042db2b5ec4005bd34523415e9bd2e0/watchfiles-1.0.5-cp313-cp313-macosx_10_12_x86_64.whl", hash = "sha256:0b289572c33a0deae62daa57e44a25b99b783e5f7aed81b314232b3d3c81a11d", size = 401531, upload-time = "2025-04-08T10:35:35.792Z" }, - { url = "https://files.pythonhosted.org/packages/6e/a6/e52a02c05411b9cb02823e6797ef9bbba0bfaf1bb627da1634d44d8af833/watchfiles-1.0.5-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:a056c2f692d65bf1e99c41045e3bdcaea3cb9e6b5a53dcaf60a5f3bd95fc9763", size = 392417, upload-time = "2025-04-08T10:35:37.048Z" }, - { url = "https://files.pythonhosted.org/packages/3f/53/c4af6819770455932144e0109d4854437769672d7ad897e76e8e1673435d/watchfiles-1.0.5-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:b9dca99744991fc9850d18015c4f0438865414e50069670f5f7eee08340d8b40", size = 453423, upload-time = "2025-04-08T10:35:38.357Z" }, - { url = "https://files.pythonhosted.org/packages/cb/d1/8e88df58bbbf819b8bc5cfbacd3c79e01b40261cad0fc84d1e1ebd778a07/watchfiles-1.0.5-cp313-cp313-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:894342d61d355446d02cd3988a7326af344143eb33a2fd5d38482a92072d9563", size = 458185, upload-time = "2025-04-08T10:35:39.708Z" }, - { url = "https://files.pythonhosted.org/packages/ff/70/fffaa11962dd5429e47e478a18736d4e42bec42404f5ee3b92ef1b87ad60/watchfiles-1.0.5-cp313-cp313-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:ab44e1580924d1ffd7b3938e02716d5ad190441965138b4aa1d1f31ea0877f04", size = 486696, upload-time = "2025-04-08T10:35:41.469Z" }, - { url = "https://files.pythonhosted.org/packages/39/db/723c0328e8b3692d53eb273797d9a08be6ffb1d16f1c0ba2bdbdc2a3852c/watchfiles-1.0.5-cp313-cp313-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:d6f9367b132078b2ceb8d066ff6c93a970a18c3029cea37bfd7b2d3dd2e5db8f", size = 522327, upload-time = "2025-04-08T10:35:43.289Z" }, - { url = "https://files.pythonhosted.org/packages/cd/05/9fccc43c50c39a76b68343484b9da7b12d42d0859c37c61aec018c967a32/watchfiles-1.0.5-cp313-cp313-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:f2e55a9b162e06e3f862fb61e399fe9f05d908d019d87bf5b496a04ef18a970a", size = 499741, upload-time = "2025-04-08T10:35:44.574Z" }, - { url = "https://files.pythonhosted.org/packages/23/14/499e90c37fa518976782b10a18b18db9f55ea73ca14641615056f8194bb3/watchfiles-1.0.5-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:0125f91f70e0732a9f8ee01e49515c35d38ba48db507a50c5bdcad9503af5827", size = 453995, upload-time = "2025-04-08T10:35:46.336Z" }, - { url = "https://files.pythonhosted.org/packages/61/d9/f75d6840059320df5adecd2c687fbc18960a7f97b55c300d20f207d48aef/watchfiles-1.0.5-cp313-cp313-musllinux_1_1_aarch64.whl", hash = "sha256:13bb21f8ba3248386337c9fa51c528868e6c34a707f729ab041c846d52a0c69a", size = 629693, upload-time = "2025-04-08T10:35:48.161Z" }, - { url = "https://files.pythonhosted.org/packages/fc/17/180ca383f5061b61406477218c55d66ec118e6c0c51f02d8142895fcf0a9/watchfiles-1.0.5-cp313-cp313-musllinux_1_1_x86_64.whl", hash = "sha256:839ebd0df4a18c5b3c1b890145b5a3f5f64063c2a0d02b13c76d78fe5de34936", size = 624677, upload-time = "2025-04-08T10:35:49.65Z" }, - { url = "https://files.pythonhosted.org/packages/bf/15/714d6ef307f803f236d69ee9d421763707899d6298d9f3183e55e366d9af/watchfiles-1.0.5-cp313-cp313-win32.whl", hash = "sha256:4a8ec1e4e16e2d5bafc9ba82f7aaecfeec990ca7cd27e84fb6f191804ed2fcfc", size = 277804, upload-time = "2025-04-08T10:35:51.093Z" }, - { url = "https://files.pythonhosted.org/packages/a8/b4/c57b99518fadf431f3ef47a610839e46e5f8abf9814f969859d1c65c02c7/watchfiles-1.0.5-cp313-cp313-win_amd64.whl", hash = "sha256:f436601594f15bf406518af922a89dcaab416568edb6f65c4e5bbbad1ea45c11", size = 291087, upload-time = "2025-04-08T10:35:52.458Z" }, +sdist = { url = "https://files.pythonhosted.org/packages/03/e2/8ed598c42057de7aa5d97c472254af4906ff0a59a66699d426fc9ef795d7/watchfiles-1.0.5.tar.gz", hash = "sha256:b7529b5dcc114679d43827d8c35a07c493ad6f083633d573d81c660abc5979e9", size = 94537, upload_time = "2025-04-08T10:36:26.722Z" } +wheels = [ + { url = "https://files.pythonhosted.org/packages/39/f4/41b591f59021786ef517e1cdc3b510383551846703e03f204827854a96f8/watchfiles-1.0.5-cp311-cp311-macosx_10_12_x86_64.whl", hash = "sha256:237f9be419e977a0f8f6b2e7b0475ababe78ff1ab06822df95d914a945eac827", size = 405336, upload_time = "2025-04-08T10:34:59.359Z" }, + { url = "https://files.pythonhosted.org/packages/ae/06/93789c135be4d6d0e4f63e96eea56dc54050b243eacc28439a26482b5235/watchfiles-1.0.5-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:e0da39ff917af8b27a4bdc5a97ac577552a38aac0d260a859c1517ea3dc1a7c4", size = 395977, upload_time = "2025-04-08T10:35:00.522Z" }, + { url = "https://files.pythonhosted.org/packages/d2/db/1cd89bd83728ca37054512d4d35ab69b5f12b8aa2ac9be3b0276b3bf06cc/watchfiles-1.0.5-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:2cfcb3952350e95603f232a7a15f6c5f86c5375e46f0bd4ae70d43e3e063c13d", size = 455232, upload_time = "2025-04-08T10:35:01.698Z" }, + { url = "https://files.pythonhosted.org/packages/40/90/d8a4d44ffe960517e487c9c04f77b06b8abf05eb680bed71c82b5f2cad62/watchfiles-1.0.5-cp311-cp311-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:68b2dddba7a4e6151384e252a5632efcaa9bc5d1c4b567f3cb621306b2ca9f63", size = 459151, upload_time = "2025-04-08T10:35:03.358Z" }, + { url = "https://files.pythonhosted.org/packages/6c/da/267a1546f26465dead1719caaba3ce660657f83c9d9c052ba98fb8856e13/watchfiles-1.0.5-cp311-cp311-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:95cf944fcfc394c5f9de794ce581914900f82ff1f855326f25ebcf24d5397418", size = 489054, upload_time = "2025-04-08T10:35:04.561Z" }, + { url = "https://files.pythonhosted.org/packages/b1/31/33850dfd5c6efb6f27d2465cc4c6b27c5a6f5ed53c6fa63b7263cf5f60f6/watchfiles-1.0.5-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:ecf6cd9f83d7c023b1aba15d13f705ca7b7d38675c121f3cc4a6e25bd0857ee9", size = 523955, upload_time = "2025-04-08T10:35:05.786Z" }, + { url = "https://files.pythonhosted.org/packages/09/84/b7d7b67856efb183a421f1416b44ca975cb2ea6c4544827955dfb01f7dc2/watchfiles-1.0.5-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:852de68acd6212cd6d33edf21e6f9e56e5d98c6add46f48244bd479d97c967c6", size = 502234, upload_time = "2025-04-08T10:35:07.187Z" }, + { url = "https://files.pythonhosted.org/packages/71/87/6dc5ec6882a2254cfdd8b0718b684504e737273903b65d7338efaba08b52/watchfiles-1.0.5-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:d5730f3aa35e646103b53389d5bc77edfbf578ab6dab2e005142b5b80a35ef25", size = 454750, upload_time = "2025-04-08T10:35:08.859Z" }, + { url = "https://files.pythonhosted.org/packages/3d/6c/3786c50213451a0ad15170d091570d4a6554976cf0df19878002fc96075a/watchfiles-1.0.5-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:18b3bd29954bc4abeeb4e9d9cf0b30227f0f206c86657674f544cb032296acd5", size = 631591, upload_time = "2025-04-08T10:35:10.64Z" }, + { url = "https://files.pythonhosted.org/packages/1b/b3/1427425ade4e359a0deacce01a47a26024b2ccdb53098f9d64d497f6684c/watchfiles-1.0.5-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:ba5552a1b07c8edbf197055bc9d518b8f0d98a1c6a73a293bc0726dce068ed01", size = 625370, upload_time = "2025-04-08T10:35:12.412Z" }, + { url = "https://files.pythonhosted.org/packages/15/ba/f60e053b0b5b8145d682672024aa91370a29c5c921a88977eb565de34086/watchfiles-1.0.5-cp311-cp311-win32.whl", hash = "sha256:2f1fefb2e90e89959447bc0420fddd1e76f625784340d64a2f7d5983ef9ad246", size = 277791, upload_time = "2025-04-08T10:35:13.719Z" }, + { url = "https://files.pythonhosted.org/packages/50/ed/7603c4e164225c12c0d4e8700b64bb00e01a6c4eeea372292a3856be33a4/watchfiles-1.0.5-cp311-cp311-win_amd64.whl", hash = "sha256:b6e76ceb1dd18c8e29c73f47d41866972e891fc4cc7ba014f487def72c1cf096", size = 291622, upload_time = "2025-04-08T10:35:15.071Z" }, + { url = "https://files.pythonhosted.org/packages/a2/c2/99bb7c96b4450e36877fde33690ded286ff555b5a5c1d925855d556968a1/watchfiles-1.0.5-cp311-cp311-win_arm64.whl", hash = "sha256:266710eb6fddc1f5e51843c70e3bebfb0f5e77cf4f27129278c70554104d19ed", size = 283699, upload_time = "2025-04-08T10:35:16.732Z" }, + { url = "https://files.pythonhosted.org/packages/2a/8c/4f0b9bdb75a1bfbd9c78fad7d8854369283f74fe7cf03eb16be77054536d/watchfiles-1.0.5-cp312-cp312-macosx_10_12_x86_64.whl", hash = "sha256:b5eb568c2aa6018e26da9e6c86f3ec3fd958cee7f0311b35c2630fa4217d17f2", size = 401511, upload_time = "2025-04-08T10:35:17.956Z" }, + { url = "https://files.pythonhosted.org/packages/dc/4e/7e15825def77f8bd359b6d3f379f0c9dac4eb09dd4ddd58fd7d14127179c/watchfiles-1.0.5-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:0a04059f4923ce4e856b4b4e5e783a70f49d9663d22a4c3b3298165996d1377f", size = 392715, upload_time = "2025-04-08T10:35:19.202Z" }, + { url = "https://files.pythonhosted.org/packages/58/65/b72fb817518728e08de5840d5d38571466c1b4a3f724d190cec909ee6f3f/watchfiles-1.0.5-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:3e380c89983ce6e6fe2dd1e1921b9952fb4e6da882931abd1824c092ed495dec", size = 454138, upload_time = "2025-04-08T10:35:20.586Z" }, + { url = "https://files.pythonhosted.org/packages/3e/a4/86833fd2ea2e50ae28989f5950b5c3f91022d67092bfec08f8300d8b347b/watchfiles-1.0.5-cp312-cp312-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:fe43139b2c0fdc4a14d4f8d5b5d967f7a2777fd3d38ecf5b1ec669b0d7e43c21", size = 458592, upload_time = "2025-04-08T10:35:21.87Z" }, + { url = "https://files.pythonhosted.org/packages/38/7e/42cb8df8be9a37e50dd3a818816501cf7a20d635d76d6bd65aae3dbbff68/watchfiles-1.0.5-cp312-cp312-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:ee0822ce1b8a14fe5a066f93edd20aada932acfe348bede8aa2149f1a4489512", size = 487532, upload_time = "2025-04-08T10:35:23.143Z" }, + { url = "https://files.pythonhosted.org/packages/fc/fd/13d26721c85d7f3df6169d8b495fcac8ab0dc8f0945ebea8845de4681dab/watchfiles-1.0.5-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:a0dbcb1c2d8f2ab6e0a81c6699b236932bd264d4cef1ac475858d16c403de74d", size = 522865, upload_time = "2025-04-08T10:35:24.702Z" }, + { url = "https://files.pythonhosted.org/packages/a1/0d/7f9ae243c04e96c5455d111e21b09087d0eeaf9a1369e13a01c7d3d82478/watchfiles-1.0.5-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:a2014a2b18ad3ca53b1f6c23f8cd94a18ce930c1837bd891262c182640eb40a6", size = 499887, upload_time = "2025-04-08T10:35:25.969Z" }, + { url = "https://files.pythonhosted.org/packages/8e/0f/a257766998e26aca4b3acf2ae97dff04b57071e991a510857d3799247c67/watchfiles-1.0.5-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:10f6ae86d5cb647bf58f9f655fcf577f713915a5d69057a0371bc257e2553234", size = 454498, upload_time = "2025-04-08T10:35:27.353Z" }, + { url = "https://files.pythonhosted.org/packages/81/79/8bf142575a03e0af9c3d5f8bcae911ee6683ae93a625d349d4ecf4c8f7df/watchfiles-1.0.5-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:1a7bac2bde1d661fb31f4d4e8e539e178774b76db3c2c17c4bb3e960a5de07a2", size = 630663, upload_time = "2025-04-08T10:35:28.685Z" }, + { url = "https://files.pythonhosted.org/packages/f1/80/abe2e79f610e45c63a70d271caea90c49bbf93eb00fa947fa9b803a1d51f/watchfiles-1.0.5-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:4ab626da2fc1ac277bbf752446470b367f84b50295264d2d313e28dc4405d663", size = 625410, upload_time = "2025-04-08T10:35:30.42Z" }, + { url = "https://files.pythonhosted.org/packages/91/6f/bc7fbecb84a41a9069c2c6eb6319f7f7df113adf113e358c57fc1aff7ff5/watchfiles-1.0.5-cp312-cp312-win32.whl", hash = "sha256:9f4571a783914feda92018ef3901dab8caf5b029325b5fe4558c074582815249", size = 277965, upload_time = "2025-04-08T10:35:32.023Z" }, + { url = "https://files.pythonhosted.org/packages/99/a5/bf1c297ea6649ec59e935ab311f63d8af5faa8f0b86993e3282b984263e3/watchfiles-1.0.5-cp312-cp312-win_amd64.whl", hash = "sha256:360a398c3a19672cf93527f7e8d8b60d8275119c5d900f2e184d32483117a705", size = 291693, upload_time = "2025-04-08T10:35:33.225Z" }, + { url = "https://files.pythonhosted.org/packages/7f/7b/fd01087cc21db5c47e5beae507b87965db341cce8a86f9eb12bf5219d4e0/watchfiles-1.0.5-cp312-cp312-win_arm64.whl", hash = "sha256:1a2902ede862969077b97523987c38db28abbe09fb19866e711485d9fbf0d417", size = 283287, upload_time = "2025-04-08T10:35:34.568Z" }, + { url = "https://files.pythonhosted.org/packages/c7/62/435766874b704f39b2fecd8395a29042db2b5ec4005bd34523415e9bd2e0/watchfiles-1.0.5-cp313-cp313-macosx_10_12_x86_64.whl", hash = "sha256:0b289572c33a0deae62daa57e44a25b99b783e5f7aed81b314232b3d3c81a11d", size = 401531, upload_time = "2025-04-08T10:35:35.792Z" }, + { url = "https://files.pythonhosted.org/packages/6e/a6/e52a02c05411b9cb02823e6797ef9bbba0bfaf1bb627da1634d44d8af833/watchfiles-1.0.5-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:a056c2f692d65bf1e99c41045e3bdcaea3cb9e6b5a53dcaf60a5f3bd95fc9763", size = 392417, upload_time = "2025-04-08T10:35:37.048Z" }, + { url = "https://files.pythonhosted.org/packages/3f/53/c4af6819770455932144e0109d4854437769672d7ad897e76e8e1673435d/watchfiles-1.0.5-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:b9dca99744991fc9850d18015c4f0438865414e50069670f5f7eee08340d8b40", size = 453423, upload_time = "2025-04-08T10:35:38.357Z" }, + { url = "https://files.pythonhosted.org/packages/cb/d1/8e88df58bbbf819b8bc5cfbacd3c79e01b40261cad0fc84d1e1ebd778a07/watchfiles-1.0.5-cp313-cp313-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:894342d61d355446d02cd3988a7326af344143eb33a2fd5d38482a92072d9563", size = 458185, upload_time = "2025-04-08T10:35:39.708Z" }, + { url = "https://files.pythonhosted.org/packages/ff/70/fffaa11962dd5429e47e478a18736d4e42bec42404f5ee3b92ef1b87ad60/watchfiles-1.0.5-cp313-cp313-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:ab44e1580924d1ffd7b3938e02716d5ad190441965138b4aa1d1f31ea0877f04", size = 486696, upload_time = "2025-04-08T10:35:41.469Z" }, + { url = "https://files.pythonhosted.org/packages/39/db/723c0328e8b3692d53eb273797d9a08be6ffb1d16f1c0ba2bdbdc2a3852c/watchfiles-1.0.5-cp313-cp313-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:d6f9367b132078b2ceb8d066ff6c93a970a18c3029cea37bfd7b2d3dd2e5db8f", size = 522327, upload_time = "2025-04-08T10:35:43.289Z" }, + { url = "https://files.pythonhosted.org/packages/cd/05/9fccc43c50c39a76b68343484b9da7b12d42d0859c37c61aec018c967a32/watchfiles-1.0.5-cp313-cp313-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:f2e55a9b162e06e3f862fb61e399fe9f05d908d019d87bf5b496a04ef18a970a", size = 499741, upload_time = "2025-04-08T10:35:44.574Z" }, + { url = "https://files.pythonhosted.org/packages/23/14/499e90c37fa518976782b10a18b18db9f55ea73ca14641615056f8194bb3/watchfiles-1.0.5-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:0125f91f70e0732a9f8ee01e49515c35d38ba48db507a50c5bdcad9503af5827", size = 453995, upload_time = "2025-04-08T10:35:46.336Z" }, + { url = "https://files.pythonhosted.org/packages/61/d9/f75d6840059320df5adecd2c687fbc18960a7f97b55c300d20f207d48aef/watchfiles-1.0.5-cp313-cp313-musllinux_1_1_aarch64.whl", hash = "sha256:13bb21f8ba3248386337c9fa51c528868e6c34a707f729ab041c846d52a0c69a", size = 629693, upload_time = "2025-04-08T10:35:48.161Z" }, + { url = "https://files.pythonhosted.org/packages/fc/17/180ca383f5061b61406477218c55d66ec118e6c0c51f02d8142895fcf0a9/watchfiles-1.0.5-cp313-cp313-musllinux_1_1_x86_64.whl", hash = "sha256:839ebd0df4a18c5b3c1b890145b5a3f5f64063c2a0d02b13c76d78fe5de34936", size = 624677, upload_time = "2025-04-08T10:35:49.65Z" }, + { url = "https://files.pythonhosted.org/packages/bf/15/714d6ef307f803f236d69ee9d421763707899d6298d9f3183e55e366d9af/watchfiles-1.0.5-cp313-cp313-win32.whl", hash = "sha256:4a8ec1e4e16e2d5bafc9ba82f7aaecfeec990ca7cd27e84fb6f191804ed2fcfc", size = 277804, upload_time = "2025-04-08T10:35:51.093Z" }, + { url = "https://files.pythonhosted.org/packages/a8/b4/c57b99518fadf431f3ef47a610839e46e5f8abf9814f969859d1c65c02c7/watchfiles-1.0.5-cp313-cp313-win_amd64.whl", hash = "sha256:f436601594f15bf406518af922a89dcaab416568edb6f65c4e5bbbad1ea45c11", size = 291087, upload_time = "2025-04-08T10:35:52.458Z" }, ] [[package]] name = "wcwidth" version = "0.2.13" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/6c/63/53559446a878410fc5a5974feb13d31d78d752eb18aeba59c7fef1af7598/wcwidth-0.2.13.tar.gz", hash = "sha256:72ea0c06399eb286d978fdedb6923a9eb47e1c486ce63e9b4e64fc18303972b5", size = 101301, upload-time = "2024-01-06T02:10:57.829Z" } +sdist = { url = "https://files.pythonhosted.org/packages/6c/63/53559446a878410fc5a5974feb13d31d78d752eb18aeba59c7fef1af7598/wcwidth-0.2.13.tar.gz", hash = "sha256:72ea0c06399eb286d978fdedb6923a9eb47e1c486ce63e9b4e64fc18303972b5", size = 101301, upload_time = "2024-01-06T02:10:57.829Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/fd/84/fd2ba7aafacbad3c4201d395674fc6348826569da3c0937e75505ead3528/wcwidth-0.2.13-py2.py3-none-any.whl", hash = "sha256:3da69048e4540d84af32131829ff948f1e022c1c6bdb8d6102117aac784f6859", size = 34166, upload-time = "2024-01-06T02:10:55.763Z" }, + { url = "https://files.pythonhosted.org/packages/fd/84/fd2ba7aafacbad3c4201d395674fc6348826569da3c0937e75505ead3528/wcwidth-0.2.13-py2.py3-none-any.whl", hash = "sha256:3da69048e4540d84af32131829ff948f1e022c1c6bdb8d6102117aac784f6859", size = 34166, upload_time = "2024-01-06T02:10:55.763Z" }, ] [[package]] name = "webcolors" version = "24.11.1" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/7b/29/061ec845fb58521848f3739e466efd8250b4b7b98c1b6c5bf4d40b419b7e/webcolors-24.11.1.tar.gz", hash = "sha256:ecb3d768f32202af770477b8b65f318fa4f566c22948673a977b00d589dd80f6", size = 45064, upload-time = "2024-11-11T07:43:24.224Z" } +sdist = { url = "https://files.pythonhosted.org/packages/7b/29/061ec845fb58521848f3739e466efd8250b4b7b98c1b6c5bf4d40b419b7e/webcolors-24.11.1.tar.gz", hash = "sha256:ecb3d768f32202af770477b8b65f318fa4f566c22948673a977b00d589dd80f6", size = 45064, upload_time = "2024-11-11T07:43:24.224Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/60/e8/c0e05e4684d13459f93d312077a9a2efbe04d59c393bc2b8802248c908d4/webcolors-24.11.1-py3-none-any.whl", hash = "sha256:515291393b4cdf0eb19c155749a096f779f7d909f7cceea072791cb9095b92e9", size = 14934, upload-time = "2024-11-11T07:43:22.529Z" }, + { url = "https://files.pythonhosted.org/packages/60/e8/c0e05e4684d13459f93d312077a9a2efbe04d59c393bc2b8802248c908d4/webcolors-24.11.1-py3-none-any.whl", hash = "sha256:515291393b4cdf0eb19c155749a096f779f7d909f7cceea072791cb9095b92e9", size = 14934, upload_time = "2024-11-11T07:43:22.529Z" }, ] [[package]] name = "webencodings" version = "0.5.1" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/0b/02/ae6ceac1baeda530866a85075641cec12989bd8d31af6d5ab4a3e8c92f47/webencodings-0.5.1.tar.gz", hash = "sha256:b36a1c245f2d304965eb4e0a82848379241dc04b865afcc4aab16748587e1923", size = 9721, upload-time = "2017-04-05T20:21:34.189Z" } +sdist = { url = "https://files.pythonhosted.org/packages/0b/02/ae6ceac1baeda530866a85075641cec12989bd8d31af6d5ab4a3e8c92f47/webencodings-0.5.1.tar.gz", hash = "sha256:b36a1c245f2d304965eb4e0a82848379241dc04b865afcc4aab16748587e1923", size = 9721, upload_time = "2017-04-05T20:21:34.189Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/f4/24/2a3e3df732393fed8b3ebf2ec078f05546de641fe1b667ee316ec1dcf3b7/webencodings-0.5.1-py2.py3-none-any.whl", hash = "sha256:a0af1213f3c2226497a97e2b3aa01a7e4bee4f403f95be16fc9acd2947514a78", size = 11774, upload-time = "2017-04-05T20:21:32.581Z" }, + { url = "https://files.pythonhosted.org/packages/f4/24/2a3e3df732393fed8b3ebf2ec078f05546de641fe1b667ee316ec1dcf3b7/webencodings-0.5.1-py2.py3-none-any.whl", hash = "sha256:a0af1213f3c2226497a97e2b3aa01a7e4bee4f403f95be16fc9acd2947514a78", size = 11774, upload_time = "2017-04-05T20:21:32.581Z" }, ] [[package]] name = "websocket-client" version = "1.8.0" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/e6/30/fba0d96b4b5fbf5948ed3f4681f7da2f9f64512e1d303f94b4cc174c24a5/websocket_client-1.8.0.tar.gz", hash = "sha256:3239df9f44da632f96012472805d40a23281a991027ce11d2f45a6f24ac4c3da", size = 54648, upload-time = "2024-04-23T22:16:16.976Z" } +sdist = { url = "https://files.pythonhosted.org/packages/e6/30/fba0d96b4b5fbf5948ed3f4681f7da2f9f64512e1d303f94b4cc174c24a5/websocket_client-1.8.0.tar.gz", hash = "sha256:3239df9f44da632f96012472805d40a23281a991027ce11d2f45a6f24ac4c3da", size = 54648, upload_time = "2024-04-23T22:16:16.976Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/5a/84/44687a29792a70e111c5c477230a72c4b957d88d16141199bf9acb7537a3/websocket_client-1.8.0-py3-none-any.whl", hash = "sha256:17b44cc997f5c498e809b22cdf2d9c7a9e71c02c8cc2b6c56e7c2d1239bfa526", size = 58826, upload-time = "2024-04-23T22:16:14.422Z" }, + { url = "https://files.pythonhosted.org/packages/5a/84/44687a29792a70e111c5c477230a72c4b957d88d16141199bf9acb7537a3/websocket_client-1.8.0-py3-none-any.whl", hash = "sha256:17b44cc997f5c498e809b22cdf2d9c7a9e71c02c8cc2b6c56e7c2d1239bfa526", size = 58826, upload_time = "2024-04-23T22:16:14.422Z" }, ] [[package]] name = "websockets" version = "14.2" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/94/54/8359678c726243d19fae38ca14a334e740782336c9f19700858c4eb64a1e/websockets-14.2.tar.gz", hash = "sha256:5059ed9c54945efb321f097084b4c7e52c246f2c869815876a69d1efc4ad6eb5", size = 164394, upload-time = "2025-01-19T21:00:56.431Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/15/b6/504695fb9a33df0ca56d157f5985660b5fc5b4bf8c78f121578d2d653392/websockets-14.2-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:3bdc8c692c866ce5fefcaf07d2b55c91d6922ac397e031ef9b774e5b9ea42166", size = 163088, upload-time = "2025-01-19T20:59:06.435Z" }, - { url = "https://files.pythonhosted.org/packages/81/26/ebfb8f6abe963c795122439c6433c4ae1e061aaedfc7eff32d09394afbae/websockets-14.2-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:c93215fac5dadc63e51bcc6dceca72e72267c11def401d6668622b47675b097f", size = 160745, upload-time = "2025-01-19T20:59:09.109Z" }, - { url = "https://files.pythonhosted.org/packages/a1/c6/1435ad6f6dcbff80bb95e8986704c3174da8866ddb751184046f5c139ef6/websockets-14.2-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:1c9b6535c0e2cf8a6bf938064fb754aaceb1e6a4a51a80d884cd5db569886910", size = 160995, upload-time = "2025-01-19T20:59:12.816Z" }, - { url = "https://files.pythonhosted.org/packages/96/63/900c27cfe8be1a1f2433fc77cd46771cf26ba57e6bdc7cf9e63644a61863/websockets-14.2-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:0a52a6d7cf6938e04e9dceb949d35fbdf58ac14deea26e685ab6368e73744e4c", size = 170543, upload-time = "2025-01-19T20:59:15.026Z" }, - { url = "https://files.pythonhosted.org/packages/00/8b/bec2bdba92af0762d42d4410593c1d7d28e9bfd952c97a3729df603dc6ea/websockets-14.2-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:9f05702e93203a6ff5226e21d9b40c037761b2cfb637187c9802c10f58e40473", size = 169546, upload-time = "2025-01-19T20:59:17.156Z" }, - { url = "https://files.pythonhosted.org/packages/6b/a9/37531cb5b994f12a57dec3da2200ef7aadffef82d888a4c29a0d781568e4/websockets-14.2-cp311-cp311-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:22441c81a6748a53bfcb98951d58d1af0661ab47a536af08920d129b4d1c3473", size = 169911, upload-time = "2025-01-19T20:59:18.623Z" }, - { url = "https://files.pythonhosted.org/packages/60/d5/a6eadba2ed9f7e65d677fec539ab14a9b83de2b484ab5fe15d3d6d208c28/websockets-14.2-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:efd9b868d78b194790e6236d9cbc46d68aba4b75b22497eb4ab64fa640c3af56", size = 170183, upload-time = "2025-01-19T20:59:20.743Z" }, - { url = "https://files.pythonhosted.org/packages/76/57/a338ccb00d1df881c1d1ee1f2a20c9c1b5b29b51e9e0191ee515d254fea6/websockets-14.2-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:1a5a20d5843886d34ff8c57424cc65a1deda4375729cbca4cb6b3353f3ce4142", size = 169623, upload-time = "2025-01-19T20:59:22.286Z" }, - { url = "https://files.pythonhosted.org/packages/64/22/e5f7c33db0cb2c1d03b79fd60d189a1da044e2661f5fd01d629451e1db89/websockets-14.2-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:34277a29f5303d54ec6468fb525d99c99938607bc96b8d72d675dee2b9f5bf1d", size = 169583, upload-time = "2025-01-19T20:59:23.656Z" }, - { url = "https://files.pythonhosted.org/packages/aa/2e/2b4662237060063a22e5fc40d46300a07142afe30302b634b4eebd717c07/websockets-14.2-cp311-cp311-win32.whl", hash = "sha256:02687db35dbc7d25fd541a602b5f8e451a238ffa033030b172ff86a93cb5dc2a", size = 163969, upload-time = "2025-01-19T20:59:26.004Z" }, - { url = "https://files.pythonhosted.org/packages/94/a5/0cda64e1851e73fc1ecdae6f42487babb06e55cb2f0dc8904b81d8ef6857/websockets-14.2-cp311-cp311-win_amd64.whl", hash = "sha256:862e9967b46c07d4dcd2532e9e8e3c2825e004ffbf91a5ef9dde519ee2effb0b", size = 164408, upload-time = "2025-01-19T20:59:28.105Z" }, - { url = "https://files.pythonhosted.org/packages/c1/81/04f7a397653dc8bec94ddc071f34833e8b99b13ef1a3804c149d59f92c18/websockets-14.2-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:1f20522e624d7ffbdbe259c6b6a65d73c895045f76a93719aa10cd93b3de100c", size = 163096, upload-time = "2025-01-19T20:59:29.763Z" }, - { url = "https://files.pythonhosted.org/packages/ec/c5/de30e88557e4d70988ed4d2eabd73fd3e1e52456b9f3a4e9564d86353b6d/websockets-14.2-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:647b573f7d3ada919fd60e64d533409a79dcf1ea21daeb4542d1d996519ca967", size = 160758, upload-time = "2025-01-19T20:59:32.095Z" }, - { url = "https://files.pythonhosted.org/packages/e5/8c/d130d668781f2c77d106c007b6c6c1d9db68239107c41ba109f09e6c218a/websockets-14.2-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:6af99a38e49f66be5a64b1e890208ad026cda49355661549c507152113049990", size = 160995, upload-time = "2025-01-19T20:59:33.527Z" }, - { url = "https://files.pythonhosted.org/packages/a6/bc/f6678a0ff17246df4f06765e22fc9d98d1b11a258cc50c5968b33d6742a1/websockets-14.2-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:091ab63dfc8cea748cc22c1db2814eadb77ccbf82829bac6b2fbe3401d548eda", size = 170815, upload-time = "2025-01-19T20:59:35.837Z" }, - { url = "https://files.pythonhosted.org/packages/d8/b2/8070cb970c2e4122a6ef38bc5b203415fd46460e025652e1ee3f2f43a9a3/websockets-14.2-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:b374e8953ad477d17e4851cdc66d83fdc2db88d9e73abf755c94510ebddceb95", size = 169759, upload-time = "2025-01-19T20:59:38.216Z" }, - { url = "https://files.pythonhosted.org/packages/81/da/72f7caabd94652e6eb7e92ed2d3da818626e70b4f2b15a854ef60bf501ec/websockets-14.2-cp312-cp312-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:a39d7eceeea35db85b85e1169011bb4321c32e673920ae9c1b6e0978590012a3", size = 170178, upload-time = "2025-01-19T20:59:40.423Z" }, - { url = "https://files.pythonhosted.org/packages/31/e0/812725b6deca8afd3a08a2e81b3c4c120c17f68c9b84522a520b816cda58/websockets-14.2-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:0a6f3efd47ffd0d12080594f434faf1cd2549b31e54870b8470b28cc1d3817d9", size = 170453, upload-time = "2025-01-19T20:59:41.996Z" }, - { url = "https://files.pythonhosted.org/packages/66/d3/8275dbc231e5ba9bb0c4f93144394b4194402a7a0c8ffaca5307a58ab5e3/websockets-14.2-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:065ce275e7c4ffb42cb738dd6b20726ac26ac9ad0a2a48e33ca632351a737267", size = 169830, upload-time = "2025-01-19T20:59:44.669Z" }, - { url = "https://files.pythonhosted.org/packages/a3/ae/e7d1a56755ae15ad5a94e80dd490ad09e345365199600b2629b18ee37bc7/websockets-14.2-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:e9d0e53530ba7b8b5e389c02282f9d2aa47581514bd6049d3a7cffe1385cf5fe", size = 169824, upload-time = "2025-01-19T20:59:46.932Z" }, - { url = "https://files.pythonhosted.org/packages/b6/32/88ccdd63cb261e77b882e706108d072e4f1c839ed723bf91a3e1f216bf60/websockets-14.2-cp312-cp312-win32.whl", hash = "sha256:20e6dd0984d7ca3037afcb4494e48c74ffb51e8013cac71cf607fffe11df7205", size = 163981, upload-time = "2025-01-19T20:59:49.228Z" }, - { url = "https://files.pythonhosted.org/packages/b3/7d/32cdb77990b3bdc34a306e0a0f73a1275221e9a66d869f6ff833c95b56ef/websockets-14.2-cp312-cp312-win_amd64.whl", hash = "sha256:44bba1a956c2c9d268bdcdf234d5e5ff4c9b6dc3e300545cbe99af59dda9dcce", size = 164421, upload-time = "2025-01-19T20:59:50.674Z" }, - { url = "https://files.pythonhosted.org/packages/82/94/4f9b55099a4603ac53c2912e1f043d6c49d23e94dd82a9ce1eb554a90215/websockets-14.2-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:6f1372e511c7409a542291bce92d6c83320e02c9cf392223272287ce55bc224e", size = 163102, upload-time = "2025-01-19T20:59:52.177Z" }, - { url = "https://files.pythonhosted.org/packages/8e/b7/7484905215627909d9a79ae07070057afe477433fdacb59bf608ce86365a/websockets-14.2-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:4da98b72009836179bb596a92297b1a61bb5a830c0e483a7d0766d45070a08ad", size = 160766, upload-time = "2025-01-19T20:59:54.368Z" }, - { url = "https://files.pythonhosted.org/packages/a3/a4/edb62efc84adb61883c7d2c6ad65181cb087c64252138e12d655989eec05/websockets-14.2-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:f8a86a269759026d2bde227652b87be79f8a734e582debf64c9d302faa1e9f03", size = 160998, upload-time = "2025-01-19T20:59:56.671Z" }, - { url = "https://files.pythonhosted.org/packages/f5/79/036d320dc894b96af14eac2529967a6fc8b74f03b83c487e7a0e9043d842/websockets-14.2-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:86cf1aaeca909bf6815ea714d5c5736c8d6dd3a13770e885aafe062ecbd04f1f", size = 170780, upload-time = "2025-01-19T20:59:58.085Z" }, - { url = "https://files.pythonhosted.org/packages/63/75/5737d21ee4dd7e4b9d487ee044af24a935e36a9ff1e1419d684feedcba71/websockets-14.2-cp313-cp313-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:a9b0f6c3ba3b1240f602ebb3971d45b02cc12bd1845466dd783496b3b05783a5", size = 169717, upload-time = "2025-01-19T20:59:59.545Z" }, - { url = "https://files.pythonhosted.org/packages/2c/3c/bf9b2c396ed86a0b4a92ff4cdaee09753d3ee389be738e92b9bbd0330b64/websockets-14.2-cp313-cp313-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:669c3e101c246aa85bc8534e495952e2ca208bd87994650b90a23d745902db9a", size = 170155, upload-time = "2025-01-19T21:00:01.887Z" }, - { url = "https://files.pythonhosted.org/packages/75/2d/83a5aca7247a655b1da5eb0ee73413abd5c3a57fc8b92915805e6033359d/websockets-14.2-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:eabdb28b972f3729348e632ab08f2a7b616c7e53d5414c12108c29972e655b20", size = 170495, upload-time = "2025-01-19T21:00:04.064Z" }, - { url = "https://files.pythonhosted.org/packages/79/dd/699238a92761e2f943885e091486378813ac8f43e3c84990bc394c2be93e/websockets-14.2-cp313-cp313-musllinux_1_2_i686.whl", hash = "sha256:2066dc4cbcc19f32c12a5a0e8cc1b7ac734e5b64ac0a325ff8353451c4b15ef2", size = 169880, upload-time = "2025-01-19T21:00:05.695Z" }, - { url = "https://files.pythonhosted.org/packages/c8/c9/67a8f08923cf55ce61aadda72089e3ed4353a95a3a4bc8bf42082810e580/websockets-14.2-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:ab95d357cd471df61873dadf66dd05dd4709cae001dd6342edafc8dc6382f307", size = 169856, upload-time = "2025-01-19T21:00:07.192Z" }, - { url = "https://files.pythonhosted.org/packages/17/b1/1ffdb2680c64e9c3921d99db460546194c40d4acbef999a18c37aa4d58a3/websockets-14.2-cp313-cp313-win32.whl", hash = "sha256:a9e72fb63e5f3feacdcf5b4ff53199ec8c18d66e325c34ee4c551ca748623bbc", size = 163974, upload-time = "2025-01-19T21:00:08.698Z" }, - { url = "https://files.pythonhosted.org/packages/14/13/8b7fc4cb551b9cfd9890f0fd66e53c18a06240319915533b033a56a3d520/websockets-14.2-cp313-cp313-win_amd64.whl", hash = "sha256:b439ea828c4ba99bb3176dc8d9b933392a2413c0f6b149fdcba48393f573377f", size = 164420, upload-time = "2025-01-19T21:00:10.182Z" }, - { url = "https://files.pythonhosted.org/packages/7b/c8/d529f8a32ce40d98309f4470780631e971a5a842b60aec864833b3615786/websockets-14.2-py3-none-any.whl", hash = "sha256:7a6ceec4ea84469f15cf15807a747e9efe57e369c384fa86e022b3bea679b79b", size = 157416, upload-time = "2025-01-19T21:00:54.843Z" }, +sdist = { url = "https://files.pythonhosted.org/packages/94/54/8359678c726243d19fae38ca14a334e740782336c9f19700858c4eb64a1e/websockets-14.2.tar.gz", hash = "sha256:5059ed9c54945efb321f097084b4c7e52c246f2c869815876a69d1efc4ad6eb5", size = 164394, upload_time = "2025-01-19T21:00:56.431Z" } +wheels = [ + { url = "https://files.pythonhosted.org/packages/15/b6/504695fb9a33df0ca56d157f5985660b5fc5b4bf8c78f121578d2d653392/websockets-14.2-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:3bdc8c692c866ce5fefcaf07d2b55c91d6922ac397e031ef9b774e5b9ea42166", size = 163088, upload_time = "2025-01-19T20:59:06.435Z" }, + { url = "https://files.pythonhosted.org/packages/81/26/ebfb8f6abe963c795122439c6433c4ae1e061aaedfc7eff32d09394afbae/websockets-14.2-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:c93215fac5dadc63e51bcc6dceca72e72267c11def401d6668622b47675b097f", size = 160745, upload_time = "2025-01-19T20:59:09.109Z" }, + { url = "https://files.pythonhosted.org/packages/a1/c6/1435ad6f6dcbff80bb95e8986704c3174da8866ddb751184046f5c139ef6/websockets-14.2-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:1c9b6535c0e2cf8a6bf938064fb754aaceb1e6a4a51a80d884cd5db569886910", size = 160995, upload_time = "2025-01-19T20:59:12.816Z" }, + { url = "https://files.pythonhosted.org/packages/96/63/900c27cfe8be1a1f2433fc77cd46771cf26ba57e6bdc7cf9e63644a61863/websockets-14.2-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:0a52a6d7cf6938e04e9dceb949d35fbdf58ac14deea26e685ab6368e73744e4c", size = 170543, upload_time = "2025-01-19T20:59:15.026Z" }, + { url = "https://files.pythonhosted.org/packages/00/8b/bec2bdba92af0762d42d4410593c1d7d28e9bfd952c97a3729df603dc6ea/websockets-14.2-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:9f05702e93203a6ff5226e21d9b40c037761b2cfb637187c9802c10f58e40473", size = 169546, upload_time = "2025-01-19T20:59:17.156Z" }, + { url = "https://files.pythonhosted.org/packages/6b/a9/37531cb5b994f12a57dec3da2200ef7aadffef82d888a4c29a0d781568e4/websockets-14.2-cp311-cp311-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:22441c81a6748a53bfcb98951d58d1af0661ab47a536af08920d129b4d1c3473", size = 169911, upload_time = "2025-01-19T20:59:18.623Z" }, + { url = "https://files.pythonhosted.org/packages/60/d5/a6eadba2ed9f7e65d677fec539ab14a9b83de2b484ab5fe15d3d6d208c28/websockets-14.2-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:efd9b868d78b194790e6236d9cbc46d68aba4b75b22497eb4ab64fa640c3af56", size = 170183, upload_time = "2025-01-19T20:59:20.743Z" }, + { url = "https://files.pythonhosted.org/packages/76/57/a338ccb00d1df881c1d1ee1f2a20c9c1b5b29b51e9e0191ee515d254fea6/websockets-14.2-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:1a5a20d5843886d34ff8c57424cc65a1deda4375729cbca4cb6b3353f3ce4142", size = 169623, upload_time = "2025-01-19T20:59:22.286Z" }, + { url = "https://files.pythonhosted.org/packages/64/22/e5f7c33db0cb2c1d03b79fd60d189a1da044e2661f5fd01d629451e1db89/websockets-14.2-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:34277a29f5303d54ec6468fb525d99c99938607bc96b8d72d675dee2b9f5bf1d", size = 169583, upload_time = "2025-01-19T20:59:23.656Z" }, + { url = "https://files.pythonhosted.org/packages/aa/2e/2b4662237060063a22e5fc40d46300a07142afe30302b634b4eebd717c07/websockets-14.2-cp311-cp311-win32.whl", hash = "sha256:02687db35dbc7d25fd541a602b5f8e451a238ffa033030b172ff86a93cb5dc2a", size = 163969, upload_time = "2025-01-19T20:59:26.004Z" }, + { url = "https://files.pythonhosted.org/packages/94/a5/0cda64e1851e73fc1ecdae6f42487babb06e55cb2f0dc8904b81d8ef6857/websockets-14.2-cp311-cp311-win_amd64.whl", hash = "sha256:862e9967b46c07d4dcd2532e9e8e3c2825e004ffbf91a5ef9dde519ee2effb0b", size = 164408, upload_time = "2025-01-19T20:59:28.105Z" }, + { url = "https://files.pythonhosted.org/packages/c1/81/04f7a397653dc8bec94ddc071f34833e8b99b13ef1a3804c149d59f92c18/websockets-14.2-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:1f20522e624d7ffbdbe259c6b6a65d73c895045f76a93719aa10cd93b3de100c", size = 163096, upload_time = "2025-01-19T20:59:29.763Z" }, + { url = "https://files.pythonhosted.org/packages/ec/c5/de30e88557e4d70988ed4d2eabd73fd3e1e52456b9f3a4e9564d86353b6d/websockets-14.2-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:647b573f7d3ada919fd60e64d533409a79dcf1ea21daeb4542d1d996519ca967", size = 160758, upload_time = "2025-01-19T20:59:32.095Z" }, + { url = "https://files.pythonhosted.org/packages/e5/8c/d130d668781f2c77d106c007b6c6c1d9db68239107c41ba109f09e6c218a/websockets-14.2-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:6af99a38e49f66be5a64b1e890208ad026cda49355661549c507152113049990", size = 160995, upload_time = "2025-01-19T20:59:33.527Z" }, + { url = "https://files.pythonhosted.org/packages/a6/bc/f6678a0ff17246df4f06765e22fc9d98d1b11a258cc50c5968b33d6742a1/websockets-14.2-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:091ab63dfc8cea748cc22c1db2814eadb77ccbf82829bac6b2fbe3401d548eda", size = 170815, upload_time = "2025-01-19T20:59:35.837Z" }, + { url = "https://files.pythonhosted.org/packages/d8/b2/8070cb970c2e4122a6ef38bc5b203415fd46460e025652e1ee3f2f43a9a3/websockets-14.2-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:b374e8953ad477d17e4851cdc66d83fdc2db88d9e73abf755c94510ebddceb95", size = 169759, upload_time = "2025-01-19T20:59:38.216Z" }, + { url = "https://files.pythonhosted.org/packages/81/da/72f7caabd94652e6eb7e92ed2d3da818626e70b4f2b15a854ef60bf501ec/websockets-14.2-cp312-cp312-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:a39d7eceeea35db85b85e1169011bb4321c32e673920ae9c1b6e0978590012a3", size = 170178, upload_time = "2025-01-19T20:59:40.423Z" }, + { url = "https://files.pythonhosted.org/packages/31/e0/812725b6deca8afd3a08a2e81b3c4c120c17f68c9b84522a520b816cda58/websockets-14.2-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:0a6f3efd47ffd0d12080594f434faf1cd2549b31e54870b8470b28cc1d3817d9", size = 170453, upload_time = "2025-01-19T20:59:41.996Z" }, + { url = "https://files.pythonhosted.org/packages/66/d3/8275dbc231e5ba9bb0c4f93144394b4194402a7a0c8ffaca5307a58ab5e3/websockets-14.2-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:065ce275e7c4ffb42cb738dd6b20726ac26ac9ad0a2a48e33ca632351a737267", size = 169830, upload_time = "2025-01-19T20:59:44.669Z" }, + { url = "https://files.pythonhosted.org/packages/a3/ae/e7d1a56755ae15ad5a94e80dd490ad09e345365199600b2629b18ee37bc7/websockets-14.2-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:e9d0e53530ba7b8b5e389c02282f9d2aa47581514bd6049d3a7cffe1385cf5fe", size = 169824, upload_time = "2025-01-19T20:59:46.932Z" }, + { url = "https://files.pythonhosted.org/packages/b6/32/88ccdd63cb261e77b882e706108d072e4f1c839ed723bf91a3e1f216bf60/websockets-14.2-cp312-cp312-win32.whl", hash = "sha256:20e6dd0984d7ca3037afcb4494e48c74ffb51e8013cac71cf607fffe11df7205", size = 163981, upload_time = "2025-01-19T20:59:49.228Z" }, + { url = "https://files.pythonhosted.org/packages/b3/7d/32cdb77990b3bdc34a306e0a0f73a1275221e9a66d869f6ff833c95b56ef/websockets-14.2-cp312-cp312-win_amd64.whl", hash = "sha256:44bba1a956c2c9d268bdcdf234d5e5ff4c9b6dc3e300545cbe99af59dda9dcce", size = 164421, upload_time = "2025-01-19T20:59:50.674Z" }, + { url = "https://files.pythonhosted.org/packages/82/94/4f9b55099a4603ac53c2912e1f043d6c49d23e94dd82a9ce1eb554a90215/websockets-14.2-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:6f1372e511c7409a542291bce92d6c83320e02c9cf392223272287ce55bc224e", size = 163102, upload_time = "2025-01-19T20:59:52.177Z" }, + { url = "https://files.pythonhosted.org/packages/8e/b7/7484905215627909d9a79ae07070057afe477433fdacb59bf608ce86365a/websockets-14.2-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:4da98b72009836179bb596a92297b1a61bb5a830c0e483a7d0766d45070a08ad", size = 160766, upload_time = "2025-01-19T20:59:54.368Z" }, + { url = "https://files.pythonhosted.org/packages/a3/a4/edb62efc84adb61883c7d2c6ad65181cb087c64252138e12d655989eec05/websockets-14.2-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:f8a86a269759026d2bde227652b87be79f8a734e582debf64c9d302faa1e9f03", size = 160998, upload_time = "2025-01-19T20:59:56.671Z" }, + { url = "https://files.pythonhosted.org/packages/f5/79/036d320dc894b96af14eac2529967a6fc8b74f03b83c487e7a0e9043d842/websockets-14.2-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:86cf1aaeca909bf6815ea714d5c5736c8d6dd3a13770e885aafe062ecbd04f1f", size = 170780, upload_time = "2025-01-19T20:59:58.085Z" }, + { url = "https://files.pythonhosted.org/packages/63/75/5737d21ee4dd7e4b9d487ee044af24a935e36a9ff1e1419d684feedcba71/websockets-14.2-cp313-cp313-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:a9b0f6c3ba3b1240f602ebb3971d45b02cc12bd1845466dd783496b3b05783a5", size = 169717, upload_time = "2025-01-19T20:59:59.545Z" }, + { url = "https://files.pythonhosted.org/packages/2c/3c/bf9b2c396ed86a0b4a92ff4cdaee09753d3ee389be738e92b9bbd0330b64/websockets-14.2-cp313-cp313-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:669c3e101c246aa85bc8534e495952e2ca208bd87994650b90a23d745902db9a", size = 170155, upload_time = "2025-01-19T21:00:01.887Z" }, + { url = "https://files.pythonhosted.org/packages/75/2d/83a5aca7247a655b1da5eb0ee73413abd5c3a57fc8b92915805e6033359d/websockets-14.2-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:eabdb28b972f3729348e632ab08f2a7b616c7e53d5414c12108c29972e655b20", size = 170495, upload_time = "2025-01-19T21:00:04.064Z" }, + { url = "https://files.pythonhosted.org/packages/79/dd/699238a92761e2f943885e091486378813ac8f43e3c84990bc394c2be93e/websockets-14.2-cp313-cp313-musllinux_1_2_i686.whl", hash = "sha256:2066dc4cbcc19f32c12a5a0e8cc1b7ac734e5b64ac0a325ff8353451c4b15ef2", size = 169880, upload_time = "2025-01-19T21:00:05.695Z" }, + { url = "https://files.pythonhosted.org/packages/c8/c9/67a8f08923cf55ce61aadda72089e3ed4353a95a3a4bc8bf42082810e580/websockets-14.2-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:ab95d357cd471df61873dadf66dd05dd4709cae001dd6342edafc8dc6382f307", size = 169856, upload_time = "2025-01-19T21:00:07.192Z" }, + { url = "https://files.pythonhosted.org/packages/17/b1/1ffdb2680c64e9c3921d99db460546194c40d4acbef999a18c37aa4d58a3/websockets-14.2-cp313-cp313-win32.whl", hash = "sha256:a9e72fb63e5f3feacdcf5b4ff53199ec8c18d66e325c34ee4c551ca748623bbc", size = 163974, upload_time = "2025-01-19T21:00:08.698Z" }, + { url = "https://files.pythonhosted.org/packages/14/13/8b7fc4cb551b9cfd9890f0fd66e53c18a06240319915533b033a56a3d520/websockets-14.2-cp313-cp313-win_amd64.whl", hash = "sha256:b439ea828c4ba99bb3176dc8d9b933392a2413c0f6b149fdcba48393f573377f", size = 164420, upload_time = "2025-01-19T21:00:10.182Z" }, + { url = "https://files.pythonhosted.org/packages/7b/c8/d529f8a32ce40d98309f4470780631e971a5a842b60aec864833b3615786/websockets-14.2-py3-none-any.whl", hash = "sha256:7a6ceec4ea84469f15cf15807a747e9efe57e369c384fa86e022b3bea679b79b", size = 157416, upload_time = "2025-01-19T21:00:54.843Z" }, ] [[package]] name = "xxhash" version = "3.5.0" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/00/5e/d6e5258d69df8b4ed8c83b6664f2b47d30d2dec551a29ad72a6c69eafd31/xxhash-3.5.0.tar.gz", hash = "sha256:84f2caddf951c9cbf8dc2e22a89d4ccf5d86391ac6418fe81e3c67d0cf60b45f", size = 84241, upload-time = "2024-08-17T09:20:38.972Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/b8/c7/afed0f131fbda960ff15eee7f304fa0eeb2d58770fade99897984852ef23/xxhash-3.5.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:02c2e816896dc6f85922ced60097bcf6f008dedfc5073dcba32f9c8dd786f3c1", size = 31969, upload-time = "2024-08-17T09:18:00.852Z" }, - { url = "https://files.pythonhosted.org/packages/8c/0c/7c3bc6d87e5235672fcc2fb42fd5ad79fe1033925f71bf549ee068c7d1ca/xxhash-3.5.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:6027dcd885e21581e46d3c7f682cfb2b870942feeed58a21c29583512c3f09f8", size = 30800, upload-time = "2024-08-17T09:18:01.863Z" }, - { url = "https://files.pythonhosted.org/packages/04/9e/01067981d98069eec1c20201f8c145367698e9056f8bc295346e4ea32dd1/xxhash-3.5.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:1308fa542bbdbf2fa85e9e66b1077eea3a88bef38ee8a06270b4298a7a62a166", size = 221566, upload-time = "2024-08-17T09:18:03.461Z" }, - { url = "https://files.pythonhosted.org/packages/d4/09/d4996de4059c3ce5342b6e1e6a77c9d6c91acce31f6ed979891872dd162b/xxhash-3.5.0-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:c28b2fdcee797e1c1961cd3bcd3d545cab22ad202c846235197935e1df2f8ef7", size = 201214, upload-time = "2024-08-17T09:18:05.616Z" }, - { url = "https://files.pythonhosted.org/packages/62/f5/6d2dc9f8d55a7ce0f5e7bfef916e67536f01b85d32a9fbf137d4cadbee38/xxhash-3.5.0-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:924361811732ddad75ff23e90efd9ccfda4f664132feecb90895bade6a1b4623", size = 429433, upload-time = "2024-08-17T09:18:06.957Z" }, - { url = "https://files.pythonhosted.org/packages/d9/72/9256303f10e41ab004799a4aa74b80b3c5977d6383ae4550548b24bd1971/xxhash-3.5.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:89997aa1c4b6a5b1e5b588979d1da048a3c6f15e55c11d117a56b75c84531f5a", size = 194822, upload-time = "2024-08-17T09:18:08.331Z" }, - { url = "https://files.pythonhosted.org/packages/34/92/1a3a29acd08248a34b0e6a94f4e0ed9b8379a4ff471f1668e4dce7bdbaa8/xxhash-3.5.0-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:685c4f4e8c59837de103344eb1c8a3851f670309eb5c361f746805c5471b8c88", size = 208538, upload-time = "2024-08-17T09:18:10.332Z" }, - { url = "https://files.pythonhosted.org/packages/53/ad/7fa1a109663366de42f724a1cdb8e796a260dbac45047bce153bc1e18abf/xxhash-3.5.0-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:dbd2ecfbfee70bc1a4acb7461fa6af7748ec2ab08ac0fa298f281c51518f982c", size = 216953, upload-time = "2024-08-17T09:18:11.707Z" }, - { url = "https://files.pythonhosted.org/packages/35/02/137300e24203bf2b2a49b48ce898ecce6fd01789c0fcd9c686c0a002d129/xxhash-3.5.0-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:25b5a51dc3dfb20a10833c8eee25903fd2e14059e9afcd329c9da20609a307b2", size = 203594, upload-time = "2024-08-17T09:18:13.799Z" }, - { url = "https://files.pythonhosted.org/packages/23/03/aeceb273933d7eee248c4322b98b8e971f06cc3880e5f7602c94e5578af5/xxhash-3.5.0-cp311-cp311-musllinux_1_2_ppc64le.whl", hash = "sha256:a8fb786fb754ef6ff8c120cb96629fb518f8eb5a61a16aac3a979a9dbd40a084", size = 210971, upload-time = "2024-08-17T09:18:15.824Z" }, - { url = "https://files.pythonhosted.org/packages/e3/64/ed82ec09489474cbb35c716b189ddc1521d8b3de12b1b5ab41ce7f70253c/xxhash-3.5.0-cp311-cp311-musllinux_1_2_s390x.whl", hash = "sha256:a905ad00ad1e1c34fe4e9d7c1d949ab09c6fa90c919860c1534ff479f40fd12d", size = 415050, upload-time = "2024-08-17T09:18:17.142Z" }, - { url = "https://files.pythonhosted.org/packages/71/43/6db4c02dcb488ad4e03bc86d70506c3d40a384ee73c9b5c93338eb1f3c23/xxhash-3.5.0-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:963be41bcd49f53af6d795f65c0da9b4cc518c0dd9c47145c98f61cb464f4839", size = 192216, upload-time = "2024-08-17T09:18:18.779Z" }, - { url = "https://files.pythonhosted.org/packages/22/6d/db4abec29e7a567455344433d095fdb39c97db6955bb4a2c432e486b4d28/xxhash-3.5.0-cp311-cp311-win32.whl", hash = "sha256:109b436096d0a2dd039c355fa3414160ec4d843dfecc64a14077332a00aeb7da", size = 30120, upload-time = "2024-08-17T09:18:20.009Z" }, - { url = "https://files.pythonhosted.org/packages/52/1c/fa3b61c0cf03e1da4767213672efe186b1dfa4fc901a4a694fb184a513d1/xxhash-3.5.0-cp311-cp311-win_amd64.whl", hash = "sha256:b702f806693201ad6c0a05ddbbe4c8f359626d0b3305f766077d51388a6bac58", size = 30003, upload-time = "2024-08-17T09:18:21.052Z" }, - { url = "https://files.pythonhosted.org/packages/6b/8e/9e6fc572acf6e1cc7ccb01973c213f895cb8668a9d4c2b58a99350da14b7/xxhash-3.5.0-cp311-cp311-win_arm64.whl", hash = "sha256:c4dcb4120d0cc3cc448624147dba64e9021b278c63e34a38789b688fd0da9bf3", size = 26777, upload-time = "2024-08-17T09:18:22.809Z" }, - { url = "https://files.pythonhosted.org/packages/07/0e/1bfce2502c57d7e2e787600b31c83535af83746885aa1a5f153d8c8059d6/xxhash-3.5.0-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:14470ace8bd3b5d51318782cd94e6f94431974f16cb3b8dc15d52f3b69df8e00", size = 31969, upload-time = "2024-08-17T09:18:24.025Z" }, - { url = "https://files.pythonhosted.org/packages/3f/d6/8ca450d6fe5b71ce521b4e5db69622383d039e2b253e9b2f24f93265b52c/xxhash-3.5.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:59aa1203de1cb96dbeab595ded0ad0c0056bb2245ae11fac11c0ceea861382b9", size = 30787, upload-time = "2024-08-17T09:18:25.318Z" }, - { url = "https://files.pythonhosted.org/packages/5b/84/de7c89bc6ef63d750159086a6ada6416cc4349eab23f76ab870407178b93/xxhash-3.5.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:08424f6648526076e28fae6ea2806c0a7d504b9ef05ae61d196d571e5c879c84", size = 220959, upload-time = "2024-08-17T09:18:26.518Z" }, - { url = "https://files.pythonhosted.org/packages/fe/86/51258d3e8a8545ff26468c977101964c14d56a8a37f5835bc0082426c672/xxhash-3.5.0-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:61a1ff00674879725b194695e17f23d3248998b843eb5e933007ca743310f793", size = 200006, upload-time = "2024-08-17T09:18:27.905Z" }, - { url = "https://files.pythonhosted.org/packages/02/0a/96973bd325412feccf23cf3680fd2246aebf4b789122f938d5557c54a6b2/xxhash-3.5.0-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:f2f2c61bee5844d41c3eb015ac652a0229e901074951ae48581d58bfb2ba01be", size = 428326, upload-time = "2024-08-17T09:18:29.335Z" }, - { url = "https://files.pythonhosted.org/packages/11/a7/81dba5010f7e733de88af9555725146fc133be97ce36533867f4c7e75066/xxhash-3.5.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:9d32a592cac88d18cc09a89172e1c32d7f2a6e516c3dfde1b9adb90ab5df54a6", size = 194380, upload-time = "2024-08-17T09:18:30.706Z" }, - { url = "https://files.pythonhosted.org/packages/fb/7d/f29006ab398a173f4501c0e4977ba288f1c621d878ec217b4ff516810c04/xxhash-3.5.0-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:70dabf941dede727cca579e8c205e61121afc9b28516752fd65724be1355cc90", size = 207934, upload-time = "2024-08-17T09:18:32.133Z" }, - { url = "https://files.pythonhosted.org/packages/8a/6e/6e88b8f24612510e73d4d70d9b0c7dff62a2e78451b9f0d042a5462c8d03/xxhash-3.5.0-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:e5d0ddaca65ecca9c10dcf01730165fd858533d0be84c75c327487c37a906a27", size = 216301, upload-time = "2024-08-17T09:18:33.474Z" }, - { url = "https://files.pythonhosted.org/packages/af/51/7862f4fa4b75a25c3b4163c8a873f070532fe5f2d3f9b3fc869c8337a398/xxhash-3.5.0-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:3e5b5e16c5a480fe5f59f56c30abdeba09ffd75da8d13f6b9b6fd224d0b4d0a2", size = 203351, upload-time = "2024-08-17T09:18:34.889Z" }, - { url = "https://files.pythonhosted.org/packages/22/61/8d6a40f288f791cf79ed5bb113159abf0c81d6efb86e734334f698eb4c59/xxhash-3.5.0-cp312-cp312-musllinux_1_2_ppc64le.whl", hash = "sha256:149b7914451eb154b3dfaa721315117ea1dac2cc55a01bfbd4df7c68c5dd683d", size = 210294, upload-time = "2024-08-17T09:18:36.355Z" }, - { url = "https://files.pythonhosted.org/packages/17/02/215c4698955762d45a8158117190261b2dbefe9ae7e5b906768c09d8bc74/xxhash-3.5.0-cp312-cp312-musllinux_1_2_s390x.whl", hash = "sha256:eade977f5c96c677035ff39c56ac74d851b1cca7d607ab3d8f23c6b859379cab", size = 414674, upload-time = "2024-08-17T09:18:38.536Z" }, - { url = "https://files.pythonhosted.org/packages/31/5c/b7a8db8a3237cff3d535261325d95de509f6a8ae439a5a7a4ffcff478189/xxhash-3.5.0-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:fa9f547bd98f5553d03160967866a71056a60960be00356a15ecc44efb40ba8e", size = 192022, upload-time = "2024-08-17T09:18:40.138Z" }, - { url = "https://files.pythonhosted.org/packages/78/e3/dd76659b2811b3fd06892a8beb850e1996b63e9235af5a86ea348f053e9e/xxhash-3.5.0-cp312-cp312-win32.whl", hash = "sha256:f7b58d1fd3551b8c80a971199543379be1cee3d0d409e1f6d8b01c1a2eebf1f8", size = 30170, upload-time = "2024-08-17T09:18:42.163Z" }, - { url = "https://files.pythonhosted.org/packages/d9/6b/1c443fe6cfeb4ad1dcf231cdec96eb94fb43d6498b4469ed8b51f8b59a37/xxhash-3.5.0-cp312-cp312-win_amd64.whl", hash = "sha256:fa0cafd3a2af231b4e113fba24a65d7922af91aeb23774a8b78228e6cd785e3e", size = 30040, upload-time = "2024-08-17T09:18:43.699Z" }, - { url = "https://files.pythonhosted.org/packages/0f/eb/04405305f290173acc0350eba6d2f1a794b57925df0398861a20fbafa415/xxhash-3.5.0-cp312-cp312-win_arm64.whl", hash = "sha256:586886c7e89cb9828bcd8a5686b12e161368e0064d040e225e72607b43858ba2", size = 26796, upload-time = "2024-08-17T09:18:45.29Z" }, - { url = "https://files.pythonhosted.org/packages/c9/b8/e4b3ad92d249be5c83fa72916c9091b0965cb0faeff05d9a0a3870ae6bff/xxhash-3.5.0-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:37889a0d13b0b7d739cfc128b1c902f04e32de17b33d74b637ad42f1c55101f6", size = 31795, upload-time = "2024-08-17T09:18:46.813Z" }, - { url = "https://files.pythonhosted.org/packages/fc/d8/b3627a0aebfbfa4c12a41e22af3742cf08c8ea84f5cc3367b5de2d039cce/xxhash-3.5.0-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:97a662338797c660178e682f3bc180277b9569a59abfb5925e8620fba00b9fc5", size = 30792, upload-time = "2024-08-17T09:18:47.862Z" }, - { url = "https://files.pythonhosted.org/packages/c3/cc/762312960691da989c7cd0545cb120ba2a4148741c6ba458aa723c00a3f8/xxhash-3.5.0-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:7f85e0108d51092bdda90672476c7d909c04ada6923c14ff9d913c4f7dc8a3bc", size = 220950, upload-time = "2024-08-17T09:18:49.06Z" }, - { url = "https://files.pythonhosted.org/packages/fe/e9/cc266f1042c3c13750e86a535496b58beb12bf8c50a915c336136f6168dc/xxhash-3.5.0-cp313-cp313-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:cd2fd827b0ba763ac919440042302315c564fdb797294d86e8cdd4578e3bc7f3", size = 199980, upload-time = "2024-08-17T09:18:50.445Z" }, - { url = "https://files.pythonhosted.org/packages/bf/85/a836cd0dc5cc20376de26b346858d0ac9656f8f730998ca4324921a010b9/xxhash-3.5.0-cp313-cp313-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:82085c2abec437abebf457c1d12fccb30cc8b3774a0814872511f0f0562c768c", size = 428324, upload-time = "2024-08-17T09:18:51.988Z" }, - { url = "https://files.pythonhosted.org/packages/b4/0e/15c243775342ce840b9ba34aceace06a1148fa1630cd8ca269e3223987f5/xxhash-3.5.0-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:07fda5de378626e502b42b311b049848c2ef38784d0d67b6f30bb5008642f8eb", size = 194370, upload-time = "2024-08-17T09:18:54.164Z" }, - { url = "https://files.pythonhosted.org/packages/87/a1/b028bb02636dfdc190da01951d0703b3d904301ed0ef6094d948983bef0e/xxhash-3.5.0-cp313-cp313-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:c279f0d2b34ef15f922b77966640ade58b4ccdfef1c4d94b20f2a364617a493f", size = 207911, upload-time = "2024-08-17T09:18:55.509Z" }, - { url = "https://files.pythonhosted.org/packages/80/d5/73c73b03fc0ac73dacf069fdf6036c9abad82de0a47549e9912c955ab449/xxhash-3.5.0-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:89e66ceed67b213dec5a773e2f7a9e8c58f64daeb38c7859d8815d2c89f39ad7", size = 216352, upload-time = "2024-08-17T09:18:57.073Z" }, - { url = "https://files.pythonhosted.org/packages/b6/2a/5043dba5ddbe35b4fe6ea0a111280ad9c3d4ba477dd0f2d1fe1129bda9d0/xxhash-3.5.0-cp313-cp313-musllinux_1_2_i686.whl", hash = "sha256:bcd51708a633410737111e998ceb3b45d3dbc98c0931f743d9bb0a209033a326", size = 203410, upload-time = "2024-08-17T09:18:58.54Z" }, - { url = "https://files.pythonhosted.org/packages/a2/b2/9a8ded888b7b190aed75b484eb5c853ddd48aa2896e7b59bbfbce442f0a1/xxhash-3.5.0-cp313-cp313-musllinux_1_2_ppc64le.whl", hash = "sha256:3ff2c0a34eae7df88c868be53a8dd56fbdf592109e21d4bfa092a27b0bf4a7bf", size = 210322, upload-time = "2024-08-17T09:18:59.943Z" }, - { url = "https://files.pythonhosted.org/packages/98/62/440083fafbc917bf3e4b67c2ade621920dd905517e85631c10aac955c1d2/xxhash-3.5.0-cp313-cp313-musllinux_1_2_s390x.whl", hash = "sha256:4e28503dccc7d32e0b9817aa0cbfc1f45f563b2c995b7a66c4c8a0d232e840c7", size = 414725, upload-time = "2024-08-17T09:19:01.332Z" }, - { url = "https://files.pythonhosted.org/packages/75/db/009206f7076ad60a517e016bb0058381d96a007ce3f79fa91d3010f49cc2/xxhash-3.5.0-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:a6c50017518329ed65a9e4829154626f008916d36295b6a3ba336e2458824c8c", size = 192070, upload-time = "2024-08-17T09:19:03.007Z" }, - { url = "https://files.pythonhosted.org/packages/1f/6d/c61e0668943a034abc3a569cdc5aeae37d686d9da7e39cf2ed621d533e36/xxhash-3.5.0-cp313-cp313-win32.whl", hash = "sha256:53a068fe70301ec30d868ece566ac90d873e3bb059cf83c32e76012c889b8637", size = 30172, upload-time = "2024-08-17T09:19:04.355Z" }, - { url = "https://files.pythonhosted.org/packages/96/14/8416dce965f35e3d24722cdf79361ae154fa23e2ab730e5323aa98d7919e/xxhash-3.5.0-cp313-cp313-win_amd64.whl", hash = "sha256:80babcc30e7a1a484eab952d76a4f4673ff601f54d5142c26826502740e70b43", size = 30041, upload-time = "2024-08-17T09:19:05.435Z" }, - { url = "https://files.pythonhosted.org/packages/27/ee/518b72faa2073f5aa8e3262408d284892cb79cf2754ba0c3a5870645ef73/xxhash-3.5.0-cp313-cp313-win_arm64.whl", hash = "sha256:4811336f1ce11cac89dcbd18f3a25c527c16311709a89313c3acaf771def2d4b", size = 26801, upload-time = "2024-08-17T09:19:06.547Z" }, +sdist = { url = "https://files.pythonhosted.org/packages/00/5e/d6e5258d69df8b4ed8c83b6664f2b47d30d2dec551a29ad72a6c69eafd31/xxhash-3.5.0.tar.gz", hash = "sha256:84f2caddf951c9cbf8dc2e22a89d4ccf5d86391ac6418fe81e3c67d0cf60b45f", size = 84241, upload_time = "2024-08-17T09:20:38.972Z" } +wheels = [ + { url = "https://files.pythonhosted.org/packages/b8/c7/afed0f131fbda960ff15eee7f304fa0eeb2d58770fade99897984852ef23/xxhash-3.5.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:02c2e816896dc6f85922ced60097bcf6f008dedfc5073dcba32f9c8dd786f3c1", size = 31969, upload_time = "2024-08-17T09:18:00.852Z" }, + { url = "https://files.pythonhosted.org/packages/8c/0c/7c3bc6d87e5235672fcc2fb42fd5ad79fe1033925f71bf549ee068c7d1ca/xxhash-3.5.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:6027dcd885e21581e46d3c7f682cfb2b870942feeed58a21c29583512c3f09f8", size = 30800, upload_time = "2024-08-17T09:18:01.863Z" }, + { url = "https://files.pythonhosted.org/packages/04/9e/01067981d98069eec1c20201f8c145367698e9056f8bc295346e4ea32dd1/xxhash-3.5.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:1308fa542bbdbf2fa85e9e66b1077eea3a88bef38ee8a06270b4298a7a62a166", size = 221566, upload_time = "2024-08-17T09:18:03.461Z" }, + { url = "https://files.pythonhosted.org/packages/d4/09/d4996de4059c3ce5342b6e1e6a77c9d6c91acce31f6ed979891872dd162b/xxhash-3.5.0-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:c28b2fdcee797e1c1961cd3bcd3d545cab22ad202c846235197935e1df2f8ef7", size = 201214, upload_time = "2024-08-17T09:18:05.616Z" }, + { url = "https://files.pythonhosted.org/packages/62/f5/6d2dc9f8d55a7ce0f5e7bfef916e67536f01b85d32a9fbf137d4cadbee38/xxhash-3.5.0-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:924361811732ddad75ff23e90efd9ccfda4f664132feecb90895bade6a1b4623", size = 429433, upload_time = "2024-08-17T09:18:06.957Z" }, + { url = "https://files.pythonhosted.org/packages/d9/72/9256303f10e41ab004799a4aa74b80b3c5977d6383ae4550548b24bd1971/xxhash-3.5.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:89997aa1c4b6a5b1e5b588979d1da048a3c6f15e55c11d117a56b75c84531f5a", size = 194822, upload_time = "2024-08-17T09:18:08.331Z" }, + { url = "https://files.pythonhosted.org/packages/34/92/1a3a29acd08248a34b0e6a94f4e0ed9b8379a4ff471f1668e4dce7bdbaa8/xxhash-3.5.0-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:685c4f4e8c59837de103344eb1c8a3851f670309eb5c361f746805c5471b8c88", size = 208538, upload_time = "2024-08-17T09:18:10.332Z" }, + { url = "https://files.pythonhosted.org/packages/53/ad/7fa1a109663366de42f724a1cdb8e796a260dbac45047bce153bc1e18abf/xxhash-3.5.0-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:dbd2ecfbfee70bc1a4acb7461fa6af7748ec2ab08ac0fa298f281c51518f982c", size = 216953, upload_time = "2024-08-17T09:18:11.707Z" }, + { url = "https://files.pythonhosted.org/packages/35/02/137300e24203bf2b2a49b48ce898ecce6fd01789c0fcd9c686c0a002d129/xxhash-3.5.0-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:25b5a51dc3dfb20a10833c8eee25903fd2e14059e9afcd329c9da20609a307b2", size = 203594, upload_time = "2024-08-17T09:18:13.799Z" }, + { url = "https://files.pythonhosted.org/packages/23/03/aeceb273933d7eee248c4322b98b8e971f06cc3880e5f7602c94e5578af5/xxhash-3.5.0-cp311-cp311-musllinux_1_2_ppc64le.whl", hash = "sha256:a8fb786fb754ef6ff8c120cb96629fb518f8eb5a61a16aac3a979a9dbd40a084", size = 210971, upload_time = "2024-08-17T09:18:15.824Z" }, + { url = "https://files.pythonhosted.org/packages/e3/64/ed82ec09489474cbb35c716b189ddc1521d8b3de12b1b5ab41ce7f70253c/xxhash-3.5.0-cp311-cp311-musllinux_1_2_s390x.whl", hash = "sha256:a905ad00ad1e1c34fe4e9d7c1d949ab09c6fa90c919860c1534ff479f40fd12d", size = 415050, upload_time = "2024-08-17T09:18:17.142Z" }, + { url = "https://files.pythonhosted.org/packages/71/43/6db4c02dcb488ad4e03bc86d70506c3d40a384ee73c9b5c93338eb1f3c23/xxhash-3.5.0-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:963be41bcd49f53af6d795f65c0da9b4cc518c0dd9c47145c98f61cb464f4839", size = 192216, upload_time = "2024-08-17T09:18:18.779Z" }, + { url = "https://files.pythonhosted.org/packages/22/6d/db4abec29e7a567455344433d095fdb39c97db6955bb4a2c432e486b4d28/xxhash-3.5.0-cp311-cp311-win32.whl", hash = "sha256:109b436096d0a2dd039c355fa3414160ec4d843dfecc64a14077332a00aeb7da", size = 30120, upload_time = "2024-08-17T09:18:20.009Z" }, + { url = "https://files.pythonhosted.org/packages/52/1c/fa3b61c0cf03e1da4767213672efe186b1dfa4fc901a4a694fb184a513d1/xxhash-3.5.0-cp311-cp311-win_amd64.whl", hash = "sha256:b702f806693201ad6c0a05ddbbe4c8f359626d0b3305f766077d51388a6bac58", size = 30003, upload_time = "2024-08-17T09:18:21.052Z" }, + { url = "https://files.pythonhosted.org/packages/6b/8e/9e6fc572acf6e1cc7ccb01973c213f895cb8668a9d4c2b58a99350da14b7/xxhash-3.5.0-cp311-cp311-win_arm64.whl", hash = "sha256:c4dcb4120d0cc3cc448624147dba64e9021b278c63e34a38789b688fd0da9bf3", size = 26777, upload_time = "2024-08-17T09:18:22.809Z" }, + { url = "https://files.pythonhosted.org/packages/07/0e/1bfce2502c57d7e2e787600b31c83535af83746885aa1a5f153d8c8059d6/xxhash-3.5.0-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:14470ace8bd3b5d51318782cd94e6f94431974f16cb3b8dc15d52f3b69df8e00", size = 31969, upload_time = "2024-08-17T09:18:24.025Z" }, + { url = "https://files.pythonhosted.org/packages/3f/d6/8ca450d6fe5b71ce521b4e5db69622383d039e2b253e9b2f24f93265b52c/xxhash-3.5.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:59aa1203de1cb96dbeab595ded0ad0c0056bb2245ae11fac11c0ceea861382b9", size = 30787, upload_time = "2024-08-17T09:18:25.318Z" }, + { url = "https://files.pythonhosted.org/packages/5b/84/de7c89bc6ef63d750159086a6ada6416cc4349eab23f76ab870407178b93/xxhash-3.5.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:08424f6648526076e28fae6ea2806c0a7d504b9ef05ae61d196d571e5c879c84", size = 220959, upload_time = "2024-08-17T09:18:26.518Z" }, + { url = "https://files.pythonhosted.org/packages/fe/86/51258d3e8a8545ff26468c977101964c14d56a8a37f5835bc0082426c672/xxhash-3.5.0-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:61a1ff00674879725b194695e17f23d3248998b843eb5e933007ca743310f793", size = 200006, upload_time = "2024-08-17T09:18:27.905Z" }, + { url = "https://files.pythonhosted.org/packages/02/0a/96973bd325412feccf23cf3680fd2246aebf4b789122f938d5557c54a6b2/xxhash-3.5.0-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:f2f2c61bee5844d41c3eb015ac652a0229e901074951ae48581d58bfb2ba01be", size = 428326, upload_time = "2024-08-17T09:18:29.335Z" }, + { url = "https://files.pythonhosted.org/packages/11/a7/81dba5010f7e733de88af9555725146fc133be97ce36533867f4c7e75066/xxhash-3.5.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:9d32a592cac88d18cc09a89172e1c32d7f2a6e516c3dfde1b9adb90ab5df54a6", size = 194380, upload_time = "2024-08-17T09:18:30.706Z" }, + { url = "https://files.pythonhosted.org/packages/fb/7d/f29006ab398a173f4501c0e4977ba288f1c621d878ec217b4ff516810c04/xxhash-3.5.0-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:70dabf941dede727cca579e8c205e61121afc9b28516752fd65724be1355cc90", size = 207934, upload_time = "2024-08-17T09:18:32.133Z" }, + { url = "https://files.pythonhosted.org/packages/8a/6e/6e88b8f24612510e73d4d70d9b0c7dff62a2e78451b9f0d042a5462c8d03/xxhash-3.5.0-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:e5d0ddaca65ecca9c10dcf01730165fd858533d0be84c75c327487c37a906a27", size = 216301, upload_time = "2024-08-17T09:18:33.474Z" }, + { url = "https://files.pythonhosted.org/packages/af/51/7862f4fa4b75a25c3b4163c8a873f070532fe5f2d3f9b3fc869c8337a398/xxhash-3.5.0-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:3e5b5e16c5a480fe5f59f56c30abdeba09ffd75da8d13f6b9b6fd224d0b4d0a2", size = 203351, upload_time = "2024-08-17T09:18:34.889Z" }, + { url = "https://files.pythonhosted.org/packages/22/61/8d6a40f288f791cf79ed5bb113159abf0c81d6efb86e734334f698eb4c59/xxhash-3.5.0-cp312-cp312-musllinux_1_2_ppc64le.whl", hash = "sha256:149b7914451eb154b3dfaa721315117ea1dac2cc55a01bfbd4df7c68c5dd683d", size = 210294, upload_time = "2024-08-17T09:18:36.355Z" }, + { url = "https://files.pythonhosted.org/packages/17/02/215c4698955762d45a8158117190261b2dbefe9ae7e5b906768c09d8bc74/xxhash-3.5.0-cp312-cp312-musllinux_1_2_s390x.whl", hash = "sha256:eade977f5c96c677035ff39c56ac74d851b1cca7d607ab3d8f23c6b859379cab", size = 414674, upload_time = "2024-08-17T09:18:38.536Z" }, + { url = "https://files.pythonhosted.org/packages/31/5c/b7a8db8a3237cff3d535261325d95de509f6a8ae439a5a7a4ffcff478189/xxhash-3.5.0-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:fa9f547bd98f5553d03160967866a71056a60960be00356a15ecc44efb40ba8e", size = 192022, upload_time = "2024-08-17T09:18:40.138Z" }, + { url = "https://files.pythonhosted.org/packages/78/e3/dd76659b2811b3fd06892a8beb850e1996b63e9235af5a86ea348f053e9e/xxhash-3.5.0-cp312-cp312-win32.whl", hash = "sha256:f7b58d1fd3551b8c80a971199543379be1cee3d0d409e1f6d8b01c1a2eebf1f8", size = 30170, upload_time = "2024-08-17T09:18:42.163Z" }, + { url = "https://files.pythonhosted.org/packages/d9/6b/1c443fe6cfeb4ad1dcf231cdec96eb94fb43d6498b4469ed8b51f8b59a37/xxhash-3.5.0-cp312-cp312-win_amd64.whl", hash = "sha256:fa0cafd3a2af231b4e113fba24a65d7922af91aeb23774a8b78228e6cd785e3e", size = 30040, upload_time = "2024-08-17T09:18:43.699Z" }, + { url = "https://files.pythonhosted.org/packages/0f/eb/04405305f290173acc0350eba6d2f1a794b57925df0398861a20fbafa415/xxhash-3.5.0-cp312-cp312-win_arm64.whl", hash = "sha256:586886c7e89cb9828bcd8a5686b12e161368e0064d040e225e72607b43858ba2", size = 26796, upload_time = "2024-08-17T09:18:45.29Z" }, + { url = "https://files.pythonhosted.org/packages/c9/b8/e4b3ad92d249be5c83fa72916c9091b0965cb0faeff05d9a0a3870ae6bff/xxhash-3.5.0-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:37889a0d13b0b7d739cfc128b1c902f04e32de17b33d74b637ad42f1c55101f6", size = 31795, upload_time = "2024-08-17T09:18:46.813Z" }, + { url = "https://files.pythonhosted.org/packages/fc/d8/b3627a0aebfbfa4c12a41e22af3742cf08c8ea84f5cc3367b5de2d039cce/xxhash-3.5.0-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:97a662338797c660178e682f3bc180277b9569a59abfb5925e8620fba00b9fc5", size = 30792, upload_time = "2024-08-17T09:18:47.862Z" }, + { url = "https://files.pythonhosted.org/packages/c3/cc/762312960691da989c7cd0545cb120ba2a4148741c6ba458aa723c00a3f8/xxhash-3.5.0-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:7f85e0108d51092bdda90672476c7d909c04ada6923c14ff9d913c4f7dc8a3bc", size = 220950, upload_time = "2024-08-17T09:18:49.06Z" }, + { url = "https://files.pythonhosted.org/packages/fe/e9/cc266f1042c3c13750e86a535496b58beb12bf8c50a915c336136f6168dc/xxhash-3.5.0-cp313-cp313-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:cd2fd827b0ba763ac919440042302315c564fdb797294d86e8cdd4578e3bc7f3", size = 199980, upload_time = "2024-08-17T09:18:50.445Z" }, + { url = "https://files.pythonhosted.org/packages/bf/85/a836cd0dc5cc20376de26b346858d0ac9656f8f730998ca4324921a010b9/xxhash-3.5.0-cp313-cp313-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:82085c2abec437abebf457c1d12fccb30cc8b3774a0814872511f0f0562c768c", size = 428324, upload_time = "2024-08-17T09:18:51.988Z" }, + { url = "https://files.pythonhosted.org/packages/b4/0e/15c243775342ce840b9ba34aceace06a1148fa1630cd8ca269e3223987f5/xxhash-3.5.0-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:07fda5de378626e502b42b311b049848c2ef38784d0d67b6f30bb5008642f8eb", size = 194370, upload_time = "2024-08-17T09:18:54.164Z" }, + { url = "https://files.pythonhosted.org/packages/87/a1/b028bb02636dfdc190da01951d0703b3d904301ed0ef6094d948983bef0e/xxhash-3.5.0-cp313-cp313-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:c279f0d2b34ef15f922b77966640ade58b4ccdfef1c4d94b20f2a364617a493f", size = 207911, upload_time = "2024-08-17T09:18:55.509Z" }, + { url = "https://files.pythonhosted.org/packages/80/d5/73c73b03fc0ac73dacf069fdf6036c9abad82de0a47549e9912c955ab449/xxhash-3.5.0-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:89e66ceed67b213dec5a773e2f7a9e8c58f64daeb38c7859d8815d2c89f39ad7", size = 216352, upload_time = "2024-08-17T09:18:57.073Z" }, + { url = "https://files.pythonhosted.org/packages/b6/2a/5043dba5ddbe35b4fe6ea0a111280ad9c3d4ba477dd0f2d1fe1129bda9d0/xxhash-3.5.0-cp313-cp313-musllinux_1_2_i686.whl", hash = "sha256:bcd51708a633410737111e998ceb3b45d3dbc98c0931f743d9bb0a209033a326", size = 203410, upload_time = "2024-08-17T09:18:58.54Z" }, + { url = "https://files.pythonhosted.org/packages/a2/b2/9a8ded888b7b190aed75b484eb5c853ddd48aa2896e7b59bbfbce442f0a1/xxhash-3.5.0-cp313-cp313-musllinux_1_2_ppc64le.whl", hash = "sha256:3ff2c0a34eae7df88c868be53a8dd56fbdf592109e21d4bfa092a27b0bf4a7bf", size = 210322, upload_time = "2024-08-17T09:18:59.943Z" }, + { url = "https://files.pythonhosted.org/packages/98/62/440083fafbc917bf3e4b67c2ade621920dd905517e85631c10aac955c1d2/xxhash-3.5.0-cp313-cp313-musllinux_1_2_s390x.whl", hash = "sha256:4e28503dccc7d32e0b9817aa0cbfc1f45f563b2c995b7a66c4c8a0d232e840c7", size = 414725, upload_time = "2024-08-17T09:19:01.332Z" }, + { url = "https://files.pythonhosted.org/packages/75/db/009206f7076ad60a517e016bb0058381d96a007ce3f79fa91d3010f49cc2/xxhash-3.5.0-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:a6c50017518329ed65a9e4829154626f008916d36295b6a3ba336e2458824c8c", size = 192070, upload_time = "2024-08-17T09:19:03.007Z" }, + { url = "https://files.pythonhosted.org/packages/1f/6d/c61e0668943a034abc3a569cdc5aeae37d686d9da7e39cf2ed621d533e36/xxhash-3.5.0-cp313-cp313-win32.whl", hash = "sha256:53a068fe70301ec30d868ece566ac90d873e3bb059cf83c32e76012c889b8637", size = 30172, upload_time = "2024-08-17T09:19:04.355Z" }, + { url = "https://files.pythonhosted.org/packages/96/14/8416dce965f35e3d24722cdf79361ae154fa23e2ab730e5323aa98d7919e/xxhash-3.5.0-cp313-cp313-win_amd64.whl", hash = "sha256:80babcc30e7a1a484eab952d76a4f4673ff601f54d5142c26826502740e70b43", size = 30041, upload_time = "2024-08-17T09:19:05.435Z" }, + { url = "https://files.pythonhosted.org/packages/27/ee/518b72faa2073f5aa8e3262408d284892cb79cf2754ba0c3a5870645ef73/xxhash-3.5.0-cp313-cp313-win_arm64.whl", hash = "sha256:4811336f1ce11cac89dcbd18f3a25c527c16311709a89313c3acaf771def2d4b", size = 26801, upload_time = "2024-08-17T09:19:06.547Z" }, ] [[package]] @@ -4090,75 +4090,75 @@ dependencies = [ { name = "multidict" }, { name = "propcache" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/3c/fb/efaa23fa4e45537b827620f04cf8f3cd658b76642205162e072703a5b963/yarl-1.20.1.tar.gz", hash = "sha256:d017a4997ee50c91fd5466cef416231bb82177b93b029906cefc542ce14c35ac", size = 186428, upload-time = "2025-06-10T00:46:09.923Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/b1/18/893b50efc2350e47a874c5c2d67e55a0ea5df91186b2a6f5ac52eff887cd/yarl-1.20.1-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:47ee6188fea634bdfaeb2cc420f5b3b17332e6225ce88149a17c413c77ff269e", size = 133833, upload-time = "2025-06-10T00:43:07.393Z" }, - { url = "https://files.pythonhosted.org/packages/89/ed/b8773448030e6fc47fa797f099ab9eab151a43a25717f9ac043844ad5ea3/yarl-1.20.1-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:d0f6500f69e8402d513e5eedb77a4e1818691e8f45e6b687147963514d84b44b", size = 91070, upload-time = "2025-06-10T00:43:09.538Z" }, - { url = "https://files.pythonhosted.org/packages/e3/e3/409bd17b1e42619bf69f60e4f031ce1ccb29bd7380117a55529e76933464/yarl-1.20.1-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:7a8900a42fcdaad568de58887c7b2f602962356908eedb7628eaf6021a6e435b", size = 89818, upload-time = "2025-06-10T00:43:11.575Z" }, - { url = "https://files.pythonhosted.org/packages/f8/77/64d8431a4d77c856eb2d82aa3de2ad6741365245a29b3a9543cd598ed8c5/yarl-1.20.1-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:bad6d131fda8ef508b36be3ece16d0902e80b88ea7200f030a0f6c11d9e508d4", size = 347003, upload-time = "2025-06-10T00:43:14.088Z" }, - { url = "https://files.pythonhosted.org/packages/8d/d2/0c7e4def093dcef0bd9fa22d4d24b023788b0a33b8d0088b51aa51e21e99/yarl-1.20.1-cp311-cp311-manylinux_2_17_armv7l.manylinux2014_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:df018d92fe22aaebb679a7f89fe0c0f368ec497e3dda6cb81a567610f04501f1", size = 336537, upload-time = "2025-06-10T00:43:16.431Z" }, - { url = "https://files.pythonhosted.org/packages/f0/f3/fc514f4b2cf02cb59d10cbfe228691d25929ce8f72a38db07d3febc3f706/yarl-1.20.1-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:8f969afbb0a9b63c18d0feecf0db09d164b7a44a053e78a7d05f5df163e43833", size = 362358, upload-time = "2025-06-10T00:43:18.704Z" }, - { url = "https://files.pythonhosted.org/packages/ea/6d/a313ac8d8391381ff9006ac05f1d4331cee3b1efaa833a53d12253733255/yarl-1.20.1-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:812303eb4aa98e302886ccda58d6b099e3576b1b9276161469c25803a8db277d", size = 357362, upload-time = "2025-06-10T00:43:20.888Z" }, - { url = "https://files.pythonhosted.org/packages/00/70/8f78a95d6935a70263d46caa3dd18e1f223cf2f2ff2037baa01a22bc5b22/yarl-1.20.1-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:98c4a7d166635147924aa0bf9bfe8d8abad6fffa6102de9c99ea04a1376f91e8", size = 348979, upload-time = "2025-06-10T00:43:23.169Z" }, - { url = "https://files.pythonhosted.org/packages/cb/05/42773027968968f4f15143553970ee36ead27038d627f457cc44bbbeecf3/yarl-1.20.1-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:12e768f966538e81e6e7550f9086a6236b16e26cd964cf4df35349970f3551cf", size = 337274, upload-time = "2025-06-10T00:43:27.111Z" }, - { url = "https://files.pythonhosted.org/packages/05/be/665634aa196954156741ea591d2f946f1b78ceee8bb8f28488bf28c0dd62/yarl-1.20.1-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:fe41919b9d899661c5c28a8b4b0acf704510b88f27f0934ac7a7bebdd8938d5e", size = 363294, upload-time = "2025-06-10T00:43:28.96Z" }, - { url = "https://files.pythonhosted.org/packages/eb/90/73448401d36fa4e210ece5579895731f190d5119c4b66b43b52182e88cd5/yarl-1.20.1-cp311-cp311-musllinux_1_2_armv7l.whl", hash = "sha256:8601bc010d1d7780592f3fc1bdc6c72e2b6466ea34569778422943e1a1f3c389", size = 358169, upload-time = "2025-06-10T00:43:30.701Z" }, - { url = "https://files.pythonhosted.org/packages/c3/b0/fce922d46dc1eb43c811f1889f7daa6001b27a4005587e94878570300881/yarl-1.20.1-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:daadbdc1f2a9033a2399c42646fbd46da7992e868a5fe9513860122d7fe7a73f", size = 362776, upload-time = "2025-06-10T00:43:32.51Z" }, - { url = "https://files.pythonhosted.org/packages/f1/0d/b172628fce039dae8977fd22caeff3eeebffd52e86060413f5673767c427/yarl-1.20.1-cp311-cp311-musllinux_1_2_ppc64le.whl", hash = "sha256:03aa1e041727cb438ca762628109ef1333498b122e4c76dd858d186a37cec845", size = 381341, upload-time = "2025-06-10T00:43:34.543Z" }, - { url = "https://files.pythonhosted.org/packages/6b/9b/5b886d7671f4580209e855974fe1cecec409aa4a89ea58b8f0560dc529b1/yarl-1.20.1-cp311-cp311-musllinux_1_2_s390x.whl", hash = "sha256:642980ef5e0fa1de5fa96d905c7e00cb2c47cb468bfcac5a18c58e27dbf8d8d1", size = 379988, upload-time = "2025-06-10T00:43:36.489Z" }, - { url = "https://files.pythonhosted.org/packages/73/be/75ef5fd0fcd8f083a5d13f78fd3f009528132a1f2a1d7c925c39fa20aa79/yarl-1.20.1-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:86971e2795584fe8c002356d3b97ef6c61862720eeff03db2a7c86b678d85b3e", size = 371113, upload-time = "2025-06-10T00:43:38.592Z" }, - { url = "https://files.pythonhosted.org/packages/50/4f/62faab3b479dfdcb741fe9e3f0323e2a7d5cd1ab2edc73221d57ad4834b2/yarl-1.20.1-cp311-cp311-win32.whl", hash = "sha256:597f40615b8d25812f14562699e287f0dcc035d25eb74da72cae043bb884d773", size = 81485, upload-time = "2025-06-10T00:43:41.038Z" }, - { url = "https://files.pythonhosted.org/packages/f0/09/d9c7942f8f05c32ec72cd5c8e041c8b29b5807328b68b4801ff2511d4d5e/yarl-1.20.1-cp311-cp311-win_amd64.whl", hash = "sha256:26ef53a9e726e61e9cd1cda6b478f17e350fb5800b4bd1cd9fe81c4d91cfeb2e", size = 86686, upload-time = "2025-06-10T00:43:42.692Z" }, - { url = "https://files.pythonhosted.org/packages/5f/9a/cb7fad7d73c69f296eda6815e4a2c7ed53fc70c2f136479a91c8e5fbdb6d/yarl-1.20.1-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:bdcc4cd244e58593a4379fe60fdee5ac0331f8eb70320a24d591a3be197b94a9", size = 133667, upload-time = "2025-06-10T00:43:44.369Z" }, - { url = "https://files.pythonhosted.org/packages/67/38/688577a1cb1e656e3971fb66a3492501c5a5df56d99722e57c98249e5b8a/yarl-1.20.1-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:b29a2c385a5f5b9c7d9347e5812b6f7ab267193c62d282a540b4fc528c8a9d2a", size = 91025, upload-time = "2025-06-10T00:43:46.295Z" }, - { url = "https://files.pythonhosted.org/packages/50/ec/72991ae51febeb11a42813fc259f0d4c8e0507f2b74b5514618d8b640365/yarl-1.20.1-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:1112ae8154186dfe2de4732197f59c05a83dc814849a5ced892b708033f40dc2", size = 89709, upload-time = "2025-06-10T00:43:48.22Z" }, - { url = "https://files.pythonhosted.org/packages/99/da/4d798025490e89426e9f976702e5f9482005c548c579bdae792a4c37769e/yarl-1.20.1-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:90bbd29c4fe234233f7fa2b9b121fb63c321830e5d05b45153a2ca68f7d310ee", size = 352287, upload-time = "2025-06-10T00:43:49.924Z" }, - { url = "https://files.pythonhosted.org/packages/1a/26/54a15c6a567aac1c61b18aa0f4b8aa2e285a52d547d1be8bf48abe2b3991/yarl-1.20.1-cp312-cp312-manylinux_2_17_armv7l.manylinux2014_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:680e19c7ce3710ac4cd964e90dad99bf9b5029372ba0c7cbfcd55e54d90ea819", size = 345429, upload-time = "2025-06-10T00:43:51.7Z" }, - { url = "https://files.pythonhosted.org/packages/d6/95/9dcf2386cb875b234353b93ec43e40219e14900e046bf6ac118f94b1e353/yarl-1.20.1-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:4a979218c1fdb4246a05efc2cc23859d47c89af463a90b99b7c56094daf25a16", size = 365429, upload-time = "2025-06-10T00:43:53.494Z" }, - { url = "https://files.pythonhosted.org/packages/91/b2/33a8750f6a4bc224242a635f5f2cff6d6ad5ba651f6edcccf721992c21a0/yarl-1.20.1-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:255b468adf57b4a7b65d8aad5b5138dce6a0752c139965711bdcb81bc370e1b6", size = 363862, upload-time = "2025-06-10T00:43:55.766Z" }, - { url = "https://files.pythonhosted.org/packages/98/28/3ab7acc5b51f4434b181b0cee8f1f4b77a65919700a355fb3617f9488874/yarl-1.20.1-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:a97d67108e79cfe22e2b430d80d7571ae57d19f17cda8bb967057ca8a7bf5bfd", size = 355616, upload-time = "2025-06-10T00:43:58.056Z" }, - { url = "https://files.pythonhosted.org/packages/36/a3/f666894aa947a371724ec7cd2e5daa78ee8a777b21509b4252dd7bd15e29/yarl-1.20.1-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:8570d998db4ddbfb9a590b185a0a33dbf8aafb831d07a5257b4ec9948df9cb0a", size = 339954, upload-time = "2025-06-10T00:43:59.773Z" }, - { url = "https://files.pythonhosted.org/packages/f1/81/5f466427e09773c04219d3450d7a1256138a010b6c9f0af2d48565e9ad13/yarl-1.20.1-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:97c75596019baae7c71ccf1d8cc4738bc08134060d0adfcbe5642f778d1dca38", size = 365575, upload-time = "2025-06-10T00:44:02.051Z" }, - { url = "https://files.pythonhosted.org/packages/2e/e3/e4b0ad8403e97e6c9972dd587388940a032f030ebec196ab81a3b8e94d31/yarl-1.20.1-cp312-cp312-musllinux_1_2_armv7l.whl", hash = "sha256:1c48912653e63aef91ff988c5432832692ac5a1d8f0fb8a33091520b5bbe19ef", size = 365061, upload-time = "2025-06-10T00:44:04.196Z" }, - { url = "https://files.pythonhosted.org/packages/ac/99/b8a142e79eb86c926f9f06452eb13ecb1bb5713bd01dc0038faf5452e544/yarl-1.20.1-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:4c3ae28f3ae1563c50f3d37f064ddb1511ecc1d5584e88c6b7c63cf7702a6d5f", size = 364142, upload-time = "2025-06-10T00:44:06.527Z" }, - { url = "https://files.pythonhosted.org/packages/34/f2/08ed34a4a506d82a1a3e5bab99ccd930a040f9b6449e9fd050320e45845c/yarl-1.20.1-cp312-cp312-musllinux_1_2_ppc64le.whl", hash = "sha256:c5e9642f27036283550f5f57dc6156c51084b458570b9d0d96100c8bebb186a8", size = 381894, upload-time = "2025-06-10T00:44:08.379Z" }, - { url = "https://files.pythonhosted.org/packages/92/f8/9a3fbf0968eac704f681726eff595dce9b49c8a25cd92bf83df209668285/yarl-1.20.1-cp312-cp312-musllinux_1_2_s390x.whl", hash = "sha256:2c26b0c49220d5799f7b22c6838409ee9bc58ee5c95361a4d7831f03cc225b5a", size = 383378, upload-time = "2025-06-10T00:44:10.51Z" }, - { url = "https://files.pythonhosted.org/packages/af/85/9363f77bdfa1e4d690957cd39d192c4cacd1c58965df0470a4905253b54f/yarl-1.20.1-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:564ab3d517e3d01c408c67f2e5247aad4019dcf1969982aba3974b4093279004", size = 374069, upload-time = "2025-06-10T00:44:12.834Z" }, - { url = "https://files.pythonhosted.org/packages/35/99/9918c8739ba271dcd935400cff8b32e3cd319eaf02fcd023d5dcd487a7c8/yarl-1.20.1-cp312-cp312-win32.whl", hash = "sha256:daea0d313868da1cf2fac6b2d3a25c6e3a9e879483244be38c8e6a41f1d876a5", size = 81249, upload-time = "2025-06-10T00:44:14.731Z" }, - { url = "https://files.pythonhosted.org/packages/eb/83/5d9092950565481b413b31a23e75dd3418ff0a277d6e0abf3729d4d1ce25/yarl-1.20.1-cp312-cp312-win_amd64.whl", hash = "sha256:48ea7d7f9be0487339828a4de0360d7ce0efc06524a48e1810f945c45b813698", size = 86710, upload-time = "2025-06-10T00:44:16.716Z" }, - { url = "https://files.pythonhosted.org/packages/8a/e1/2411b6d7f769a07687acee88a062af5833cf1966b7266f3d8dfb3d3dc7d3/yarl-1.20.1-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:0b5ff0fbb7c9f1b1b5ab53330acbfc5247893069e7716840c8e7d5bb7355038a", size = 131811, upload-time = "2025-06-10T00:44:18.933Z" }, - { url = "https://files.pythonhosted.org/packages/b2/27/584394e1cb76fb771371770eccad35de400e7b434ce3142c2dd27392c968/yarl-1.20.1-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:14f326acd845c2b2e2eb38fb1346c94f7f3b01a4f5c788f8144f9b630bfff9a3", size = 90078, upload-time = "2025-06-10T00:44:20.635Z" }, - { url = "https://files.pythonhosted.org/packages/bf/9a/3246ae92d4049099f52d9b0fe3486e3b500e29b7ea872d0f152966fc209d/yarl-1.20.1-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:f60e4ad5db23f0b96e49c018596707c3ae89f5d0bd97f0ad3684bcbad899f1e7", size = 88748, upload-time = "2025-06-10T00:44:22.34Z" }, - { url = "https://files.pythonhosted.org/packages/a3/25/35afe384e31115a1a801fbcf84012d7a066d89035befae7c5d4284df1e03/yarl-1.20.1-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:49bdd1b8e00ce57e68ba51916e4bb04461746e794e7c4d4bbc42ba2f18297691", size = 349595, upload-time = "2025-06-10T00:44:24.314Z" }, - { url = "https://files.pythonhosted.org/packages/28/2d/8aca6cb2cabc8f12efcb82749b9cefecbccfc7b0384e56cd71058ccee433/yarl-1.20.1-cp313-cp313-manylinux_2_17_armv7l.manylinux2014_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:66252d780b45189975abfed839616e8fd2dbacbdc262105ad7742c6ae58f3e31", size = 342616, upload-time = "2025-06-10T00:44:26.167Z" }, - { url = "https://files.pythonhosted.org/packages/0b/e9/1312633d16b31acf0098d30440ca855e3492d66623dafb8e25b03d00c3da/yarl-1.20.1-cp313-cp313-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:59174e7332f5d153d8f7452a102b103e2e74035ad085f404df2e40e663a22b28", size = 361324, upload-time = "2025-06-10T00:44:27.915Z" }, - { url = "https://files.pythonhosted.org/packages/bc/a0/688cc99463f12f7669eec7c8acc71ef56a1521b99eab7cd3abb75af887b0/yarl-1.20.1-cp313-cp313-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:e3968ec7d92a0c0f9ac34d5ecfd03869ec0cab0697c91a45db3fbbd95fe1b653", size = 359676, upload-time = "2025-06-10T00:44:30.041Z" }, - { url = "https://files.pythonhosted.org/packages/af/44/46407d7f7a56e9a85a4c207724c9f2c545c060380718eea9088f222ba697/yarl-1.20.1-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:d1a4fbb50e14396ba3d375f68bfe02215d8e7bc3ec49da8341fe3157f59d2ff5", size = 352614, upload-time = "2025-06-10T00:44:32.171Z" }, - { url = "https://files.pythonhosted.org/packages/b1/91/31163295e82b8d5485d31d9cf7754d973d41915cadce070491778d9c9825/yarl-1.20.1-cp313-cp313-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:11a62c839c3a8eac2410e951301309426f368388ff2f33799052787035793b02", size = 336766, upload-time = "2025-06-10T00:44:34.494Z" }, - { url = "https://files.pythonhosted.org/packages/b4/8e/c41a5bc482121f51c083c4c2bcd16b9e01e1cf8729e380273a952513a21f/yarl-1.20.1-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:041eaa14f73ff5a8986b4388ac6bb43a77f2ea09bf1913df7a35d4646db69e53", size = 364615, upload-time = "2025-06-10T00:44:36.856Z" }, - { url = "https://files.pythonhosted.org/packages/e3/5b/61a3b054238d33d70ea06ebba7e58597891b71c699e247df35cc984ab393/yarl-1.20.1-cp313-cp313-musllinux_1_2_armv7l.whl", hash = "sha256:377fae2fef158e8fd9d60b4c8751387b8d1fb121d3d0b8e9b0be07d1b41e83dc", size = 360982, upload-time = "2025-06-10T00:44:39.141Z" }, - { url = "https://files.pythonhosted.org/packages/df/a3/6a72fb83f8d478cb201d14927bc8040af901811a88e0ff2da7842dd0ed19/yarl-1.20.1-cp313-cp313-musllinux_1_2_i686.whl", hash = "sha256:1c92f4390e407513f619d49319023664643d3339bd5e5a56a3bebe01bc67ec04", size = 369792, upload-time = "2025-06-10T00:44:40.934Z" }, - { url = "https://files.pythonhosted.org/packages/7c/af/4cc3c36dfc7c077f8dedb561eb21f69e1e9f2456b91b593882b0b18c19dc/yarl-1.20.1-cp313-cp313-musllinux_1_2_ppc64le.whl", hash = "sha256:d25ddcf954df1754ab0f86bb696af765c5bfaba39b74095f27eececa049ef9a4", size = 382049, upload-time = "2025-06-10T00:44:42.854Z" }, - { url = "https://files.pythonhosted.org/packages/19/3a/e54e2c4752160115183a66dc9ee75a153f81f3ab2ba4bf79c3c53b33de34/yarl-1.20.1-cp313-cp313-musllinux_1_2_s390x.whl", hash = "sha256:909313577e9619dcff8c31a0ea2aa0a2a828341d92673015456b3ae492e7317b", size = 384774, upload-time = "2025-06-10T00:44:45.275Z" }, - { url = "https://files.pythonhosted.org/packages/9c/20/200ae86dabfca89060ec6447649f219b4cbd94531e425e50d57e5f5ac330/yarl-1.20.1-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:793fd0580cb9664548c6b83c63b43c477212c0260891ddf86809e1c06c8b08f1", size = 374252, upload-time = "2025-06-10T00:44:47.31Z" }, - { url = "https://files.pythonhosted.org/packages/83/75/11ee332f2f516b3d094e89448da73d557687f7d137d5a0f48c40ff211487/yarl-1.20.1-cp313-cp313-win32.whl", hash = "sha256:468f6e40285de5a5b3c44981ca3a319a4b208ccc07d526b20b12aeedcfa654b7", size = 81198, upload-time = "2025-06-10T00:44:49.164Z" }, - { url = "https://files.pythonhosted.org/packages/ba/ba/39b1ecbf51620b40ab402b0fc817f0ff750f6d92712b44689c2c215be89d/yarl-1.20.1-cp313-cp313-win_amd64.whl", hash = "sha256:495b4ef2fea40596bfc0affe3837411d6aa3371abcf31aac0ccc4bdd64d4ef5c", size = 86346, upload-time = "2025-06-10T00:44:51.182Z" }, - { url = "https://files.pythonhosted.org/packages/43/c7/669c52519dca4c95153c8ad96dd123c79f354a376346b198f438e56ffeb4/yarl-1.20.1-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:f60233b98423aab21d249a30eb27c389c14929f47be8430efa7dbd91493a729d", size = 138826, upload-time = "2025-06-10T00:44:52.883Z" }, - { url = "https://files.pythonhosted.org/packages/6a/42/fc0053719b44f6ad04a75d7f05e0e9674d45ef62f2d9ad2c1163e5c05827/yarl-1.20.1-cp313-cp313t-macosx_10_13_x86_64.whl", hash = "sha256:6f3eff4cc3f03d650d8755c6eefc844edde99d641d0dcf4da3ab27141a5f8ddf", size = 93217, upload-time = "2025-06-10T00:44:54.658Z" }, - { url = "https://files.pythonhosted.org/packages/4f/7f/fa59c4c27e2a076bba0d959386e26eba77eb52ea4a0aac48e3515c186b4c/yarl-1.20.1-cp313-cp313t-macosx_11_0_arm64.whl", hash = "sha256:69ff8439d8ba832d6bed88af2c2b3445977eba9a4588b787b32945871c2444e3", size = 92700, upload-time = "2025-06-10T00:44:56.784Z" }, - { url = "https://files.pythonhosted.org/packages/2f/d4/062b2f48e7c93481e88eff97a6312dca15ea200e959f23e96d8ab898c5b8/yarl-1.20.1-cp313-cp313t-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:3cf34efa60eb81dd2645a2e13e00bb98b76c35ab5061a3989c7a70f78c85006d", size = 347644, upload-time = "2025-06-10T00:44:59.071Z" }, - { url = "https://files.pythonhosted.org/packages/89/47/78b7f40d13c8f62b499cc702fdf69e090455518ae544c00a3bf4afc9fc77/yarl-1.20.1-cp313-cp313t-manylinux_2_17_armv7l.manylinux2014_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:8e0fe9364ad0fddab2688ce72cb7a8e61ea42eff3c7caeeb83874a5d479c896c", size = 323452, upload-time = "2025-06-10T00:45:01.605Z" }, - { url = "https://files.pythonhosted.org/packages/eb/2b/490d3b2dc66f52987d4ee0d3090a147ea67732ce6b4d61e362c1846d0d32/yarl-1.20.1-cp313-cp313t-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:8f64fbf81878ba914562c672024089e3401974a39767747691c65080a67b18c1", size = 346378, upload-time = "2025-06-10T00:45:03.946Z" }, - { url = "https://files.pythonhosted.org/packages/66/ad/775da9c8a94ce925d1537f939a4f17d782efef1f973039d821cbe4bcc211/yarl-1.20.1-cp313-cp313t-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:f6342d643bf9a1de97e512e45e4b9560a043347e779a173250824f8b254bd5ce", size = 353261, upload-time = "2025-06-10T00:45:05.992Z" }, - { url = "https://files.pythonhosted.org/packages/4b/23/0ed0922b47a4f5c6eb9065d5ff1e459747226ddce5c6a4c111e728c9f701/yarl-1.20.1-cp313-cp313t-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:56dac5f452ed25eef0f6e3c6a066c6ab68971d96a9fb441791cad0efba6140d3", size = 335987, upload-time = "2025-06-10T00:45:08.227Z" }, - { url = "https://files.pythonhosted.org/packages/3e/49/bc728a7fe7d0e9336e2b78f0958a2d6b288ba89f25a1762407a222bf53c3/yarl-1.20.1-cp313-cp313t-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:c7d7f497126d65e2cad8dc5f97d34c27b19199b6414a40cb36b52f41b79014be", size = 329361, upload-time = "2025-06-10T00:45:10.11Z" }, - { url = "https://files.pythonhosted.org/packages/93/8f/b811b9d1f617c83c907e7082a76e2b92b655400e61730cd61a1f67178393/yarl-1.20.1-cp313-cp313t-musllinux_1_2_aarch64.whl", hash = "sha256:67e708dfb8e78d8a19169818eeb5c7a80717562de9051bf2413aca8e3696bf16", size = 346460, upload-time = "2025-06-10T00:45:12.055Z" }, - { url = "https://files.pythonhosted.org/packages/70/fd/af94f04f275f95da2c3b8b5e1d49e3e79f1ed8b6ceb0f1664cbd902773ff/yarl-1.20.1-cp313-cp313t-musllinux_1_2_armv7l.whl", hash = "sha256:595c07bc79af2494365cc96ddeb772f76272364ef7c80fb892ef9d0649586513", size = 334486, upload-time = "2025-06-10T00:45:13.995Z" }, - { url = "https://files.pythonhosted.org/packages/84/65/04c62e82704e7dd0a9b3f61dbaa8447f8507655fd16c51da0637b39b2910/yarl-1.20.1-cp313-cp313t-musllinux_1_2_i686.whl", hash = "sha256:7bdd2f80f4a7df852ab9ab49484a4dee8030023aa536df41f2d922fd57bf023f", size = 342219, upload-time = "2025-06-10T00:45:16.479Z" }, - { url = "https://files.pythonhosted.org/packages/91/95/459ca62eb958381b342d94ab9a4b6aec1ddec1f7057c487e926f03c06d30/yarl-1.20.1-cp313-cp313t-musllinux_1_2_ppc64le.whl", hash = "sha256:c03bfebc4ae8d862f853a9757199677ab74ec25424d0ebd68a0027e9c639a390", size = 350693, upload-time = "2025-06-10T00:45:18.399Z" }, - { url = "https://files.pythonhosted.org/packages/a6/00/d393e82dd955ad20617abc546a8f1aee40534d599ff555ea053d0ec9bf03/yarl-1.20.1-cp313-cp313t-musllinux_1_2_s390x.whl", hash = "sha256:344d1103e9c1523f32a5ed704d576172d2cabed3122ea90b1d4e11fe17c66458", size = 355803, upload-time = "2025-06-10T00:45:20.677Z" }, - { url = "https://files.pythonhosted.org/packages/9e/ed/c5fb04869b99b717985e244fd93029c7a8e8febdfcffa06093e32d7d44e7/yarl-1.20.1-cp313-cp313t-musllinux_1_2_x86_64.whl", hash = "sha256:88cab98aa4e13e1ade8c141daeedd300a4603b7132819c484841bb7af3edce9e", size = 341709, upload-time = "2025-06-10T00:45:23.221Z" }, - { url = "https://files.pythonhosted.org/packages/24/fd/725b8e73ac2a50e78a4534ac43c6addf5c1c2d65380dd48a9169cc6739a9/yarl-1.20.1-cp313-cp313t-win32.whl", hash = "sha256:b121ff6a7cbd4abc28985b6028235491941b9fe8fe226e6fdc539c977ea1739d", size = 86591, upload-time = "2025-06-10T00:45:25.793Z" }, - { url = "https://files.pythonhosted.org/packages/94/c3/b2e9f38bc3e11191981d57ea08cab2166e74ea770024a646617c9cddd9f6/yarl-1.20.1-cp313-cp313t-win_amd64.whl", hash = "sha256:541d050a355bbbc27e55d906bc91cb6fe42f96c01413dd0f4ed5a5240513874f", size = 93003, upload-time = "2025-06-10T00:45:27.752Z" }, - { url = "https://files.pythonhosted.org/packages/b4/2d/2345fce04cfd4bee161bf1e7d9cdc702e3e16109021035dbb24db654a622/yarl-1.20.1-py3-none-any.whl", hash = "sha256:83b8eb083fe4683c6115795d9fc1cfaf2cbbefb19b3a1cb68f6527460f483a77", size = 46542, upload-time = "2025-06-10T00:46:07.521Z" }, +sdist = { url = "https://files.pythonhosted.org/packages/3c/fb/efaa23fa4e45537b827620f04cf8f3cd658b76642205162e072703a5b963/yarl-1.20.1.tar.gz", hash = "sha256:d017a4997ee50c91fd5466cef416231bb82177b93b029906cefc542ce14c35ac", size = 186428, upload_time = "2025-06-10T00:46:09.923Z" } +wheels = [ + { url = "https://files.pythonhosted.org/packages/b1/18/893b50efc2350e47a874c5c2d67e55a0ea5df91186b2a6f5ac52eff887cd/yarl-1.20.1-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:47ee6188fea634bdfaeb2cc420f5b3b17332e6225ce88149a17c413c77ff269e", size = 133833, upload_time = "2025-06-10T00:43:07.393Z" }, + { url = "https://files.pythonhosted.org/packages/89/ed/b8773448030e6fc47fa797f099ab9eab151a43a25717f9ac043844ad5ea3/yarl-1.20.1-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:d0f6500f69e8402d513e5eedb77a4e1818691e8f45e6b687147963514d84b44b", size = 91070, upload_time = "2025-06-10T00:43:09.538Z" }, + { url = "https://files.pythonhosted.org/packages/e3/e3/409bd17b1e42619bf69f60e4f031ce1ccb29bd7380117a55529e76933464/yarl-1.20.1-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:7a8900a42fcdaad568de58887c7b2f602962356908eedb7628eaf6021a6e435b", size = 89818, upload_time = "2025-06-10T00:43:11.575Z" }, + { url = "https://files.pythonhosted.org/packages/f8/77/64d8431a4d77c856eb2d82aa3de2ad6741365245a29b3a9543cd598ed8c5/yarl-1.20.1-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:bad6d131fda8ef508b36be3ece16d0902e80b88ea7200f030a0f6c11d9e508d4", size = 347003, upload_time = "2025-06-10T00:43:14.088Z" }, + { url = "https://files.pythonhosted.org/packages/8d/d2/0c7e4def093dcef0bd9fa22d4d24b023788b0a33b8d0088b51aa51e21e99/yarl-1.20.1-cp311-cp311-manylinux_2_17_armv7l.manylinux2014_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:df018d92fe22aaebb679a7f89fe0c0f368ec497e3dda6cb81a567610f04501f1", size = 336537, upload_time = "2025-06-10T00:43:16.431Z" }, + { url = "https://files.pythonhosted.org/packages/f0/f3/fc514f4b2cf02cb59d10cbfe228691d25929ce8f72a38db07d3febc3f706/yarl-1.20.1-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:8f969afbb0a9b63c18d0feecf0db09d164b7a44a053e78a7d05f5df163e43833", size = 362358, upload_time = "2025-06-10T00:43:18.704Z" }, + { url = "https://files.pythonhosted.org/packages/ea/6d/a313ac8d8391381ff9006ac05f1d4331cee3b1efaa833a53d12253733255/yarl-1.20.1-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:812303eb4aa98e302886ccda58d6b099e3576b1b9276161469c25803a8db277d", size = 357362, upload_time = "2025-06-10T00:43:20.888Z" }, + { url = "https://files.pythonhosted.org/packages/00/70/8f78a95d6935a70263d46caa3dd18e1f223cf2f2ff2037baa01a22bc5b22/yarl-1.20.1-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:98c4a7d166635147924aa0bf9bfe8d8abad6fffa6102de9c99ea04a1376f91e8", size = 348979, upload_time = "2025-06-10T00:43:23.169Z" }, + { url = "https://files.pythonhosted.org/packages/cb/05/42773027968968f4f15143553970ee36ead27038d627f457cc44bbbeecf3/yarl-1.20.1-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:12e768f966538e81e6e7550f9086a6236b16e26cd964cf4df35349970f3551cf", size = 337274, upload_time = "2025-06-10T00:43:27.111Z" }, + { url = "https://files.pythonhosted.org/packages/05/be/665634aa196954156741ea591d2f946f1b78ceee8bb8f28488bf28c0dd62/yarl-1.20.1-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:fe41919b9d899661c5c28a8b4b0acf704510b88f27f0934ac7a7bebdd8938d5e", size = 363294, upload_time = "2025-06-10T00:43:28.96Z" }, + { url = "https://files.pythonhosted.org/packages/eb/90/73448401d36fa4e210ece5579895731f190d5119c4b66b43b52182e88cd5/yarl-1.20.1-cp311-cp311-musllinux_1_2_armv7l.whl", hash = "sha256:8601bc010d1d7780592f3fc1bdc6c72e2b6466ea34569778422943e1a1f3c389", size = 358169, upload_time = "2025-06-10T00:43:30.701Z" }, + { url = "https://files.pythonhosted.org/packages/c3/b0/fce922d46dc1eb43c811f1889f7daa6001b27a4005587e94878570300881/yarl-1.20.1-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:daadbdc1f2a9033a2399c42646fbd46da7992e868a5fe9513860122d7fe7a73f", size = 362776, upload_time = "2025-06-10T00:43:32.51Z" }, + { url = "https://files.pythonhosted.org/packages/f1/0d/b172628fce039dae8977fd22caeff3eeebffd52e86060413f5673767c427/yarl-1.20.1-cp311-cp311-musllinux_1_2_ppc64le.whl", hash = "sha256:03aa1e041727cb438ca762628109ef1333498b122e4c76dd858d186a37cec845", size = 381341, upload_time = "2025-06-10T00:43:34.543Z" }, + { url = "https://files.pythonhosted.org/packages/6b/9b/5b886d7671f4580209e855974fe1cecec409aa4a89ea58b8f0560dc529b1/yarl-1.20.1-cp311-cp311-musllinux_1_2_s390x.whl", hash = "sha256:642980ef5e0fa1de5fa96d905c7e00cb2c47cb468bfcac5a18c58e27dbf8d8d1", size = 379988, upload_time = "2025-06-10T00:43:36.489Z" }, + { url = "https://files.pythonhosted.org/packages/73/be/75ef5fd0fcd8f083a5d13f78fd3f009528132a1f2a1d7c925c39fa20aa79/yarl-1.20.1-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:86971e2795584fe8c002356d3b97ef6c61862720eeff03db2a7c86b678d85b3e", size = 371113, upload_time = "2025-06-10T00:43:38.592Z" }, + { url = "https://files.pythonhosted.org/packages/50/4f/62faab3b479dfdcb741fe9e3f0323e2a7d5cd1ab2edc73221d57ad4834b2/yarl-1.20.1-cp311-cp311-win32.whl", hash = "sha256:597f40615b8d25812f14562699e287f0dcc035d25eb74da72cae043bb884d773", size = 81485, upload_time = "2025-06-10T00:43:41.038Z" }, + { url = "https://files.pythonhosted.org/packages/f0/09/d9c7942f8f05c32ec72cd5c8e041c8b29b5807328b68b4801ff2511d4d5e/yarl-1.20.1-cp311-cp311-win_amd64.whl", hash = "sha256:26ef53a9e726e61e9cd1cda6b478f17e350fb5800b4bd1cd9fe81c4d91cfeb2e", size = 86686, upload_time = "2025-06-10T00:43:42.692Z" }, + { url = "https://files.pythonhosted.org/packages/5f/9a/cb7fad7d73c69f296eda6815e4a2c7ed53fc70c2f136479a91c8e5fbdb6d/yarl-1.20.1-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:bdcc4cd244e58593a4379fe60fdee5ac0331f8eb70320a24d591a3be197b94a9", size = 133667, upload_time = "2025-06-10T00:43:44.369Z" }, + { url = "https://files.pythonhosted.org/packages/67/38/688577a1cb1e656e3971fb66a3492501c5a5df56d99722e57c98249e5b8a/yarl-1.20.1-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:b29a2c385a5f5b9c7d9347e5812b6f7ab267193c62d282a540b4fc528c8a9d2a", size = 91025, upload_time = "2025-06-10T00:43:46.295Z" }, + { url = "https://files.pythonhosted.org/packages/50/ec/72991ae51febeb11a42813fc259f0d4c8e0507f2b74b5514618d8b640365/yarl-1.20.1-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:1112ae8154186dfe2de4732197f59c05a83dc814849a5ced892b708033f40dc2", size = 89709, upload_time = "2025-06-10T00:43:48.22Z" }, + { url = "https://files.pythonhosted.org/packages/99/da/4d798025490e89426e9f976702e5f9482005c548c579bdae792a4c37769e/yarl-1.20.1-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:90bbd29c4fe234233f7fa2b9b121fb63c321830e5d05b45153a2ca68f7d310ee", size = 352287, upload_time = "2025-06-10T00:43:49.924Z" }, + { url = "https://files.pythonhosted.org/packages/1a/26/54a15c6a567aac1c61b18aa0f4b8aa2e285a52d547d1be8bf48abe2b3991/yarl-1.20.1-cp312-cp312-manylinux_2_17_armv7l.manylinux2014_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:680e19c7ce3710ac4cd964e90dad99bf9b5029372ba0c7cbfcd55e54d90ea819", size = 345429, upload_time = "2025-06-10T00:43:51.7Z" }, + { url = "https://files.pythonhosted.org/packages/d6/95/9dcf2386cb875b234353b93ec43e40219e14900e046bf6ac118f94b1e353/yarl-1.20.1-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:4a979218c1fdb4246a05efc2cc23859d47c89af463a90b99b7c56094daf25a16", size = 365429, upload_time = "2025-06-10T00:43:53.494Z" }, + { url = "https://files.pythonhosted.org/packages/91/b2/33a8750f6a4bc224242a635f5f2cff6d6ad5ba651f6edcccf721992c21a0/yarl-1.20.1-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:255b468adf57b4a7b65d8aad5b5138dce6a0752c139965711bdcb81bc370e1b6", size = 363862, upload_time = "2025-06-10T00:43:55.766Z" }, + { url = "https://files.pythonhosted.org/packages/98/28/3ab7acc5b51f4434b181b0cee8f1f4b77a65919700a355fb3617f9488874/yarl-1.20.1-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:a97d67108e79cfe22e2b430d80d7571ae57d19f17cda8bb967057ca8a7bf5bfd", size = 355616, upload_time = "2025-06-10T00:43:58.056Z" }, + { url = "https://files.pythonhosted.org/packages/36/a3/f666894aa947a371724ec7cd2e5daa78ee8a777b21509b4252dd7bd15e29/yarl-1.20.1-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:8570d998db4ddbfb9a590b185a0a33dbf8aafb831d07a5257b4ec9948df9cb0a", size = 339954, upload_time = "2025-06-10T00:43:59.773Z" }, + { url = "https://files.pythonhosted.org/packages/f1/81/5f466427e09773c04219d3450d7a1256138a010b6c9f0af2d48565e9ad13/yarl-1.20.1-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:97c75596019baae7c71ccf1d8cc4738bc08134060d0adfcbe5642f778d1dca38", size = 365575, upload_time = "2025-06-10T00:44:02.051Z" }, + { url = "https://files.pythonhosted.org/packages/2e/e3/e4b0ad8403e97e6c9972dd587388940a032f030ebec196ab81a3b8e94d31/yarl-1.20.1-cp312-cp312-musllinux_1_2_armv7l.whl", hash = "sha256:1c48912653e63aef91ff988c5432832692ac5a1d8f0fb8a33091520b5bbe19ef", size = 365061, upload_time = "2025-06-10T00:44:04.196Z" }, + { url = "https://files.pythonhosted.org/packages/ac/99/b8a142e79eb86c926f9f06452eb13ecb1bb5713bd01dc0038faf5452e544/yarl-1.20.1-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:4c3ae28f3ae1563c50f3d37f064ddb1511ecc1d5584e88c6b7c63cf7702a6d5f", size = 364142, upload_time = "2025-06-10T00:44:06.527Z" }, + { url = "https://files.pythonhosted.org/packages/34/f2/08ed34a4a506d82a1a3e5bab99ccd930a040f9b6449e9fd050320e45845c/yarl-1.20.1-cp312-cp312-musllinux_1_2_ppc64le.whl", hash = "sha256:c5e9642f27036283550f5f57dc6156c51084b458570b9d0d96100c8bebb186a8", size = 381894, upload_time = "2025-06-10T00:44:08.379Z" }, + { url = "https://files.pythonhosted.org/packages/92/f8/9a3fbf0968eac704f681726eff595dce9b49c8a25cd92bf83df209668285/yarl-1.20.1-cp312-cp312-musllinux_1_2_s390x.whl", hash = "sha256:2c26b0c49220d5799f7b22c6838409ee9bc58ee5c95361a4d7831f03cc225b5a", size = 383378, upload_time = "2025-06-10T00:44:10.51Z" }, + { url = "https://files.pythonhosted.org/packages/af/85/9363f77bdfa1e4d690957cd39d192c4cacd1c58965df0470a4905253b54f/yarl-1.20.1-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:564ab3d517e3d01c408c67f2e5247aad4019dcf1969982aba3974b4093279004", size = 374069, upload_time = "2025-06-10T00:44:12.834Z" }, + { url = "https://files.pythonhosted.org/packages/35/99/9918c8739ba271dcd935400cff8b32e3cd319eaf02fcd023d5dcd487a7c8/yarl-1.20.1-cp312-cp312-win32.whl", hash = "sha256:daea0d313868da1cf2fac6b2d3a25c6e3a9e879483244be38c8e6a41f1d876a5", size = 81249, upload_time = "2025-06-10T00:44:14.731Z" }, + { url = "https://files.pythonhosted.org/packages/eb/83/5d9092950565481b413b31a23e75dd3418ff0a277d6e0abf3729d4d1ce25/yarl-1.20.1-cp312-cp312-win_amd64.whl", hash = "sha256:48ea7d7f9be0487339828a4de0360d7ce0efc06524a48e1810f945c45b813698", size = 86710, upload_time = "2025-06-10T00:44:16.716Z" }, + { url = "https://files.pythonhosted.org/packages/8a/e1/2411b6d7f769a07687acee88a062af5833cf1966b7266f3d8dfb3d3dc7d3/yarl-1.20.1-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:0b5ff0fbb7c9f1b1b5ab53330acbfc5247893069e7716840c8e7d5bb7355038a", size = 131811, upload_time = "2025-06-10T00:44:18.933Z" }, + { url = "https://files.pythonhosted.org/packages/b2/27/584394e1cb76fb771371770eccad35de400e7b434ce3142c2dd27392c968/yarl-1.20.1-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:14f326acd845c2b2e2eb38fb1346c94f7f3b01a4f5c788f8144f9b630bfff9a3", size = 90078, upload_time = "2025-06-10T00:44:20.635Z" }, + { url = "https://files.pythonhosted.org/packages/bf/9a/3246ae92d4049099f52d9b0fe3486e3b500e29b7ea872d0f152966fc209d/yarl-1.20.1-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:f60e4ad5db23f0b96e49c018596707c3ae89f5d0bd97f0ad3684bcbad899f1e7", size = 88748, upload_time = "2025-06-10T00:44:22.34Z" }, + { url = "https://files.pythonhosted.org/packages/a3/25/35afe384e31115a1a801fbcf84012d7a066d89035befae7c5d4284df1e03/yarl-1.20.1-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:49bdd1b8e00ce57e68ba51916e4bb04461746e794e7c4d4bbc42ba2f18297691", size = 349595, upload_time = "2025-06-10T00:44:24.314Z" }, + { url = "https://files.pythonhosted.org/packages/28/2d/8aca6cb2cabc8f12efcb82749b9cefecbccfc7b0384e56cd71058ccee433/yarl-1.20.1-cp313-cp313-manylinux_2_17_armv7l.manylinux2014_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:66252d780b45189975abfed839616e8fd2dbacbdc262105ad7742c6ae58f3e31", size = 342616, upload_time = "2025-06-10T00:44:26.167Z" }, + { url = "https://files.pythonhosted.org/packages/0b/e9/1312633d16b31acf0098d30440ca855e3492d66623dafb8e25b03d00c3da/yarl-1.20.1-cp313-cp313-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:59174e7332f5d153d8f7452a102b103e2e74035ad085f404df2e40e663a22b28", size = 361324, upload_time = "2025-06-10T00:44:27.915Z" }, + { url = "https://files.pythonhosted.org/packages/bc/a0/688cc99463f12f7669eec7c8acc71ef56a1521b99eab7cd3abb75af887b0/yarl-1.20.1-cp313-cp313-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:e3968ec7d92a0c0f9ac34d5ecfd03869ec0cab0697c91a45db3fbbd95fe1b653", size = 359676, upload_time = "2025-06-10T00:44:30.041Z" }, + { url = "https://files.pythonhosted.org/packages/af/44/46407d7f7a56e9a85a4c207724c9f2c545c060380718eea9088f222ba697/yarl-1.20.1-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:d1a4fbb50e14396ba3d375f68bfe02215d8e7bc3ec49da8341fe3157f59d2ff5", size = 352614, upload_time = "2025-06-10T00:44:32.171Z" }, + { url = "https://files.pythonhosted.org/packages/b1/91/31163295e82b8d5485d31d9cf7754d973d41915cadce070491778d9c9825/yarl-1.20.1-cp313-cp313-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:11a62c839c3a8eac2410e951301309426f368388ff2f33799052787035793b02", size = 336766, upload_time = "2025-06-10T00:44:34.494Z" }, + { url = "https://files.pythonhosted.org/packages/b4/8e/c41a5bc482121f51c083c4c2bcd16b9e01e1cf8729e380273a952513a21f/yarl-1.20.1-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:041eaa14f73ff5a8986b4388ac6bb43a77f2ea09bf1913df7a35d4646db69e53", size = 364615, upload_time = "2025-06-10T00:44:36.856Z" }, + { url = "https://files.pythonhosted.org/packages/e3/5b/61a3b054238d33d70ea06ebba7e58597891b71c699e247df35cc984ab393/yarl-1.20.1-cp313-cp313-musllinux_1_2_armv7l.whl", hash = "sha256:377fae2fef158e8fd9d60b4c8751387b8d1fb121d3d0b8e9b0be07d1b41e83dc", size = 360982, upload_time = "2025-06-10T00:44:39.141Z" }, + { url = "https://files.pythonhosted.org/packages/df/a3/6a72fb83f8d478cb201d14927bc8040af901811a88e0ff2da7842dd0ed19/yarl-1.20.1-cp313-cp313-musllinux_1_2_i686.whl", hash = "sha256:1c92f4390e407513f619d49319023664643d3339bd5e5a56a3bebe01bc67ec04", size = 369792, upload_time = "2025-06-10T00:44:40.934Z" }, + { url = "https://files.pythonhosted.org/packages/7c/af/4cc3c36dfc7c077f8dedb561eb21f69e1e9f2456b91b593882b0b18c19dc/yarl-1.20.1-cp313-cp313-musllinux_1_2_ppc64le.whl", hash = "sha256:d25ddcf954df1754ab0f86bb696af765c5bfaba39b74095f27eececa049ef9a4", size = 382049, upload_time = "2025-06-10T00:44:42.854Z" }, + { url = "https://files.pythonhosted.org/packages/19/3a/e54e2c4752160115183a66dc9ee75a153f81f3ab2ba4bf79c3c53b33de34/yarl-1.20.1-cp313-cp313-musllinux_1_2_s390x.whl", hash = "sha256:909313577e9619dcff8c31a0ea2aa0a2a828341d92673015456b3ae492e7317b", size = 384774, upload_time = "2025-06-10T00:44:45.275Z" }, + { url = "https://files.pythonhosted.org/packages/9c/20/200ae86dabfca89060ec6447649f219b4cbd94531e425e50d57e5f5ac330/yarl-1.20.1-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:793fd0580cb9664548c6b83c63b43c477212c0260891ddf86809e1c06c8b08f1", size = 374252, upload_time = "2025-06-10T00:44:47.31Z" }, + { url = "https://files.pythonhosted.org/packages/83/75/11ee332f2f516b3d094e89448da73d557687f7d137d5a0f48c40ff211487/yarl-1.20.1-cp313-cp313-win32.whl", hash = "sha256:468f6e40285de5a5b3c44981ca3a319a4b208ccc07d526b20b12aeedcfa654b7", size = 81198, upload_time = "2025-06-10T00:44:49.164Z" }, + { url = "https://files.pythonhosted.org/packages/ba/ba/39b1ecbf51620b40ab402b0fc817f0ff750f6d92712b44689c2c215be89d/yarl-1.20.1-cp313-cp313-win_amd64.whl", hash = "sha256:495b4ef2fea40596bfc0affe3837411d6aa3371abcf31aac0ccc4bdd64d4ef5c", size = 86346, upload_time = "2025-06-10T00:44:51.182Z" }, + { url = "https://files.pythonhosted.org/packages/43/c7/669c52519dca4c95153c8ad96dd123c79f354a376346b198f438e56ffeb4/yarl-1.20.1-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:f60233b98423aab21d249a30eb27c389c14929f47be8430efa7dbd91493a729d", size = 138826, upload_time = "2025-06-10T00:44:52.883Z" }, + { url = "https://files.pythonhosted.org/packages/6a/42/fc0053719b44f6ad04a75d7f05e0e9674d45ef62f2d9ad2c1163e5c05827/yarl-1.20.1-cp313-cp313t-macosx_10_13_x86_64.whl", hash = "sha256:6f3eff4cc3f03d650d8755c6eefc844edde99d641d0dcf4da3ab27141a5f8ddf", size = 93217, upload_time = "2025-06-10T00:44:54.658Z" }, + { url = "https://files.pythonhosted.org/packages/4f/7f/fa59c4c27e2a076bba0d959386e26eba77eb52ea4a0aac48e3515c186b4c/yarl-1.20.1-cp313-cp313t-macosx_11_0_arm64.whl", hash = "sha256:69ff8439d8ba832d6bed88af2c2b3445977eba9a4588b787b32945871c2444e3", size = 92700, upload_time = "2025-06-10T00:44:56.784Z" }, + { url = "https://files.pythonhosted.org/packages/2f/d4/062b2f48e7c93481e88eff97a6312dca15ea200e959f23e96d8ab898c5b8/yarl-1.20.1-cp313-cp313t-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:3cf34efa60eb81dd2645a2e13e00bb98b76c35ab5061a3989c7a70f78c85006d", size = 347644, upload_time = "2025-06-10T00:44:59.071Z" }, + { url = "https://files.pythonhosted.org/packages/89/47/78b7f40d13c8f62b499cc702fdf69e090455518ae544c00a3bf4afc9fc77/yarl-1.20.1-cp313-cp313t-manylinux_2_17_armv7l.manylinux2014_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:8e0fe9364ad0fddab2688ce72cb7a8e61ea42eff3c7caeeb83874a5d479c896c", size = 323452, upload_time = "2025-06-10T00:45:01.605Z" }, + { url = "https://files.pythonhosted.org/packages/eb/2b/490d3b2dc66f52987d4ee0d3090a147ea67732ce6b4d61e362c1846d0d32/yarl-1.20.1-cp313-cp313t-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:8f64fbf81878ba914562c672024089e3401974a39767747691c65080a67b18c1", size = 346378, upload_time = "2025-06-10T00:45:03.946Z" }, + { url = "https://files.pythonhosted.org/packages/66/ad/775da9c8a94ce925d1537f939a4f17d782efef1f973039d821cbe4bcc211/yarl-1.20.1-cp313-cp313t-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:f6342d643bf9a1de97e512e45e4b9560a043347e779a173250824f8b254bd5ce", size = 353261, upload_time = "2025-06-10T00:45:05.992Z" }, + { url = "https://files.pythonhosted.org/packages/4b/23/0ed0922b47a4f5c6eb9065d5ff1e459747226ddce5c6a4c111e728c9f701/yarl-1.20.1-cp313-cp313t-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:56dac5f452ed25eef0f6e3c6a066c6ab68971d96a9fb441791cad0efba6140d3", size = 335987, upload_time = "2025-06-10T00:45:08.227Z" }, + { url = "https://files.pythonhosted.org/packages/3e/49/bc728a7fe7d0e9336e2b78f0958a2d6b288ba89f25a1762407a222bf53c3/yarl-1.20.1-cp313-cp313t-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:c7d7f497126d65e2cad8dc5f97d34c27b19199b6414a40cb36b52f41b79014be", size = 329361, upload_time = "2025-06-10T00:45:10.11Z" }, + { url = "https://files.pythonhosted.org/packages/93/8f/b811b9d1f617c83c907e7082a76e2b92b655400e61730cd61a1f67178393/yarl-1.20.1-cp313-cp313t-musllinux_1_2_aarch64.whl", hash = "sha256:67e708dfb8e78d8a19169818eeb5c7a80717562de9051bf2413aca8e3696bf16", size = 346460, upload_time = "2025-06-10T00:45:12.055Z" }, + { url = "https://files.pythonhosted.org/packages/70/fd/af94f04f275f95da2c3b8b5e1d49e3e79f1ed8b6ceb0f1664cbd902773ff/yarl-1.20.1-cp313-cp313t-musllinux_1_2_armv7l.whl", hash = "sha256:595c07bc79af2494365cc96ddeb772f76272364ef7c80fb892ef9d0649586513", size = 334486, upload_time = "2025-06-10T00:45:13.995Z" }, + { url = "https://files.pythonhosted.org/packages/84/65/04c62e82704e7dd0a9b3f61dbaa8447f8507655fd16c51da0637b39b2910/yarl-1.20.1-cp313-cp313t-musllinux_1_2_i686.whl", hash = "sha256:7bdd2f80f4a7df852ab9ab49484a4dee8030023aa536df41f2d922fd57bf023f", size = 342219, upload_time = "2025-06-10T00:45:16.479Z" }, + { url = "https://files.pythonhosted.org/packages/91/95/459ca62eb958381b342d94ab9a4b6aec1ddec1f7057c487e926f03c06d30/yarl-1.20.1-cp313-cp313t-musllinux_1_2_ppc64le.whl", hash = "sha256:c03bfebc4ae8d862f853a9757199677ab74ec25424d0ebd68a0027e9c639a390", size = 350693, upload_time = "2025-06-10T00:45:18.399Z" }, + { url = "https://files.pythonhosted.org/packages/a6/00/d393e82dd955ad20617abc546a8f1aee40534d599ff555ea053d0ec9bf03/yarl-1.20.1-cp313-cp313t-musllinux_1_2_s390x.whl", hash = "sha256:344d1103e9c1523f32a5ed704d576172d2cabed3122ea90b1d4e11fe17c66458", size = 355803, upload_time = "2025-06-10T00:45:20.677Z" }, + { url = "https://files.pythonhosted.org/packages/9e/ed/c5fb04869b99b717985e244fd93029c7a8e8febdfcffa06093e32d7d44e7/yarl-1.20.1-cp313-cp313t-musllinux_1_2_x86_64.whl", hash = "sha256:88cab98aa4e13e1ade8c141daeedd300a4603b7132819c484841bb7af3edce9e", size = 341709, upload_time = "2025-06-10T00:45:23.221Z" }, + { url = "https://files.pythonhosted.org/packages/24/fd/725b8e73ac2a50e78a4534ac43c6addf5c1c2d65380dd48a9169cc6739a9/yarl-1.20.1-cp313-cp313t-win32.whl", hash = "sha256:b121ff6a7cbd4abc28985b6028235491941b9fe8fe226e6fdc539c977ea1739d", size = 86591, upload_time = "2025-06-10T00:45:25.793Z" }, + { url = "https://files.pythonhosted.org/packages/94/c3/b2e9f38bc3e11191981d57ea08cab2166e74ea770024a646617c9cddd9f6/yarl-1.20.1-cp313-cp313t-win_amd64.whl", hash = "sha256:541d050a355bbbc27e55d906bc91cb6fe42f96c01413dd0f4ed5a5240513874f", size = 93003, upload_time = "2025-06-10T00:45:27.752Z" }, + { url = "https://files.pythonhosted.org/packages/b4/2d/2345fce04cfd4bee161bf1e7d9cdc702e3e16109021035dbb24db654a622/yarl-1.20.1-py3-none-any.whl", hash = "sha256:83b8eb083fe4683c6115795d9fc1cfaf2cbbefb19b3a1cb68f6527460f483a77", size = 46542, upload_time = "2025-06-10T00:46:07.521Z" }, ] From 7005c9a30c86d079f6da78fef53067d34343a087 Mon Sep 17 00:00:00 2001 From: Niels Warncke Date: Fri, 17 Oct 2025 16:32:30 +0200 Subject: [PATCH 04/27] migrate to new environment: wip --- .dockerignore | 2 + .gitignore | 3 + CLAUDE.md | 532 ++++++++ Dockerfile | 16 +- cookbook/custom_job/client_side.py | 4 + cookbook/sft/multi_gpu_llama3_70b.py | 30 + dev.md | 471 +++++-- llm.txt | 400 ++++++ openweights/cli/README.md | 68 + openweights/cli/__init__.py | 55 + openweights/cli/__main__.py | 6 + openweights/cli/common.py | 399 ++++++ openweights/cli/exec.py | 153 +++ openweights/cli/signup.py | 224 +++ openweights/cli/ssh.py | 136 ++ openweights/client/__init__.py | 53 +- openweights/client/files.py | 1 + openweights/cluster/cli.py | 512 +++++++ openweights/cluster/start_runpod.py | 46 +- openweights/worker/services/log_server.py | 1 + pyproject.toml | 5 +- supabase/20250116_dump.sql | 1197 +++++++++++++++++ supabase/config.toml | 2 +- supabase/config.toml.dev | 256 ++++ supabase/config.toml.legacy | 256 ++++ .../20241120094415_remote_schema.sql | 161 --- .../20241120161019_add_gpu_columns.sql | 9 - .../20241127132826_add_docker_image.sql | 8 - ...1127153031_add_docker_image_to_workers.sql | 1 - .../20241202233213_add_updated_at_columns.sql | 52 - .../20241203000542_add_api_job_type.sql | 2 - .../20241205000000_add_organizations.sql | 67 - ...41205000001_add_organization_functions.sql | 124 -- .../20241205000002_add_rls_policies.sql | 66 - .../20241205000003_add_service_accounts.sql | 151 --- .../20241205000004_add_storage_policies.sql | 130 -- .../20241205000005_add_token_functions.sql | 46 - .../20241205000006_fix_jwt_secret.sql | 22 - ...0241205000007_add_organization_secrets.sql | 184 --- .../20241205000008_fix_member_functions.sql | 83 -- .../20241205000009_fix_email_ambiguity.sql | 83 -- ...241205000010_remove_token_org_fallback.sql | 25 - .../20241205000011_add_job_timeout.sql | 20 - .../20250101195830_add_worker_logfile.sql | 8 - .../20250101195831_add_custom_job_type.sql | 2 - ...250115171900_add_job_locking_functions.sql | 38 - .../20250116110200_fix_job_locking_naming.sql | 50 - .../20250116111600_fix_job_id_dtypes.sql | 51 - .../20250116112300_fix_job_status_type.sql | 24 - supabase/migrations/20250116_v1_schema.sql | 886 ++++++++++++ .../20250117000000_add_allowed_hardware.sql | 41 - .../20250118_storage_and_files_policies.sql | 78 ++ .../migrations/20250119_fix_files_insert.sql | 8 + ...17150000_update_call_sites_to_app_auth.sql | 76 -- ...153500_storage_policies_move_to_public.sql | 117 -- supabase/seed.sql | 6 - tests/test_db.py | 38 + tests/test_files_insert.py | 39 + tests/test_jwt.py | 71 + use.sh | 39 + 60 files changed, 5814 insertions(+), 1820 deletions(-) create mode 100644 CLAUDE.md create mode 100644 cookbook/sft/multi_gpu_llama3_70b.py create mode 100644 openweights/cli/README.md create mode 100644 openweights/cli/__init__.py create mode 100644 openweights/cli/__main__.py create mode 100644 openweights/cli/common.py create mode 100644 openweights/cli/exec.py create mode 100644 openweights/cli/signup.py create mode 100644 openweights/cli/ssh.py create mode 100644 openweights/cluster/cli.py create mode 100644 supabase/20250116_dump.sql create mode 100644 supabase/config.toml.dev create mode 100644 supabase/config.toml.legacy delete mode 100644 supabase/migrations/20241120094415_remote_schema.sql delete mode 100644 supabase/migrations/20241120161019_add_gpu_columns.sql delete mode 100644 supabase/migrations/20241127132826_add_docker_image.sql delete mode 100644 supabase/migrations/20241127153031_add_docker_image_to_workers.sql delete mode 100644 supabase/migrations/20241202233213_add_updated_at_columns.sql delete mode 100644 supabase/migrations/20241203000542_add_api_job_type.sql delete mode 100644 supabase/migrations/20241205000000_add_organizations.sql delete mode 100644 supabase/migrations/20241205000001_add_organization_functions.sql delete mode 100644 supabase/migrations/20241205000002_add_rls_policies.sql delete mode 100644 supabase/migrations/20241205000003_add_service_accounts.sql delete mode 100644 supabase/migrations/20241205000004_add_storage_policies.sql delete mode 100644 supabase/migrations/20241205000005_add_token_functions.sql delete mode 100644 supabase/migrations/20241205000006_fix_jwt_secret.sql delete mode 100644 supabase/migrations/20241205000007_add_organization_secrets.sql delete mode 100644 supabase/migrations/20241205000008_fix_member_functions.sql delete mode 100644 supabase/migrations/20241205000009_fix_email_ambiguity.sql delete mode 100644 supabase/migrations/20241205000010_remove_token_org_fallback.sql delete mode 100644 supabase/migrations/20241205000011_add_job_timeout.sql delete mode 100644 supabase/migrations/20250101195830_add_worker_logfile.sql delete mode 100644 supabase/migrations/20250101195831_add_custom_job_type.sql delete mode 100644 supabase/migrations/20250115171900_add_job_locking_functions.sql delete mode 100644 supabase/migrations/20250116110200_fix_job_locking_naming.sql delete mode 100644 supabase/migrations/20250116111600_fix_job_id_dtypes.sql delete mode 100644 supabase/migrations/20250116112300_fix_job_status_type.sql create mode 100644 supabase/migrations/20250116_v1_schema.sql delete mode 100644 supabase/migrations/20250117000000_add_allowed_hardware.sql create mode 100644 supabase/migrations/20250118_storage_and_files_policies.sql create mode 100644 supabase/migrations/20250119_fix_files_insert.sql delete mode 100644 supabase/migrations/20250917150000_update_call_sites_to_app_auth.sql delete mode 100644 supabase/migrations/20250917153500_storage_policies_move_to_public.sql delete mode 100644 supabase/seed.sql create mode 100644 tests/test_db.py create mode 100644 tests/test_files_insert.py create mode 100644 tests/test_jwt.py create mode 100644 use.sh diff --git a/.dockerignore b/.dockerignore index 220a208..5ded50a 100644 --- a/.dockerignore +++ b/.dockerignore @@ -15,6 +15,8 @@ build-docker-in-runpod .env.prod .env.ow-dev .env.ow-migrations +.env.legacy +.env.* openweights/dashboard/backend/.env.ow-dev openweights/dashboard/backend/.env.ow-migrations openweights/dashboard/frontend/.env.ow-dev diff --git a/.gitignore b/.gitignore index fe4f31e..4d7dc57 100644 --- a/.gitignore +++ b/.gitignore @@ -74,6 +74,9 @@ ENV/ # Environment variables .env .env.local +.env.dev +.env.prod +.env.legacy # Supabase .supabase/ diff --git a/CLAUDE.md b/CLAUDE.md new file mode 100644 index 0000000..011826a --- /dev/null +++ b/CLAUDE.md @@ -0,0 +1,532 @@ +# OpenWeights Architecture + +## Overview + +OpenWeights is a Python SDK for running distributed compute jobs on managed RunPod GPU infrastructure. It provides a simple, OpenAI-like API with full flexibility for custom workloads including fine-tuning, inference, evaluations, and arbitrary Python scripts. + +**Key Features:** +- Simple Python SDK with OpenAI-compatible interfaces +- Full flexibility to define custom jobs with arbitrary Docker images and entrypoints +- Automated management of RunPod GPU infrastructure +- Multi-tenancy with organization-based isolation +- Content-addressable job and file IDs for deduplication + +## Core Concepts + +### What is a Job? + +A job is the fundamental unit of work in OpenWeights. It consists of three components: + +1. **Docker Image**: The container environment (e.g., `nielsrolf/ow-default`, custom images) +2. **Mounted Files**: Files uploaded to Supabase storage and mounted into the container +3. **Entrypoint**: The command/script to execute (e.g., `python train.py --model=llama`) + +Jobs can be: +- **Built-in jobs**: Pre-configured templates for common tasks (fine-tuning with Unsloth, inference with vLLM, Inspect AI evaluations) +- **Custom jobs**: User-defined jobs using the `@register` decorator and `Jobs` base class + +### Job Lifecycle States + +Jobs progress through the following states: +- `pending`: Job is queued, waiting for a worker +- `in_progress`: Job is currently executing on a worker +- `completed`: Job finished successfully +- `failed`: Job encountered an error +- `canceled`: Job was manually canceled or timed out + +### Jobs, Runs, and Events + +**Jobs** are reusable templates that define what to execute: +- Identified by content hash of their parameters (e.g., `unsloth-abc123def456`) +- If you submit the same job twice, it uses the existing job (deduplication) +- Contain: docker image, script/entrypoint, parameters, VRAM requirements, hardware constraints + +**Runs** are individual executions of a job: +- Each job can have multiple runs (e.g., if restarted after failure) +- Track execution status, assigned worker, and log file +- Created when a worker picks up a job or when using `ow.run` context + +**Events** are structured logs/outputs during a run: +- Store arbitrary JSON data (metrics, checkpoints, errors) +- Can reference uploaded files (model checkpoints, outputs) +- Used to track progress and collect results + +**Relationship:** +``` +Job (1) ──< (many) Runs (1) ──< (many) Events +``` + +## System Architecture + +OpenWeights follows a queue-based architecture with three main components: + +### 1. Job Queue (Supabase) + +**Database Tables:** +- `jobs`: Job definitions and status +- `runs`: Execution records linking jobs to workers +- `events`: Structured logs and outputs from runs +- `files`: File metadata (actual files stored in Supabase Storage) +- `worker`: Worker registration and health tracking +- `organizations`: Multi-tenant isolation +- `organization_secrets`: API keys and credentials (HF_TOKEN, RUNPOD_API_KEY, etc.) +- `service_account_tokens`: JWT tokens for API authentication + +**Key Features:** +- Row Level Security (RLS) ensures organization isolation +- Atomic job acquisition using PostgreSQL functions (`acquire_job`, `update_job_status_if_in_progress`) +- Content-addressable IDs prevent duplicate jobs and files + +### 2. Cluster Manager + +**Architecture:** +- **Supervisor** (`cluster/supervisor.py`): Top-level process that spawns one manager per organization +- **Organization Manager** (`cluster/org_manager.py`): Manages GPU workers for a single organization + +**Responsibilities:** +1. Monitor job queue for pending jobs +2. Provision RunPod workers when jobs arrive +3. Scale workers based on demand (up to MAX_WORKERS per org) +4. Terminate idle workers (idle > 5 minutes) +5. Clean up unresponsive workers (no ping > 2 minutes) +6. Match jobs to hardware based on VRAM requirements and `allowed_hardware` constraints + +**Worker Provisioning:** +- Determines GPU type based on job's `requires_vram_gb` and `allowed_hardware` +- Supports multi-GPU configurations (1x, 2x, 4x, 8x GPUs) +- Creates worker record in database with `status='starting'` +- Launches RunPod pod with appropriate Docker image and environment variables +- Updates worker record with `pod_id` when pod is ready + +### 3. Workers + +**Worker Lifecycle:** +1. **Initialization** (`worker/main.py`): + - Detects GPU configuration (type, count, VRAM) + - Runs GPU health checks + - Registers in database with hardware specs + - Starts health check background thread + +2. **Job Acquisition:** + - Polls database for pending jobs matching its Docker image + - Filters by hardware compatibility (VRAM or `allowed_hardware`) + - Prefers jobs with cached models + - Uses `acquire_job()` RPC for atomic job claiming + +3. **Job Execution:** + - Downloads mounted files from Supabase Storage + - Creates temporary directory for job execution + - Runs job script with `OPENWEIGHTS_RUN_ID` environment variable + - Streams logs to local file and stdout + - Monitors for cancellation signals + +4. **Result Collection:** + - Uploads log file to Supabase Storage + - Uploads files from `/uploads` directory as results + - Creates events with file references + - Updates job status atomically + +5. **Health Monitoring:** + - Pings database every 5 seconds + - Checks for job cancellation or timeout + - Listens for shutdown signal from cluster manager + +6. **Shutdown:** + - Reverts in-progress jobs to pending (if worker dies) + - Uploads final logs + - Terminates RunPod pod + +## Authentication & Authorization + +### User Authentication Flow + +1. **Sign Up**: Users create accounts via Supabase Auth in the dashboard +2. **Organization Creation**: Users create organizations in the dashboard UI +3. **API Key Generation**: + - Service role keys are used as API keys (JWT tokens) + - Created via dashboard's "Tokens" tab for each organization + - Format: JWT token with organization context + +### Authorization Mechanism + +**Client-Side:** +```python +ow = OpenWeights(auth_token=os.getenv("OPENWEIGHTS_API_KEY")) +``` + +The client: +- Accepts a service role JWT as the API key +- Passes this token in the `Authorization` header to Supabase +- Extracts organization ID from token using `get_organization_from_token()` RPC + +**Database-Side:** +- Supabase Row Level Security (RLS) policies automatically filter queries +- Policies check `organization_id` column against the authenticated token's org +- Ensures users can only access their organization's jobs, runs, events, files, workers + +**Key RLS Policies:** +- Jobs: Can only query/insert/update jobs where `organization_id` matches token +- Files: Can only access files stored under `organizations/{org_id}/` path +- Workers: Can only view workers belonging to their organization +- Events/Runs: Accessible through their parent job's organization + +### Worker Authentication + +Workers can operate in two modes: + +1. **User-Provided Token**: Uses the organization's service account token from environment +2. **Auto-Generated Token**: Worker creates its own service account token at startup using `create_service_account_token()` RPC + +Both approaches leverage RLS to ensure workers can only access their organization's data. + +## Client SDK (`openweights/client/`) + +### Main Components + +**`OpenWeights` class** (`__init__.py`): +- Entry point for SDK +- Initializes Supabase client with auth token +- Provides accessors for jobs, runs, events, files, chat +- Supports custom job registration via `@register` decorator + +**`Jobs` class** (`jobs.py`): +- Base class for job definitions +- Handles file uploads and mounting +- Computes content-addressable job IDs +- Implements `get_or_create_or_reset()` for job deduplication + +**`Run` class** (`run.py`): +- Represents a single job execution +- Created automatically when jobs execute +- Provides logging and file upload from within jobs +- Can be used standalone for script-based jobs + +**`Files` class** (`files.py`): +- Content-addressable file storage +- Format: `{purpose}:file-{hash[:12]}` +- Validates conversation/preference datasets +- Handles organization-specific storage paths + +**`Events` class** (`events.py`): +- Structured logging for runs +- Supports file attachments +- Provides `latest()` to extract most recent metric values + +## Built-in Jobs + +### Fine-Tuning (`openweights/jobs/unsloth/`) + +**Jobs:** +- SFT (Supervised Fine-Tuning) +- DPO (Direct Preference Optimization) +- ORPO (Odds Ratio Preference Optimization) +- Weighted SFT (token-level loss weighting) + +**Features:** +- Built on Unsloth for memory-efficient training +- Automatic model upload to Hugging Face +- Support for LoRA/QLoRA +- Checkpoint tracking via events +- Log probability tracking + +### Inference (`openweights/jobs/inference/`) + +**Backend:** vLLM + +**Features:** +- Batch inference on JSONL datasets +- OpenAI-compatible API endpoints +- Support for conversation and text completion formats +- Automatic result file upload + +### Evaluation (`openweights/jobs/inspect_ai.py`) + +**Backend:** Inspect AI framework + +**Features:** +- Run evaluations from the Inspect AI library +- Automatic result download +- Flexible eval options pass-through + +### Custom Jobs + +Users can define custom jobs: + +```python +from openweights import OpenWeights, register, Jobs +from pydantic import BaseModel + +@register('my_job') +class MyCustomJob(Jobs): + mount = {'local/script.py': 'script.py'} + params = MyParamsModel # Pydantic model + requires_vram_gb = 24 + base_image = 'nielsrolf/ow-default' + + def get_entrypoint(self, params): + return f'python script.py --arg={params.arg}' +``` + +## Default Jobs Directory + +The `openweights/jobs/` directory contains several built-in job implementations: +- `unsloth/`: Fine-tuning jobs +- `weighted_sft/`: Token-weighted SFT +- `inference/`: vLLM inference +- `vllm/`: vLLM configuration +- `inspect_ai.py`: Inspect AI evaluations +- `mmlu_pro/`: MMLU Pro evaluation + +**Important:** These are simply convenient job definitions included in the repository. There is nothing architecturally special about them—they could just as easily live in external repositories or be defined by users in their own codebases. + +## Dashboard (`openweights/dashboard/`) + +**Backend** (`backend/main.py`): FastAPI service +- REST API for job/run/worker management +- Proxies Supabase with additional business logic +- Token management endpoints +- File content serving + +**Frontend** (`frontend/src/`): React + TypeScript +- Job/run/worker list and detail views +- Real-time log streaming +- Metrics visualization +- Organization management +- Token creation and management + +## Storage Architecture + +**Supabase Storage** (`files` bucket): +- Organization-scoped paths: `organizations/{org_id}/{file_id}` +- Files are content-addressed with purpose prefix: `{purpose}:file-{hash[:12]}` +- RLS policies enforce organization boundaries + +**File Types:** +- `conversations`: Training datasets (validated JSONL) +- `preference`: Preference datasets for DPO/ORPO +- `result`: Job outputs (model checkpoints, predictions) +- `log`: Execution logs +- `custom_job_file`: Mounted files for custom jobs + +## Hardware Management + +**GPU Selection:** +- Jobs specify `requires_vram_gb` (default: 24) +- Optionally specify `allowed_hardware` list (e.g., `["2x A100", "4x H100"]`) +- Cluster manager determines GPU type and count from `HARDWARE_CONFIG` mapping +- Workers register their exact hardware type (e.g., "2x L40") + +**Supported GPUs:** +- NVIDIA L40, A100, A100S, H100N, H100S, H200 +- Multi-GPU: 1x, 2x, 4x, 8x configurations +- Configurable in `cluster/start_runpod.py` + +**Worker Matching:** +- Workers filter jobs by Docker image first +- Then by hardware compatibility (VRAM or `allowed_hardware` match) +- Prefer jobs with cached models + +## Fault Tolerance + +**Job Atomicity:** +- `acquire_job()`: Atomically transitions job from pending → in_progress +- `update_job_status_if_in_progress()`: Only updates if still assigned to worker +- Prevents race conditions when multiple workers or managers interact + +**Worker Failure Handling:** +1. **Unresponsive Workers** (no ping > 2 min): + - Cluster manager reverts their in-progress jobs to pending + - Terminates RunPod pod + - Marks worker as terminated + +2. **Worker Crashes**: + - `atexit` handler attempts to revert jobs to pending + - Cluster manager's health check catches missed cases + +3. **Repeated Failures**: + - Workers track last 5 job outcomes + - Self-terminate if all 5 failed (likely bad worker) + +## Content Addressing + +**Job IDs:** +```python +job_id = f"{job_type}-{sha256(params + org_id).hex()[:12]}" +``` +- Deterministic based on parameters and organization +- Resubmitting identical job returns existing job +- Optional suffix for manual job variants + +**File IDs:** +```python +file_id = f"{purpose}:file-{sha256(content + org_id).hex()[:12]}" +``` +- Automatic deduplication within organization +- Content changes = new file ID + +## Scaling & Performance + +**Horizontal Scaling:** +- One organization manager per organization +- Managers provision workers dynamically +- Workers execute jobs concurrently + +**Cost Optimization:** +- Idle workers terminated after 5 minutes +- Content addressing prevents redundant work +- Workers prefer cached models to reduce download time + +**Limits:** +- `MAX_WORKERS_PER_ORG`: Default 8 (configurable per org) +- Worker TTL: 24 hours (configurable, extendable from within pod) + +## Monitoring & Observability + +**Worker Health:** +- Ping every 5 seconds +- GPU health checks at startup +- Log aggregation via Supabase Storage + +**Job Progress:** +- Events table for structured logging +- Real-time log streaming in dashboard +- Metrics visualization (loss curves, accuracy, etc.) + +**System State:** +- Database tables provide complete audit trail +- Worker status: starting, active, shutdown, terminated +- Job status: pending, in_progress, completed, failed, canceled + + +# Using supabase + + +Your general approach is as follows: +- Check if a supabase project already exists, and if yes, what tables are already present. +- If no project exists, create a new project. +- Implement the solution: write the code along with tests for the new functionality. +You are very smart - if you notice that these steps are not appropriate for the task at hand, feel free to adapt them as needed. +- Check that things worked as expected before moving on to the next step. + + + +# Supabase CLI Guide + +## Prerequisites +- Supabase CLI installed +- Valid `SUPABASE_ACCESS_TOKEN` in your environment + +## Common Operations + +### Creating a New Project +```bash +supabase projects create +``` +This will prompt you to: +1. Select an organization +2. Choose a region +3. Set a database password (optional - will generate if left blank) + +### Listing Projects +```bash +supabase projects list +``` +This shows all your projects with details including: +- Organization ID +- Project Reference ID +- Project Name +- Region +- Creation Date + +### Getting Project API Keys +```bash +supabase projects api-keys --project-ref +``` +This will return two keys: +- `anon` - public key for client-side operations +- `service_role` - secret key for server-side operations + +### Project URL Format +The project URL follows this pattern: +``` +https://.supabase.co +``` + +## Database Management + +### Initial Setup +1. Initialize a Supabase project locally (if not already done): +```bash +supabase init +``` + +2. Link to your remote project: +```bash +supabase link --project-ref +``` + +### Creating and Applying Database Changes + +1. Create a new migration: +```bash +supabase migration new +``` +This creates a new file in `supabase/migrations/YYYYMMDDHHMMSS_.sql` + +2. Edit the migration file: +- Add your SQL commands +- Include table creation, alterations, policies, etc. +- Example structure: +```sql +-- Enable RLS +alter table if exists "public"."my_table" enable row level security; + +-- Create tables +create table if not exists "public"."my_table" ( + "id" uuid not null default gen_random_uuid(), + "created_at" timestamp with time zone default timezone('utc'::text, now()) not null, + -- ... other columns + primary key (id) +); + +-- Add RLS policies +create policy "Users can view own data" + on my_table for select + using (auth.uid() = user_id); + +-- Create views +create or replace view my_summary as +select ...; +``` + +3. Push changes to remote: +```bash +supabase db push +``` +This will apply your migrations to the remote database. + +### Creating Users via API +To create a user directly using the Admin API: +```bash +curl -X POST 'https://[PROJECT_REF].supabase.co/auth/v1/admin/users' \ +-H "apikey: [SERVICE_ROLE_KEY]" \ +-H "Authorization: Bearer [SERVICE_ROLE_KEY]" \ +-H "Content-Type: application/json" \ +-d '{ +"email": "user@example.com", +"password": "secure_password", +"email_confirm": true +}' +``` +Note: +- Use the service_role key (not the anon key) +- Both `apikey` and `Authorization` headers are required +- Set `email_confirm: true` to create a pre-confirmed user + + +## Using --help +You can always use the `--help` flag to get more information than covered here. + + + +Make sure that you complete one step before moving on to the next - always make sure to check if the previous step was successful before proceeding. diff --git a/Dockerfile b/Dockerfile index 004c34d..81dfc27 100644 --- a/Dockerfile +++ b/Dockerfile @@ -1,11 +1,13 @@ -FROM vllm/vllm-openai:latest +# FROM vllm/vllm-openai:latest +FROM unsloth/unsloth -WORKDIR /my_app +WORKDIR /openweights # Install SSH RUN apt-get update && \ - apt-get install -y openssh-server && \ + apt-get install -y openssh-server rsync git-lfs && \ mkdir /var/run/sshd +RUN apt-get update && apt-get install -y --no-install-recommends unison && rm -rf /var/lib/apt/lists/* # Create a directory for SSH keys RUN mkdir -p /root/.ssh && chmod 700 /root/.ssh @@ -16,12 +18,10 @@ RUN echo "PermitRootLogin yes" >> /etc/ssh/sshd_config && \ echo "PubkeyAuthentication yes" >> /etc/ssh/sshd_config RUN python3 -m pip install --upgrade pip -RUN python3 -m pip install huggingface_hub[hf_transfer] hf_transfer supabase python-dotenv torch fire httpx>=0.24.0 runpod bitsandbytes -ENV HF_HUB_ENABLE_HF_TRANSFER=1 RUN python3 -m pip install inspect_ai git+https://github.com/UKGovernmentBEIS/inspect_evals -RUN python3 -m pip install "unsloth[colab-new] @ git+https://github.com/unslothai/unsloth.git" +RUN python3 -m pip install vllm huggingface_hub[hf_transfer] hf_transfer supabase python-dotenv fire httpx>=0.24.0 runpod +ENV HF_HUB_ENABLE_HF_TRANSFER=1 -RUN apt-get install git-lfs -y RUN git lfs install COPY README.md . @@ -37,4 +37,4 @@ EXPOSE 22 EXPOSE 8000 EXPOSE 10101 -ENTRYPOINT ["/my_app/entrypoint.sh"] +ENTRYPOINT ["/openweights/entrypoint.sh"] diff --git a/cookbook/custom_job/client_side.py b/cookbook/custom_job/client_side.py index 26c6881..609053e 100644 --- a/cookbook/custom_job/client_side.py +++ b/cookbook/custom_job/client_side.py @@ -1,10 +1,14 @@ import json import os +from dotenv import load_dotenv from pydantic import BaseModel, Field from openweights import Jobs, OpenWeights, register +# Load environment variables +load_dotenv(override=True) + ow = OpenWeights() diff --git a/cookbook/sft/multi_gpu_llama3_70b.py b/cookbook/sft/multi_gpu_llama3_70b.py new file mode 100644 index 0000000..90d6f5d --- /dev/null +++ b/cookbook/sft/multi_gpu_llama3_70b.py @@ -0,0 +1,30 @@ +from openweights import OpenWeights + +ow = OpenWeights() + +training_file = ow.files.upload(path="data/train.jsonl", purpose="conversations")["id"] +test_file = ow.files.upload(path="data/test.jsonl", purpose="conversations")["id"] + +job = ow.fine_tuning.create( + model="unsloth/Llama-3.3-70B-Instruct", + training_file=training_file, + test_file=test_file, + load_in_4bit=True, + max_seq_length=2047, + loss="sft", + epochs=1, + learning_rate=1e-4, + r=32, # lora rank + save_steps=10, # save a checkpoint every 10 steps + per_device_train_batch_size=1, + gradient_accumulation_steps=8, + allowed_hardware=["2x H200"], + merge_before_push=False, # Push only the lora adapter + logp_callback_datasets={ # Track logprobs of tokens in the testfile to ensure that training works + "in-distribution": test_file + }, +) +print(job) +print( + f"The model will be pushed to: {job.params['validated_params']['finetuned_model_id']}" +) diff --git a/dev.md b/dev.md index 1ffb249..3b33220 100644 --- a/dev.md +++ b/dev.md @@ -1,159 +1,398 @@ -# Development -Start a pod in dev mode - that allows ssh'ing into it without starting a worker automatically. This is useful to debug the worker. -```sh -python openweights/cluster/start_runpod.py A6000 finetuning --dev_mode=true +# OpenWeights Architecture + +## Overview + +OpenWeights is a Python SDK for running distributed compute jobs on managed RunPod GPU infrastructure. It provides a simple, OpenAI-like API with full flexibility for custom workloads including fine-tuning, inference, evaluations, and arbitrary Python scripts. + +**Key Features:** +- Simple Python SDK with OpenAI-compatible interfaces +- Full flexibility to define custom jobs with arbitrary Docker images and entrypoints +- Automated management of RunPod GPU infrastructure +- Multi-tenancy with organization-based isolation +- Content-addressable job and file IDs for deduplication + +## Core Concepts + +### What is a Job? + +A job is the fundamental unit of work in OpenWeights. It consists of three components: + +1. **Docker Image**: The container environment (e.g., `nielsrolf/ow-default`, custom images) +2. **Mounted Files**: Files uploaded to Supabase storage and mounted into the container +3. **Entrypoint**: The command/script to execute (e.g., `python train.py --model=llama`) + +Jobs can be: +- **Built-in jobs**: Pre-configured templates for common tasks (fine-tuning with Unsloth, inference with vLLM, Inspect AI evaluations) +- **Custom jobs**: User-defined jobs using the `@register` decorator and `Jobs` base class + +### Job Lifecycle States + +Jobs progress through the following states: +- `pending`: Job is queued, waiting for a worker +- `in_progress`: Job is currently executing on a worker +- `completed`: Job finished successfully +- `failed`: Job encountered an error +- `canceled`: Job was manually canceled or timed out + +### Jobs, Runs, and Events + +**Jobs** are reusable templates that define what to execute: +- Identified by content hash of their parameters (e.g., `unsloth-abc123def456`) +- If you submit the same job twice, it uses the existing job (deduplication) +- Contain: docker image, script/entrypoint, parameters, VRAM requirements, hardware constraints + +**Runs** are individual executions of a job: +- Each job can have multiple runs (e.g., if restarted after failure) +- Track execution status, assigned worker, and log file +- Created when a worker picks up a job or when using `ow.run` context + +**Events** are structured logs/outputs during a run: +- Store arbitrary JSON data (metrics, checkpoints, errors) +- Can reference uploaded files (model checkpoints, outputs) +- Used to track progress and collect results + +**Relationship:** +``` +Job (1) ──< (many) Runs (1) ──< (many) Events ``` -## Architecture Overview +## System Architecture + +OpenWeights follows a queue-based architecture with three main components: + +### 1. Job Queue (Supabase) + +**Database Tables:** +- `jobs`: Job definitions and status +- `runs`: Execution records linking jobs to workers +- `events`: Structured logs and outputs from runs +- `files`: File metadata (actual files stored in Supabase Storage) +- `worker`: Worker registration and health tracking +- `organizations`: Multi-tenant isolation +- `organization_secrets`: API keys and credentials (HF_TOKEN, RUNPOD_API_KEY, etc.) +- `service_account_tokens`: JWT tokens for API authentication + +**Key Features:** +- Row Level Security (RLS) ensures organization isolation +- Atomic job acquisition using PostgreSQL functions (`acquire_job`, `update_job_status_if_in_progress`) +- Content-addressable IDs prevent duplicate jobs and files + +### 2. Cluster Manager + +**Architecture:** +- **Supervisor** (`cluster/supervisor.py`): Top-level process that spawns one manager per organization +- **Organization Manager** (`cluster/org_manager.py`): Manages GPU workers for a single organization + +**Responsibilities:** +1. Monitor job queue for pending jobs +2. Provision RunPod workers when jobs arrive +3. Scale workers based on demand (up to MAX_WORKERS per org) +4. Terminate idle workers (idle > 5 minutes) +5. Clean up unresponsive workers (no ping > 2 minutes) +6. Match jobs to hardware based on VRAM requirements and `allowed_hardware` constraints + +**Worker Provisioning:** +- Determines GPU type based on job's `requires_vram_gb` and `allowed_hardware` +- Supports multi-GPU configurations (1x, 2x, 4x, 8x GPUs) +- Creates worker record in database with `status='starting'` +- Launches RunPod pod with appropriate Docker image and environment variables +- Updates worker record with `pod_id` when pod is ready + +### 3. Workers + +**Worker Lifecycle:** +1. **Initialization** (`worker/main.py`): + - Detects GPU configuration (type, count, VRAM) + - Runs GPU health checks + - Registers in database with hardware specs + - Starts health check background thread + +2. **Job Acquisition:** + - Polls database for pending jobs matching its Docker image + - Filters by hardware compatibility (VRAM or `allowed_hardware`) + - Prefers jobs with cached models + - Uses `acquire_job()` RPC for atomic job claiming + +3. **Job Execution:** + - Downloads mounted files from Supabase Storage + - Creates temporary directory for job execution + - Runs job script with `OPENWEIGHTS_RUN_ID` environment variable + - Streams logs to local file and stdout + - Monitors for cancellation signals + +4. **Result Collection:** + - Uploads log file to Supabase Storage + - Uploads files from `/uploads` directory as results + - Creates events with file references + - Updates job status atomically + +5. **Health Monitoring:** + - Pings database every 5 seconds + - Checks for job cancellation or timeout + - Listens for shutdown signal from cluster manager + +6. **Shutdown:** + - Reverts in-progress jobs to pending (if worker dies) + - Uploads final logs + - Terminates RunPod pod + +## Authentication & Authorization + +### User Authentication Flow + +1. **Sign Up**: Users create accounts via Supabase Auth in the dashboard +2. **Organization Creation**: Users create organizations in the dashboard UI +3. **API Key Generation**: + - Service role keys are used as API keys (JWT tokens) + - Created via dashboard's "Tokens" tab for each organization + - Format: JWT token with organization context + +### Authorization Mechanism + +**Client-Side:** +```python +ow = OpenWeights(auth_token=os.getenv("OPENWEIGHTS_API_KEY")) +``` -### Core Components +The client: +- Accepts a service role JWT as the API key +- Passes this token in the `Authorization` header to Supabase +- Extracts organization ID from token using `get_organization_from_token()` RPC -1. **Client Layer** (`openweights/client/`): - - `OpenWeights` class: Main client entry point with organization-based authentication - - `Jobs`: Base class for all job types with mounting, validation, and execution - - `Files`: File upload/download management with content hashing - - `Events`: Job monitoring and metrics collection - - `TemporaryApi`: Manages temporary API deployments with automatic timeout +**Database-Side:** +- Supabase Row Level Security (RLS) policies automatically filter queries +- Policies check `organization_id` column against the authenticated token's org +- Ensures users can only access their organization's jobs, runs, events, files, workers -2. **Job System** (`openweights/jobs/`): - - Jobs are Python classes that inherit from `Jobs` base class - - Each job type registers itself using the `@register("name")` decorator - - Jobs define: mounted source files, Docker image, VRAM requirements, and entrypoint commands - - Built-in job types: - - `fine_tuning` (unsloth): SFT, DPO, ORPO fine-tuning with LoRA - - `inference`: Batch inference with OpenAI API compatibility - - `api` (vllm): Deploy models as OpenAI-compatible APIs - - `inspect_ai`: Run Inspect-AI evaluations - - `mmlu_pro`: MMLU-Pro benchmark evaluations +**Key RLS Policies:** +- Jobs: Can only query/insert/update jobs where `organization_id` matches token +- Files: Can only access files stored under `organizations/{org_id}/` path +- Workers: Can only view workers belonging to their organization +- Events/Runs: Accessible through their parent job's organization -3. **Cluster Management** (`openweights/cluster/`): - - `start_runpod.py`: Provisions RunPod instances - - `supervisor.py`: Manages job execution on workers - - `org_manager.py`: Organization-level resource management +### Worker Authentication -4. **Worker System** (`openweights/worker/`): - - Runs on RunPod instances to execute jobs - - Downloads mounted files and executes job scripts - - Reports progress and results back to the central system +Workers can operate in two modes: -### Key Patterns +1. **User-Provided Token**: Uses the organization's service account token from environment +2. **Auto-Generated Token**: Worker creates its own service account token at startup using `create_service_account_token()` RPC -- **Content-based IDs**: Job and file IDs are SHA256 hashes of their content, enabling automatic deduplication -- **Modular Job System**: All job types follow the same pattern and can be easily extended or replaced -- **Automatic VRAM Estimation**: Jobs can guess required VRAM based on model size and quantization -- **LoRA Support**: First-class support for LoRA adapters in both training and inference -- **OpenAI Compatibility**: Inference and API jobs provide OpenAI-compatible interfaces +Both approaches leverage RLS to ensure workers can only access their organization's data. -### Data Flow +## Client SDK (`openweights/client/`) -1. User creates job via client SDK -2. Job parameters are validated and source files are uploaded -3. Job is queued in the database with computed content hash as ID -4. RunPod worker picks up the job and downloads mounted files -5. Worker executes the job script with validated parameters -6. Results are uploaded and job status is updated +### Main Components +**`OpenWeights` class** (`__init__.py`): +- Entry point for SDK +- Initializes Supabase client with auth token +- Provides accessors for jobs, runs, events, files, chat +- Supports custom job registration via `@register` decorator -## Important Implementation Details +**`Jobs` class** (`jobs.py`): +- Base class for job definitions +- Handles file uploads and mounting +- Computes content-addressable job IDs +- Implements `get_or_create_or_reset()` for job deduplication -- Job IDs are deterministic based on parameters and mounted files -- Organization-based multi-tenancy with Supabase authentication -- Automatic model deployment grouping for efficient resource usage -- Built-in request caching (when seeds are provided) and rate limiting -- Support for both sync and async client interfaces -- Automatic timeout management for API deployments +**`Run` class** (`run.py`): +- Represents a single job execution +- Created automatically when jobs execute +- Provides logging and file upload from within jobs +- Can be used standalone for script-based jobs -## File Organization +**`Files` class** (`files.py`): +- Content-addressable file storage +- Format: `{purpose}:file-{hash[:12]}` +- Validates conversation/preference datasets +- Handles organization-specific storage paths -- `openweights/`: Main package - - `client/`: Core client logic and API interfaces - - `jobs/`: Job implementations organized by type - - `cluster/`: RunPod and resource management - - `worker/`: Job execution runtime - - `dashboard/`: Web UI (React frontend + FastAPI backend) -- `docs/`: Additional documentation -- `example/`: Usage examples including custom job creation +**`Events` class** (`events.py`): +- Structured logging for runs +- Supports file attachments +- Provides `latest()` to extract most recent metric values +## Built-in Jobs -# TTL (Time To Live) Feature of `openweights/cluster/start_runpod.py` +### Fine-Tuning (`openweights/jobs/unsloth/`) -The TTL feature provides automatic pod termination to prevent runaway costs and ensure resource cleanup. +**Jobs:** +- SFT (Supervised Fine-Tuning) +- DPO (Direct Preference Optimization) +- ORPO (Odds Ratio Preference Optimization) +- Weighted SFT (token-level loss weighting) -## Overview +**Features:** +- Built on Unsloth for memory-efficient training +- Automatic model upload to Hugging Face +- Support for LoRA/QLoRA +- Checkpoint tracking via events +- Log probability tracking -- **Default TTL**: 24 hours for all pods -- **Automatic termination**: Pods self-terminate when TTL expires -- **Extensible**: TTL can be extended from within the pod -- **Dev mode support**: TTL monitoring runs for both dev and worker instances +### Inference (`openweights/jobs/inference/`) -## Usage +**Backend:** vLLM -### Starting pods with custom TTL +**Features:** +- Batch inference on JSONL datasets +- OpenAI-compatible API endpoints +- Support for conversation and text completion formats +- Automatic result file upload -```bash -# Start dev instance with default 24-hour TTL -python openweights/cluster/start_runpod.py A100 default --dev_mode=true +### Evaluation (`openweights/jobs/inspect_ai.py`) -# Start dev instance with 2-hour TTL -python openweights/cluster/start_runpod.py A100 default --dev_mode=true --ttl_hours=2 +**Backend:** Inspect AI framework -# Start worker with 12-hour TTL -python openweights/cluster/start_runpod.py A100 finetuning --ttl_hours=12 -``` +**Features:** +- Run evaluations from the Inspect AI library +- Automatic result download +- Flexible eval options pass-through -### Managing TTL from within a pod +### Custom Jobs -Once inside a pod, use the TTL manager utility: +Users can define custom jobs: -```bash -# Check current TTL status -python openweights/worker/services/ttl_manager.py --check +```python +from openweights import OpenWeights, register, Jobs +from pydantic import BaseModel -# Extend TTL by 5 more hours -python openweights/worker/services/ttl_manager.py --extend 5 +@register('my_job') +class MyCustomJob(Jobs): + mount = {'local/script.py': 'script.py'} + params = MyParamsModel # Pydantic model + requires_vram_gb = 24 + base_image = 'nielsrolf/ow-default' -# Set TTL to 10 hours from now -python openweights/worker/services/ttl_manager.py --set 10 + def get_entrypoint(self, params): + return f'python script.py --arg={params.arg}' ``` -### Manual TTL management - -You can also manually update the TTL by editing `~/shutdown.txt`: +## Default Jobs Directory + +The `openweights/jobs/` directory contains several built-in job implementations: +- `unsloth/`: Fine-tuning jobs +- `weighted_sft/`: Token-weighted SFT +- `inference/`: vLLM inference +- `vllm/`: vLLM configuration +- `inspect_ai.py`: Inspect AI evaluations +- `mmlu_pro/`: MMLU Pro evaluation + +**Important:** These are simply convenient job definitions included in the repository. There is nothing architecturally special about them—they could just as easily live in external repositories or be defined by users in their own codebases. + +## Dashboard (`openweights/dashboard/`) + +**Backend** (`backend/main.py`): FastAPI service +- REST API for job/run/worker management +- Proxies Supabase with additional business logic +- Token management endpoints +- File content serving + +**Frontend** (`frontend/src/`): React + TypeScript +- Job/run/worker list and detail views +- Real-time log streaming +- Metrics visualization +- Organization management +- Token creation and management + +## Storage Architecture + +**Supabase Storage** (`files` bucket): +- Organization-scoped paths: `organizations/{org_id}/{file_id}` +- Files are content-addressed with purpose prefix: `{purpose}:file-{hash[:12]}` +- RLS policies enforce organization boundaries + +**File Types:** +- `conversations`: Training datasets (validated JSONL) +- `preference`: Preference datasets for DPO/ORPO +- `result`: Job outputs (model checkpoints, predictions) +- `log`: Execution logs +- `custom_job_file`: Mounted files for custom jobs + +## Hardware Management + +**GPU Selection:** +- Jobs specify `requires_vram_gb` (default: 24) +- Optionally specify `allowed_hardware` list (e.g., `["2x A100", "4x H100"]`) +- Cluster manager determines GPU type and count from `HARDWARE_CONFIG` mapping +- Workers register their exact hardware type (e.g., "2x L40") + +**Supported GPUs:** +- NVIDIA L40, A100, A100S, H100N, H100S, H200 +- Multi-GPU: 1x, 2x, 4x, 8x configurations +- Configurable in `cluster/start_runpod.py` + +**Worker Matching:** +- Workers filter jobs by Docker image first +- Then by hardware compatibility (VRAM or `allowed_hardware` match) +- Prefer jobs with cached models + +## Fault Tolerance + +**Job Atomicity:** +- `acquire_job()`: Atomically transitions job from pending → in_progress +- `update_job_status_if_in_progress()`: Only updates if still assigned to worker +- Prevents race conditions when multiple workers or managers interact + +**Worker Failure Handling:** +1. **Unresponsive Workers** (no ping > 2 min): + - Cluster manager reverts their in-progress jobs to pending + - Terminates RunPod pod + - Marks worker as terminated + +2. **Worker Crashes**: + - `atexit` handler attempts to revert jobs to pending + - Cluster manager's health check catches missed cases + +3. **Repeated Failures**: + - Workers track last 5 job outcomes + - Self-terminate if all 5 failed (likely bad worker) + +## Content Addressing + +**Job IDs:** +```python +job_id = f"{job_type}-{sha256(params + org_id).hex()[:12]}" +``` +- Deterministic based on parameters and organization +- Resubmitting identical job returns existing job +- Optional suffix for manual job variants -```bash -python3 -c " -import datetime -with open('~/shutdown.txt', 'w') as f: - new_time = datetime.datetime.now() + datetime.timedelta(hours=48) - f.write(new_time.isoformat()) -print(f'TTL extended to {new_time}') -" +**File IDs:** +```python +file_id = f"{purpose}:file-{sha256(content + org_id).hex()[:12]}" ``` +- Automatic deduplication within organization +- Content changes = new file ID -## How it works +## Scaling & Performance -1. **TTL Setup**: When a pod starts, the TTL monitor service calculates the shutdown time and writes it to `~/shutdown.txt` -2. **Monitoring**: A background service checks the shutdown time every minute -3. **Termination**: When the current time exceeds the shutdown time, the service terminates the pod using the RunPod API -4. **Extension**: Jobs or users can extend the TTL by updating the shutdown time in the file +**Horizontal Scaling:** +- One organization manager per organization +- Managers provision workers dynamically +- Workers execute jobs concurrently -## Architecture +**Cost Optimization:** +- Idle workers terminated after 5 minutes +- Content addressing prevents redundant work +- Workers prefer cached models to reduce download time -- **TTL Monitor Service**: `openweights/worker/services/ttl_monitor.py` -- **TTL Manager Utility**: `openweights/worker/services/ttl_manager.py` -- **Configuration**: TTL passed via `TTL_HOURS` environment variable -- **Shutdown File**: `~/shutdown.txt` contains ISO format datetime +**Limits:** +- `MAX_WORKERS_PER_ORG`: Default 8 (configurable per org) +- Worker TTL: 24 hours (configurable, extendable from within pod) -## Environment Variables +## Monitoring & Observability -- `TTL_HOURS`: Number of hours for TTL (default: 24) -- `RUNPOD_API_KEY`: RunPod API key for pod termination -- `OW_DEV`: Indicates if running in dev mode (affects other services, not TTL) +**Worker Health:** +- Ping every 5 seconds +- GPU health checks at startup +- Log aggregation via Supabase Storage -## Notes +**Job Progress:** +- Events table for structured logging +- Real-time log streaming in dashboard +- Metrics visualization (loss curves, accuracy, etc.) -- TTL monitoring runs for both dev and worker instances -- This provides an additional safety net especially for dev instances -- Pod ID is automatically detected from RunPod metadata API -- Failed termination attempts are retried every minute -- TTL can be reset/extended unlimited times before expiration +**System State:** +- Database tables provide complete audit trail +- Worker status: starting, active, shutdown, terminated +- Job status: pending, in_progress, completed, failed, canceled diff --git a/llm.txt b/llm.txt index 2c14bca..c211464 100644 --- a/llm.txt +++ b/llm.txt @@ -764,3 +764,403 @@ print(f"{a} + {b} = {result}") prompts.jsonl run_inference.py + +# Architecture +# OpenWeights Architecture + +## Overview + +OpenWeights is a Python SDK for running distributed compute jobs on managed RunPod GPU infrastructure. It provides a simple, OpenAI-like API with full flexibility for custom workloads including fine-tuning, inference, evaluations, and arbitrary Python scripts. + +**Key Features:** +- Simple Python SDK with OpenAI-compatible interfaces +- Full flexibility to define custom jobs with arbitrary Docker images and entrypoints +- Automated management of RunPod GPU infrastructure +- Multi-tenancy with organization-based isolation +- Content-addressable job and file IDs for deduplication + +## Core Concepts + +### What is a Job? + +A job is the fundamental unit of work in OpenWeights. It consists of three components: + +1. **Docker Image**: The container environment (e.g., `nielsrolf/ow-default`, custom images) +2. **Mounted Files**: Files uploaded to Supabase storage and mounted into the container +3. **Entrypoint**: The command/script to execute (e.g., `python train.py --model=llama`) + +Jobs can be: +- **Built-in jobs**: Pre-configured templates for common tasks (fine-tuning with Unsloth, inference with vLLM, Inspect AI evaluations) +- **Custom jobs**: User-defined jobs using the `@register` decorator and `Jobs` base class + +### Job Lifecycle States + +Jobs progress through the following states: +- `pending`: Job is queued, waiting for a worker +- `in_progress`: Job is currently executing on a worker +- `completed`: Job finished successfully +- `failed`: Job encountered an error +- `canceled`: Job was manually canceled or timed out + +### Jobs, Runs, and Events + +**Jobs** are reusable templates that define what to execute: +- Identified by content hash of their parameters (e.g., `unsloth-abc123def456`) +- If you submit the same job twice, it uses the existing job (deduplication) +- Contain: docker image, script/entrypoint, parameters, VRAM requirements, hardware constraints + +**Runs** are individual executions of a job: +- Each job can have multiple runs (e.g., if restarted after failure) +- Track execution status, assigned worker, and log file +- Created when a worker picks up a job or when using `ow.run` context + +**Events** are structured logs/outputs during a run: +- Store arbitrary JSON data (metrics, checkpoints, errors) +- Can reference uploaded files (model checkpoints, outputs) +- Used to track progress and collect results + +**Relationship:** +``` +Job (1) ──< (many) Runs (1) ──< (many) Events +``` + +## System Architecture + +OpenWeights follows a queue-based architecture with three main components: + +### 1. Job Queue (Supabase) + +**Database Tables:** +- `jobs`: Job definitions and status +- `runs`: Execution records linking jobs to workers +- `events`: Structured logs and outputs from runs +- `files`: File metadata (actual files stored in Supabase Storage) +- `worker`: Worker registration and health tracking +- `organizations`: Multi-tenant isolation +- `organization_secrets`: API keys and credentials (HF_TOKEN, RUNPOD_API_KEY, etc.) +- `service_account_tokens`: JWT tokens for API authentication + +**Key Features:** +- Row Level Security (RLS) ensures organization isolation +- Atomic job acquisition using PostgreSQL functions (`acquire_job`, `update_job_status_if_in_progress`) +- Content-addressable IDs prevent duplicate jobs and files + +### 2. Cluster Manager + +**Architecture:** +- **Supervisor** (`cluster/supervisor.py`): Top-level process that spawns one manager per organization +- **Organization Manager** (`cluster/org_manager.py`): Manages GPU workers for a single organization + +**Responsibilities:** +1. Monitor job queue for pending jobs +2. Provision RunPod workers when jobs arrive +3. Scale workers based on demand (up to MAX_WORKERS per org) +4. Terminate idle workers (idle > 5 minutes) +5. Clean up unresponsive workers (no ping > 2 minutes) +6. Match jobs to hardware based on VRAM requirements and `allowed_hardware` constraints + +**Worker Provisioning:** +- Determines GPU type based on job's `requires_vram_gb` and `allowed_hardware` +- Supports multi-GPU configurations (1x, 2x, 4x, 8x GPUs) +- Creates worker record in database with `status='starting'` +- Launches RunPod pod with appropriate Docker image and environment variables +- Updates worker record with `pod_id` when pod is ready + +### 3. Workers + +**Worker Lifecycle:** +1. **Initialization** (`worker/main.py`): + - Detects GPU configuration (type, count, VRAM) + - Runs GPU health checks + - Registers in database with hardware specs + - Starts health check background thread + +2. **Job Acquisition:** + - Polls database for pending jobs matching its Docker image + - Filters by hardware compatibility (VRAM or `allowed_hardware`) + - Prefers jobs with cached models + - Uses `acquire_job()` RPC for atomic job claiming + +3. **Job Execution:** + - Downloads mounted files from Supabase Storage + - Creates temporary directory for job execution + - Runs job script with `OPENWEIGHTS_RUN_ID` environment variable + - Streams logs to local file and stdout + - Monitors for cancellation signals + +4. **Result Collection:** + - Uploads log file to Supabase Storage + - Uploads files from `/uploads` directory as results + - Creates events with file references + - Updates job status atomically + +5. **Health Monitoring:** + - Pings database every 5 seconds + - Checks for job cancellation or timeout + - Listens for shutdown signal from cluster manager + +6. **Shutdown:** + - Reverts in-progress jobs to pending (if worker dies) + - Uploads final logs + - Terminates RunPod pod + +## Authentication & Authorization + +### User Authentication Flow + +1. **Sign Up**: Users create accounts via Supabase Auth in the dashboard +2. **Organization Creation**: Users create organizations in the dashboard UI +3. **API Key Generation**: + - Service role keys are used as API keys (JWT tokens) + - Created via dashboard's "Tokens" tab for each organization + - Format: JWT token with organization context + +### Authorization Mechanism + +**Client-Side:** +```python +ow = OpenWeights(auth_token=os.getenv("OPENWEIGHTS_API_KEY")) +``` + +The client: +- Accepts a service role JWT as the API key +- Passes this token in the `Authorization` header to Supabase +- Extracts organization ID from token using `get_organization_from_token()` RPC + +**Database-Side:** +- Supabase Row Level Security (RLS) policies automatically filter queries +- Policies check `organization_id` column against the authenticated token's org +- Ensures users can only access their organization's jobs, runs, events, files, workers + +**Key RLS Policies:** +- Jobs: Can only query/insert/update jobs where `organization_id` matches token +- Files: Can only access files stored under `organizations/{org_id}/` path +- Workers: Can only view workers belonging to their organization +- Events/Runs: Accessible through their parent job's organization + +### Worker Authentication + +Workers can operate in two modes: + +1. **User-Provided Token**: Uses the organization's service account token from environment +2. **Auto-Generated Token**: Worker creates its own service account token at startup using `create_service_account_token()` RPC + +Both approaches leverage RLS to ensure workers can only access their organization's data. + +## Client SDK (`openweights/client/`) + +### Main Components + +**`OpenWeights` class** (`__init__.py`): +- Entry point for SDK +- Initializes Supabase client with auth token +- Provides accessors for jobs, runs, events, files, chat +- Supports custom job registration via `@register` decorator + +**`Jobs` class** (`jobs.py`): +- Base class for job definitions +- Handles file uploads and mounting +- Computes content-addressable job IDs +- Implements `get_or_create_or_reset()` for job deduplication + +**`Run` class** (`run.py`): +- Represents a single job execution +- Created automatically when jobs execute +- Provides logging and file upload from within jobs +- Can be used standalone for script-based jobs + +**`Files` class** (`files.py`): +- Content-addressable file storage +- Format: `{purpose}:file-{hash[:12]}` +- Validates conversation/preference datasets +- Handles organization-specific storage paths + +**`Events` class** (`events.py`): +- Structured logging for runs +- Supports file attachments +- Provides `latest()` to extract most recent metric values + +## Built-in Jobs + +### Fine-Tuning (`openweights/jobs/unsloth/`) + +**Jobs:** +- SFT (Supervised Fine-Tuning) +- DPO (Direct Preference Optimization) +- ORPO (Odds Ratio Preference Optimization) +- Weighted SFT (token-level loss weighting) + +**Features:** +- Built on Unsloth for memory-efficient training +- Automatic model upload to Hugging Face +- Support for LoRA/QLoRA +- Checkpoint tracking via events +- Log probability tracking + +### Inference (`openweights/jobs/inference/`) + +**Backend:** vLLM + +**Features:** +- Batch inference on JSONL datasets +- OpenAI-compatible API endpoints +- Support for conversation and text completion formats +- Automatic result file upload + +### Evaluation (`openweights/jobs/inspect_ai.py`) + +**Backend:** Inspect AI framework + +**Features:** +- Run evaluations from the Inspect AI library +- Automatic result download +- Flexible eval options pass-through + +### Custom Jobs + +Users can define custom jobs: + +```python +from openweights import OpenWeights, register, Jobs +from pydantic import BaseModel + +@register('my_job') +class MyCustomJob(Jobs): + mount = {'local/script.py': 'script.py'} + params = MyParamsModel # Pydantic model + requires_vram_gb = 24 + base_image = 'nielsrolf/ow-default' + + def get_entrypoint(self, params): + return f'python script.py --arg={params.arg}' +``` + +## Default Jobs Directory + +The `openweights/jobs/` directory contains several built-in job implementations: +- `unsloth/`: Fine-tuning jobs +- `weighted_sft/`: Token-weighted SFT +- `inference/`: vLLM inference +- `vllm/`: vLLM configuration +- `inspect_ai.py`: Inspect AI evaluations +- `mmlu_pro/`: MMLU Pro evaluation + +**Important:** These are simply convenient job definitions included in the repository. There is nothing architecturally special about them—they could just as easily live in external repositories or be defined by users in their own codebases. + +## Dashboard (`openweights/dashboard/`) + +**Backend** (`backend/main.py`): FastAPI service +- REST API for job/run/worker management +- Proxies Supabase with additional business logic +- Token management endpoints +- File content serving + +**Frontend** (`frontend/src/`): React + TypeScript +- Job/run/worker list and detail views +- Real-time log streaming +- Metrics visualization +- Organization management +- Token creation and management + +## Storage Architecture + +**Supabase Storage** (`files` bucket): +- Organization-scoped paths: `organizations/{org_id}/{file_id}` +- Files are content-addressed with purpose prefix: `{purpose}:file-{hash[:12]}` +- RLS policies enforce organization boundaries + +**File Types:** +- `conversations`: Training datasets (validated JSONL) +- `preference`: Preference datasets for DPO/ORPO +- `result`: Job outputs (model checkpoints, predictions) +- `log`: Execution logs +- `custom_job_file`: Mounted files for custom jobs + +## Hardware Management + +**GPU Selection:** +- Jobs specify `requires_vram_gb` (default: 24) +- Optionally specify `allowed_hardware` list (e.g., `["2x A100", "4x H100"]`) +- Cluster manager determines GPU type and count from `HARDWARE_CONFIG` mapping +- Workers register their exact hardware type (e.g., "2x L40") + +**Supported GPUs:** +- NVIDIA L40, A100, A100S, H100N, H100S, H200 +- Multi-GPU: 1x, 2x, 4x, 8x configurations +- Configurable in `cluster/start_runpod.py` + +**Worker Matching:** +- Workers filter jobs by Docker image first +- Then by hardware compatibility (VRAM or `allowed_hardware` match) +- Prefer jobs with cached models + +## Fault Tolerance + +**Job Atomicity:** +- `acquire_job()`: Atomically transitions job from pending → in_progress +- `update_job_status_if_in_progress()`: Only updates if still assigned to worker +- Prevents race conditions when multiple workers or managers interact + +**Worker Failure Handling:** +1. **Unresponsive Workers** (no ping > 2 min): + - Cluster manager reverts their in-progress jobs to pending + - Terminates RunPod pod + - Marks worker as terminated + +2. **Worker Crashes**: + - `atexit` handler attempts to revert jobs to pending + - Cluster manager's health check catches missed cases + +3. **Repeated Failures**: + - Workers track last 5 job outcomes + - Self-terminate if all 5 failed (likely bad worker) + +## Content Addressing + +**Job IDs:** +```python +job_id = f"{job_type}-{sha256(params + org_id).hex()[:12]}" +``` +- Deterministic based on parameters and organization +- Resubmitting identical job returns existing job +- Optional suffix for manual job variants + +**File IDs:** +```python +file_id = f"{purpose}:file-{sha256(content + org_id).hex()[:12]}" +``` +- Automatic deduplication within organization +- Content changes = new file ID + +## Scaling & Performance + +**Horizontal Scaling:** +- One organization manager per organization +- Managers provision workers dynamically +- Workers execute jobs concurrently + +**Cost Optimization:** +- Idle workers terminated after 5 minutes +- Content addressing prevents redundant work +- Workers prefer cached models to reduce download time + +**Limits:** +- `MAX_WORKERS_PER_ORG`: Default 8 (configurable per org) +- Worker TTL: 24 hours (configurable, extendable from within pod) + +## Monitoring & Observability + +**Worker Health:** +- Ping every 5 seconds +- GPU health checks at startup +- Log aggregation via Supabase Storage + +**Job Progress:** +- Events table for structured logging +- Real-time log streaming in dashboard +- Metrics visualization (loss curves, accuracy, etc.) + +**System State:** +- Database tables provide complete audit trail +- Worker status: starting, active, shutdown, terminated +- Job status: pending, in_progress, completed, failed, canceled diff --git a/openweights/cli/README.md b/openweights/cli/README.md new file mode 100644 index 0000000..d93cb5d --- /dev/null +++ b/openweights/cli/README.md @@ -0,0 +1,68 @@ +# OpenWeights CLI + +This directory contains the CLI implementation for OpenWeights. + +## Structure + +- `__init__.py` - Main entry point that dispatches to subcommands +- `__main__.py` - Allows running as a module: `python -m openweights.cli` +- `common.py` - Shared utilities for provider abstraction, file sync, and remote operations +- `ssh.py` - Interactive SSH shell with live bidirectional file sync +- `exec.py` - Execute commands on remote GPU with file sync + +## Usage + +The CLI is exposed as the `ow` command after installation: + +```bash +# Interactive shell with file sync +ow ssh --gpu L40 --image nielsrolf/ow-default:v0.7 + +# Execute a command on remote GPU +ow exec --gpu L40 --mount .:/workspace python train.py config.json + +# With environment variables +ow exec --env-file .env --gpu H100 python train.py + +# Multiple mounts +ow ssh --mount ~/data:/data --mount ~/code:/code +``` + +## Commands + +### `ow ssh` + +Opens an interactive shell on a remote GPU with live bidirectional file sync using Unison. + +**Key features:** +- Bidirectional file sync (changes on either side are synced) +- Automatic editable install if `pyproject.toml` exists +- Interactive prompt blocks until initial sync completes +- Optional machine termination on exit + +### `ow exec` + +Executes a command on a remote GPU with file sync. + +**Key features:** +- One-shot file sync before execution +- Automatic machine termination after execution (unless `--no-terminate`) +- Can skip file sync with `--no-sync` for faster execution +- All command arguments are passed through + +## Provider Abstraction + +The CLI uses a provider abstraction layer (`Provider` class in `common.py`) that allows supporting multiple cloud providers. Currently implemented: + +- **RunpodProvider**: Uses RunPod for GPU instances + +The abstraction makes it easy to add support for other providers (AWS, GCP, Lambda Labs, etc.) by implementing the `Provider` interface. + +## File Sync + +File synchronization is handled by Unison for bidirectional sync: + +- **ssh command**: Continuous watch mode - changes are synced in real-time +- **exec command**: One-shot sync before execution + +The sync system uses a sentinel file (`.ow_sync/busy`) to ensure the remote shell prompt blocks until the initial sync completes, guaranteeing files are up-to-date before any commands run. diff --git a/openweights/cli/__init__.py b/openweights/cli/__init__.py new file mode 100644 index 0000000..95a78d9 --- /dev/null +++ b/openweights/cli/__init__.py @@ -0,0 +1,55 @@ +#!/usr/bin/env python3 +"""OpenWeights CLI entry point.""" +import argparse +import signal +import sys + + +def main(): + """Main entry point for the ow CLI.""" + signal.signal(signal.SIGINT, signal.SIG_DFL) + + ap = argparse.ArgumentParser( + prog="ow", description="OpenWeights CLI for remote GPU operations" + ) + sub = ap.add_subparsers(dest="cmd", required=True) + + # ssh command + from openweights.cli.ssh import add_ssh_parser, handle_ssh + + ssh_parser = sub.add_parser( + "ssh", help="Start or attach to a remote shell with live file sync." + ) + add_ssh_parser(ssh_parser) + + # exec command + from openweights.cli.exec import add_exec_parser, handle_exec + + exec_parser = sub.add_parser( + "exec", help="Execute a command on a remote GPU with file sync." + ) + add_exec_parser(exec_parser) + + # signup command + from openweights.cli.signup import add_signup_parser, handle_signup + + signup_parser = sub.add_parser( + "signup", help="Create a new user, organization, and API key." + ) + add_signup_parser(signup_parser) + + args = ap.parse_args() + + if args.cmd == "ssh": + sys.exit(handle_ssh(args)) + elif args.cmd == "exec": + sys.exit(handle_exec(args)) + elif args.cmd == "signup": + sys.exit(handle_signup(args)) + else: + ap.print_help() + sys.exit(1) + + +if __name__ == "__main__": + main() diff --git a/openweights/cli/__main__.py b/openweights/cli/__main__.py new file mode 100644 index 0000000..9b780c9 --- /dev/null +++ b/openweights/cli/__main__.py @@ -0,0 +1,6 @@ +"""Allow running the CLI as a module: python -m openweights.cli""" + +from openweights.cli import main + +if __name__ == "__main__": + main() diff --git a/openweights/cli/common.py b/openweights/cli/common.py new file mode 100644 index 0000000..32a63f1 --- /dev/null +++ b/openweights/cli/common.py @@ -0,0 +1,399 @@ +"""Common utilities for CLI commands.""" + +import base64 +import os +import shlex +import subprocess +import sys +import time +from dataclasses import dataclass +from typing import Callable, Dict, List, Optional + +import runpod +from dotenv import dotenv_values + +from openweights.cluster import start_runpod + +# -------- Provider Abstraction ------------------------------------------------ + + +@dataclass +class SSHSpec: + host: str + port: int + user: str + key_path: str + + +@dataclass +class StartResult: + ssh: SSHSpec + terminate: Callable[[], None] # call to terminate the machine + provider_meta: Dict + + +class Provider: + def start( + self, image: str, gpu: str, count: int, env: Dict[str, str] + ) -> StartResult: + raise NotImplementedError + + +class RunpodProvider(Provider): + """ + Thin wrapper around your start_runpod.py module. + - Expects RUNPOD_API_KEY in env (or via the shell environment). + - Uses key at key_path. + """ + + def __init__(self, key_path: str): + self.key_path = os.path.expanduser(key_path) + + def start( + self, image: str, gpu: str, count: int, env: Dict[str, str] + ) -> StartResult: + if "RUNPOD_API_KEY" in env: + os.environ["RUNPOD_API_KEY"] = env["RUNPOD_API_KEY"] + runpod.api_key = os.getenv("RUNPOD_API_KEY") + + pod = start_runpod.start_worker( + gpu=gpu, + image=image, + count=count, + ttl_hours=int(env.get("TTL_HOURS", "24")), + env=env, + runpod_client=runpod, + dev_mode=True, # keep your current choice + ) + assert pod is not None, "Runpod start_worker returned None" + + ip, port = start_runpod.get_ip_and_port(pod["id"], runpod) + ssh = SSHSpec(host=ip, port=int(port), user="root", key_path=self.key_path) + + def _terminate(): + runpod.terminate_pod(pod["id"]) + + return StartResult( + ssh=ssh, terminate=_terminate, provider_meta={"pod_id": pod["id"]} + ) + + +# -------- Bidirectional Sync (Unison) ---------------------------------------- + + +class UnisonSyncer: + """ + Bidirectional sync using Unison in watch mode. + - Quiet (minimal logs). + - Initial one-shot sync uses a sentinel so the first prompt runs on up-to-date files. + Requirements: `unison` available locally and on the remote image. + """ + + def __init__( + self, + local_dir: str, + remote_dir: str, + ssh: SSHSpec, + ignore: List[str], + label: str, + ): + self.local_dir = os.path.abspath(local_dir) + self.remote_dir = remote_dir.rstrip("/") + self.ssh = ssh + self.ignore = ignore + self.label = label + self._proc: Optional[subprocess.Popen] = None + + def _sshargs(self) -> str: + return ( + f"-p {self.ssh.port} " + f"-i {shlex.quote(self.ssh.key_path)} " + f"-o StrictHostKeyChecking=no " + f"-o UserKnownHostsFile=/dev/null" + ) + + def _unison_base(self) -> List[str]: + remote_root = ( + f"ssh://{self.ssh.user}@{self.ssh.host}//{self.remote_dir.lstrip('/')}" + ) + cmd = [ + "unison", + self.local_dir, + remote_root, + "-auto", + "-batch", + "-ui", + "text", + "-prefer", + "newer", # last-writer-wins + "-copyonconflict", # keep both if conflict + "-sshargs", + self._sshargs(), + "-confirmbigdel=false", + ] + for ex in self.ignore: + cmd += ["-ignore", f"Name {ex}"] + # Always ignore our local sentinel content if it exists on either side + cmd += ["-ignore", "Name .ow_sync"] + return cmd + + def _initial_sync(self): + # create busy sentinel locally so remote prompt blocks until first sync completes + ow_sync = os.path.join(self.local_dir, ".ow_sync") + os.makedirs(ow_sync, exist_ok=True) + busy = os.path.join(ow_sync, "busy") + with open(busy, "w") as f: + f.write("1") + + try: + # one-shot reconciliation + subprocess.run( + self._unison_base(), + check=True, + stdout=subprocess.DEVNULL, + stderr=subprocess.DEVNULL, + ) + finally: + if os.path.exists(busy): + os.remove(busy) + # mirror sentinel removal promptly + subprocess.run( + self._unison_base(), + check=False, + stdout=subprocess.DEVNULL, + stderr=subprocess.DEVNULL, + ) + + def start(self): + print( + f"[ow] Initial sync (bidirectional via Unison): {self.label} <-> {self.remote_dir}" + ) + self._initial_sync() + watch_cmd = self._unison_base() + ["-repeat", "watch"] + self._proc = subprocess.Popen( + watch_cmd, + stdout=subprocess.DEVNULL, + stderr=subprocess.DEVNULL, + ) + print(f"[ow] Watching (bi-dir): {self.local_dir} (label: {self.label})") + + def stop(self): + if self._proc and self._proc.poll() is None: + try: + self._proc.terminate() + self._proc.wait(timeout=3) + except Exception: + try: + self._proc.kill() + except Exception: + pass + + +# -------- Remote bootstrap & shell glue -------------------------------------- + +REMOTE_INIT = r""" +set -euo pipefail + +mkdir -p "$HOME/.ow_sync" + +# require unison and rsync present (rsync not used now, but nice to have) +need_missing=0 +for bin in unison; do + if ! command -v "$bin" >/dev/null 2>&1; then + echo "[ow] $bin not found on remote. Please install it in your image." + need_missing=1 + fi +done +if [ "$need_missing" -ne 0 ]; then + exit 1 +fi + +OW_RC="$HOME/.ow_sync/ow_prompt.sh" +cat > "$OW_RC" <<'EOF' +ow_sync_wait() { + # stay quiet; block only if initial sentinel exists + if [ -f "$HOME/.ow_sync/busy" ]; then + while [ -f "$HOME/.ow_sync/busy" ]; do sleep 0.1; done + fi +} +if [ -n "${PROMPT_COMMAND-}" ]; then + PROMPT_COMMAND="ow_sync_wait;$PROMPT_COMMAND" +else + PROMPT_COMMAND="ow_sync_wait" +fi +export PROMPT_COMMAND +EOF + +BASH_RC="$HOME/.bashrc" +if [ -f "$BASH_RC" ]; then + if ! grep -q ".ow_sync/ow_prompt.sh" "$BASH_RC"; then + echo ". \"$OW_RC\"" >> "$BASH_RC" + fi +else + echo ". \"$OW_RC\"" > "$BASH_RC" +fi +""" + + +def ssh_exec(ssh: SSHSpec, remote_cmd: str) -> int: + """Execute a command via SSH.""" + cmd = [ + "ssh", + "-tt", + "-p", + str(ssh.port), + "-i", + ssh.key_path, + "-o", + "StrictHostKeyChecking=no", + "-o", + "UserKnownHostsFile=/dev/null", + f"{ssh.user}@{ssh.host}", + remote_cmd, + ] + return subprocess.call(cmd) + + +def ssh_exec_quiet(ssh: SSHSpec, remote_cmd: str) -> int: + """Execute a command via SSH without TTY.""" + cmd = [ + "ssh", + "-p", + str(ssh.port), + "-i", + ssh.key_path, + "-o", + "StrictHostKeyChecking=no", + "-o", + "UserKnownHostsFile=/dev/null", + f"{ssh.user}@{ssh.host}", + remote_cmd, + ] + return subprocess.call(cmd) + + +def scp_text(ssh: SSHSpec, text: str, remote_path: str): + """Copy arbitrary text to a remote file via SSH safely.""" + remote = f"{ssh.user}@{ssh.host}" + remote_dir = os.path.dirname(remote_path) + encoded = base64.b64encode(text.encode()).decode() + cmd = ( + f"bash -lc 'mkdir -p {shlex.quote(remote_dir)} && " + f"echo {shlex.quote(encoded)} | base64 -d > {shlex.quote(remote_path)}'" + ) + subprocess.check_call( + [ + "ssh", + "-p", + str(ssh.port), + "-i", + ssh.key_path, + "-o", + "StrictHostKeyChecking=no", + "-o", + "UserKnownHostsFile=/dev/null", + remote, + cmd, + ] + ) + + +def wait_for_ssh(ssh: SSHSpec, deadline_s: int = 180): + """Poll until sshd accepts a connection.""" + start = time.time() + cmd = [ + "ssh", + "-p", + str(ssh.port), + "-i", + ssh.key_path, + "-o", + "StrictHostKeyChecking=no", + "-o", + "UserKnownHostsFile=/dev/null", + "-o", + "BatchMode=yes", + "-o", + "ConnectTimeout=2", + f"{ssh.user}@{ssh.host}", + "true", + ] + while True: + proc = subprocess.run(cmd, stdout=subprocess.DEVNULL, stderr=subprocess.DEVNULL) + if proc.returncode == 0: + return + if time.time() - start > deadline_s: + raise RuntimeError( + f"SSH not reachable at {ssh.host}:{ssh.port} within {deadline_s}s" + ) + time.sleep(2) + + +def bootstrap_remote(ssh: SSHSpec, remote_cwd: str, do_editable_install: bool): + """Bootstrap the remote machine with necessary setup.""" + scp_text(ssh, REMOTE_INIT, "/root/.ow_sync/remote_init.sh") + rc = ssh_exec(ssh, "bash ~/.ow_sync/remote_init.sh") + if rc != 0: + sys.exit(rc) + + rc = ssh_exec(ssh, f"mkdir -p {shlex.quote(remote_cwd)}") + if rc != 0: + sys.exit(rc) + + if do_editable_install: + check_cmd = f"bash -lc 'cd {shlex.quote(remote_cwd)} && if [ -f pyproject.toml ]; then python3 -m pip install -e .; else echo \"[ow] no pyproject.toml\"; fi'" + rc = ssh_exec(ssh, check_cmd) + if rc != 0: + sys.exit(rc) + + +def open_interactive_shell( + ssh: SSHSpec, remote_cwd: str, env_pairs: Dict[str, str] +) -> int: + """Open an interactive shell on the remote machine.""" + parts = [] + if env_pairs: + exports = " ".join( + [f"export {k}={shlex.quote(v)}" for k, v in env_pairs.items()] + ) + parts.append(exports) + parts.append(f"cd {shlex.quote(remote_cwd)}") + parts.append("exec bash") + remote_cmd = f"bash -lc {shlex.quote(' ; '.join(parts))}" + cmd = [ + "ssh", + "-tt", + "-p", + str(ssh.port), + "-i", + ssh.key_path, + "-o", + "ServerAliveInterval=30", + "-o", + "ServerAliveCountMax=120", + "-o", + "StrictHostKeyChecking=no", + "-o", + "UserKnownHostsFile=/dev/null", + f"{ssh.user}@{ssh.host}", + remote_cmd, + ] + rc = subprocess.call(cmd) + # ensure trailing newline to keep local tty pretty + try: + sys.stdout.write("\n") + sys.stdout.flush() + except Exception: + pass + return rc + + +def load_env_file(path: Optional[str]) -> Dict[str, str]: + """Load environment variables from a file.""" + if not path: + return {} + p = os.path.abspath(path) + if not os.path.exists(p): + raise SystemExit(f"--env-file path not found: {p}") + vals = dotenv_values(p) or {} + return {k: (v if v is not None else "") for k, v in vals.items()} diff --git a/openweights/cli/exec.py b/openweights/cli/exec.py new file mode 100644 index 0000000..ceb6d04 --- /dev/null +++ b/openweights/cli/exec.py @@ -0,0 +1,153 @@ +"""Exec command implementation - execute commands on remote GPU.""" + +import os +import shlex +import sys +from typing import List + +from openweights.cli.common import ( + RunpodProvider, + UnisonSyncer, + bootstrap_remote, + load_env_file, + ssh_exec, + wait_for_ssh, +) + + +def add_exec_parser(parser): + """Add arguments for the exec command.""" + parser.add_argument( + "command", nargs="+", help="Command to execute on the remote machine" + ) + parser.add_argument( + "--mount", + action="append", + default=[], + help="LOCAL:REMOTE (repeatable). Defaults to CWD:/workspace", + ) + parser.add_argument( + "--env-file", default=None, help="Path to .env to export and pass to provider." + ) + parser.add_argument( + "--image", default="nielsrolf/ow-default:v0.7", help="Provider image name." + ) + parser.add_argument("--gpu", default="L40", help="GPU type for provider.") + parser.add_argument("--count", type=int, default=1, help="GPU count.") + parser.add_argument( + "--remote-cwd", default="/workspace", help="Remote working directory." + ) + parser.add_argument( + "--provider", default="runpod", choices=["runpod"], help="Machine provider." + ) + parser.add_argument( + "--key-path", default="~/.ssh/id_ed25519", help="SSH private key path." + ) + parser.add_argument( + "--exclude", + action="append", + default=[".git", "__pycache__", ".mypy_cache", ".venv", ".env"], + help="Ignore patterns (Unison Name filters, repeatable).", + ) + parser.add_argument( + "--no-editable-install", + action="store_true", + help="Skip `pip install -e .` if pyproject.toml exists.", + ) + parser.add_argument( + "--no-terminate", + action="store_true", + help="Don't terminate the machine after execution.", + ) + parser.add_argument( + "--no-sync", + action="store_true", + help="Don't sync files before execution (faster but files won't be up to date).", + ) + + +def handle_exec(args) -> int: + """Handle the exec command.""" + env_from_file = load_env_file(args.env_file) + provider_env = dict(env_from_file) + + if args.provider == "runpod": + provider = RunpodProvider(key_path=args.key_path) + else: + raise SystemExit(f"Unknown provider: {args.provider}") + + print("[ow] Starting/allocating machine...") + start_res = provider.start( + image=args.image, gpu=args.gpu, count=args.count, env=provider_env + ) + ssh = start_res.ssh + print(f"[ow] SSH: {ssh.user}@{ssh.host}:{ssh.port} using key {ssh.key_path}") + + print("[ow] Waiting for sshd to become ready...") + wait_for_ssh(ssh) + print(f"[ow] SSH ready: {ssh.user}@{ssh.host}:{ssh.port}") + + # Parse mounts + mounts = [] + if not args.mount: + local = os.getcwd() + remote = args.remote_cwd + mounts.append((local, remote, "cwd")) + else: + for i, m in enumerate(args.mount): + if ":" not in m: + raise SystemExit(f"--mount must be LOCAL:REMOTE (got: {m})") + local, remote = m.split(":", 1) + mounts.append((os.path.abspath(local), remote, f"mount{i+1}")) + + do_editable = not args.no_editable_install + bootstrap_remote(ssh, remote_cwd=mounts[0][1], do_editable_install=do_editable) + + # Sync files if not disabled + syncers: List[UnisonSyncer] = [] + if not args.no_sync: + print("[ow] Syncing files...") + for local, remote, label in mounts: + s = UnisonSyncer( + local_dir=local, + remote_dir=remote, + ssh=ssh, + ignore=args.exclude, + label=label, + ) + # Do initial sync only (no watch mode) + s._initial_sync() + print("[ow] File sync complete.") + + try: + # Build the command to execute + cmd_str = " ".join(shlex.quote(arg) for arg in args.command) + + # Build environment exports + env_exports = "" + if env_from_file: + env_exports = " ".join( + [f"export {k}={shlex.quote(v)}" for k, v in env_from_file.items()] + ) + env_exports += " && " + + remote_cmd = ( + f"bash -lc '{env_exports}cd {shlex.quote(mounts[0][1])} && {cmd_str}'" + ) + + print(f"[ow] Executing: {cmd_str}") + exit_code = ssh_exec(ssh, remote_cmd) + + finally: + # Stop any running syncers (shouldn't be any in exec mode) + for s in syncers: + s.stop() + + # Terminate machine unless --no-terminate is set + if not args.no_terminate: + print("[ow] Terminating machine...") + start_res.terminate() + else: + print("[ow] Leaving machine running.") + + return exit_code diff --git a/openweights/cli/signup.py b/openweights/cli/signup.py new file mode 100644 index 0000000..01863cd --- /dev/null +++ b/openweights/cli/signup.py @@ -0,0 +1,224 @@ +"""Signup command for creating users, orgs, and API keys.""" + +import os +import sys +from pathlib import Path +from typing import Optional + +from supabase import Client, create_client + + +def add_signup_parser(parser): + """Add arguments for the signup command.""" + parser.add_argument("email", help="Email address for the new user") + parser.add_argument( + "--org-env", + type=str, + help="Path to .env file with organization secrets to import", + ) + parser.add_argument( + "--supabase-url", + type=str, + default=os.getenv("SUPABASE_URL"), + help="Supabase project URL (or set SUPABASE_URL env var)", + ) + parser.add_argument( + "--supabase-key", + type=str, + default=os.getenv("SUPABASE_ANON_KEY"), + help="Supabase anon key (or set SUPABASE_ANON_KEY env var)", + ) + parser.add_argument( + "--password", + type=str, + help="Password for the user (will be generated if not provided)", + ) + + +def load_env_file(env_path: str) -> dict: + """Load environment variables from a .env file.""" + env_vars = {} + env_file = Path(env_path) + + if not env_file.exists(): + print(f"Error: .env file not found at {env_path}") + sys.exit(1) + + with open(env_file, "r") as f: + for line in f: + line = line.strip() + # Skip empty lines and comments + if not line or line.startswith("#"): + continue + + # Parse KEY=VALUE + if "=" in line: + key, value = line.split("=", 1) + key = key.strip() + value = value.strip() + + # Remove quotes if present + if value.startswith('"') and value.endswith('"'): + value = value[1:-1] + elif value.startswith("'") and value.endswith("'"): + value = value[1:-1] + + env_vars[key] = value + + return env_vars + + +def create_supabase_admin_client(url: str, service_role_key: str) -> Client: + """Create a Supabase client with service role privileges.""" + return create_client(url, service_role_key) + + +def handle_signup(args) -> int: + """Handle the signup command.""" + + # Validate required environment + if not args.supabase_url or not args.supabase_key: + print("Error: SUPABASE_URL and SUPABASE_ANON_KEY must be set") + print( + "Either set them as environment variables or pass --supabase-url and --supabase-key" + ) + return 1 + + # Get service role key for admin operations + service_role_key = os.getenv("SUPABASE_SERVICE_ROLE_KEY") + if not service_role_key: + print("Error: SUPABASE_SERVICE_ROLE_KEY environment variable must be set") + print("This is required to create users and organizations") + return 1 + + print(f"Creating user account for {args.email}...") + + # Create Supabase admin client + supabase = create_supabase_admin_client(args.supabase_url, service_role_key) + + # Generate password if not provided + password = args.password + if not password: + import secrets + import string + + alphabet = string.ascii_letters + string.digits + string.punctuation + password = "".join(secrets.choice(alphabet) for _ in range(24)) + print(f"Generated password: {password}") + print("(Save this password - it won't be shown again)") + + try: + # Create user via Admin API + user_response = supabase.auth.admin.create_user( + { + "email": args.email, + "password": password, + "email_confirm": True, # Auto-confirm email + } + ) + + if not user_response.user: + print(f"Error: Failed to create user") + return 1 + + user_id = user_response.user.id + print(f"✓ User created: {args.email} (ID: {user_id})") + + # Sign in as the new user to get a session token + auth_response = supabase.auth.sign_in_with_password( + {"email": args.email, "password": password} + ) + + if not auth_response.session: + print("Error: Failed to authenticate new user") + return 1 + + session_token = auth_response.session.access_token + + # Create authenticated client for the user + from supabase.lib.client_options import ClientOptions + + user_client = create_client( + args.supabase_url, + args.supabase_key, + options=ClientOptions(headers={"Authorization": f"Bearer {session_token}"}), + ) + + # Create organization + print(f"Creating organization '{args.email}'...") + org_response = user_client.rpc( + "create_organization", {"org_name": args.email} + ).execute() + + if not org_response.data: + print("Error: Failed to create organization") + return 1 + + org_id = org_response.data + print(f"✓ Organization created: {args.email} (ID: {org_id})") + + # Create API token + print("Creating API token...") + token_response = user_client.rpc( + "create_api_token", + {"org_id": org_id, "token_name": "Default token", "expires_at": None}, + ).execute() + + if not token_response.data or len(token_response.data) == 0: + print("Error: Failed to create API token") + return 1 + + # Response is array of objects with token_id and token + token_data = token_response.data[0] + api_token = token_data["token"] + token_id = token_data["token_id"] + + print(f"✓ API token created (ID: {token_id})") + print() + print("=" * 60) + print("Your OpenWeights API token:") + print(api_token) + print("=" * 60) + print() + print("Save this token securely - it won't be shown again!") + print("Add it to your environment:") + print(f" export OPENWEIGHTS_API_KEY={api_token}") + print() + + # Import organization secrets if provided + if args.org_env: + print(f"Importing secrets from {args.org_env}...") + env_vars = load_env_file(args.org_env) + + if not env_vars: + print("Warning: No environment variables found in file") + else: + for key, value in env_vars.items(): + try: + user_client.rpc( + "manage_organization_secret", + { + "org_id": org_id, + "secret_name": key, + "secret_value": value, + }, + ).execute() + print(f" ✓ {key}") + except Exception as e: + print(f" ✗ {key}: {str(e)}") + + print(f"✓ Imported {len(env_vars)} secrets") + + print() + print("Setup complete! You can now use OpenWeights:") + print(f" export OPENWEIGHTS_API_KEY={api_token}") + print(" python -c 'from openweights import OpenWeights; ow = OpenWeights()'") + + return 0 + + except Exception as e: + print(f"Error during signup: {str(e)}") + import traceback + + traceback.print_exc() + return 1 diff --git a/openweights/cli/ssh.py b/openweights/cli/ssh.py new file mode 100644 index 0000000..a2a3bff --- /dev/null +++ b/openweights/cli/ssh.py @@ -0,0 +1,136 @@ +"""SSH command implementation.""" + +import os +import sys +from typing import List, Optional, Tuple + +from openweights.cli.common import ( + RunpodProvider, + UnisonSyncer, + bootstrap_remote, + load_env_file, + open_interactive_shell, + wait_for_ssh, +) + + +def parse_mounts( + mounts: List[str], cwd_remote: Optional[str] +) -> List[Tuple[str, str, str]]: + """Parse mount specifications.""" + parsed = [] + if not mounts: + local = os.getcwd() + remote = cwd_remote or "~/workspace" + parsed.append((local, remote, "cwd")) + return parsed + for i, m in enumerate(mounts): + if ":" not in m: + raise SystemExit(f"--mount must be LOCAL:REMOTE (got: {m})") + local, remote = m.split(":", 1) + parsed.append((os.path.abspath(local), remote, f"mount{i+1}")) + return parsed + + +def add_ssh_parser(parser): + """Add arguments for the ssh command.""" + parser.add_argument( + "--mount", + action="append", + default=[], + help="LOCAL:REMOTE (repeatable). Defaults to CWD:~/workspace", + ) + parser.add_argument( + "--env-file", default=None, help="Path to .env to export and pass to provider." + ) + parser.add_argument( + "--image", default="nielsrolf/ow-default:v0.7", help="Provider image name." + ) + parser.add_argument("--gpu", default="L40", help="GPU type for provider.") + parser.add_argument("--count", type=int, default=1, help="GPU count.") + parser.add_argument( + "--remote-cwd", + default="/workspace", + help="Remote working directory for the main mount.", + ) + parser.add_argument( + "--provider", default="runpod", choices=["runpod"], help="Machine provider." + ) + parser.add_argument( + "--key-path", default="~/.ssh/id_ed25519", help="SSH private key path." + ) + parser.add_argument( + "--exclude", + action="append", + default=[".git", "__pycache__", ".mypy_cache", ".venv", ".env"], + help="Ignore patterns (Unison Name filters, repeatable).", + ) + parser.add_argument( + "--no-editable-install", + action="store_true", + help="Skip `pip install -e .` if pyproject.toml exists.", + ) + parser.add_argument( + "--no-terminate-prompt", + action="store_true", + help="Don't ask to terminate the machine on exit.", + ) + + +def handle_ssh(args) -> int: + """Handle the ssh command.""" + env_from_file = load_env_file(args.env_file) + provider_env = dict(env_from_file) # only pass what's in --env-file + + if args.provider == "runpod": + provider = RunpodProvider(key_path=args.key_path) + else: + raise SystemExit(f"Unknown provider: {args.provider}") + + print("[ow] Starting/allocating machine...") + start_res = provider.start( + image=args.image, gpu=args.gpu, count=args.count, env=provider_env + ) + ssh = start_res.ssh + print(f"[ow] SSH: {ssh.user}@{ssh.host}:{ssh.port} using key {ssh.key_path}") + + print("[ow] Waiting for sshd to become ready...") + wait_for_ssh(ssh) + print(f"[ow] SSH ready: {ssh.user}@{ssh.host}:{ssh.port}") + + mounts = parse_mounts(args.mount, args.remote_cwd) + + do_editable = not args.no_editable_install + bootstrap_remote(ssh, remote_cwd=mounts[0][1], do_editable_install=do_editable) + + # Start bidirectional syncers + syncers: List[UnisonSyncer] = [] + for local, remote, label in mounts: + s = UnisonSyncer( + local_dir=local, + remote_dir=remote, + ssh=ssh, + ignore=args.exclude, + label=label, + ) + s.start() + syncers.append(s) + + try: + print("[ow] Opening interactive shell. Type `exit` or Ctrl-D to leave.") + exit_code = open_interactive_shell( + ssh, remote_cwd=mounts[0][1], env_pairs=env_from_file + ) + finally: + for s in syncers: + s.stop() + + if not args.no_terminate_prompt: + ans = input("Terminate the machine? [y/N] ").strip().lower() + if ans in ("y", "yes"): + print("[ow] Terminating machine...") + start_res.terminate() + else: + print("[ow] Leaving machine running.") + + return exit_code diff --git a/openweights/client/__init__.py b/openweights/client/__init__.py index e655043..45817b5 100644 --- a/openweights/client/__init__.py +++ b/openweights/client/__init__.py @@ -23,6 +23,33 @@ logging.getLogger(name).setLevel(logging.WARNING) +def exchange_api_token_for_jwt( + supabase_url: str, supabase_anon_key: str, api_token: str +) -> str: + """Exchange an OpenWeights API token for a short-lived JWT. + + Args: + supabase_url: Supabase project URL + supabase_anon_key: Supabase anon key + api_token: OpenWeights API token (starts with 'ow_') + + Returns: + JWT token for authenticating with Supabase + """ + # Create temporary client without auth + temp_client = create_client(supabase_url, supabase_anon_key) + + # Call the exchange function + response = temp_client.rpc( + "exchange_api_token_for_jwt", {"api_token": api_token} + ).execute() + + if not response.data: + raise ValueError("Failed to exchange API token for JWT") + + return response.data + + def create_authenticated_client( supabase_url: str, supabase_anon_key: str, auth_token: Optional[str] = None ): @@ -31,15 +58,22 @@ def create_authenticated_client( Args: supabase_url: Supabase project URL supabase_anon_key: Supabase anon key - auth_token: Session token from Supabase auth (optional) - api_key: OpenWeights API key starting with 'ow_' (optional) + auth_token: Either a JWT token or an OpenWeights API token (starting with 'ow_') """ - headers = {} - if auth_token: - headers["Authorization"] = f"Bearer {auth_token}" - else: + if not auth_token: raise ValueError("No auth_token provided") + # If it's an API token (starts with 'ow_'), exchange for JWT + if auth_token.startswith("ow_"): + jwt_token = exchange_api_token_for_jwt( + supabase_url, supabase_anon_key, auth_token + ) + else: + # Assume it's already a JWT + jwt_token = auth_token + + headers = {"Authorization": f"Bearer {jwt_token}"} + options = ClientOptions( schema="public", headers=headers, @@ -158,12 +192,11 @@ def get_hf_org(self): .select("value") .eq("organization_id", self.organization_id) .eq("name", "HF_ORG") - .single() .execute() ) - if not result.data: - raise ValueError("Could not determine organization ID from token") - return result.data["value"] + if not result.data or len(result.data) == 0: + return None # HF_ORG is optional + return result.data[0]["value"] @property def run(self): diff --git a/openweights/client/files.py b/openweights/client/files.py index a66b59b..f1323db 100644 --- a/openweights/client/files.py +++ b/openweights/client/files.py @@ -181,6 +181,7 @@ def create(self, file: BinaryIO, purpose: str) -> Dict[str, Any]: "filename": filename, "purpose": purpose, "bytes": file_size, + "organization_id": self._org_id, } result = self._supabase.table("files").insert(data_row).execute() diff --git a/openweights/cluster/cli.py b/openweights/cluster/cli.py new file mode 100644 index 0000000..a94e7a5 --- /dev/null +++ b/openweights/cluster/cli.py @@ -0,0 +1,512 @@ +#!/usr/bin/env python3 +import argparse +import base64 +import os +import shlex +import signal +import subprocess +import sys +import time +from dataclasses import dataclass +from typing import Callable, Dict, List, Optional, Tuple + +import runpod +from dotenv import dotenv_values # hard requirement + +from openweights.cluster import start_runpod + +# -------- Provider Abstraction ------------------------------------------------ + + +@dataclass +class SSHSpec: + host: str + port: int + user: str + key_path: str + + +@dataclass +class StartResult: + ssh: SSHSpec + terminate: Callable[[], None] # call to terminate the machine + provider_meta: Dict + + +class Provider: + def start( + self, image: str, gpu: str, count: int, env: Dict[str, str] + ) -> StartResult: + raise NotImplementedError + + +class RunpodProvider(Provider): + """ + Thin wrapper around your start_runpod.py module. + - Expects RUNPOD_API_KEY in env (or via the shell environment). + - Uses key at key_path. + """ + + def __init__(self, key_path: str): + self.key_path = os.path.expanduser(key_path) + + def start( + self, image: str, gpu: str, count: int, env: Dict[str, str] + ) -> StartResult: + if "RUNPOD_API_KEY" in env: + os.environ["RUNPOD_API_KEY"] = env["RUNPOD_API_KEY"] + runpod.api_key = os.getenv("RUNPOD_API_KEY") + + pod = start_runpod.start_worker( + gpu=gpu, + image=image, + count=count, + ttl_hours=int(env.get("TTL_HOURS", "24")), + env=env, + runpod_client=runpod, + dev_mode=True, # keep your current choice + ) + assert pod is not None, "Runpod start_worker returned None" + + ip, port = start_runpod.get_ip_and_port(pod["id"], runpod) + ssh = SSHSpec(host=ip, port=int(port), user="root", key_path=self.key_path) + + def _terminate(): + runpod.terminate_pod(pod["id"]) + + return StartResult( + ssh=ssh, terminate=_terminate, provider_meta={"pod_id": pod["id"]} + ) + + +# -------- Bidirectional Sync (Unison) ---------------------------------------- + + +class UnisonSyncer: + """ + Bidirectional sync using Unison in watch mode. + - Quiet (minimal logs). + - Initial one-shot sync uses a sentinel so the first prompt runs on up-to-date files. + Requirements: `unison` available locally and on the remote image. + """ + + def __init__( + self, + local_dir: str, + remote_dir: str, + ssh: SSHSpec, + ignore: List[str], + label: str, + ): + self.local_dir = os.path.abspath(local_dir) + self.remote_dir = remote_dir.rstrip("/") + self.ssh = ssh + self.ignore = ignore + self.label = label + self._proc: Optional[subprocess.Popen] = None + + def _sshargs(self) -> str: + return ( + f"-p {self.ssh.port} " + f"-i {shlex.quote(self.ssh.key_path)} " + f"-o StrictHostKeyChecking=no " + f"-o UserKnownHostsFile=/dev/null" + ) + + def _unison_base(self) -> List[str]: + remote_root = ( + f"ssh://{self.ssh.user}@{self.ssh.host}//{self.remote_dir.lstrip('/')}" + ) + cmd = [ + "unison", + self.local_dir, + remote_root, + "-auto", + "-batch", + "-ui", + "text", + "-prefer", + "newer", # last-writer-wins + "-copyonconflict", # keep both if conflict + "-sshargs", + self._sshargs(), + "-confirmbigdel=false", + ] + for ex in self.ignore: + cmd += ["-ignore", f"Name {ex}"] + # Always ignore our local sentinel content if it exists on either side + cmd += ["-ignore", "Name .ow_sync"] + return cmd + + def _initial_sync(self): + # create busy sentinel locally so remote prompt blocks until first sync completes + ow_sync = os.path.join(self.local_dir, ".ow_sync") + os.makedirs(ow_sync, exist_ok=True) + busy = os.path.join(ow_sync, "busy") + with open(busy, "w") as f: + f.write("1") + + try: + # one-shot reconciliation + subprocess.run( + self._unison_base(), + check=True, + stdout=subprocess.DEVNULL, + stderr=subprocess.DEVNULL, + ) + finally: + if os.path.exists(busy): + os.remove(busy) + # mirror sentinel removal promptly + subprocess.run( + self._unison_base(), + check=False, + stdout=subprocess.DEVNULL, + stderr=subprocess.DEVNULL, + ) + + def start(self): + print( + f"[ow] Initial sync (bidirectional via Unison): {self.label} <-> {self.remote_dir}" + ) + self._initial_sync() + watch_cmd = self._unison_base() + ["-repeat", "watch"] + self._proc = subprocess.Popen( + watch_cmd, + stdout=subprocess.DEVNULL, + stderr=subprocess.DEVNULL, + ) + print(f"[ow] Watching (bi-dir): {self.local_dir} (label: {self.label})") + + def stop(self): + if self._proc and self._proc.poll() is None: + try: + self._proc.terminate() + self._proc.wait(timeout=3) + except Exception: + try: + self._proc.kill() + except Exception: + pass + + +# -------- Remote bootstrap & shell glue -------------------------------------- + +REMOTE_INIT = r""" +set -euo pipefail + +mkdir -p "$HOME/.ow_sync" + +# require unison and rsync present (rsync not used now, but nice to have) +need_missing=0 +for bin in unison; do + if ! command -v "$bin" >/dev/null 2>&1; then + echo "[ow] $bin not found on remote. Please install it in your image." + need_missing=1 + fi +done +if [ "$need_missing" -ne 0 ]; then + exit 1 +fi + +OW_RC="$HOME/.ow_sync/ow_prompt.sh" +cat > "$OW_RC" <<'EOF' +ow_sync_wait() { + # stay quiet; block only if initial sentinel exists + if [ -f "$HOME/.ow_sync/busy" ]; then + while [ -f "$HOME/.ow_sync/busy" ]; do sleep 0.1; done + fi +} +if [ -n "${PROMPT_COMMAND-}" ]; then + PROMPT_COMMAND="ow_sync_wait;$PROMPT_COMMAND" +else + PROMPT_COMMAND="ow_sync_wait" +fi +export PROMPT_COMMAND +EOF + +BASH_RC="$HOME/.bashrc" +if [ -f "$BASH_RC" ]; then + if ! grep -q ".ow_sync/ow_prompt.sh" "$BASH_RC"; then + echo ". \"$OW_RC\"" >> "$BASH_RC" + fi +else + echo ". \"$OW_RC\"" > "$BASH_RC" +fi +""" + + +def _ssh_exec(ssh: SSHSpec, remote_cmd: str) -> int: + cmd = [ + "ssh", + "-tt", + "-p", + str(ssh.port), + "-i", + ssh.key_path, + "-o", + "StrictHostKeyChecking=no", + "-o", + "UserKnownHostsFile=/dev/null", + f"{ssh.user}@{ssh.host}", + remote_cmd, + ] + return subprocess.call(cmd) + + +def _scp_text(ssh: SSHSpec, text: str, remote_path: str): + """Copy arbitrary text to a remote file via SSH safely.""" + remote = f"{ssh.user}@{ssh.host}" + remote_dir = os.path.dirname(remote_path) + encoded = base64.b64encode(text.encode()).decode() + cmd = ( + f"bash -lc 'mkdir -p {shlex.quote(remote_dir)} && " + f"echo {shlex.quote(encoded)} | base64 -d > {shlex.quote(remote_path)}'" + ) + subprocess.check_call( + [ + "ssh", + "-p", + str(ssh.port), + "-i", + ssh.key_path, + "-o", + "StrictHostKeyChecking=no", + "-o", + "UserKnownHostsFile=/dev/null", + remote, + cmd, + ] + ) + + +def wait_for_ssh(ssh, deadline_s: int = 180): + """Poll until sshd accepts a connection.""" + start = time.time() + cmd = [ + "ssh", + "-p", + str(ssh.port), + "-i", + ssh.key_path, + "-o", + "StrictHostKeyChecking=no", + "-o", + "UserKnownHostsFile=/dev/null", + "-o", + "BatchMode=yes", + "-o", + "ConnectTimeout=2", + f"{ssh.user}@{ssh.host}", + "true", + ] + while True: + proc = subprocess.run(cmd, stdout=subprocess.DEVNULL, stderr=subprocess.DEVNULL) + if proc.returncode == 0: + return + if time.time() - start > deadline_s: + raise RuntimeError( + f"SSH not reachable at {ssh.host}:{ssh.port} within {deadline_s}s" + ) + time.sleep(2) + + +def bootstrap_remote(ssh: SSHSpec, remote_cwd: str, do_editable_install: bool): + _scp_text(ssh, REMOTE_INIT, "/root/.ow_sync/remote_init.sh") + rc = _ssh_exec(ssh, "bash ~/.ow_sync/remote_init.sh") + if rc != 0: + sys.exit(rc) + + rc = _ssh_exec(ssh, f"mkdir -p {shlex.quote(remote_cwd)}") + if rc != 0: + sys.exit(rc) + + if do_editable_install: + check_cmd = f"bash -lc 'cd {shlex.quote(remote_cwd)} && if [ -f pyproject.toml ]; then python3 -m pip install -e .; else echo \"[ow] no pyproject.toml\"; fi'" + rc = _ssh_exec(ssh, check_cmd) + if rc != 0: + sys.exit(rc) + + +def open_interactive_shell(ssh: SSHSpec, remote_cwd: str, env_pairs: Dict[str, str]): + parts = [] + if env_pairs: + exports = " ".join( + [f"export {k}={shlex.quote(v)}" for k, v in env_pairs.items()] + ) + parts.append(exports) + parts.append(f"cd {shlex.quote(remote_cwd)}") + parts.append("exec bash") + remote_cmd = f"bash -lc {shlex.quote(' ; '.join(parts))}" + cmd = [ + "ssh", + "-tt", + "-p", + str(ssh.port), + "-i", + ssh.key_path, + "-o", + "ServerAliveInterval=30", + "-o", + "ServerAliveCountMax=120", + "-o", + "StrictHostKeyChecking=no", + "-o", + "UserKnownHostsFile=/dev/null", + f"{ssh.user}@{ssh.host}", + remote_cmd, + ] + rc = subprocess.call(cmd) + # ensure trailing newline to keep local tty pretty + try: + sys.stdout.write("\n") + sys.stdout.flush() + except Exception: + pass + return rc + + +# -------- CLI ---------------------------------------------------------------- + + +def parse_mounts( + mounts: List[str], cwd_remote: Optional[str] +) -> List[Tuple[str, str, str]]: + parsed = [] + if not mounts: + local = os.getcwd() + remote = cwd_remote or "~/workspace" + parsed.append((local, remote, "cwd")) + return parsed + for i, m in enumerate(mounts): + if ":" not in m: + raise SystemExit(f"--mount must be LOCAL:REMOTE (got: {m})") + local, remote = m.split(":", 1) + parsed.append((os.path.abspath(local), remote, f"mount{i+1}")) + return parsed + + +def load_env_file(path: Optional[str]) -> Dict[str, str]: + if not path: + return {} + p = os.path.abspath(path) + if not os.path.exists(p): + raise SystemExit(f"--env-file path not found: {p}") + vals = dotenv_values(p) or {} + return {k: (v if v is not None else "") for k, v in vals.items()} + + +def main(): + ap = argparse.ArgumentParser( + prog="ow", + description="Remote GPU shell with live, bidirectional sync (fail-fast).", + ) + sub = ap.add_subparsers(dest="cmd", required=True) + + sshp = sub.add_parser( + "ssh", help="Start or attach to a remote shell with live file sync." + ) + sshp.add_argument( + "--mount", + action="append", + default=[], + help="LOCAL:REMOTE (repeatable). Defaults to CWD:~/workspace", + ) + sshp.add_argument( + "--env-file", default=None, help="Path to .env to export and pass to provider." + ) + sshp.add_argument( + "--image", default="nielsrolf/ow-default:v0.7", help="Provider image name." + ) + sshp.add_argument("--gpu", default="L40", help="GPU type for provider.") + sshp.add_argument("--count", type=int, default=1, help="GPU count.") + sshp.add_argument( + "--remote-cwd", + default="/workspace", + help="Remote working directory for the main mount.", + ) + sshp.add_argument( + "--provider", default="runpod", choices=["runpod"], help="Machine provider." + ) + sshp.add_argument( + "--key-path", default="~/.ssh/id_ed25519", help="SSH private key path." + ) + sshp.add_argument( + "--exclude", + action="append", + default=[".git", "__pycache__", ".mypy_cache", ".venv", ".env"], + help="Ignore patterns (Unison Name filters, repeatable).", + ) + sshp.add_argument( + "--no-editable-install", + action="store_true", + help="Skip `pip install -e .` if pyproject.toml exists.", + ) + sshp.add_argument( + "--no-terminate-prompt", + action="store_true", + help="Don’t ask to terminate the machine on exit.", + ) + args = ap.parse_args() + + if args.cmd == "ssh": + env_from_file = load_env_file(args.env_file) + provider_env = dict(env_from_file) # only pass what's in --env-file + + if args.provider == "runpod": + provider = RunpodProvider(key_path=args.key_path) + else: + raise SystemExit(f"Unknown provider: {args.provider}") + + print("[ow] Starting/allocating machine...") + start_res = provider.start( + image=args.image, gpu=args.gpu, count=args.count, env=provider_env + ) + ssh = start_res.ssh + print(f"[ow] SSH: {ssh.user}@{ssh.host}:{ssh.port} using key {ssh.key_path}") + + print("[ow] Waiting for sshd to become ready...") + wait_for_ssh(ssh) + print(f"[ow] SSH: {ssh.user}@{ssh.host}:{ssh.port} using key {ssh.key_path}") + + mounts = parse_mounts(args.mount, args.remote_cwd) + + do_editable = not args.no_editable_install + bootstrap_remote(ssh, remote_cwd=mounts[0][1], do_editable_install=do_editable) + + # Start bidirectional syncers + syncers: List[UnisonSyncer] = [] + for local, remote, label in mounts: + s = UnisonSyncer( + local_dir=local, + remote_dir=remote, + ssh=ssh, + ignore=args.exclude, + label=label, + ) + s.start() + syncers.append(s) + + try: + print("[ow] Opening interactive shell. Type `exit` or Ctrl-D to leave.") + exit_code = open_interactive_shell( + ssh, remote_cwd=mounts[0][1], env_pairs=env_from_file + ) + finally: + for s in syncers: + s.stop() + + if not args.no_terminate_prompt: + ans = input("Terminate the machine? [y/N] ").strip().lower() + if ans in ("y", "yes"): + print("[ow] Terminating machine...") + start_res.terminate() + else: + print("[ow] Leaving machine running.") + + sys.exit(exit_code) + + +if __name__ == "__main__": + signal.signal(signal.SIGINT, signal.SIG_DFL) + main() diff --git a/openweights/cluster/start_runpod.py b/openweights/cluster/start_runpod.py index 7282ba1..b20e633 100644 --- a/openweights/cluster/start_runpod.py +++ b/openweights/cluster/start_runpod.py @@ -117,7 +117,12 @@ def wait_for_pod(pod, runpod_client): @lru_cache @backoff.on_exception( - backoff.constant, Exception, interval=1, max_time=600, max_tries=600 + backoff.constant, + TypeError, + interval=1, + max_time=600, + max_tries=600, + logger=None, ) def get_ip_and_port(pod_id, runpod_client): pod = runpod_client.get_pod(pod_id) @@ -274,11 +279,9 @@ def _start_worker( if dev_mode: ip, port = get_ip_and_port(pod["id"], client) - pending_workers.remove(pod["id"]) - return f"ssh root@{ip} -p {port} -i ~/.ssh/id_ed25519" - else: - pending_workers.remove(pod["id"]) - return pod + print(f"ssh root@{ip} -p {port} -i ~/.ssh/id_ed25519") + pending_workers.remove(pod["id"]) + return pod def start_worker( @@ -337,36 +340,5 @@ def start_worker( runpod_client.terminate_pod(pod_id) -# import concurrent.futures - -# def _test_single_gpu(gpu): -# try: -# print(f"Testing GPU: {gpu}") -# pod = start_worker(gpu, image='default', count=1, dev_mode=True) -# if pod: -# runpod.terminate_pod(pod['id']) # Clean up the pod after testing -# print(f"Success: {gpu}") -# return (gpu, GPUs[gpu]) -# else: -# print(f"Failed to start pod for GPU: {gpu}") -# return None -# except Exception as e: -# print(f"Exception for GPU {gpu}: {e}") -# return None - -# def test_gpus(): -# working_gpus = {} -# with concurrent.futures.ThreadPoolExecutor(max_workers=8) as executor: -# futures = {executor.submit(_test_single_gpu, gpu): gpu for gpu in GPUs.keys()} -# for future in concurrent.futures.as_completed(futures): -# result = future.result() -# if result: -# gpu_short, gpu_full = result -# working_gpus[gpu_short] = gpu_full -# print("Working GPUs:") -# print(working_gpus) - - if __name__ == "__main__": fire.Fire(start_worker) - # test_gpus() diff --git a/openweights/worker/services/log_server.py b/openweights/worker/services/log_server.py index a0a6b75..5104251 100755 --- a/openweights/worker/services/log_server.py +++ b/openweights/worker/services/log_server.py @@ -11,6 +11,7 @@ class LogHandler(http.server.SimpleHTTPRequestHandler): def do_GET(self): # If path is /logs, serve logs/main + print(self.path) if self.path == "/logs" or self.path == "/logs/": file_path = "logs/main" else: diff --git a/pyproject.toml b/pyproject.toml index 47083d8..d2d5e01 100644 --- a/pyproject.toml +++ b/pyproject.toml @@ -4,7 +4,7 @@ build-backend = "hatchling.build" [project] name = "openweights" -version = "0.6.0" +version = "0.7.0" description = "An openai-like sdk for finetuning and batch inference" readme = "README.md" requires-python = ">=3.11" @@ -45,5 +45,8 @@ worker = [ "datasets>=3.6.0", "trl>=0.18.1", ] +[project.scripts] +ow = "openweights.cli:main" + [tool.hatch.build.targets.wheel] packages = ["openweights"] diff --git a/supabase/20250116_dump.sql b/supabase/20250116_dump.sql new file mode 100644 index 0000000..d08612b --- /dev/null +++ b/supabase/20250116_dump.sql @@ -0,0 +1,1197 @@ + + +SET statement_timeout = 0; +SET lock_timeout = 0; +SET idle_in_transaction_session_timeout = 0; +SET client_encoding = 'UTF8'; +SET standard_conforming_strings = on; +SELECT pg_catalog.set_config('search_path', '', false); +SET check_function_bodies = false; +SET xmloption = content; +SET client_min_messages = warning; +SET row_security = off; + +-- Create required extensions +CREATE EXTENSION IF NOT EXISTS "pgsodium" WITH SCHEMA "pgsodium"; +CREATE EXTENSION IF NOT EXISTS "pg_graphql" WITH SCHEMA "graphql"; +CREATE EXTENSION IF NOT EXISTS "pg_stat_statements" WITH SCHEMA "extensions"; +CREATE EXTENSION IF NOT EXISTS "pgcrypto" WITH SCHEMA "extensions"; +CREATE EXTENSION IF NOT EXISTS "pgjwt" WITH SCHEMA "extensions"; +CREATE EXTENSION IF NOT EXISTS "supabase_vault" WITH SCHEMA "vault"; +CREATE EXTENSION IF NOT EXISTS "uuid-ossp" WITH SCHEMA "extensions"; + +CREATE SCHEMA IF NOT EXISTS "app_auth"; + + +ALTER SCHEMA "app_auth" OWNER TO "postgres"; + + +CREATE SCHEMA IF NOT EXISTS "public"; + + +ALTER SCHEMA "public" OWNER TO "pg_database_owner"; + + +COMMENT ON SCHEMA "public" IS 'standard public schema'; + + + +CREATE TYPE "public"."job_status" AS ENUM ( + 'pending', + 'in_progress', + 'completed', + 'failed', + 'canceled' +); + + +ALTER TYPE "public"."job_status" OWNER TO "postgres"; + + +CREATE TYPE "public"."job_type" AS ENUM ( + 'fine-tuning', + 'inference', + 'script', + 'api', + 'custom' +); + + +ALTER TYPE "public"."job_type" OWNER TO "postgres"; + + +CREATE TYPE "public"."organization_role" AS ENUM ( + 'admin', + 'user' +); + + +ALTER TYPE "public"."organization_role" OWNER TO "postgres"; + + +CREATE OR REPLACE FUNCTION "app_auth"."check_if_service_account"() RETURNS boolean + LANGUAGE "sql" SECURITY DEFINER + AS $$ + select coalesce( + current_setting('request.jwt.claims', true)::json->>'is_service_account', + 'false' + )::boolean; +$$; + + +ALTER FUNCTION "app_auth"."check_if_service_account"() OWNER TO "postgres"; + +SET default_tablespace = ''; + +SET default_table_access_method = "heap"; + + +CREATE TABLE IF NOT EXISTS "public"."jobs" ( + "id" "text" NOT NULL, + "created_at" timestamp with time zone DEFAULT CURRENT_TIMESTAMP, + "type" "public"."job_type" NOT NULL, + "model" "text", + "params" "jsonb", + "script" "text", + "requires_vram_gb" integer DEFAULT 24, + "status" "public"."job_status" DEFAULT 'pending'::"public"."job_status", + "worker_id" "text", + "outputs" "jsonb", + "docker_image" "text", + "updated_at" timestamp with time zone DEFAULT CURRENT_TIMESTAMP, + "organization_id" "uuid" NOT NULL, + "timeout" timestamp with time zone, + "allowed_hardware" "text"[] +); + + +ALTER TABLE "public"."jobs" OWNER TO "postgres"; + + +CREATE OR REPLACE FUNCTION "public"."acquire_job"("_job_id" "text", "_worker_id" "text") RETURNS SETOF "public"."jobs" + LANGUAGE "plpgsql" + AS $$ +BEGIN + RETURN QUERY + UPDATE jobs + SET status = 'in_progress', + worker_id = _worker_id + WHERE id = _job_id + AND status = 'pending' + RETURNING *; +END; +$$; + + +ALTER FUNCTION "public"."acquire_job"("_job_id" "text", "_worker_id" "text") OWNER TO "postgres"; + + +CREATE OR REPLACE FUNCTION "public"."create_organization"("org_name" "text") RETURNS "uuid" + LANGUAGE "plpgsql" SECURITY DEFINER + SET "search_path" TO 'public' + AS $$ +declare + v_org_id uuid; +begin + -- Check if authenticated + if auth.uid() is null then + raise exception 'Authentication required'; + end if; + + -- Create organization + insert into organizations (name) + values (org_name) + returning id into v_org_id; + + -- Add creator as admin + insert into organization_members (organization_id, user_id, role) + values (v_org_id, auth.uid(), 'admin'); + + return v_org_id; +end; +$$; + + +ALTER FUNCTION "public"."create_organization"("org_name" "text") OWNER TO "postgres"; + + +CREATE OR REPLACE FUNCTION "public"."create_service_account_token"("org_id" "uuid", "token_name" "text", "created_by" "uuid", "expires_at" timestamp with time zone DEFAULT NULL::timestamp with time zone) RETURNS TABLE("token_id" "uuid", "jwt_token" "text") + LANGUAGE "plpgsql" SECURITY DEFINER + SET "search_path" TO 'public' + AS $$ +declare + v_token_id uuid; + v_jwt_secret text; + v_jwt_token text; +begin + -- Get JWT secret + v_jwt_secret := get_jwt_secret(); + + if v_jwt_secret is null then + raise exception 'JWT secret not configured'; + end if; + + -- Create token record + insert into tokens (organization_id, name, expires_at, created_by) + values (org_id, token_name, expires_at, created_by) + returning id into v_token_id; + + -- Create JWT token with service account claims + v_jwt_token := extensions.sign( + json_build_object( + 'role', 'authenticated', + 'iss', 'supabase', + 'iat', extract(epoch from now())::integer, + 'exp', case + when expires_at is null then extract(epoch from now() + interval '10 years')::integer + else extract(epoch from expires_at)::integer + end, + 'is_service_account', true, + 'organization_id', org_id, + 'token_id', v_token_id + )::json, + v_jwt_secret + ); + + -- Update token hash + update tokens + set token_hash = v_jwt_token + where id = v_token_id; + + return query select v_token_id, v_jwt_token; +end; +$$; + + +ALTER FUNCTION "public"."create_service_account_token"("org_id" "uuid", "token_name" "text", "created_by" "uuid", "expires_at" timestamp with time zone) OWNER TO "postgres"; + + +CREATE OR REPLACE FUNCTION "public"."delete_organization_secret"("org_id" "uuid", "secret_name" "text") RETURNS boolean + LANGUAGE "plpgsql" SECURITY DEFINER + SET "search_path" TO 'public' + AS $$ +begin + -- Check if user is admin + if not is_organization_admin(org_id) then + raise exception 'Only organization admins can manage secrets'; + end if; + + -- Delete secret + delete from organization_secrets + where organization_id = org_id and name = secret_name; + + return found; +end; +$$; + + +ALTER FUNCTION "public"."delete_organization_secret"("org_id" "uuid", "secret_name" "text") OWNER TO "postgres"; + + +CREATE OR REPLACE FUNCTION "public"."get_jwt_secret"() RETURNS "text" + LANGUAGE "plpgsql" SECURITY DEFINER + AS $$ +declare + secret text; +begin + -- Get secret from vault + select decrypted_secret into secret + from vault.decrypted_secrets + where name = 'jwt_secret' + limit 1; + + if secret is null then + raise exception 'JWT secret not found in vault'; + end if; + + return secret; +end; +$$; + + +ALTER FUNCTION "public"."get_jwt_secret"() OWNER TO "postgres"; + + +CREATE OR REPLACE FUNCTION "public"."get_organization_from_token"() RETURNS "uuid" + LANGUAGE "plpgsql" SECURITY DEFINER + SET "search_path" TO 'public', 'auth', 'app_auth' + AS $$ +DECLARE + org_id uuid; +BEGIN + -- Only handle service account tokens + IF NOT app_auth.check_if_service_account() THEN + RAISE EXCEPTION 'Only service account tokens are supported'; + END IF; + + -- Get org from claims + org_id := (current_setting('request.jwt.claims', true)::json->>'organization_id')::uuid; + + -- Update last_used_at in tokens table + UPDATE public.tokens + SET last_used_at = now() + WHERE id = (current_setting('request.jwt.claims', true)::json->>'token_id')::uuid; + + RETURN org_id; +END; +$$; + + +ALTER FUNCTION "public"."get_organization_from_token"() OWNER TO "postgres"; + + +CREATE OR REPLACE FUNCTION "public"."get_organization_members"("org_id" "uuid") RETURNS TABLE("user_id" "uuid", "email" character varying, "role" "public"."organization_role") + LANGUAGE "plpgsql" SECURITY DEFINER + SET "search_path" TO 'public' + AS $$ +begin + return query + select + om.user_id, + au.email::varchar(255), -- Explicitly cast email to match return type + om.role + from public.organization_members om + join auth.users au on au.id = om.user_id + where om.organization_id = org_id + and exists ( + select 1 + from public.organization_members viewer + where viewer.organization_id = org_id + and viewer.user_id = auth.uid() + ); +end; +$$; + + +ALTER FUNCTION "public"."get_organization_members"("org_id" "uuid") OWNER TO "postgres"; + + +CREATE OR REPLACE FUNCTION "public"."get_path_organization_id"("path" "text") RETURNS "uuid" + LANGUAGE "plpgsql" STABLE + AS $$ +DECLARE + parts text[]; + org_id uuid; +BEGIN + parts := string_to_array(path, '/'); + + IF array_length(parts, 1) IS NULL OR parts[1] <> 'organizations' THEN + RETURN NULL; + END IF; + + BEGIN + org_id := parts[2]::uuid; + RETURN org_id; + EXCEPTION WHEN others THEN + RETURN NULL; + END; +END; +$$; + + +ALTER FUNCTION "public"."get_path_organization_id"("path" "text") OWNER TO "postgres"; + + +CREATE OR REPLACE FUNCTION "public"."handle_updated_at"() RETURNS "trigger" + LANGUAGE "plpgsql" + AS $$ +BEGIN + NEW.updated_at = CURRENT_TIMESTAMP; + RETURN NEW; +END; +$$; + + +ALTER FUNCTION "public"."handle_updated_at"() OWNER TO "postgres"; + + +CREATE OR REPLACE FUNCTION "public"."hardware_matches"("worker_hardware" "text", "allowed_hardware" "text"[]) RETURNS boolean + LANGUAGE "plpgsql" + AS $$ +BEGIN + -- If allowed_hardware is NULL or empty array, any hardware is allowed + IF allowed_hardware IS NULL OR array_length(allowed_hardware, 1) IS NULL THEN + RETURN TRUE; + END IF; + + -- Check if worker's hardware is in the allowed list + RETURN worker_hardware = ANY(allowed_hardware); +END; +$$; + + +ALTER FUNCTION "public"."hardware_matches"("worker_hardware" "text", "allowed_hardware" "text"[]) OWNER TO "postgres"; + + +CREATE OR REPLACE FUNCTION "public"."has_organization_access"("org_id" "uuid") RETURNS boolean + LANGUAGE "plpgsql" STABLE SECURITY DEFINER + SET "search_path" TO 'public', 'auth', 'app_auth' + AS $$ +BEGIN + -- Service account? + IF app_auth.check_if_service_account() THEN + RETURN (current_setting('request.jwt.claims', true)::json->>'organization_id')::uuid = org_id; + END IF; + + -- Otherwise, membership + RETURN EXISTS ( + SELECT 1 + FROM public.organization_members + WHERE organization_id = org_id + AND user_id = auth.uid() + ); +END; +$$; + + +ALTER FUNCTION "public"."has_organization_access"("org_id" "uuid") OWNER TO "postgres"; + + +CREATE OR REPLACE FUNCTION "public"."invite_organization_member"("org_id" "uuid", "member_email" character varying, "member_role" "public"."organization_role") RETURNS TABLE("user_id" "uuid", "email" character varying, "role" "public"."organization_role") + LANGUAGE "plpgsql" SECURITY DEFINER + SET "search_path" TO 'public' + AS $$ +declare + v_user_id uuid; + v_email varchar(255); +begin + -- Check if the inviter is an admin + if not is_organization_admin(org_id) then + raise exception 'Only organization admins can invite members'; + end if; + + -- Get the user ID for the email + select au.id, au.email::varchar(255) + into v_user_id, v_email + from auth.users au + where lower(au.email) = lower(member_email); + + if v_user_id is null then + raise exception 'User with email % not found', member_email; + end if; + + -- Check if user is already a member + if exists ( + select 1 + from organization_members om + where om.organization_id = org_id + and om.user_id = v_user_id + ) then + raise exception 'User is already a member of this organization'; + end if; + + -- Insert the new member + insert into organization_members (organization_id, user_id, role) + values (org_id, v_user_id, member_role); + + -- Return the result + return query + select + v_user_id as user_id, + v_email as email, + member_role as role; +end; +$$; + + +ALTER FUNCTION "public"."invite_organization_member"("org_id" "uuid", "member_email" character varying, "member_role" "public"."organization_role") OWNER TO "postgres"; + + +CREATE OR REPLACE FUNCTION "public"."is_organization_admin"("org_id" "uuid") RETURNS boolean + LANGUAGE "plpgsql" SECURITY DEFINER + SET "search_path" TO 'public', 'auth', 'app_auth' + AS $$ +BEGIN + -- Service accounts have admin access to their organization + IF app_auth.check_if_service_account() THEN + RETURN (current_setting('request.jwt.claims', true)::json->>'organization_id')::uuid = org_id; + END IF; + + -- Otherwise check normal admin membership + RETURN EXISTS ( + SELECT 1 + FROM public.organization_members + WHERE organization_id = org_id + AND user_id = auth.uid() + AND role = 'admin' + ); +END; +$$; + + +ALTER FUNCTION "public"."is_organization_admin"("org_id" "uuid") OWNER TO "postgres"; + + +CREATE OR REPLACE FUNCTION "public"."is_organization_member"("org_id" "uuid") RETURNS boolean + LANGUAGE "plpgsql" SECURITY DEFINER + SET "search_path" TO 'public', 'auth', 'app_auth' + AS $$ +BEGIN + -- If this is a service account, check the organization claim + IF app_auth.check_if_service_account() THEN + RETURN (current_setting('request.jwt.claims', true)::json->>'organization_id')::uuid = org_id; + END IF; + + -- Otherwise check normal membership + RETURN EXISTS ( + SELECT 1 + FROM public.organization_members + WHERE organization_id = org_id + AND user_id = auth.uid() + ); +END; +$$; + + +ALTER FUNCTION "public"."is_organization_member"("org_id" "uuid") OWNER TO "postgres"; + + +CREATE OR REPLACE FUNCTION "public"."manage_organization_secret"("org_id" "uuid", "secret_name" "text", "secret_value" "text") RETURNS "uuid" + LANGUAGE "plpgsql" SECURITY DEFINER + SET "search_path" TO 'public' + AS $$ +declare + v_secret_id uuid; +begin + -- Check if user is admin + if not is_organization_admin(org_id) then + raise exception 'Only organization admins can manage secrets'; + end if; + + -- Insert or update secret + insert into organization_secrets (organization_id, name, value) + values (org_id, secret_name, secret_value) + on conflict (organization_id, name) + do update set value = excluded.value, updated_at = now() + returning id into v_secret_id; + + return v_secret_id; +end; +$$; + + +ALTER FUNCTION "public"."manage_organization_secret"("org_id" "uuid", "secret_name" "text", "secret_value" "text") OWNER TO "postgres"; + + +CREATE OR REPLACE FUNCTION "public"."remove_organization_member"("org_id" "uuid", "member_id" "uuid") RETURNS boolean + LANGUAGE "plpgsql" SECURITY DEFINER + SET "search_path" TO 'public' + AS $$ +declare + v_member_role organization_role; + v_admin_count integer; +begin + -- Check if user is admin + if not is_organization_admin(org_id) then + raise exception 'Only organization admins can remove members'; + end if; + + -- Get member's role + select role into v_member_role + from organization_members + where organization_id = org_id and user_id = member_id; + + -- If member is admin, check if they're not the last admin + if v_member_role = 'admin' then + select count(*) into v_admin_count + from organization_members + where organization_id = org_id and role = 'admin'; + + if v_admin_count <= 1 then + raise exception 'Cannot remove the last admin'; + end if; + end if; + + -- Remove member + delete from organization_members + where organization_id = org_id and user_id = member_id; + + return found; +end; +$$; + + +ALTER FUNCTION "public"."remove_organization_member"("org_id" "uuid", "member_id" "uuid") OWNER TO "postgres"; + + +CREATE OR REPLACE FUNCTION "public"."set_deployment_timeout"() RETURNS "trigger" + LANGUAGE "plpgsql" + AS $$ +BEGIN + IF NEW.type = 'api' THEN + NEW.timeout = NEW.created_at + interval '1 hour'; + END IF; + RETURN NEW; +END; +$$; + + +ALTER FUNCTION "public"."set_deployment_timeout"() OWNER TO "postgres"; + + +CREATE OR REPLACE FUNCTION "public"."update_job_status_if_in_progress"("_job_id" "text", "_new_status" "text", "_worker_id" "text", "_job_outputs" "jsonb" DEFAULT NULL::"jsonb", "_job_script" "text" DEFAULT NULL::"text") RETURNS "void" + LANGUAGE "plpgsql" + AS $$ +BEGIN + UPDATE jobs + SET status = _new_status::job_status, -- <--- cast to job_status + outputs = _job_outputs, + script = COALESCE(_job_script, script) + WHERE id = _job_id + AND status = 'in_progress' -- Assuming 'in_progress' also exists in your enum + AND worker_id = _worker_id; +END; +$$; + + +ALTER FUNCTION "public"."update_job_status_if_in_progress"("_job_id" "text", "_new_status" "text", "_worker_id" "text", "_job_outputs" "jsonb", "_job_script" "text") OWNER TO "postgres"; + + +CREATE OR REPLACE FUNCTION "public"."update_organization"("org_id" "uuid", "new_name" "text") RETURNS boolean + LANGUAGE "plpgsql" SECURITY DEFINER + SET "search_path" TO 'public' + AS $$ +begin + -- Check if user is admin + if not is_organization_admin(org_id) then + raise exception 'Only organization admins can update organization'; + end if; + + -- Update organization + update organizations + set name = new_name + where id = org_id; + + return found; +end; +$$; + + +ALTER FUNCTION "public"."update_organization"("org_id" "uuid", "new_name" "text") OWNER TO "postgres"; + + +CREATE TABLE IF NOT EXISTS "public"."events" ( + "id" integer NOT NULL, + "run_id" integer, + "created_at" timestamp with time zone DEFAULT CURRENT_TIMESTAMP, + "data" "jsonb" NOT NULL, + "file" "text" +); + + +ALTER TABLE "public"."events" OWNER TO "postgres"; + + +CREATE SEQUENCE IF NOT EXISTS "public"."events_id_seq" + AS integer + START WITH 1 + INCREMENT BY 1 + NO MINVALUE + NO MAXVALUE + CACHE 1; + + +ALTER TABLE "public"."events_id_seq" OWNER TO "postgres"; + + +ALTER SEQUENCE "public"."events_id_seq" OWNED BY "public"."events"."id"; + + + +CREATE TABLE IF NOT EXISTS "public"."files" ( + "id" "text" NOT NULL, + "created_at" timestamp with time zone DEFAULT CURRENT_TIMESTAMP, + "filename" "text" NOT NULL, + "purpose" "text" NOT NULL, + "bytes" integer NOT NULL +); + + +ALTER TABLE "public"."files" OWNER TO "postgres"; + + +CREATE TABLE IF NOT EXISTS "public"."organization_members" ( + "organization_id" "uuid" NOT NULL, + "user_id" "uuid" NOT NULL, + "role" "public"."organization_role" DEFAULT 'user'::"public"."organization_role" NOT NULL, + "created_at" timestamp with time zone DEFAULT "timezone"('utc'::"text", "now"()) NOT NULL +); + + +ALTER TABLE "public"."organization_members" OWNER TO "postgres"; + + +CREATE TABLE IF NOT EXISTS "public"."organization_secrets" ( + "id" "uuid" DEFAULT "gen_random_uuid"() NOT NULL, + "organization_id" "uuid" NOT NULL, + "name" "text" NOT NULL, + "value" "text" NOT NULL, + "created_at" timestamp with time zone DEFAULT "timezone"('utc'::"text", "now"()) NOT NULL, + "updated_at" timestamp with time zone DEFAULT "timezone"('utc'::"text", "now"()) NOT NULL +); + + +ALTER TABLE "public"."organization_secrets" OWNER TO "postgres"; + + +CREATE TABLE IF NOT EXISTS "public"."organizations" ( + "id" "uuid" DEFAULT "gen_random_uuid"() NOT NULL, + "created_at" timestamp with time zone DEFAULT "timezone"('utc'::"text", "now"()) NOT NULL, + "updated_at" timestamp with time zone DEFAULT "timezone"('utc'::"text", "now"()) NOT NULL, + "name" "text" NOT NULL +); + + +ALTER TABLE "public"."organizations" OWNER TO "postgres"; + + +CREATE TABLE IF NOT EXISTS "public"."runs" ( + "id" integer NOT NULL, + "job_id" "text", + "worker_id" "text", + "created_at" timestamp with time zone DEFAULT CURRENT_TIMESTAMP, + "status" "public"."job_status", + "log_file" "text", + "updated_at" timestamp with time zone DEFAULT CURRENT_TIMESTAMP +); + + +ALTER TABLE "public"."runs" OWNER TO "postgres"; + + +CREATE SEQUENCE IF NOT EXISTS "public"."runs_id_seq" + AS integer + START WITH 1 + INCREMENT BY 1 + NO MINVALUE + NO MAXVALUE + CACHE 1; + + +ALTER TABLE "public"."runs_id_seq" OWNER TO "postgres"; + + +ALTER SEQUENCE "public"."runs_id_seq" OWNED BY "public"."runs"."id"; + + + +CREATE TABLE IF NOT EXISTS "public"."tokens" ( + "id" "uuid" DEFAULT "gen_random_uuid"() NOT NULL, + "organization_id" "uuid" NOT NULL, + "name" "text" NOT NULL, + "token_hash" "text", + "expires_at" timestamp with time zone, + "created_at" timestamp with time zone DEFAULT "timezone"('utc'::"text", "now"()) NOT NULL, + "created_by" "uuid" NOT NULL, + "last_used_at" timestamp with time zone +); + + +ALTER TABLE "public"."tokens" OWNER TO "postgres"; + + +CREATE TABLE IF NOT EXISTS "public"."worker" ( + "id" "text" NOT NULL, + "created_at" timestamp with time zone DEFAULT CURRENT_TIMESTAMP, + "status" "text", + "cached_models" "text"[], + "vram_gb" integer, + "pod_id" "text", + "ping" timestamp with time zone, + "gpu_type" "text", + "gpu_count" integer, + "docker_image" "text", + "updated_at" timestamp with time zone DEFAULT CURRENT_TIMESTAMP, + "organization_id" "uuid" NOT NULL, + "logfile" "text", + "hardware_type" "text" +); + + +ALTER TABLE "public"."worker" OWNER TO "postgres"; + + +ALTER TABLE ONLY "public"."events" ALTER COLUMN "id" SET DEFAULT "nextval"('"public"."events_id_seq"'::"regclass"); + + + +ALTER TABLE ONLY "public"."runs" ALTER COLUMN "id" SET DEFAULT "nextval"('"public"."runs_id_seq"'::"regclass"); + + + +ALTER TABLE ONLY "public"."events" + ADD CONSTRAINT "events_pkey" PRIMARY KEY ("id"); + + + +ALTER TABLE ONLY "public"."files" + ADD CONSTRAINT "files_pkey" PRIMARY KEY ("id"); + + + +ALTER TABLE ONLY "public"."jobs" + ADD CONSTRAINT "jobs_pkey" PRIMARY KEY ("id"); + + + +ALTER TABLE ONLY "public"."organization_members" + ADD CONSTRAINT "organization_members_pkey" PRIMARY KEY ("organization_id", "user_id"); + + + +ALTER TABLE ONLY "public"."organization_secrets" + ADD CONSTRAINT "organization_secrets_organization_id_name_key" UNIQUE ("organization_id", "name"); + + + +ALTER TABLE ONLY "public"."organization_secrets" + ADD CONSTRAINT "organization_secrets_pkey" PRIMARY KEY ("id"); + + + +ALTER TABLE ONLY "public"."organizations" + ADD CONSTRAINT "organizations_pkey" PRIMARY KEY ("id"); + + + +ALTER TABLE ONLY "public"."runs" + ADD CONSTRAINT "runs_pkey" PRIMARY KEY ("id"); + + + +ALTER TABLE ONLY "public"."tokens" + ADD CONSTRAINT "tokens_pkey" PRIMARY KEY ("id"); + + + +ALTER TABLE ONLY "public"."worker" + ADD CONSTRAINT "worker_pkey" PRIMARY KEY ("id"); + + + +CREATE INDEX "events_run_id_idx" ON "public"."events" USING "btree" ("run_id"); + + + +CREATE OR REPLACE TRIGGER "set_deployment_timeout_trigger" BEFORE INSERT ON "public"."jobs" FOR EACH ROW EXECUTE FUNCTION "public"."set_deployment_timeout"(); + + + +CREATE OR REPLACE TRIGGER "set_updated_at_jobs" BEFORE UPDATE ON "public"."jobs" FOR EACH ROW EXECUTE FUNCTION "public"."handle_updated_at"(); + + + +CREATE OR REPLACE TRIGGER "set_updated_at_organization_secrets" BEFORE UPDATE ON "public"."organization_secrets" FOR EACH ROW EXECUTE FUNCTION "public"."handle_updated_at"(); + + + +CREATE OR REPLACE TRIGGER "set_updated_at_organizations" BEFORE UPDATE ON "public"."organizations" FOR EACH ROW EXECUTE FUNCTION "public"."handle_updated_at"(); + + + +CREATE OR REPLACE TRIGGER "set_updated_at_runs" BEFORE UPDATE ON "public"."runs" FOR EACH ROW EXECUTE FUNCTION "public"."handle_updated_at"(); + + + +CREATE OR REPLACE TRIGGER "set_updated_at_worker" BEFORE UPDATE ON "public"."worker" FOR EACH ROW EXECUTE FUNCTION "public"."handle_updated_at"(); + + + +ALTER TABLE ONLY "public"."events" + ADD CONSTRAINT "events_run_id_fkey" FOREIGN KEY ("run_id") REFERENCES "public"."runs"("id") ON DELETE CASCADE; + + + +ALTER TABLE ONLY "public"."jobs" + ADD CONSTRAINT "jobs_organization_id_fkey" FOREIGN KEY ("organization_id") REFERENCES "public"."organizations"("id") ON DELETE CASCADE; + + + +ALTER TABLE ONLY "public"."jobs" + ADD CONSTRAINT "jobs_worker_id_fkey" FOREIGN KEY ("worker_id") REFERENCES "public"."worker"("id"); + + + +ALTER TABLE ONLY "public"."organization_members" + ADD CONSTRAINT "organization_members_organization_id_fkey" FOREIGN KEY ("organization_id") REFERENCES "public"."organizations"("id") ON DELETE CASCADE; + + + +ALTER TABLE ONLY "public"."organization_members" + ADD CONSTRAINT "organization_members_user_id_fkey" FOREIGN KEY ("user_id") REFERENCES "auth"."users"("id") ON DELETE CASCADE; + + + +ALTER TABLE ONLY "public"."organization_secrets" + ADD CONSTRAINT "organization_secrets_organization_id_fkey" FOREIGN KEY ("organization_id") REFERENCES "public"."organizations"("id") ON DELETE CASCADE; + + + +ALTER TABLE ONLY "public"."runs" + ADD CONSTRAINT "runs_job_id_fkey" FOREIGN KEY ("job_id") REFERENCES "public"."jobs"("id") ON DELETE CASCADE; + + + +ALTER TABLE ONLY "public"."runs" + ADD CONSTRAINT "runs_worker_id_fkey" FOREIGN KEY ("worker_id") REFERENCES "public"."worker"("id") ON DELETE SET NULL; + + + +ALTER TABLE ONLY "public"."tokens" + ADD CONSTRAINT "tokens_created_by_fkey" FOREIGN KEY ("created_by") REFERENCES "auth"."users"("id") ON DELETE CASCADE; + + + +ALTER TABLE ONLY "public"."tokens" + ADD CONSTRAINT "tokens_organization_id_fkey" FOREIGN KEY ("organization_id") REFERENCES "public"."organizations"("id") ON DELETE CASCADE; + + + +ALTER TABLE ONLY "public"."worker" + ADD CONSTRAINT "worker_organization_id_fkey" FOREIGN KEY ("organization_id") REFERENCES "public"."organizations"("id") ON DELETE CASCADE; + + + +CREATE POLICY "Enable access for organization members" ON "public"."events" USING ((EXISTS ( SELECT 1 + FROM ("public"."runs" "r" + JOIN "public"."jobs" "j" ON (("j"."id" = "r"."job_id"))) + WHERE (("r"."id" = "events"."run_id") AND "public"."is_organization_member"("j"."organization_id"))))); + + + +CREATE POLICY "Enable access for organization members" ON "public"."runs" USING ((EXISTS ( SELECT 1 + FROM "public"."jobs" "j" + WHERE (("j"."id" = "runs"."job_id") AND "public"."is_organization_member"("j"."organization_id"))))); + + + +CREATE POLICY "Enable access for organization members" ON "public"."worker" USING ("public"."is_organization_member"("organization_id")); + + + +CREATE POLICY "Enable read access for members" ON "public"."organization_members" FOR SELECT USING ("public"."is_organization_member"("organization_id")); + + + +CREATE POLICY "Enable read access for organization members" ON "public"."organizations" FOR SELECT USING ("public"."is_organization_member"("id")); + + + +CREATE POLICY "Enable write access for admins" ON "public"."organization_members" USING ("public"."is_organization_admin"("organization_id")); + + + +CREATE POLICY "Enable write access for organization admins" ON "public"."organizations" USING ("public"."is_organization_admin"("id")); + + + +CREATE POLICY "Organization admins can manage secrets" ON "public"."organization_secrets" USING ("public"."is_organization_admin"("organization_id")); + + + +CREATE POLICY "Organization admins can manage tokens" ON "public"."tokens" USING ("public"."is_organization_admin"("organization_id")); + + + +CREATE POLICY "Organization members can delete their jobs" ON "public"."jobs" FOR DELETE USING ("public"."is_organization_member"("organization_id")); + + + +CREATE POLICY "Organization members can insert jobs" ON "public"."jobs" FOR INSERT WITH CHECK (("organization_id" = "public"."get_organization_from_token"())); + + + +CREATE POLICY "Organization members can read jobs" ON "public"."jobs" FOR SELECT USING ("public"."is_organization_member"("organization_id")); + + + +CREATE POLICY "Organization members can update their jobs" ON "public"."jobs" FOR UPDATE USING ("public"."is_organization_member"("organization_id")); + + + +CREATE POLICY "Organization members can view their tokens" ON "public"."tokens" FOR SELECT USING ("public"."is_organization_member"("organization_id")); + + + +ALTER TABLE "public"."events" ENABLE ROW LEVEL SECURITY; + + +ALTER TABLE "public"."jobs" ENABLE ROW LEVEL SECURITY; + + +ALTER TABLE "public"."organization_members" ENABLE ROW LEVEL SECURITY; + + +ALTER TABLE "public"."organization_secrets" ENABLE ROW LEVEL SECURITY; + + +ALTER TABLE "public"."organizations" ENABLE ROW LEVEL SECURITY; + + +ALTER TABLE "public"."runs" ENABLE ROW LEVEL SECURITY; + + +ALTER TABLE "public"."tokens" ENABLE ROW LEVEL SECURITY; + + +ALTER TABLE "public"."worker" ENABLE ROW LEVEL SECURITY; + + +GRANT USAGE ON SCHEMA "public" TO "postgres"; +GRANT USAGE ON SCHEMA "public" TO "anon"; +GRANT USAGE ON SCHEMA "public" TO "authenticated"; +GRANT USAGE ON SCHEMA "public" TO "service_role"; + + + +GRANT ALL ON TABLE "public"."jobs" TO "anon"; +GRANT ALL ON TABLE "public"."jobs" TO "authenticated"; +GRANT ALL ON TABLE "public"."jobs" TO "service_role"; + + + +GRANT ALL ON FUNCTION "public"."acquire_job"("_job_id" "text", "_worker_id" "text") TO "anon"; +GRANT ALL ON FUNCTION "public"."acquire_job"("_job_id" "text", "_worker_id" "text") TO "authenticated"; +GRANT ALL ON FUNCTION "public"."acquire_job"("_job_id" "text", "_worker_id" "text") TO "service_role"; + + + +GRANT ALL ON FUNCTION "public"."create_organization"("org_name" "text") TO "anon"; +GRANT ALL ON FUNCTION "public"."create_organization"("org_name" "text") TO "authenticated"; +GRANT ALL ON FUNCTION "public"."create_organization"("org_name" "text") TO "service_role"; + + + +GRANT ALL ON FUNCTION "public"."create_service_account_token"("org_id" "uuid", "token_name" "text", "created_by" "uuid", "expires_at" timestamp with time zone) TO "anon"; +GRANT ALL ON FUNCTION "public"."create_service_account_token"("org_id" "uuid", "token_name" "text", "created_by" "uuid", "expires_at" timestamp with time zone) TO "authenticated"; +GRANT ALL ON FUNCTION "public"."create_service_account_token"("org_id" "uuid", "token_name" "text", "created_by" "uuid", "expires_at" timestamp with time zone) TO "service_role"; + + + +GRANT ALL ON FUNCTION "public"."delete_organization_secret"("org_id" "uuid", "secret_name" "text") TO "anon"; +GRANT ALL ON FUNCTION "public"."delete_organization_secret"("org_id" "uuid", "secret_name" "text") TO "authenticated"; +GRANT ALL ON FUNCTION "public"."delete_organization_secret"("org_id" "uuid", "secret_name" "text") TO "service_role"; + + + +GRANT ALL ON FUNCTION "public"."get_jwt_secret"() TO "anon"; +GRANT ALL ON FUNCTION "public"."get_jwt_secret"() TO "authenticated"; +GRANT ALL ON FUNCTION "public"."get_jwt_secret"() TO "service_role"; + + + +GRANT ALL ON FUNCTION "public"."get_organization_from_token"() TO "anon"; +GRANT ALL ON FUNCTION "public"."get_organization_from_token"() TO "authenticated"; +GRANT ALL ON FUNCTION "public"."get_organization_from_token"() TO "service_role"; + + + +GRANT ALL ON FUNCTION "public"."get_organization_members"("org_id" "uuid") TO "anon"; +GRANT ALL ON FUNCTION "public"."get_organization_members"("org_id" "uuid") TO "authenticated"; +GRANT ALL ON FUNCTION "public"."get_organization_members"("org_id" "uuid") TO "service_role"; + + + +GRANT ALL ON FUNCTION "public"."get_path_organization_id"("path" "text") TO "anon"; +GRANT ALL ON FUNCTION "public"."get_path_organization_id"("path" "text") TO "authenticated"; +GRANT ALL ON FUNCTION "public"."get_path_organization_id"("path" "text") TO "service_role"; + + + +GRANT ALL ON FUNCTION "public"."handle_updated_at"() TO "anon"; +GRANT ALL ON FUNCTION "public"."handle_updated_at"() TO "authenticated"; +GRANT ALL ON FUNCTION "public"."handle_updated_at"() TO "service_role"; + + + +GRANT ALL ON FUNCTION "public"."hardware_matches"("worker_hardware" "text", "allowed_hardware" "text"[]) TO "anon"; +GRANT ALL ON FUNCTION "public"."hardware_matches"("worker_hardware" "text", "allowed_hardware" "text"[]) TO "authenticated"; +GRANT ALL ON FUNCTION "public"."hardware_matches"("worker_hardware" "text", "allowed_hardware" "text"[]) TO "service_role"; + + + +GRANT ALL ON FUNCTION "public"."has_organization_access"("org_id" "uuid") TO "anon"; +GRANT ALL ON FUNCTION "public"."has_organization_access"("org_id" "uuid") TO "authenticated"; +GRANT ALL ON FUNCTION "public"."has_organization_access"("org_id" "uuid") TO "service_role"; + + + +GRANT ALL ON FUNCTION "public"."invite_organization_member"("org_id" "uuid", "member_email" character varying, "member_role" "public"."organization_role") TO "anon"; +GRANT ALL ON FUNCTION "public"."invite_organization_member"("org_id" "uuid", "member_email" character varying, "member_role" "public"."organization_role") TO "authenticated"; +GRANT ALL ON FUNCTION "public"."invite_organization_member"("org_id" "uuid", "member_email" character varying, "member_role" "public"."organization_role") TO "service_role"; + + + +GRANT ALL ON FUNCTION "public"."is_organization_admin"("org_id" "uuid") TO "anon"; +GRANT ALL ON FUNCTION "public"."is_organization_admin"("org_id" "uuid") TO "authenticated"; +GRANT ALL ON FUNCTION "public"."is_organization_admin"("org_id" "uuid") TO "service_role"; + + + +GRANT ALL ON FUNCTION "public"."is_organization_member"("org_id" "uuid") TO "anon"; +GRANT ALL ON FUNCTION "public"."is_organization_member"("org_id" "uuid") TO "authenticated"; +GRANT ALL ON FUNCTION "public"."is_organization_member"("org_id" "uuid") TO "service_role"; + + + +GRANT ALL ON FUNCTION "public"."manage_organization_secret"("org_id" "uuid", "secret_name" "text", "secret_value" "text") TO "anon"; +GRANT ALL ON FUNCTION "public"."manage_organization_secret"("org_id" "uuid", "secret_name" "text", "secret_value" "text") TO "authenticated"; +GRANT ALL ON FUNCTION "public"."manage_organization_secret"("org_id" "uuid", "secret_name" "text", "secret_value" "text") TO "service_role"; + + + +GRANT ALL ON FUNCTION "public"."remove_organization_member"("org_id" "uuid", "member_id" "uuid") TO "anon"; +GRANT ALL ON FUNCTION "public"."remove_organization_member"("org_id" "uuid", "member_id" "uuid") TO "authenticated"; +GRANT ALL ON FUNCTION "public"."remove_organization_member"("org_id" "uuid", "member_id" "uuid") TO "service_role"; + + + +GRANT ALL ON FUNCTION "public"."set_deployment_timeout"() TO "anon"; +GRANT ALL ON FUNCTION "public"."set_deployment_timeout"() TO "authenticated"; +GRANT ALL ON FUNCTION "public"."set_deployment_timeout"() TO "service_role"; + + + +GRANT ALL ON FUNCTION "public"."update_job_status_if_in_progress"("_job_id" "text", "_new_status" "text", "_worker_id" "text", "_job_outputs" "jsonb", "_job_script" "text") TO "anon"; +GRANT ALL ON FUNCTION "public"."update_job_status_if_in_progress"("_job_id" "text", "_new_status" "text", "_worker_id" "text", "_job_outputs" "jsonb", "_job_script" "text") TO "authenticated"; +GRANT ALL ON FUNCTION "public"."update_job_status_if_in_progress"("_job_id" "text", "_new_status" "text", "_worker_id" "text", "_job_outputs" "jsonb", "_job_script" "text") TO "service_role"; + + + +GRANT ALL ON FUNCTION "public"."update_organization"("org_id" "uuid", "new_name" "text") TO "anon"; +GRANT ALL ON FUNCTION "public"."update_organization"("org_id" "uuid", "new_name" "text") TO "authenticated"; +GRANT ALL ON FUNCTION "public"."update_organization"("org_id" "uuid", "new_name" "text") TO "service_role"; + + + +GRANT ALL ON TABLE "public"."events" TO "anon"; +GRANT ALL ON TABLE "public"."events" TO "authenticated"; +GRANT ALL ON TABLE "public"."events" TO "service_role"; + + + +GRANT ALL ON SEQUENCE "public"."events_id_seq" TO "anon"; +GRANT ALL ON SEQUENCE "public"."events_id_seq" TO "authenticated"; +GRANT ALL ON SEQUENCE "public"."events_id_seq" TO "service_role"; + + + +GRANT ALL ON TABLE "public"."files" TO "anon"; +GRANT ALL ON TABLE "public"."files" TO "authenticated"; +GRANT ALL ON TABLE "public"."files" TO "service_role"; + + + +GRANT ALL ON TABLE "public"."organization_members" TO "anon"; +GRANT ALL ON TABLE "public"."organization_members" TO "authenticated"; +GRANT ALL ON TABLE "public"."organization_members" TO "service_role"; + + + +GRANT ALL ON TABLE "public"."organization_secrets" TO "anon"; +GRANT ALL ON TABLE "public"."organization_secrets" TO "authenticated"; +GRANT ALL ON TABLE "public"."organization_secrets" TO "service_role"; + + + +GRANT ALL ON TABLE "public"."organizations" TO "anon"; +GRANT ALL ON TABLE "public"."organizations" TO "authenticated"; +GRANT ALL ON TABLE "public"."organizations" TO "service_role"; + + + +GRANT ALL ON TABLE "public"."runs" TO "anon"; +GRANT ALL ON TABLE "public"."runs" TO "authenticated"; +GRANT ALL ON TABLE "public"."runs" TO "service_role"; + + + +GRANT ALL ON SEQUENCE "public"."runs_id_seq" TO "anon"; +GRANT ALL ON SEQUENCE "public"."runs_id_seq" TO "authenticated"; +GRANT ALL ON SEQUENCE "public"."runs_id_seq" TO "service_role"; + + + +GRANT ALL ON TABLE "public"."tokens" TO "anon"; +GRANT ALL ON TABLE "public"."tokens" TO "authenticated"; +GRANT ALL ON TABLE "public"."tokens" TO "service_role"; + + + +GRANT ALL ON TABLE "public"."worker" TO "anon"; +GRANT ALL ON TABLE "public"."worker" TO "authenticated"; +GRANT ALL ON TABLE "public"."worker" TO "service_role"; + + + +ALTER DEFAULT PRIVILEGES FOR ROLE "postgres" IN SCHEMA "public" GRANT ALL ON SEQUENCES TO "postgres"; +ALTER DEFAULT PRIVILEGES FOR ROLE "postgres" IN SCHEMA "public" GRANT ALL ON SEQUENCES TO "anon"; +ALTER DEFAULT PRIVILEGES FOR ROLE "postgres" IN SCHEMA "public" GRANT ALL ON SEQUENCES TO "authenticated"; +ALTER DEFAULT PRIVILEGES FOR ROLE "postgres" IN SCHEMA "public" GRANT ALL ON SEQUENCES TO "service_role"; + + + + + + +ALTER DEFAULT PRIVILEGES FOR ROLE "postgres" IN SCHEMA "public" GRANT ALL ON FUNCTIONS TO "postgres"; +ALTER DEFAULT PRIVILEGES FOR ROLE "postgres" IN SCHEMA "public" GRANT ALL ON FUNCTIONS TO "anon"; +ALTER DEFAULT PRIVILEGES FOR ROLE "postgres" IN SCHEMA "public" GRANT ALL ON FUNCTIONS TO "authenticated"; +ALTER DEFAULT PRIVILEGES FOR ROLE "postgres" IN SCHEMA "public" GRANT ALL ON FUNCTIONS TO "service_role"; + + + + + + +ALTER DEFAULT PRIVILEGES FOR ROLE "postgres" IN SCHEMA "public" GRANT ALL ON TABLES TO "postgres"; +ALTER DEFAULT PRIVILEGES FOR ROLE "postgres" IN SCHEMA "public" GRANT ALL ON TABLES TO "anon"; +ALTER DEFAULT PRIVILEGES FOR ROLE "postgres" IN SCHEMA "public" GRANT ALL ON TABLES TO "authenticated"; +ALTER DEFAULT PRIVILEGES FOR ROLE "postgres" IN SCHEMA "public" GRANT ALL ON TABLES TO "service_role"; + + + + + + +RESET ALL; diff --git a/supabase/config.toml b/supabase/config.toml index 4443c23..7d710c6 100644 --- a/supabase/config.toml +++ b/supabase/config.toml @@ -25,7 +25,7 @@ port = 54322 shadow_port = 54320 # The database major version to use. This has to be the same as your remote database's. Run `SHOW # server_version;` on the remote database to check. -major_version = 15 +major_version = 17 [db.pooler] enabled = false diff --git a/supabase/config.toml.dev b/supabase/config.toml.dev new file mode 100644 index 0000000..7d710c6 --- /dev/null +++ b/supabase/config.toml.dev @@ -0,0 +1,256 @@ +# A string used to distinguish different Supabase projects on the same host. Defaults to the +# working directory name when running `supabase init`. +project_id = "pysdk" + +[api] +enabled = true +# Port to use for the API URL. +port = 54321 +# Schemas to expose in your API. Tables, views and stored procedures in this schema will get API +# endpoints. `public` is always included. +schemas = ["public", "graphql_public"] +# Extra schemas to add to the search_path of every request. `public` is always included. +extra_search_path = ["public", "extensions"] +# The maximum number of rows returns from a view, table, or stored procedure. Limits payload size +# for accidental or malicious requests. +max_rows = 1000 + +[api.tls] +enabled = false + +[db] +# Port to use for the local database URL. +port = 54322 +# Port used by db diff command to initialize the shadow database. +shadow_port = 54320 +# The database major version to use. This has to be the same as your remote database's. Run `SHOW +# server_version;` on the remote database to check. +major_version = 17 + +[db.pooler] +enabled = false +# Port to use for the local connection pooler. +port = 54329 +# Specifies when a server connection can be reused by other clients. +# Configure one of the supported pooler modes: `transaction`, `session`. +pool_mode = "transaction" +# How many server connections to allow per user/database pair. +default_pool_size = 20 +# Maximum number of client connections allowed. +max_client_conn = 100 + +[db.seed] +# If enabled, seeds the database after migrations during a db reset. +enabled = true +# Specifies an ordered list of seed files to load during db reset. +# Supports glob patterns relative to supabase directory. For example: +# sql_paths = ['./seeds/*.sql', '../project-src/seeds/*-load-testing.sql'] +sql_paths = ['./seed.sql'] + +[realtime] +enabled = true +# Bind realtime via either IPv4 or IPv6. (default: IPv4) +# ip_version = "IPv6" +# The maximum length in bytes of HTTP request headers. (default: 4096) +# max_header_length = 4096 + +[studio] +enabled = true +# Port to use for Supabase Studio. +port = 54323 +# External URL of the API server that frontend connects to. +api_url = "http://127.0.0.1" +# OpenAI API Key to use for Supabase AI in the Supabase Studio. +openai_api_key = "env(OPENAI_API_KEY)" + +# Email testing server. Emails sent with the local dev setup are not actually sent - rather, they +# are monitored, and you can view the emails that would have been sent from the web interface. +[inbucket] +enabled = true +# Port to use for the email testing server web interface. +port = 54324 +# Uncomment to expose additional ports for testing user applications that send emails. +# smtp_port = 54325 +# pop3_port = 54326 + +[storage] +enabled = true +# The maximum file size allowed (e.g. "5MB", "500KB"). +file_size_limit = "50MiB" + +[storage.image_transformation] +enabled = true + +# Uncomment to configure local storage buckets +# [storage.buckets.images] +# public = false +# file_size_limit = "50MiB" +# allowed_mime_types = ["image/png", "image/jpeg"] +# objects_path = "./images" + +[auth] +enabled = true +# The base URL of your website. Used as an allow-list for redirects and for constructing URLs used +# in emails. +site_url = "http://127.0.0.1:3000" +# A list of *exact* URLs that auth providers are permitted to redirect to post authentication. +additional_redirect_urls = ["https://127.0.0.1:3000"] +# How long tokens are valid for, in seconds. Defaults to 3600 (1 hour), maximum 604,800 (1 week). +jwt_expiry = 3600 +# If disabled, the refresh token will never expire. +enable_refresh_token_rotation = true +# Allows refresh tokens to be reused after expiry, up to the specified interval in seconds. +# Requires enable_refresh_token_rotation = true. +refresh_token_reuse_interval = 10 +# Allow/disallow new user signups to your project. +enable_signup = true +# Allow/disallow anonymous sign-ins to your project. +enable_anonymous_sign_ins = false +# Allow/disallow testing manual linking of accounts +enable_manual_linking = false + +[auth.email] +# Allow/disallow new user signups via email to your project. +enable_signup = true +# If enabled, a user will be required to confirm any email change on both the old, and new email +# addresses. If disabled, only the new email is required to confirm. +double_confirm_changes = true +# If enabled, users need to confirm their email address before signing in. +enable_confirmations = false +# If enabled, users will need to reauthenticate or have logged in recently to change their password. +secure_password_change = false +# Controls the minimum amount of time that must pass before sending another signup confirmation or password reset email. +max_frequency = "1s" +# Number of characters used in the email OTP. +otp_length = 6 +# Number of seconds before the email OTP expires (defaults to 1 hour). +otp_expiry = 3600 + +# Use a production-ready SMTP server +# [auth.email.smtp] +# host = "smtp.sendgrid.net" +# port = 587 +# user = "apikey" +# pass = "env(SENDGRID_API_KEY)" +# admin_email = "admin@email.com" +# sender_name = "Admin" + +# Uncomment to customize email template +# [auth.email.template.invite] +# subject = "You have been invited" +# content_path = "./supabase/templates/invite.html" + +[auth.sms] +# Allow/disallow new user signups via SMS to your project. +enable_signup = false +# If enabled, users need to confirm their phone number before signing in. +enable_confirmations = false +# Template for sending OTP to users +template = "Your code is {{ .Code }} ." +# Controls the minimum amount of time that must pass before sending another sms otp. +max_frequency = "5s" + +# Use pre-defined map of phone number to OTP for testing. +# [auth.sms.test_otp] +# 4152127777 = "123456" + +# Configure logged in session timeouts. +# [auth.sessions] +# Force log out after the specified duration. +# timebox = "24h" +# Force log out if the user has been inactive longer than the specified duration. +# inactivity_timeout = "8h" + +# This hook runs before a token is issued and allows you to add additional claims based on the authentication method used. +# [auth.hook.custom_access_token] +# enabled = true +# uri = "pg-functions:////" + +# Configure one of the supported SMS providers: `twilio`, `twilio_verify`, `messagebird`, `textlocal`, `vonage`. +[auth.sms.twilio] +enabled = false +account_sid = "" +message_service_sid = "" +# DO NOT commit your Twilio auth token to git. Use environment variable substitution instead: +auth_token = "env(SUPABASE_AUTH_SMS_TWILIO_AUTH_TOKEN)" + +[auth.mfa] +# Control how many MFA factors can be enrolled at once per user. +max_enrolled_factors = 10 + +# Control use of MFA via App Authenticator (TOTP) +[auth.mfa.totp] +enroll_enabled = true +verify_enabled = true + +# Configure Multi-factor-authentication via Phone Messaging +# [auth.mfa.phone] +# enroll_enabled = true +# verify_enabled = true +# otp_length = 6 +# template = "Your code is {{ .Code }} ." +# max_frequency = "10s" + +# Configure Multi-factor-authentication via WebAuthn +# [auth.mfa.web_authn] +# enroll_enabled = true +# verify_enabled = true + +# Use an external OAuth provider. The full list of providers are: `apple`, `azure`, `bitbucket`, +# `discord`, `facebook`, `github`, `gitlab`, `google`, `keycloak`, `linkedin_oidc`, `notion`, `twitch`, +# `twitter`, `slack`, `spotify`, `workos`, `zoom`. +[auth.external.apple] +enabled = false +client_id = "" +# DO NOT commit your OAuth provider secret to git. Use environment variable substitution instead: +secret = "env(SUPABASE_AUTH_EXTERNAL_APPLE_SECRET)" +# Overrides the default auth redirectUrl. +redirect_uri = "" +# Overrides the default auth provider URL. Used to support self-hosted gitlab, single-tenant Azure, +# or any other third-party OIDC providers. +url = "" +# If enabled, the nonce check will be skipped. Required for local sign in with Google auth. +skip_nonce_check = false + +# Use Firebase Auth as a third-party provider alongside Supabase Auth. +[auth.third_party.firebase] +enabled = false +# project_id = "my-firebase-project" + +# Use Auth0 as a third-party provider alongside Supabase Auth. +[auth.third_party.auth0] +enabled = false +# tenant = "my-auth0-tenant" +# tenant_region = "us" + +# Use AWS Cognito (Amplify) as a third-party provider alongside Supabase Auth. +[auth.third_party.aws_cognito] +enabled = false +# user_pool_id = "my-user-pool-id" +# user_pool_region = "us-east-1" + +[edge_runtime] +enabled = true +# Configure one of the supported request policies: `oneshot`, `per_worker`. +# Use `oneshot` for hot reload, or `per_worker` for load testing. +policy = "oneshot" +inspector_port = 8083 + +[analytics] +enabled = true +port = 54327 +# Configure one of the supported backends: `postgres`, `bigquery`. +backend = "postgres" + +# Experimental features may be deprecated any time +[experimental] +# Configures Postgres storage engine to use OrioleDB (S3) +orioledb_version = "" +# Configures S3 bucket URL, eg. .s3-.amazonaws.com +s3_host = "env(S3_HOST)" +# Configures S3 bucket region, eg. us-east-1 +s3_region = "env(S3_REGION)" +# Configures AWS_ACCESS_KEY_ID for S3 bucket +s3_access_key = "env(S3_ACCESS_KEY)" +# Configures AWS_SECRET_ACCESS_KEY for S3 bucket +s3_secret_key = "env(S3_SECRET_KEY)" diff --git a/supabase/config.toml.legacy b/supabase/config.toml.legacy new file mode 100644 index 0000000..4443c23 --- /dev/null +++ b/supabase/config.toml.legacy @@ -0,0 +1,256 @@ +# A string used to distinguish different Supabase projects on the same host. Defaults to the +# working directory name when running `supabase init`. +project_id = "pysdk" + +[api] +enabled = true +# Port to use for the API URL. +port = 54321 +# Schemas to expose in your API. Tables, views and stored procedures in this schema will get API +# endpoints. `public` is always included. +schemas = ["public", "graphql_public"] +# Extra schemas to add to the search_path of every request. `public` is always included. +extra_search_path = ["public", "extensions"] +# The maximum number of rows returns from a view, table, or stored procedure. Limits payload size +# for accidental or malicious requests. +max_rows = 1000 + +[api.tls] +enabled = false + +[db] +# Port to use for the local database URL. +port = 54322 +# Port used by db diff command to initialize the shadow database. +shadow_port = 54320 +# The database major version to use. This has to be the same as your remote database's. Run `SHOW +# server_version;` on the remote database to check. +major_version = 15 + +[db.pooler] +enabled = false +# Port to use for the local connection pooler. +port = 54329 +# Specifies when a server connection can be reused by other clients. +# Configure one of the supported pooler modes: `transaction`, `session`. +pool_mode = "transaction" +# How many server connections to allow per user/database pair. +default_pool_size = 20 +# Maximum number of client connections allowed. +max_client_conn = 100 + +[db.seed] +# If enabled, seeds the database after migrations during a db reset. +enabled = true +# Specifies an ordered list of seed files to load during db reset. +# Supports glob patterns relative to supabase directory. For example: +# sql_paths = ['./seeds/*.sql', '../project-src/seeds/*-load-testing.sql'] +sql_paths = ['./seed.sql'] + +[realtime] +enabled = true +# Bind realtime via either IPv4 or IPv6. (default: IPv4) +# ip_version = "IPv6" +# The maximum length in bytes of HTTP request headers. (default: 4096) +# max_header_length = 4096 + +[studio] +enabled = true +# Port to use for Supabase Studio. +port = 54323 +# External URL of the API server that frontend connects to. +api_url = "http://127.0.0.1" +# OpenAI API Key to use for Supabase AI in the Supabase Studio. +openai_api_key = "env(OPENAI_API_KEY)" + +# Email testing server. Emails sent with the local dev setup are not actually sent - rather, they +# are monitored, and you can view the emails that would have been sent from the web interface. +[inbucket] +enabled = true +# Port to use for the email testing server web interface. +port = 54324 +# Uncomment to expose additional ports for testing user applications that send emails. +# smtp_port = 54325 +# pop3_port = 54326 + +[storage] +enabled = true +# The maximum file size allowed (e.g. "5MB", "500KB"). +file_size_limit = "50MiB" + +[storage.image_transformation] +enabled = true + +# Uncomment to configure local storage buckets +# [storage.buckets.images] +# public = false +# file_size_limit = "50MiB" +# allowed_mime_types = ["image/png", "image/jpeg"] +# objects_path = "./images" + +[auth] +enabled = true +# The base URL of your website. Used as an allow-list for redirects and for constructing URLs used +# in emails. +site_url = "http://127.0.0.1:3000" +# A list of *exact* URLs that auth providers are permitted to redirect to post authentication. +additional_redirect_urls = ["https://127.0.0.1:3000"] +# How long tokens are valid for, in seconds. Defaults to 3600 (1 hour), maximum 604,800 (1 week). +jwt_expiry = 3600 +# If disabled, the refresh token will never expire. +enable_refresh_token_rotation = true +# Allows refresh tokens to be reused after expiry, up to the specified interval in seconds. +# Requires enable_refresh_token_rotation = true. +refresh_token_reuse_interval = 10 +# Allow/disallow new user signups to your project. +enable_signup = true +# Allow/disallow anonymous sign-ins to your project. +enable_anonymous_sign_ins = false +# Allow/disallow testing manual linking of accounts +enable_manual_linking = false + +[auth.email] +# Allow/disallow new user signups via email to your project. +enable_signup = true +# If enabled, a user will be required to confirm any email change on both the old, and new email +# addresses. If disabled, only the new email is required to confirm. +double_confirm_changes = true +# If enabled, users need to confirm their email address before signing in. +enable_confirmations = false +# If enabled, users will need to reauthenticate or have logged in recently to change their password. +secure_password_change = false +# Controls the minimum amount of time that must pass before sending another signup confirmation or password reset email. +max_frequency = "1s" +# Number of characters used in the email OTP. +otp_length = 6 +# Number of seconds before the email OTP expires (defaults to 1 hour). +otp_expiry = 3600 + +# Use a production-ready SMTP server +# [auth.email.smtp] +# host = "smtp.sendgrid.net" +# port = 587 +# user = "apikey" +# pass = "env(SENDGRID_API_KEY)" +# admin_email = "admin@email.com" +# sender_name = "Admin" + +# Uncomment to customize email template +# [auth.email.template.invite] +# subject = "You have been invited" +# content_path = "./supabase/templates/invite.html" + +[auth.sms] +# Allow/disallow new user signups via SMS to your project. +enable_signup = false +# If enabled, users need to confirm their phone number before signing in. +enable_confirmations = false +# Template for sending OTP to users +template = "Your code is {{ .Code }} ." +# Controls the minimum amount of time that must pass before sending another sms otp. +max_frequency = "5s" + +# Use pre-defined map of phone number to OTP for testing. +# [auth.sms.test_otp] +# 4152127777 = "123456" + +# Configure logged in session timeouts. +# [auth.sessions] +# Force log out after the specified duration. +# timebox = "24h" +# Force log out if the user has been inactive longer than the specified duration. +# inactivity_timeout = "8h" + +# This hook runs before a token is issued and allows you to add additional claims based on the authentication method used. +# [auth.hook.custom_access_token] +# enabled = true +# uri = "pg-functions:////" + +# Configure one of the supported SMS providers: `twilio`, `twilio_verify`, `messagebird`, `textlocal`, `vonage`. +[auth.sms.twilio] +enabled = false +account_sid = "" +message_service_sid = "" +# DO NOT commit your Twilio auth token to git. Use environment variable substitution instead: +auth_token = "env(SUPABASE_AUTH_SMS_TWILIO_AUTH_TOKEN)" + +[auth.mfa] +# Control how many MFA factors can be enrolled at once per user. +max_enrolled_factors = 10 + +# Control use of MFA via App Authenticator (TOTP) +[auth.mfa.totp] +enroll_enabled = true +verify_enabled = true + +# Configure Multi-factor-authentication via Phone Messaging +# [auth.mfa.phone] +# enroll_enabled = true +# verify_enabled = true +# otp_length = 6 +# template = "Your code is {{ .Code }} ." +# max_frequency = "10s" + +# Configure Multi-factor-authentication via WebAuthn +# [auth.mfa.web_authn] +# enroll_enabled = true +# verify_enabled = true + +# Use an external OAuth provider. The full list of providers are: `apple`, `azure`, `bitbucket`, +# `discord`, `facebook`, `github`, `gitlab`, `google`, `keycloak`, `linkedin_oidc`, `notion`, `twitch`, +# `twitter`, `slack`, `spotify`, `workos`, `zoom`. +[auth.external.apple] +enabled = false +client_id = "" +# DO NOT commit your OAuth provider secret to git. Use environment variable substitution instead: +secret = "env(SUPABASE_AUTH_EXTERNAL_APPLE_SECRET)" +# Overrides the default auth redirectUrl. +redirect_uri = "" +# Overrides the default auth provider URL. Used to support self-hosted gitlab, single-tenant Azure, +# or any other third-party OIDC providers. +url = "" +# If enabled, the nonce check will be skipped. Required for local sign in with Google auth. +skip_nonce_check = false + +# Use Firebase Auth as a third-party provider alongside Supabase Auth. +[auth.third_party.firebase] +enabled = false +# project_id = "my-firebase-project" + +# Use Auth0 as a third-party provider alongside Supabase Auth. +[auth.third_party.auth0] +enabled = false +# tenant = "my-auth0-tenant" +# tenant_region = "us" + +# Use AWS Cognito (Amplify) as a third-party provider alongside Supabase Auth. +[auth.third_party.aws_cognito] +enabled = false +# user_pool_id = "my-user-pool-id" +# user_pool_region = "us-east-1" + +[edge_runtime] +enabled = true +# Configure one of the supported request policies: `oneshot`, `per_worker`. +# Use `oneshot` for hot reload, or `per_worker` for load testing. +policy = "oneshot" +inspector_port = 8083 + +[analytics] +enabled = true +port = 54327 +# Configure one of the supported backends: `postgres`, `bigquery`. +backend = "postgres" + +# Experimental features may be deprecated any time +[experimental] +# Configures Postgres storage engine to use OrioleDB (S3) +orioledb_version = "" +# Configures S3 bucket URL, eg. .s3-.amazonaws.com +s3_host = "env(S3_HOST)" +# Configures S3 bucket region, eg. us-east-1 +s3_region = "env(S3_REGION)" +# Configures AWS_ACCESS_KEY_ID for S3 bucket +s3_access_key = "env(S3_ACCESS_KEY)" +# Configures AWS_SECRET_ACCESS_KEY for S3 bucket +s3_secret_key = "env(S3_SECRET_KEY)" diff --git a/supabase/migrations/20241120094415_remote_schema.sql b/supabase/migrations/20241120094415_remote_schema.sql deleted file mode 100644 index d09ba13..0000000 --- a/supabase/migrations/20241120094415_remote_schema.sql +++ /dev/null @@ -1,161 +0,0 @@ - -SET statement_timeout = 0; -SET lock_timeout = 0; -SET idle_in_transaction_session_timeout = 0; -SET client_encoding = 'UTF8'; -SET standard_conforming_strings = on; -SELECT pg_catalog.set_config('search_path', '', false); -SET check_function_bodies = false; -SET xmloption = content; -SET client_min_messages = warning; -SET row_security = off; -CREATE EXTENSION IF NOT EXISTS "pgsodium" WITH SCHEMA "pgsodium"; -COMMENT ON SCHEMA "public" IS 'standard public schema'; -CREATE EXTENSION IF NOT EXISTS "pg_graphql" WITH SCHEMA "graphql"; -CREATE EXTENSION IF NOT EXISTS "pg_stat_statements" WITH SCHEMA "extensions"; -CREATE EXTENSION IF NOT EXISTS "pgcrypto" WITH SCHEMA "extensions"; -CREATE EXTENSION IF NOT EXISTS "pgjwt" WITH SCHEMA "extensions"; -CREATE EXTENSION IF NOT EXISTS "supabase_vault" WITH SCHEMA "vault"; -CREATE EXTENSION IF NOT EXISTS "uuid-ossp" WITH SCHEMA "extensions"; -CREATE TYPE "public"."job_status" AS ENUM ( - 'pending', - 'in_progress', - 'completed', - 'failed', - 'canceled' -); -ALTER TYPE "public"."job_status" OWNER TO "postgres"; -CREATE TYPE "public"."job_type" AS ENUM ( - 'fine-tuning', - 'inference', - 'script' -); -ALTER TYPE "public"."job_type" OWNER TO "postgres"; -SET default_tablespace = ''; -SET default_table_access_method = "heap"; -CREATE TABLE IF NOT EXISTS "public"."events" ( - "id" integer NOT NULL, - "run_id" integer, - "created_at" timestamp with time zone DEFAULT CURRENT_TIMESTAMP, - "data" "jsonb" NOT NULL, - "file" "text" -); -ALTER TABLE "public"."events" OWNER TO "postgres"; -CREATE SEQUENCE IF NOT EXISTS "public"."events_id_seq" - AS integer - START WITH 1 - INCREMENT BY 1 - NO MINVALUE - NO MAXVALUE - CACHE 1; -ALTER TABLE "public"."events_id_seq" OWNER TO "postgres"; -ALTER SEQUENCE "public"."events_id_seq" OWNED BY "public"."events"."id"; -CREATE TABLE IF NOT EXISTS "public"."files" ( - "id" "text" NOT NULL, - "created_at" timestamp with time zone DEFAULT CURRENT_TIMESTAMP, - "filename" "text" NOT NULL, - "purpose" "text" NOT NULL, - "bytes" integer NOT NULL -); -ALTER TABLE "public"."files" OWNER TO "postgres"; -CREATE TABLE IF NOT EXISTS "public"."jobs" ( - "id" "text" NOT NULL, - "created_at" timestamp with time zone DEFAULT CURRENT_TIMESTAMP, - "type" "public"."job_type" NOT NULL, - "model" "text", - "params" "jsonb", - "script" "text", - "outputs" "jsonb", - "requires_vram_gb" integer DEFAULT 24, - "status" "public"."job_status" DEFAULT 'pending'::"public"."job_status", - "worker_id" "text" -); -ALTER TABLE "public"."jobs" OWNER TO "postgres"; -CREATE TABLE IF NOT EXISTS "public"."runs" ( - "id" integer NOT NULL, - "job_id" "text", - "worker_id" "text", - "created_at" timestamp with time zone DEFAULT CURRENT_TIMESTAMP, - "status" "public"."job_status", - "log_file" "text" -); -ALTER TABLE "public"."runs" OWNER TO "postgres"; -CREATE SEQUENCE IF NOT EXISTS "public"."runs_id_seq" - AS integer - START WITH 1 - INCREMENT BY 1 - NO MINVALUE - NO MAXVALUE - CACHE 1; -ALTER TABLE "public"."runs_id_seq" OWNER TO "postgres"; -ALTER SEQUENCE "public"."runs_id_seq" OWNED BY "public"."runs"."id"; -CREATE TABLE IF NOT EXISTS "public"."worker" ( - "id" "text" NOT NULL, - "created_at" timestamp with time zone DEFAULT CURRENT_TIMESTAMP, - "status" "text", - "cached_models" "text"[], - "vram_gb" integer, - "pod_id" "text", - "ping" timestamp with time zone -); -ALTER TABLE "public"."worker" OWNER TO "postgres"; -ALTER TABLE ONLY "public"."events" ALTER COLUMN "id" SET DEFAULT "nextval"('"public"."events_id_seq"'::"regclass"); -ALTER TABLE ONLY "public"."runs" ALTER COLUMN "id" SET DEFAULT "nextval"('"public"."runs_id_seq"'::"regclass"); -ALTER TABLE ONLY "public"."events" - ADD CONSTRAINT "events_pkey" PRIMARY KEY ("id"); -ALTER TABLE ONLY "public"."files" - ADD CONSTRAINT "files_pkey" PRIMARY KEY ("id"); -ALTER TABLE ONLY "public"."jobs" - ADD CONSTRAINT "jobs_pkey" PRIMARY KEY ("id"); -ALTER TABLE ONLY "public"."runs" - ADD CONSTRAINT "runs_pkey" PRIMARY KEY ("id"); -ALTER TABLE ONLY "public"."worker" - ADD CONSTRAINT "worker_pkey" PRIMARY KEY ("id"); -CREATE INDEX "events_run_id_idx" ON "public"."events" USING "btree" ("run_id"); -ALTER TABLE ONLY "public"."events" - ADD CONSTRAINT "events_run_id_fkey" FOREIGN KEY ("run_id") REFERENCES "public"."runs"("id") ON DELETE CASCADE; -ALTER TABLE ONLY "public"."jobs" - ADD CONSTRAINT "jobs_worker_id_fkey" FOREIGN KEY ("worker_id") REFERENCES "public"."worker"("id"); -ALTER TABLE ONLY "public"."runs" - ADD CONSTRAINT "runs_job_id_fkey" FOREIGN KEY ("job_id") REFERENCES "public"."jobs"("id") ON DELETE CASCADE; -ALTER TABLE ONLY "public"."runs" - ADD CONSTRAINT "runs_worker_id_fkey" FOREIGN KEY ("worker_id") REFERENCES "public"."worker"("id") ON DELETE SET NULL; -ALTER PUBLICATION "supabase_realtime" OWNER TO "postgres"; -GRANT USAGE ON SCHEMA "public" TO "postgres"; -GRANT USAGE ON SCHEMA "public" TO "anon"; -GRANT USAGE ON SCHEMA "public" TO "authenticated"; -GRANT USAGE ON SCHEMA "public" TO "service_role"; -GRANT ALL ON TABLE "public"."events" TO "anon"; -GRANT ALL ON TABLE "public"."events" TO "authenticated"; -GRANT ALL ON TABLE "public"."events" TO "service_role"; -GRANT ALL ON SEQUENCE "public"."events_id_seq" TO "anon"; -GRANT ALL ON SEQUENCE "public"."events_id_seq" TO "authenticated"; -GRANT ALL ON SEQUENCE "public"."events_id_seq" TO "service_role"; -GRANT ALL ON TABLE "public"."files" TO "anon"; -GRANT ALL ON TABLE "public"."files" TO "authenticated"; -GRANT ALL ON TABLE "public"."files" TO "service_role"; -GRANT ALL ON TABLE "public"."jobs" TO "anon"; -GRANT ALL ON TABLE "public"."jobs" TO "authenticated"; -GRANT ALL ON TABLE "public"."jobs" TO "service_role"; -GRANT ALL ON TABLE "public"."runs" TO "anon"; -GRANT ALL ON TABLE "public"."runs" TO "authenticated"; -GRANT ALL ON TABLE "public"."runs" TO "service_role"; -GRANT ALL ON SEQUENCE "public"."runs_id_seq" TO "anon"; -GRANT ALL ON SEQUENCE "public"."runs_id_seq" TO "authenticated"; -GRANT ALL ON SEQUENCE "public"."runs_id_seq" TO "service_role"; -GRANT ALL ON TABLE "public"."worker" TO "anon"; -GRANT ALL ON TABLE "public"."worker" TO "authenticated"; -GRANT ALL ON TABLE "public"."worker" TO "service_role"; -ALTER DEFAULT PRIVILEGES FOR ROLE "postgres" IN SCHEMA "public" GRANT ALL ON SEQUENCES TO "postgres"; -ALTER DEFAULT PRIVILEGES FOR ROLE "postgres" IN SCHEMA "public" GRANT ALL ON SEQUENCES TO "anon"; -ALTER DEFAULT PRIVILEGES FOR ROLE "postgres" IN SCHEMA "public" GRANT ALL ON SEQUENCES TO "authenticated"; -ALTER DEFAULT PRIVILEGES FOR ROLE "postgres" IN SCHEMA "public" GRANT ALL ON SEQUENCES TO "service_role"; -ALTER DEFAULT PRIVILEGES FOR ROLE "postgres" IN SCHEMA "public" GRANT ALL ON FUNCTIONS TO "postgres"; -ALTER DEFAULT PRIVILEGES FOR ROLE "postgres" IN SCHEMA "public" GRANT ALL ON FUNCTIONS TO "anon"; -ALTER DEFAULT PRIVILEGES FOR ROLE "postgres" IN SCHEMA "public" GRANT ALL ON FUNCTIONS TO "authenticated"; -ALTER DEFAULT PRIVILEGES FOR ROLE "postgres" IN SCHEMA "public" GRANT ALL ON FUNCTIONS TO "service_role"; -ALTER DEFAULT PRIVILEGES FOR ROLE "postgres" IN SCHEMA "public" GRANT ALL ON TABLES TO "postgres"; -ALTER DEFAULT PRIVILEGES FOR ROLE "postgres" IN SCHEMA "public" GRANT ALL ON TABLES TO "anon"; -ALTER DEFAULT PRIVILEGES FOR ROLE "postgres" IN SCHEMA "public" GRANT ALL ON TABLES TO "authenticated"; -ALTER DEFAULT PRIVILEGES FOR ROLE "postgres" IN SCHEMA "public" GRANT ALL ON TABLES TO "service_role"; -RESET ALL; diff --git a/supabase/migrations/20241120161019_add_gpu_columns.sql b/supabase/migrations/20241120161019_add_gpu_columns.sql deleted file mode 100644 index 1bd08b8..0000000 --- a/supabase/migrations/20241120161019_add_gpu_columns.sql +++ /dev/null @@ -1,9 +0,0 @@ --- Add gpu_type and gpu_count columns to worker table -ALTER TABLE "public"."worker" - ADD COLUMN "gpu_type" text, - ADD COLUMN "gpu_count" integer; - --- Grant permissions to match existing table permissions -GRANT ALL ON TABLE "public"."worker" TO "anon"; -GRANT ALL ON TABLE "public"."worker" TO "authenticated"; -GRANT ALL ON TABLE "public"."worker" TO "service_role"; diff --git a/supabase/migrations/20241127132826_add_docker_image.sql b/supabase/migrations/20241127132826_add_docker_image.sql deleted file mode 100644 index cee7c2e..0000000 --- a/supabase/migrations/20241127132826_add_docker_image.sql +++ /dev/null @@ -1,8 +0,0 @@ --- Add docker_image column to jobs table -ALTER TABLE "public"."jobs" - ADD COLUMN "docker_image" text; - --- Grant permissions to match existing table permissions -GRANT ALL ON TABLE "public"."jobs" TO "anon"; -GRANT ALL ON TABLE "public"."jobs" TO "authenticated"; -GRANT ALL ON TABLE "public"."jobs" TO "service_role"; diff --git a/supabase/migrations/20241127153031_add_docker_image_to_workers.sql b/supabase/migrations/20241127153031_add_docker_image_to_workers.sql deleted file mode 100644 index b71cdfb..0000000 --- a/supabase/migrations/20241127153031_add_docker_image_to_workers.sql +++ /dev/null @@ -1 +0,0 @@ -alter table "public"."worker" add column "docker_image" text; diff --git a/supabase/migrations/20241202233213_add_updated_at_columns.sql b/supabase/migrations/20241202233213_add_updated_at_columns.sql deleted file mode 100644 index 592b049..0000000 --- a/supabase/migrations/20241202233213_add_updated_at_columns.sql +++ /dev/null @@ -1,52 +0,0 @@ --- Add updated_at columns to tables -ALTER TABLE "public"."worker" - ADD COLUMN "updated_at" timestamp with time zone DEFAULT CURRENT_TIMESTAMP; - -ALTER TABLE "public"."jobs" - ADD COLUMN "updated_at" timestamp with time zone DEFAULT CURRENT_TIMESTAMP; - -ALTER TABLE "public"."runs" - ADD COLUMN "updated_at" timestamp with time zone DEFAULT CURRENT_TIMESTAMP; - --- Update existing rows to set updated_at = created_at -UPDATE "public"."worker" SET "updated_at" = "created_at"; -UPDATE "public"."jobs" SET "updated_at" = "created_at"; -UPDATE "public"."runs" SET "updated_at" = "created_at"; - --- Create a function to automatically set updated_at -CREATE OR REPLACE FUNCTION public.handle_updated_at() -RETURNS TRIGGER AS $$ -BEGIN - NEW.updated_at = CURRENT_TIMESTAMP; - RETURN NEW; -END; -$$ language 'plpgsql'; - --- Create triggers for each table -CREATE TRIGGER set_updated_at_worker - BEFORE UPDATE ON public.worker - FOR EACH ROW - EXECUTE FUNCTION public.handle_updated_at(); - -CREATE TRIGGER set_updated_at_jobs - BEFORE UPDATE ON public.jobs - FOR EACH ROW - EXECUTE FUNCTION public.handle_updated_at(); - -CREATE TRIGGER set_updated_at_runs - BEFORE UPDATE ON public.runs - FOR EACH ROW - EXECUTE FUNCTION public.handle_updated_at(); - --- Grant permissions to match existing table permissions -GRANT ALL ON TABLE "public"."worker" TO "anon"; -GRANT ALL ON TABLE "public"."worker" TO "authenticated"; -GRANT ALL ON TABLE "public"."worker" TO "service_role"; - -GRANT ALL ON TABLE "public"."jobs" TO "anon"; -GRANT ALL ON TABLE "public"."jobs" TO "authenticated"; -GRANT ALL ON TABLE "public"."jobs" TO "service_role"; - -GRANT ALL ON TABLE "public"."runs" TO "anon"; -GRANT ALL ON TABLE "public"."runs" TO "authenticated"; -GRANT ALL ON TABLE "public"."runs" TO "service_role"; diff --git a/supabase/migrations/20241203000542_add_api_job_type.sql b/supabase/migrations/20241203000542_add_api_job_type.sql deleted file mode 100644 index fd1e4b7..0000000 --- a/supabase/migrations/20241203000542_add_api_job_type.sql +++ /dev/null @@ -1,2 +0,0 @@ --- Add 'api' to the job_type enum -ALTER TYPE "public"."job_type" ADD VALUE IF NOT EXISTS 'api'; diff --git a/supabase/migrations/20241205000000_add_organizations.sql b/supabase/migrations/20241205000000_add_organizations.sql deleted file mode 100644 index 5340727..0000000 --- a/supabase/migrations/20241205000000_add_organizations.sql +++ /dev/null @@ -1,67 +0,0 @@ --- Create role enum type -create type "public"."organization_role" as enum ('admin', 'user'); - --- Create organizations table -create table if not exists "public"."organizations" ( - "id" uuid not null default gen_random_uuid(), - "created_at" timestamp with time zone default timezone('utc'::text, now()) not null, - "updated_at" timestamp with time zone default timezone('utc'::text, now()) not null, - "name" text not null, - primary key (id) -); - --- Create organization_members junction table with role -create table if not exists "public"."organization_members" ( - "organization_id" uuid not null references organizations(id) on delete cascade, - "user_id" uuid not null references auth.users(id) on delete cascade, - "role" organization_role not null default 'user', - "created_at" timestamp with time zone default timezone('utc'::text, now()) not null, - primary key (organization_id, user_id) -); - --- Create a default organization for existing data -insert into "public"."organizations" (id, name) -values ('00000000-0000-0000-0000-000000000000', 'Default Organization'); - --- Add organization ownership to jobs and workers -alter table "public"."jobs" - add column "organization_id" uuid references organizations(id) on delete cascade; - -alter table "public"."worker" - add column "organization_id" uuid references organizations(id) on delete cascade; - --- Migrate existing jobs and workers to default organization -update "public"."jobs" -set "organization_id" = '00000000-0000-0000-0000-000000000000' -where "organization_id" is null; - -update "public"."worker" -set "organization_id" = '00000000-0000-0000-0000-000000000000' -where "organization_id" is null; - --- Make organization_id not null after migration -alter table "public"."jobs" - alter column "organization_id" set not null; - -alter table "public"."worker" - alter column "organization_id" set not null; - --- Enable RLS on all tables -alter table "public"."organizations" enable row level security; -alter table "public"."organization_members" enable row level security; -alter table "public"."jobs" enable row level security; -alter table "public"."runs" enable row level security; -alter table "public"."worker" enable row level security; -alter table "public"."events" enable row level security; - --- Grant permissions -grant usage on schema public to postgres, anon, authenticated, service_role; -grant all privileges on all tables in schema public to postgres, service_role; -grant all privileges on all sequences in schema public to postgres, service_role; -grant select, insert, update, delete on all tables in schema public to authenticated; - --- Add updated_at trigger for organizations -create trigger set_updated_at_organizations - before update on public.organizations - for each row - execute function public.handle_updated_at(); diff --git a/supabase/migrations/20241205000001_add_organization_functions.sql b/supabase/migrations/20241205000001_add_organization_functions.sql deleted file mode 100644 index fa48d20..0000000 --- a/supabase/migrations/20241205000001_add_organization_functions.sql +++ /dev/null @@ -1,124 +0,0 @@ --- Function to check if user has organization access -create or replace function is_organization_member(org_id uuid) -returns boolean -language plpgsql -security definer -as $$ -begin - -- Check if user is a member of the organization - return exists ( - select 1 - from organization_members - where organization_id = org_id - and user_id = auth.uid() - ); -end; -$$; - --- Function to check if user is an admin -create or replace function is_organization_admin(org_id uuid) -returns boolean -language plpgsql -security definer -as $$ -begin - -- Check if user is an admin of the organization - return exists ( - select 1 - from organization_members - where organization_id = org_id - and user_id = auth.uid() - and role = 'admin' - ); -end; -$$; - --- Function to get organization members -create or replace function get_organization_members(org_id uuid) -returns table ( - user_id uuid, - email varchar(255), - role public.organization_role -) security definer -set search_path = public -language plpgsql -as $$ -begin - return query - select - om.user_id, - au.email, - om.role - from public.organization_members om - join auth.users au on au.id = om.user_id - where om.organization_id = org_id - and exists ( - select 1 - from public.organization_members viewer - where viewer.organization_id = org_id - and viewer.user_id = auth.uid() - ); -end; -$$; - --- Function to invite a member -create or replace function invite_organization_member( - org_id uuid, - member_email varchar(255), - member_role public.organization_role -) -returns table ( - user_id uuid, - email varchar(255), - role public.organization_role -) security definer -set search_path = public -language plpgsql -as $$ -declare - v_user_id uuid; - v_email varchar(255); -begin - -- Check if the inviter is an admin - if not is_organization_admin(org_id) then - raise exception 'Only organization admins can invite members'; - end if; - - -- Get the user ID for the email - select au.id, au.email - into v_user_id, v_email - from auth.users au - where lower(au.email) = lower(member_email); - - if v_user_id is null then - raise exception 'User with email % not found', member_email; - end if; - - -- Check if user is already a member - if exists ( - select 1 - from organization_members - where organization_id = org_id - and user_id = v_user_id - ) then - raise exception 'User is already a member of this organization'; - end if; - - -- Insert the new member - insert into organization_members (organization_id, user_id, role) - values (org_id, v_user_id, member_role); - - -- Return the result - return query - select - v_user_id as user_id, - v_email as email, - member_role as role; -end; -$$; - --- Grant execute permissions -grant execute on function is_organization_member(uuid) to authenticated; -grant execute on function is_organization_admin(uuid) to authenticated; -grant execute on function get_organization_members(uuid) to authenticated; -grant execute on function invite_organization_member(uuid, varchar, public.organization_role) to authenticated; diff --git a/supabase/migrations/20241205000002_add_rls_policies.sql b/supabase/migrations/20241205000002_add_rls_policies.sql deleted file mode 100644 index e354a51..0000000 --- a/supabase/migrations/20241205000002_add_rls_policies.sql +++ /dev/null @@ -1,66 +0,0 @@ --- Organizations policies -create policy "Enable read access for organization members" - on organizations for select - using (is_organization_member(id)); - -create policy "Enable write access for organization admins" - on organizations for all - using (is_organization_admin(id)); - --- Organization members policies -create policy "Enable read access for members" - on organization_members for select - using (is_organization_member(organization_id)); - -create policy "Enable write access for admins" - on organization_members for all - using (is_organization_admin(organization_id)); - --- Jobs policies -create policy "Organization members can read jobs" - on jobs for select - using (is_organization_member(organization_id)); - -create policy "Organization members can insert jobs" - on jobs for insert - with check ( - is_organization_member(organization_id) - ); - -create policy "Organization members can update their jobs" - on jobs for update - using (is_organization_member(organization_id)); - -create policy "Organization members can delete their jobs" - on jobs for delete - using (is_organization_member(organization_id)); - --- Runs policies -create policy "Enable access for organization members" - on runs for all - using ( - exists ( - select 1 - from jobs j - where j.id = runs.job_id - and is_organization_member(j.organization_id) - ) - ); - --- Workers policies -create policy "Enable access for organization members" - on worker for all - using (is_organization_member(organization_id)); - --- Events policies -create policy "Enable access for organization members" - on events for all - using ( - exists ( - select 1 - from runs r - join jobs j on j.id = r.job_id - where r.id = events.run_id - and is_organization_member(j.organization_id) - ) - ); diff --git a/supabase/migrations/20241205000003_add_service_accounts.sql b/supabase/migrations/20241205000003_add_service_accounts.sql deleted file mode 100644 index 56098db..0000000 --- a/supabase/migrations/20241205000003_add_service_accounts.sql +++ /dev/null @@ -1,151 +0,0 @@ --- Create tokens table for service accounts -create table if not exists "public"."tokens" ( - "id" uuid not null default gen_random_uuid(), - "organization_id" uuid not null references organizations(id) on delete cascade, - "name" text not null, - "token_hash" text, - "expires_at" timestamp with time zone, - "created_at" timestamp with time zone default timezone('utc'::text, now()) not null, - "created_by" uuid not null references auth.users(id) on delete cascade, - "last_used_at" timestamp with time zone, - primary key (id) -); - --- Enable RLS -alter table "public"."tokens" enable row level security; - --- Create policies for tokens -create policy "Organization members can view their tokens" - on tokens for select - using (is_organization_member(organization_id)); - -create policy "Organization admins can manage tokens" - on tokens for all - using (is_organization_admin(organization_id)); - --- Function to get JWT secret -create or replace function get_jwt_secret() -returns text -language plpgsql -security definer -as $$ -begin - return current_setting('app.jwt_secret', true); -end; -$$; - --- Function to create service account token -create or replace function create_service_account_token( - org_id uuid, - token_name text, - created_by uuid, - expires_at timestamp with time zone default null -) -returns table ( - token_id uuid, - jwt_token text -) -language plpgsql -security definer -set search_path = public -as $$ -declare - v_token_id uuid; - v_jwt_secret text; - v_jwt_token text; -begin - -- Get JWT secret - v_jwt_secret := get_jwt_secret(); - - if v_jwt_secret is null then - raise exception 'JWT secret not configured'; - end if; - - -- Create token record - insert into tokens (organization_id, name, expires_at, created_by) - values (org_id, token_name, expires_at, created_by) - returning id into v_token_id; - - -- Create JWT token with service account claims - v_jwt_token := extensions.sign( - json_build_object( - 'role', 'authenticated', - 'iss', 'supabase', - 'iat', extract(epoch from now())::integer, - 'exp', case - when expires_at is null then extract(epoch from now() + interval '10 years')::integer - else extract(epoch from expires_at)::integer - end, - 'is_service_account', true, - 'organization_id', org_id, - 'token_id', v_token_id - )::json, - v_jwt_secret - ); - - -- Update token hash - update tokens - set token_hash = v_jwt_token - where id = v_token_id; - - return query select v_token_id, v_jwt_token; -end; -$$; - --- Function to check if request is from service account -create or replace function auth.check_if_service_account() -returns boolean as $$ - select coalesce( - current_setting('request.jwt.claims', true)::json->>'is_service_account', - 'false' - )::boolean; -$$ language sql security definer; - --- Update organization member check to handle service accounts -create or replace function is_organization_member(org_id uuid) -returns boolean -language plpgsql -security definer -as $$ -begin - -- If this is a service account, check the organization claim - if auth.check_if_service_account() then - return (current_setting('request.jwt.claims', true)::json->>'organization_id')::uuid = org_id; - end if; - - -- Otherwise check normal membership - return exists ( - select 1 - from organization_members - where organization_id = org_id - and user_id = auth.uid() - ); -end; -$$; - --- Update organization admin check to handle service accounts -create or replace function is_organization_admin(org_id uuid) -returns boolean -language plpgsql -security definer -as $$ -begin - -- Service accounts have admin access to their organization - if auth.check_if_service_account() then - return (current_setting('request.jwt.claims', true)::json->>'organization_id')::uuid = org_id; - end if; - - -- Otherwise check normal admin membership - return exists ( - select 1 - from organization_members - where organization_id = org_id - and user_id = auth.uid() - and role = 'admin' - ); -end; -$$; - --- Grant necessary permissions -grant all on table tokens to postgres, authenticated; -grant execute on function create_service_account_token(uuid, text, uuid, timestamp with time zone) to authenticated; diff --git a/supabase/migrations/20241205000004_add_storage_policies.sql b/supabase/migrations/20241205000004_add_storage_policies.sql deleted file mode 100644 index 8fc4bc2..0000000 --- a/supabase/migrations/20241205000004_add_storage_policies.sql +++ /dev/null @@ -1,130 +0,0 @@ --- Enable RLS on storage.objects -alter table storage.objects enable row level security; - --- Function to extract organization ID from storage path -create or replace function storage.get_path_organization_id(path text) -returns uuid -language plpgsql -as $$ -declare - parts text[]; - org_id uuid; -begin - -- Split path into parts - parts := string_to_array(path, '/'); - - -- Check if path starts with 'organizations' - if parts[1] != 'organizations' then - return null; - end if; - - -- Try to convert second part to UUID - begin - org_id := parts[2]::uuid; - return org_id; - exception when others then - return null; - end; -end; -$$; - --- Function to check if user has access to organization -create or replace function storage.has_organization_access(org_id uuid) -returns boolean -language plpgsql -security definer -as $$ -begin - -- First check service account tokens - if auth.check_if_service_account() then - return (current_setting('request.jwt.claims', true)::json->>'organization_id')::uuid = org_id; - end if; - - -- Otherwise check organization membership - return exists ( - select 1 - from public.organization_members - where organization_id = org_id - and user_id = auth.uid() - ); -end; -$$; - --- Policy for reading files: -create policy "Organization members can read their files" -on storage.objects for select -using ( - bucket_id = 'files' - and ( - -- Allow access to .keep files - name like '%.keep' - or ( - -- Check if file is in an organization folder and user has access - name like 'organizations/%' - and storage.has_organization_access(storage.get_path_organization_id(name)) - ) - ) -); - --- Policy for inserting files: -create policy "Organization members can upload files" -on storage.objects for insert -with check ( - bucket_id = 'files' - and ( - -- Allow .keep files - name like '%.keep' - or ( - -- Check if file is in an organization folder and user has access - name like 'organizations/%' - and storage.has_organization_access(storage.get_path_organization_id(name)) - ) - ) -); - --- Policy for updating files: -create policy "Organization members can update their files" -on storage.objects for update -using ( - bucket_id = 'files' - and ( - -- Allow .keep files - name like '%.keep' - or ( - -- Check if file is in an organization folder and user has access - name like 'organizations/%' - and storage.has_organization_access(storage.get_path_organization_id(name)) - ) - ) -); - --- Policy for deleting files: -create policy "Organization members can delete their files" -on storage.objects for delete -using ( - bucket_id = 'files' - and ( - -- Allow .keep files - name like '%.keep' - or ( - -- Check if file is in an organization folder and user has access - name like 'organizations/%' - and storage.has_organization_access(storage.get_path_organization_id(name)) - ) - ) -); - --- Create organization folders -do $$ -begin - -- Create organizations folder - insert into storage.objects (bucket_id, name, owner, created_at, updated_at, version) - values ('files', 'organizations/.keep', auth.uid(), now(), now(), '1') - on conflict do nothing; - - -- Create folder for default organization - insert into storage.objects (bucket_id, name, owner, created_at, updated_at, version) - values ('files', 'organizations/00000000-0000-0000-0000-000000000000/.keep', auth.uid(), now(), now(), '1') - on conflict do nothing; -end; -$$; diff --git a/supabase/migrations/20241205000005_add_token_functions.sql b/supabase/migrations/20241205000005_add_token_functions.sql deleted file mode 100644 index 45cbd5f..0000000 --- a/supabase/migrations/20241205000005_add_token_functions.sql +++ /dev/null @@ -1,46 +0,0 @@ --- Function to get organization ID from token -create or replace function get_organization_from_token() -returns uuid -language plpgsql -security definer -as $$ -declare - org_id uuid; -begin - -- If this is a service account token, get org from claims - if auth.check_if_service_account() then - org_id := (current_setting('request.jwt.claims', true)::json->>'organization_id')::uuid; - - -- Update last_used_at in tokens table - update tokens - set last_used_at = now() - where id = (current_setting('request.jwt.claims', true)::json->>'token_id')::uuid; - - return org_id; - end if; - - -- Otherwise, get organization from membership - select organization_id into org_id - from organization_members - where user_id = auth.uid() - limit 1; - - if org_id is null then - raise exception 'No organization found for current user/token'; - end if; - - return org_id; -end; -$$; - --- Grant execute permissions -grant execute on function get_organization_from_token() to authenticated, anon; - --- Update jobs insert policy to use the function -drop policy if exists "Organization members can insert jobs" on jobs; -create policy "Organization members can insert jobs" - on jobs for insert - with check ( - -- For new jobs, organization_id must match the user's organization - organization_id = get_organization_from_token() - ); diff --git a/supabase/migrations/20241205000006_fix_jwt_secret.sql b/supabase/migrations/20241205000006_fix_jwt_secret.sql deleted file mode 100644 index f82d783..0000000 --- a/supabase/migrations/20241205000006_fix_jwt_secret.sql +++ /dev/null @@ -1,22 +0,0 @@ --- Update the get_jwt_secret function to use the vault -create or replace function get_jwt_secret() -returns text -language plpgsql -security definer -as $$ -declare - secret text; -begin - -- Get secret from vault - select decrypted_secret into secret - from vault.decrypted_secrets - where name = 'jwt_secret' - limit 1; - - if secret is null then - raise exception 'JWT secret not found in vault'; - end if; - - return secret; -end; -$$; diff --git a/supabase/migrations/20241205000007_add_organization_secrets.sql b/supabase/migrations/20241205000007_add_organization_secrets.sql deleted file mode 100644 index 32dbd04..0000000 --- a/supabase/migrations/20241205000007_add_organization_secrets.sql +++ /dev/null @@ -1,184 +0,0 @@ --- Create organization_secrets table -create table if not exists "public"."organization_secrets" ( - "id" uuid not null default gen_random_uuid(), - "organization_id" uuid not null references organizations(id) on delete cascade, - "name" text not null, - "value" text not null, - "created_at" timestamp with time zone default timezone('utc'::text, now()) not null, - "updated_at" timestamp with time zone default timezone('utc'::text, now()) not null, - primary key (id), - unique (organization_id, name) -); - --- Enable RLS -alter table "public"."organization_secrets" enable row level security; - --- Create policies for secrets -create policy "Organization admins can manage secrets" - on organization_secrets for all - using (is_organization_admin(organization_id)); - --- Add trigger for updated_at -create trigger set_updated_at_organization_secrets - before update on public.organization_secrets - for each row - execute function public.handle_updated_at(); - --- Function to manage organization secrets -create or replace function manage_organization_secret( - org_id uuid, - secret_name text, - secret_value text -) -returns uuid -language plpgsql -security definer -set search_path = public -as $$ -declare - v_secret_id uuid; -begin - -- Check if user is admin - if not is_organization_admin(org_id) then - raise exception 'Only organization admins can manage secrets'; - end if; - - -- Insert or update secret - insert into organization_secrets (organization_id, name, value) - values (org_id, secret_name, secret_value) - on conflict (organization_id, name) - do update set value = excluded.value, updated_at = now() - returning id into v_secret_id; - - return v_secret_id; -end; -$$; - --- Function to delete organization secret -create or replace function delete_organization_secret( - org_id uuid, - secret_name text -) -returns boolean -language plpgsql -security definer -set search_path = public -as $$ -begin - -- Check if user is admin - if not is_organization_admin(org_id) then - raise exception 'Only organization admins can manage secrets'; - end if; - - -- Delete secret - delete from organization_secrets - where organization_id = org_id and name = secret_name; - - return found; -end; -$$; - --- Function to create new organization -create or replace function create_organization( - org_name text -) -returns uuid -language plpgsql -security definer -set search_path = public -as $$ -declare - v_org_id uuid; -begin - -- Check if authenticated - if auth.uid() is null then - raise exception 'Authentication required'; - end if; - - -- Create organization - insert into organizations (name) - values (org_name) - returning id into v_org_id; - - -- Add creator as admin - insert into organization_members (organization_id, user_id, role) - values (v_org_id, auth.uid(), 'admin'); - - return v_org_id; -end; -$$; - --- Function to update organization -create or replace function update_organization( - org_id uuid, - new_name text -) -returns boolean -language plpgsql -security definer -set search_path = public -as $$ -begin - -- Check if user is admin - if not is_organization_admin(org_id) then - raise exception 'Only organization admins can update organization'; - end if; - - -- Update organization - update organizations - set name = new_name - where id = org_id; - - return found; -end; -$$; - --- Function to remove member from organization -create or replace function remove_organization_member( - org_id uuid, - member_id uuid -) -returns boolean -language plpgsql -security definer -set search_path = public -as $$ -declare - v_member_role organization_role; - v_admin_count integer; -begin - -- Check if user is admin - if not is_organization_admin(org_id) then - raise exception 'Only organization admins can remove members'; - end if; - - -- Get member's role - select role into v_member_role - from organization_members - where organization_id = org_id and user_id = member_id; - - -- If member is admin, check if they're not the last admin - if v_member_role = 'admin' then - select count(*) into v_admin_count - from organization_members - where organization_id = org_id and role = 'admin'; - - if v_admin_count <= 1 then - raise exception 'Cannot remove the last admin'; - end if; - end if; - - -- Remove member - delete from organization_members - where organization_id = org_id and user_id = member_id; - - return found; -end; -$$; - --- Grant execute permissions -grant execute on function manage_organization_secret(uuid, text, text) to authenticated; -grant execute on function delete_organization_secret(uuid, text) to authenticated; -grant execute on function create_organization(text) to authenticated; -grant execute on function update_organization(uuid, text) to authenticated; -grant execute on function remove_organization_member(uuid, uuid) to authenticated; diff --git a/supabase/migrations/20241205000008_fix_member_functions.sql b/supabase/migrations/20241205000008_fix_member_functions.sql deleted file mode 100644 index b19f328..0000000 --- a/supabase/migrations/20241205000008_fix_member_functions.sql +++ /dev/null @@ -1,83 +0,0 @@ --- Drop and recreate the get_organization_members function with fixed column references -create or replace function get_organization_members(org_id uuid) -returns table ( - user_id uuid, - email varchar(255), - role public.organization_role -) security definer -set search_path = public -language plpgsql -as $$ -begin - return query - select - om.user_id, - au.email, - om.role - from public.organization_members om - join auth.users au on au.id = om.user_id - where om.organization_id = org_id - and exists ( - select 1 - from public.organization_members viewer - where viewer.organization_id = org_id - and viewer.user_id = auth.uid() - ); -end; -$$; - --- Drop and recreate the invite_organization_member function with improved error handling -create or replace function invite_organization_member( - org_id uuid, - member_email varchar(255), - member_role public.organization_role -) -returns table ( - user_id uuid, - email varchar(255), - role public.organization_role -) security definer -set search_path = public -language plpgsql -as $$ -declare - v_user_id uuid; - v_email varchar(255); -begin - -- Check if the inviter is an admin - if not is_organization_admin(org_id) then - raise exception 'Only organization admins can invite members'; - end if; - - -- Get the user ID for the email - select id, email - into v_user_id, v_email - from auth.users - where lower(email) = lower(member_email); - - if v_user_id is null then - raise exception 'User with email % not found', member_email; - end if; - - -- Check if user is already a member - if exists ( - select 1 - from organization_members - where organization_id = org_id - and user_id = v_user_id - ) then - raise exception 'User is already a member of this organization'; - end if; - - -- Insert the new member - insert into organization_members (organization_id, user_id, role) - values (org_id, v_user_id, member_role); - - -- Return the result - return query - select - v_user_id, - v_email, - member_role; -end; -$$; diff --git a/supabase/migrations/20241205000009_fix_email_ambiguity.sql b/supabase/migrations/20241205000009_fix_email_ambiguity.sql deleted file mode 100644 index bedb9b0..0000000 --- a/supabase/migrations/20241205000009_fix_email_ambiguity.sql +++ /dev/null @@ -1,83 +0,0 @@ --- Drop and recreate the get_organization_members function with fully qualified columns -create or replace function get_organization_members(org_id uuid) -returns table ( - user_id uuid, - email varchar(255), - role public.organization_role -) security definer -set search_path = public -language plpgsql -as $$ -begin - return query - select - om.user_id, - au.email::varchar(255), -- Explicitly cast email to match return type - om.role - from public.organization_members om - join auth.users au on au.id = om.user_id - where om.organization_id = org_id - and exists ( - select 1 - from public.organization_members viewer - where viewer.organization_id = org_id - and viewer.user_id = auth.uid() - ); -end; -$$; - --- Drop and recreate the invite_organization_member function with fully qualified columns -create or replace function invite_organization_member( - org_id uuid, - member_email varchar(255), - member_role public.organization_role -) -returns table ( - user_id uuid, - email varchar(255), - role public.organization_role -) security definer -set search_path = public -language plpgsql -as $$ -declare - v_user_id uuid; - v_email varchar(255); -begin - -- Check if the inviter is an admin - if not is_organization_admin(org_id) then - raise exception 'Only organization admins can invite members'; - end if; - - -- Get the user ID for the email - select au.id, au.email::varchar(255) - into v_user_id, v_email - from auth.users au - where lower(au.email) = lower(member_email); - - if v_user_id is null then - raise exception 'User with email % not found', member_email; - end if; - - -- Check if user is already a member - if exists ( - select 1 - from organization_members om - where om.organization_id = org_id - and om.user_id = v_user_id - ) then - raise exception 'User is already a member of this organization'; - end if; - - -- Insert the new member - insert into organization_members (organization_id, user_id, role) - values (org_id, v_user_id, member_role); - - -- Return the result - return query - select - v_user_id as user_id, - v_email as email, - member_role as role; -end; -$$; diff --git a/supabase/migrations/20241205000010_remove_token_org_fallback.sql b/supabase/migrations/20241205000010_remove_token_org_fallback.sql deleted file mode 100644 index 096fb2b..0000000 --- a/supabase/migrations/20241205000010_remove_token_org_fallback.sql +++ /dev/null @@ -1,25 +0,0 @@ --- Update get_organization_from_token to only work with service account tokens -create or replace function get_organization_from_token() -returns uuid -language plpgsql -security definer -as $$ -declare - org_id uuid; -begin - -- Only handle service account tokens - if not auth.check_if_service_account() then - raise exception 'Only service account tokens are supported'; - end if; - - -- Get org from claims - org_id := (current_setting('request.jwt.claims', true)::json->>'organization_id')::uuid; - - -- Update last_used_at in tokens table - update tokens - set last_used_at = now() - where id = (current_setting('request.jwt.claims', true)::json->>'token_id')::uuid; - - return org_id; -end; -$$; diff --git a/supabase/migrations/20241205000011_add_job_timeout.sql b/supabase/migrations/20241205000011_add_job_timeout.sql deleted file mode 100644 index c49e941..0000000 --- a/supabase/migrations/20241205000011_add_job_timeout.sql +++ /dev/null @@ -1,20 +0,0 @@ --- Add timeout column to jobs table -ALTER TABLE "public"."jobs" - ADD COLUMN "timeout" timestamp with time zone; - --- Function to set initial timeout for deployment jobs -CREATE OR REPLACE FUNCTION set_deployment_timeout() -RETURNS TRIGGER AS $$ -BEGIN - IF NEW.type = 'api' THEN - NEW.timeout = NEW.created_at + interval '1 hour'; - END IF; - RETURN NEW; -END; -$$ LANGUAGE plpgsql; - --- Create trigger for new deployment jobs -CREATE TRIGGER set_deployment_timeout_trigger - BEFORE INSERT ON jobs - FOR EACH ROW - EXECUTE FUNCTION set_deployment_timeout(); diff --git a/supabase/migrations/20250101195830_add_worker_logfile.sql b/supabase/migrations/20250101195830_add_worker_logfile.sql deleted file mode 100644 index 0ee1c38..0000000 --- a/supabase/migrations/20250101195830_add_worker_logfile.sql +++ /dev/null @@ -1,8 +0,0 @@ --- Add logfile column to worker table -ALTER TABLE "public"."worker" - ADD COLUMN "logfile" text; - --- Grant permissions to match existing table permissions -GRANT ALL ON TABLE "public"."worker" TO "anon"; -GRANT ALL ON TABLE "public"."worker" TO "authenticated"; -GRANT ALL ON TABLE "public"."worker" TO "service_role"; diff --git a/supabase/migrations/20250101195831_add_custom_job_type.sql b/supabase/migrations/20250101195831_add_custom_job_type.sql deleted file mode 100644 index e96f9a7..0000000 --- a/supabase/migrations/20250101195831_add_custom_job_type.sql +++ /dev/null @@ -1,2 +0,0 @@ --- Add 'custom' to the job_type enum -ALTER TYPE "public"."job_type" ADD VALUE IF NOT EXISTS 'custom'; diff --git a/supabase/migrations/20250115171900_add_job_locking_functions.sql b/supabase/migrations/20250115171900_add_job_locking_functions.sql deleted file mode 100644 index 336d9a1..0000000 --- a/supabase/migrations/20250115171900_add_job_locking_functions.sql +++ /dev/null @@ -1,38 +0,0 @@ --- Function to safely acquire a job with row-level locking -create or replace function acquire_job(job_id uuid, worker_id text) -returns setof jobs as $$ -begin - -- Lock the row and attempt to update it atomically - return query - update jobs - set status = 'in_progress', - worker_id = worker_id - where id = job_id - and status = 'pending' - returning *; -end; -$$ language plpgsql; - --- Function to safely update job status only if it's still in progress -create or replace function update_job_status_if_in_progress( - job_id uuid, - new_status text, - worker_id text, - job_outputs jsonb default null, - job_script text default null -) -returns void as $$ -begin - update jobs - set status = new_status, - outputs = job_outputs, - script = coalesce(job_script, script) -- Only update script if new value provided - where id = job_id - and status = 'in_progress' - and worker_id = worker_id; -end; -$$ language plpgsql; - --- Grant necessary permissions to authenticated users -grant execute on function acquire_job(uuid, text) to authenticated; -grant execute on function update_job_status_if_in_progress(uuid, text, text, jsonb, text) to authenticated; diff --git a/supabase/migrations/20250116110200_fix_job_locking_naming.sql b/supabase/migrations/20250116110200_fix_job_locking_naming.sql deleted file mode 100644 index 18825be..0000000 --- a/supabase/migrations/20250116110200_fix_job_locking_naming.sql +++ /dev/null @@ -1,50 +0,0 @@ --- 1) Drop the old function definitions so we can recreate them from scratch. -DROP FUNCTION IF EXISTS acquire_job(uuid, text) CASCADE; -DROP FUNCTION IF EXISTS update_job_status_if_in_progress(uuid, text, text, jsonb, text) CASCADE; - --- 2) Now create (not just replace) the functions with the revised parameter names. - -CREATE OR REPLACE FUNCTION acquire_job( - _job_id uuid, - _worker_id text -) -RETURNS SETOF jobs -LANGUAGE plpgsql -AS $$ -BEGIN - RETURN QUERY - UPDATE jobs - SET status = 'in_progress', - worker_id = _worker_id - WHERE id = _job_id - AND status = 'pending' - RETURNING *; -END; -$$; - - -CREATE OR REPLACE FUNCTION update_job_status_if_in_progress( - _job_id uuid, - _new_status text, - _worker_id text, - _job_outputs jsonb DEFAULT null, - _job_script text DEFAULT null -) -RETURNS void -LANGUAGE plpgsql -AS $$ -BEGIN - UPDATE jobs - SET status = _new_status, - outputs = _job_outputs, - script = COALESCE(_job_script, script) - WHERE id = _job_id - AND status = 'in_progress' - AND worker_id = _worker_id; -END; -$$; - - --- 3) Grant permissions so your service/anonymous/authenticated roles can call them -GRANT EXECUTE ON FUNCTION acquire_job(uuid, text) TO authenticated; -GRANT EXECUTE ON FUNCTION update_job_status_if_in_progress(uuid, text, text, jsonb, text) TO authenticated; diff --git a/supabase/migrations/20250116111600_fix_job_id_dtypes.sql b/supabase/migrations/20250116111600_fix_job_id_dtypes.sql deleted file mode 100644 index 15e79b8..0000000 --- a/supabase/migrations/20250116111600_fix_job_id_dtypes.sql +++ /dev/null @@ -1,51 +0,0 @@ --- 20250116112200_fix_job_locking_for_text_ids.sql - --- 1) Drop the old function definitions so we can recreate them with text parameters -DROP FUNCTION IF EXISTS acquire_job(uuid, text) CASCADE; -DROP FUNCTION IF EXISTS update_job_status_if_in_progress(uuid, text, text, jsonb, text) CASCADE; - --- 2) Create the new functions, which expect a text job_id instead of uuid - -CREATE OR REPLACE FUNCTION acquire_job( - _job_id text, -- now text, not uuid - _worker_id text -) -RETURNS SETOF jobs -LANGUAGE plpgsql -AS $$ -BEGIN - RETURN QUERY - UPDATE jobs - SET status = 'in_progress', - worker_id = _worker_id - WHERE id = _job_id - AND status = 'pending' - RETURNING *; -END; -$$; - - -CREATE OR REPLACE FUNCTION update_job_status_if_in_progress( - _job_id text, -- now text, not uuid - _new_status text, - _worker_id text, - _job_outputs jsonb DEFAULT null, - _job_script text DEFAULT null -) -RETURNS void -LANGUAGE plpgsql -AS $$ -BEGIN - UPDATE jobs - SET status = _new_status, - outputs = _job_outputs, - script = COALESCE(_job_script, script) - WHERE id = _job_id - AND status = 'in_progress' - AND worker_id = _worker_id; -END; -$$; - --- 3) Grant necessary permissions so authenticated users (or whichever role) can execute -GRANT EXECUTE ON FUNCTION acquire_job(text, text) TO authenticated; -GRANT EXECUTE ON FUNCTION update_job_status_if_in_progress(text, text, text, jsonb, text) TO authenticated; diff --git a/supabase/migrations/20250116112300_fix_job_status_type.sql b/supabase/migrations/20250116112300_fix_job_status_type.sql deleted file mode 100644 index 1b85344..0000000 --- a/supabase/migrations/20250116112300_fix_job_status_type.sql +++ /dev/null @@ -1,24 +0,0 @@ -DROP FUNCTION IF EXISTS update_job_status_if_in_progress(text, text, text, jsonb, text) CASCADE; - -CREATE OR REPLACE FUNCTION update_job_status_if_in_progress( - _job_id text, - _new_status text, -- We allow text to come in from Supabase - _worker_id text, - _job_outputs jsonb DEFAULT null, - _job_script text DEFAULT null -) -RETURNS void -LANGUAGE plpgsql -AS $$ -BEGIN - UPDATE jobs - SET status = _new_status::job_status, -- <--- cast to job_status - outputs = _job_outputs, - script = COALESCE(_job_script, script) - WHERE id = _job_id - AND status = 'in_progress' -- Assuming 'in_progress' also exists in your enum - AND worker_id = _worker_id; -END; -$$; - -GRANT EXECUTE ON FUNCTION update_job_status_if_in_progress(text, text, text, jsonb, text) TO authenticated; diff --git a/supabase/migrations/20250116_v1_schema.sql b/supabase/migrations/20250116_v1_schema.sql new file mode 100644 index 0000000..bc1d4c3 --- /dev/null +++ b/supabase/migrations/20250116_v1_schema.sql @@ -0,0 +1,886 @@ +-- OpenWeights v1.0 Schema +-- This is a clean redesign with revocable API tokens + +SET statement_timeout = 0; +SET lock_timeout = 0; +SET idle_in_transaction_session_timeout = 0; +SET client_encoding = 'UTF8'; +SET standard_conforming_strings = on; +SELECT pg_catalog.set_config('search_path', '', false); +SET check_function_bodies = false; +SET xmloption = content; +SET client_min_messages = warning; +SET row_security = off; + +-- Create required extensions +-- Some extensions need explicit schemas, others are schema-independent +CREATE EXTENSION IF NOT EXISTS "pg_stat_statements" WITH SCHEMA "extensions"; +CREATE EXTENSION IF NOT EXISTS "pgcrypto" WITH SCHEMA "extensions"; +CREATE EXTENSION IF NOT EXISTS "pgjwt" WITH SCHEMA "extensions"; +CREATE EXTENSION IF NOT EXISTS "uuid-ossp" WITH SCHEMA "extensions"; + +-- Ensure public schema exists +CREATE SCHEMA IF NOT EXISTS "public"; +ALTER SCHEMA "public" OWNER TO "pg_database_owner"; +COMMENT ON SCHEMA "public" IS 'standard public schema'; + +-- ===================================================== +-- ENUMS +-- ===================================================== + +CREATE TYPE "public"."job_status" AS ENUM ( + 'pending', + 'in_progress', + 'completed', + 'failed', + 'canceled' +); + +CREATE TYPE "public"."job_type" AS ENUM ( + 'fine-tuning', + 'inference', + 'script', + 'api', + 'custom' +); + +CREATE TYPE "public"."organization_role" AS ENUM ( + 'admin', + 'user' +); + +-- ===================================================== +-- TABLES +-- ===================================================== + +-- Organizations +CREATE TABLE IF NOT EXISTS "public"."organizations" ( + "id" uuid DEFAULT gen_random_uuid() NOT NULL, + "created_at" timestamp with time zone DEFAULT timezone('utc'::text, now()) NOT NULL, + "updated_at" timestamp with time zone DEFAULT timezone('utc'::text, now()) NOT NULL, + "name" text NOT NULL, + PRIMARY KEY (id) +); + +-- Organization Members +CREATE TABLE IF NOT EXISTS "public"."organization_members" ( + "organization_id" uuid NOT NULL, + "user_id" uuid NOT NULL, + "role" public.organization_role DEFAULT 'user'::public.organization_role NOT NULL, + "created_at" timestamp with time zone DEFAULT timezone('utc'::text, now()) NOT NULL, + PRIMARY KEY (organization_id, user_id), + FOREIGN KEY (organization_id) REFERENCES public.organizations(id) ON DELETE CASCADE, + FOREIGN KEY (user_id) REFERENCES auth.users(id) ON DELETE CASCADE +); + +-- Organization Secrets (HF_TOKEN, RUNPOD_API_KEY, etc.) +CREATE TABLE IF NOT EXISTS "public"."organization_secrets" ( + "id" uuid DEFAULT gen_random_uuid() NOT NULL, + "organization_id" uuid NOT NULL, + "name" text NOT NULL, + "value" text NOT NULL, + "created_at" timestamp with time zone DEFAULT timezone('utc'::text, now()) NOT NULL, + "updated_at" timestamp with time zone DEFAULT timezone('utc'::text, now()) NOT NULL, + PRIMARY KEY (id), + UNIQUE (organization_id, name), + FOREIGN KEY (organization_id) REFERENCES public.organizations(id) ON DELETE CASCADE +); + +-- API Tokens (NEW: revocable tokens instead of JWTs as API keys) +CREATE TABLE IF NOT EXISTS "public"."api_tokens" ( + "id" uuid DEFAULT gen_random_uuid() NOT NULL, + "organization_id" uuid NOT NULL, + "name" text NOT NULL, + "token_prefix" text NOT NULL, -- First 8 chars for display: "ow_abc12..." + "token_hash" text NOT NULL, -- SHA256 hash of full token + "created_at" timestamp with time zone DEFAULT timezone('utc'::text, now()) NOT NULL, + "created_by" uuid NOT NULL, + "last_used_at" timestamp with time zone, + "expires_at" timestamp with time zone, + "revoked_at" timestamp with time zone, + PRIMARY KEY (id), + FOREIGN KEY (organization_id) REFERENCES public.organizations(id) ON DELETE CASCADE, + FOREIGN KEY (created_by) REFERENCES auth.users(id) ON DELETE CASCADE +); + +CREATE INDEX "api_tokens_token_hash_idx" ON "public"."api_tokens" USING btree (token_hash); +CREATE INDEX "api_tokens_organization_id_idx" ON "public"."api_tokens" USING btree (organization_id); + +-- Files +CREATE TABLE IF NOT EXISTS "public"."files" ( + "id" text NOT NULL, + "created_at" timestamp with time zone DEFAULT CURRENT_TIMESTAMP, + "filename" text NOT NULL, + "purpose" text NOT NULL, + "bytes" integer NOT NULL, + "organization_id" uuid NOT NULL, + PRIMARY KEY (id), + FOREIGN KEY (organization_id) REFERENCES public.organizations(id) ON DELETE CASCADE +); + +-- Workers +CREATE TABLE IF NOT EXISTS "public"."worker" ( + "id" text NOT NULL, + "created_at" timestamp with time zone DEFAULT CURRENT_TIMESTAMP, + "updated_at" timestamp with time zone DEFAULT CURRENT_TIMESTAMP, + "status" text, + "cached_models" text[], + "vram_gb" integer, + "pod_id" text, + "ping" timestamp with time zone, + "gpu_type" text, + "gpu_count" integer, + "docker_image" text, + "organization_id" uuid NOT NULL, + "logfile" text, + "hardware_type" text, + PRIMARY KEY (id), + FOREIGN KEY (organization_id) REFERENCES public.organizations(id) ON DELETE CASCADE +); + +-- Jobs +CREATE TABLE IF NOT EXISTS "public"."jobs" ( + "id" text NOT NULL, + "created_at" timestamp with time zone DEFAULT CURRENT_TIMESTAMP, + "updated_at" timestamp with time zone DEFAULT CURRENT_TIMESTAMP, + "type" public.job_type NOT NULL, + "model" text, + "params" jsonb, + "script" text, + "requires_vram_gb" integer DEFAULT 24, + "status" public.job_status DEFAULT 'pending'::public.job_status, + "worker_id" text, + "outputs" jsonb, + "docker_image" text, + "organization_id" uuid NOT NULL, + "timeout" timestamp with time zone, + "allowed_hardware" text[], + PRIMARY KEY (id), + FOREIGN KEY (organization_id) REFERENCES public.organizations(id) ON DELETE CASCADE, + FOREIGN KEY (worker_id) REFERENCES public.worker(id) +); + +-- Runs +CREATE TABLE IF NOT EXISTS "public"."runs" ( + "id" serial NOT NULL, + "job_id" text, + "worker_id" text, + "created_at" timestamp with time zone DEFAULT CURRENT_TIMESTAMP, + "updated_at" timestamp with time zone DEFAULT CURRENT_TIMESTAMP, + "status" public.job_status, + "log_file" text, + PRIMARY KEY (id), + FOREIGN KEY (job_id) REFERENCES public.jobs(id) ON DELETE CASCADE, + FOREIGN KEY (worker_id) REFERENCES public.worker(id) ON DELETE SET NULL +); + +-- Events +CREATE TABLE IF NOT EXISTS "public"."events" ( + "id" serial NOT NULL, + "run_id" integer, + "created_at" timestamp with time zone DEFAULT CURRENT_TIMESTAMP, + "data" jsonb NOT NULL, + "file" text, + PRIMARY KEY (id), + FOREIGN KEY (run_id) REFERENCES public.runs(id) ON DELETE CASCADE +); + +CREATE INDEX "events_run_id_idx" ON "public"."events" USING btree (run_id); + +-- ===================================================== +-- FUNCTIONS +-- ===================================================== + +-- Helper to get JWT secret from vault +CREATE OR REPLACE FUNCTION "public"."get_jwt_secret"() +RETURNS text +LANGUAGE plpgsql SECURITY DEFINER +AS $$ +DECLARE + secret text; +BEGIN + SELECT decrypted_secret INTO secret + FROM vault.decrypted_secrets + WHERE name = 'jwt_secret' + LIMIT 1; + + IF secret IS NULL THEN + RAISE EXCEPTION 'JWT secret not found in vault'; + END IF; + + RETURN secret; +END; +$$; + +-- Exchange API token for JWT +-- This is the NEW core function that replaces the old JWT-as-API-key approach +CREATE OR REPLACE FUNCTION "public"."exchange_api_token_for_jwt"( + api_token text +) +RETURNS text +LANGUAGE plpgsql SECURITY DEFINER +SET search_path TO 'public' +AS $$ +DECLARE + v_token_hash text; + v_token_record record; + v_jwt_secret text; + v_jwt_token text; +BEGIN + -- Hash the provided token + v_token_hash := encode(extensions.digest(api_token, 'sha256'), 'hex'); + + -- Look up token + SELECT + id, + organization_id, + expires_at, + revoked_at + INTO v_token_record + FROM api_tokens + WHERE token_hash = v_token_hash; + + -- Validate token exists + IF NOT FOUND THEN + RAISE EXCEPTION 'Invalid API token'; + END IF; + + -- Check if revoked + IF v_token_record.revoked_at IS NOT NULL THEN + RAISE EXCEPTION 'API token has been revoked'; + END IF; + + -- Check if expired + IF v_token_record.expires_at IS NOT NULL AND v_token_record.expires_at < now() THEN + RAISE EXCEPTION 'API token has expired'; + END IF; + + -- Update last used timestamp + UPDATE api_tokens + SET last_used_at = now() + WHERE id = v_token_record.id; + + -- Get JWT secret + v_jwt_secret := get_jwt_secret(); + + -- Create JWT with organization context + v_jwt_token := extensions.sign( + json_build_object( + 'role', 'authenticated', + 'iss', 'supabase', + 'iat', extract(epoch from now())::integer, + 'exp', extract(epoch from now() + interval '1 hour')::integer, + 'organization_id', v_token_record.organization_id, + 'api_token_id', v_token_record.id + )::json, + v_jwt_secret + ); + + RETURN v_jwt_token; +END; +$$; + +-- Get organization ID from JWT claims +-- This works with the new JWT format (which still has organization_id in claims) +CREATE OR REPLACE FUNCTION "public"."get_organization_from_token"() +RETURNS uuid +LANGUAGE plpgsql STABLE +SET search_path TO 'public' +AS $$ +DECLARE + org_id uuid; +BEGIN + -- Get org from JWT claims + org_id := (current_setting('request.jwt.claims', true)::json->>'organization_id')::uuid; + + IF org_id IS NULL THEN + RAISE EXCEPTION 'No organization_id in token claims'; + END IF; + + RETURN org_id; +END; +$$; + +-- Check if user is organization member +CREATE OR REPLACE FUNCTION "public"."is_organization_member"(org_id uuid) +RETURNS boolean +LANGUAGE plpgsql STABLE SECURITY DEFINER +SET search_path TO 'public' +AS $$ +BEGIN + -- Check if the JWT has an organization_id claim that matches + -- (for API token-based auth) + IF (current_setting('request.jwt.claims', true)::json->>'organization_id')::uuid = org_id THEN + RETURN TRUE; + END IF; + + -- Otherwise check normal user membership + RETURN EXISTS ( + SELECT 1 + FROM public.organization_members + WHERE organization_id = org_id + AND user_id = auth.uid() + ); +END; +$$; + +-- Check if user is organization admin +CREATE OR REPLACE FUNCTION "public"."is_organization_admin"(org_id uuid) +RETURNS boolean +LANGUAGE plpgsql STABLE SECURITY DEFINER +SET search_path TO 'public' +AS $$ +BEGIN + -- API tokens have admin access to their organization + IF (current_setting('request.jwt.claims', true)::json->>'organization_id')::uuid = org_id THEN + RETURN TRUE; + END IF; + + -- Otherwise check normal admin membership + RETURN EXISTS ( + SELECT 1 + FROM public.organization_members + WHERE organization_id = org_id + AND user_id = auth.uid() + AND role = 'admin' + ); +END; +$$; + +-- Check if user has organization access (member or API token) +CREATE OR REPLACE FUNCTION "public"."has_organization_access"(org_id uuid) +RETURNS boolean +LANGUAGE plpgsql STABLE SECURITY DEFINER +SET search_path TO 'public' +AS $$ +BEGIN + RETURN is_organization_member(org_id); +END; +$$; + +-- Create organization +CREATE OR REPLACE FUNCTION "public"."create_organization"(org_name text) +RETURNS uuid +LANGUAGE plpgsql SECURITY DEFINER +SET search_path TO 'public' +AS $$ +DECLARE + v_org_id uuid; +BEGIN + -- Check if authenticated + IF auth.uid() IS NULL THEN + RAISE EXCEPTION 'Authentication required'; + END IF; + + -- Create organization + INSERT INTO organizations (name) + VALUES (org_name) + RETURNING id INTO v_org_id; + + -- Add creator as admin + INSERT INTO organization_members (organization_id, user_id, role) + VALUES (v_org_id, auth.uid(), 'admin'); + + RETURN v_org_id; +END; +$$; + +-- Create API token +-- Returns the full token (only time it's shown in plaintext) +CREATE OR REPLACE FUNCTION "public"."create_api_token"( + org_id uuid, + token_name text, + expires_at timestamp with time zone DEFAULT NULL +) +RETURNS TABLE(token_id uuid, token text) +LANGUAGE plpgsql SECURITY DEFINER +SET search_path TO 'public' +AS $$ +DECLARE + v_token_id uuid; + v_token text; + v_token_hash text; + v_token_prefix text; +BEGIN + -- Check if user is admin + IF NOT is_organization_admin(org_id) THEN + RAISE EXCEPTION 'Only organization admins can create API tokens'; + END IF; + + -- Generate random token: ow_<48 random hex chars> + v_token := 'ow_' || encode(extensions.gen_random_bytes(24), 'hex'); + v_token_hash := encode(extensions.digest(v_token, 'sha256'), 'hex'); + v_token_prefix := substring(v_token, 1, 11); -- "ow_" + first 8 hex chars + + -- Insert token + INSERT INTO api_tokens ( + organization_id, + name, + token_prefix, + token_hash, + created_by, + expires_at + ) VALUES ( + org_id, + token_name, + v_token_prefix, + v_token_hash, + auth.uid(), + expires_at + ) RETURNING id INTO v_token_id; + + -- Return token (ONLY time it's visible in plaintext!) + RETURN QUERY SELECT v_token_id, v_token; +END; +$$; + +-- Revoke API token +CREATE OR REPLACE FUNCTION "public"."revoke_api_token"(token_id uuid) +RETURNS boolean +LANGUAGE plpgsql SECURITY DEFINER +SET search_path TO 'public' +AS $$ +DECLARE + v_org_id uuid; +BEGIN + -- Get organization for this token + SELECT organization_id INTO v_org_id + FROM api_tokens + WHERE id = token_id; + + IF NOT FOUND THEN + RAISE EXCEPTION 'Token not found'; + END IF; + + -- Check if user is admin + IF NOT is_organization_admin(v_org_id) THEN + RAISE EXCEPTION 'Only organization admins can revoke tokens'; + END IF; + + -- Revoke token + UPDATE api_tokens + SET revoked_at = now() + WHERE id = token_id; + + RETURN TRUE; +END; +$$; + +-- Organization management functions +CREATE OR REPLACE FUNCTION "public"."update_organization"(org_id uuid, new_name text) +RETURNS boolean +LANGUAGE plpgsql SECURITY DEFINER +SET search_path TO 'public' +AS $$ +BEGIN + IF NOT is_organization_admin(org_id) THEN + RAISE EXCEPTION 'Only organization admins can update organization'; + END IF; + + UPDATE organizations + SET name = new_name + WHERE id = org_id; + + RETURN found; +END; +$$; + +CREATE OR REPLACE FUNCTION "public"."get_organization_members"(org_id uuid) +RETURNS TABLE(user_id uuid, email varchar, role public.organization_role) +LANGUAGE plpgsql SECURITY DEFINER +SET search_path TO 'public' +AS $$ +BEGIN + RETURN QUERY + SELECT + om.user_id, + au.email::varchar(255), + om.role + FROM public.organization_members om + JOIN auth.users au ON au.id = om.user_id + WHERE om.organization_id = org_id + AND EXISTS ( + SELECT 1 + FROM public.organization_members viewer + WHERE viewer.organization_id = org_id + AND viewer.user_id = auth.uid() + ); +END; +$$; + +CREATE OR REPLACE FUNCTION "public"."invite_organization_member"( + org_id uuid, + member_email varchar, + member_role public.organization_role +) +RETURNS TABLE(user_id uuid, email varchar, role public.organization_role) +LANGUAGE plpgsql SECURITY DEFINER +SET search_path TO 'public' +AS $$ +DECLARE + v_user_id uuid; + v_email varchar(255); +BEGIN + IF NOT is_organization_admin(org_id) THEN + RAISE EXCEPTION 'Only organization admins can invite members'; + END IF; + + SELECT au.id, au.email::varchar(255) + INTO v_user_id, v_email + FROM auth.users au + WHERE lower(au.email) = lower(member_email); + + IF v_user_id IS NULL THEN + RAISE EXCEPTION 'User with email % not found', member_email; + END IF; + + IF EXISTS ( + SELECT 1 + FROM organization_members om + WHERE om.organization_id = org_id + AND om.user_id = v_user_id + ) THEN + RAISE EXCEPTION 'User is already a member of this organization'; + END IF; + + INSERT INTO organization_members (organization_id, user_id, role) + VALUES (org_id, v_user_id, member_role); + + RETURN QUERY + SELECT v_user_id, v_email, member_role; +END; +$$; + +CREATE OR REPLACE FUNCTION "public"."remove_organization_member"(org_id uuid, member_id uuid) +RETURNS boolean +LANGUAGE plpgsql SECURITY DEFINER +SET search_path TO 'public' +AS $$ +DECLARE + v_member_role organization_role; + v_admin_count integer; +BEGIN + IF NOT is_organization_admin(org_id) THEN + RAISE EXCEPTION 'Only organization admins can remove members'; + END IF; + + SELECT role INTO v_member_role + FROM organization_members + WHERE organization_id = org_id AND user_id = member_id; + + IF v_member_role = 'admin' THEN + SELECT count(*) INTO v_admin_count + FROM organization_members + WHERE organization_id = org_id AND role = 'admin'; + + IF v_admin_count <= 1 THEN + RAISE EXCEPTION 'Cannot remove the last admin'; + END IF; + END IF; + + DELETE FROM organization_members + WHERE organization_id = org_id AND user_id = member_id; + + RETURN found; +END; +$$; + +-- Secrets management +CREATE OR REPLACE FUNCTION "public"."manage_organization_secret"( + org_id uuid, + secret_name text, + secret_value text +) +RETURNS uuid +LANGUAGE plpgsql SECURITY DEFINER +SET search_path TO 'public' +AS $$ +DECLARE + v_secret_id uuid; +BEGIN + IF NOT is_organization_admin(org_id) THEN + RAISE EXCEPTION 'Only organization admins can manage secrets'; + END IF; + + INSERT INTO organization_secrets (organization_id, name, value) + VALUES (org_id, secret_name, secret_value) + ON CONFLICT (organization_id, name) + DO UPDATE SET value = excluded.value, updated_at = now() + RETURNING id INTO v_secret_id; + + RETURN v_secret_id; +END; +$$; + +CREATE OR REPLACE FUNCTION "public"."delete_organization_secret"(org_id uuid, secret_name text) +RETURNS boolean +LANGUAGE plpgsql SECURITY DEFINER +SET search_path TO 'public' +AS $$ +BEGIN + IF NOT is_organization_admin(org_id) THEN + RAISE EXCEPTION 'Only organization admins can manage secrets'; + END IF; + + DELETE FROM organization_secrets + WHERE organization_id = org_id AND name = secret_name; + + RETURN found; +END; +$$; + +-- Job management functions +CREATE OR REPLACE FUNCTION "public"."acquire_job"(_job_id text, _worker_id text) +RETURNS SETOF public.jobs +LANGUAGE plpgsql +AS $$ +BEGIN + RETURN QUERY + UPDATE jobs + SET status = 'in_progress', + worker_id = _worker_id + WHERE id = _job_id + AND status = 'pending' + RETURNING *; +END; +$$; + +CREATE OR REPLACE FUNCTION "public"."update_job_status_if_in_progress"( + _job_id text, + _new_status text, + _worker_id text, + _job_outputs jsonb DEFAULT NULL, + _job_script text DEFAULT NULL +) +RETURNS void +LANGUAGE plpgsql +AS $$ +BEGIN + UPDATE jobs + SET status = _new_status::job_status, + outputs = _job_outputs, + script = COALESCE(_job_script, script) + WHERE id = _job_id + AND status = 'in_progress' + AND worker_id = _worker_id; +END; +$$; + +-- Hardware matching +CREATE OR REPLACE FUNCTION "public"."hardware_matches"( + worker_hardware text, + allowed_hardware text[] +) +RETURNS boolean +LANGUAGE plpgsql +AS $$ +BEGIN + IF allowed_hardware IS NULL OR array_length(allowed_hardware, 1) IS NULL THEN + RETURN TRUE; + END IF; + + RETURN worker_hardware = ANY(allowed_hardware); +END; +$$; + +-- Storage path helper +CREATE OR REPLACE FUNCTION "public"."get_path_organization_id"(path text) +RETURNS uuid +LANGUAGE plpgsql STABLE +AS $$ +DECLARE + parts text[]; + org_id uuid; +BEGIN + parts := string_to_array(path, '/'); + + IF array_length(parts, 1) IS NULL OR parts[1] <> 'organizations' THEN + RETURN NULL; + END IF; + + BEGIN + org_id := parts[2]::uuid; + RETURN org_id; + EXCEPTION WHEN others THEN + RETURN NULL; + END; +END; +$$; + +-- Triggers for updated_at +CREATE OR REPLACE FUNCTION "public"."handle_updated_at"() +RETURNS trigger +LANGUAGE plpgsql +AS $$ +BEGIN + NEW.updated_at = CURRENT_TIMESTAMP; + RETURN NEW; +END; +$$; + +CREATE OR REPLACE FUNCTION "public"."set_deployment_timeout"() +RETURNS trigger +LANGUAGE plpgsql +AS $$ +BEGIN + IF NEW.type = 'api' THEN + NEW.timeout = NEW.created_at + interval '1 hour'; + END IF; + RETURN NEW; +END; +$$; + +-- Create triggers +CREATE TRIGGER set_updated_at_organizations + BEFORE UPDATE ON public.organizations + FOR EACH ROW EXECUTE FUNCTION public.handle_updated_at(); + +CREATE TRIGGER set_updated_at_organization_secrets + BEFORE UPDATE ON public.organization_secrets + FOR EACH ROW EXECUTE FUNCTION public.handle_updated_at(); + +CREATE TRIGGER set_updated_at_jobs + BEFORE UPDATE ON public.jobs + FOR EACH ROW EXECUTE FUNCTION public.handle_updated_at(); + +CREATE TRIGGER set_updated_at_runs + BEFORE UPDATE ON public.runs + FOR EACH ROW EXECUTE FUNCTION public.handle_updated_at(); + +CREATE TRIGGER set_updated_at_worker + BEFORE UPDATE ON public.worker + FOR EACH ROW EXECUTE FUNCTION public.handle_updated_at(); + +CREATE TRIGGER set_deployment_timeout_trigger + BEFORE INSERT ON public.jobs + FOR EACH ROW EXECUTE FUNCTION public.set_deployment_timeout(); + +-- ===================================================== +-- ROW LEVEL SECURITY POLICIES +-- ===================================================== + +ALTER TABLE public.organizations ENABLE ROW LEVEL SECURITY; +ALTER TABLE public.organization_members ENABLE ROW LEVEL SECURITY; +ALTER TABLE public.organization_secrets ENABLE ROW LEVEL SECURITY; +ALTER TABLE public.api_tokens ENABLE ROW LEVEL SECURITY; +ALTER TABLE public.files ENABLE ROW LEVEL SECURITY; +ALTER TABLE public.worker ENABLE ROW LEVEL SECURITY; +ALTER TABLE public.jobs ENABLE ROW LEVEL SECURITY; +ALTER TABLE public.runs ENABLE ROW LEVEL SECURITY; +ALTER TABLE public.events ENABLE ROW LEVEL SECURITY; + +-- Organizations +CREATE POLICY "Enable read access for organization members" + ON public.organizations FOR SELECT + USING (public.is_organization_member(id)); + +CREATE POLICY "Enable write access for organization admins" + ON public.organizations + USING (public.is_organization_admin(id)); + +-- Organization Members +CREATE POLICY "Enable read access for members" + ON public.organization_members FOR SELECT + USING (public.is_organization_member(organization_id)); + +CREATE POLICY "Enable write access for admins" + ON public.organization_members + USING (public.is_organization_admin(organization_id)); + +-- Organization Secrets +CREATE POLICY "Organization admins can manage secrets" + ON public.organization_secrets + USING (public.is_organization_admin(organization_id)); + +-- API Tokens +CREATE POLICY "Organization admins can manage tokens" + ON public.api_tokens + USING (public.is_organization_admin(organization_id)); + +CREATE POLICY "Organization members can view their tokens" + ON public.api_tokens FOR SELECT + USING (public.is_organization_member(organization_id)); + +-- Files +CREATE POLICY "Organization members can access files" + ON public.files + USING (public.is_organization_member(organization_id)); + +-- Workers +CREATE POLICY "Enable access for organization members" + ON public.worker + USING (public.is_organization_member(organization_id)); + +-- Jobs +CREATE POLICY "Organization members can read jobs" + ON public.jobs FOR SELECT + USING (public.is_organization_member(organization_id)); + +CREATE POLICY "Organization members can insert jobs" + ON public.jobs FOR INSERT + WITH CHECK (organization_id = public.get_organization_from_token()); + +CREATE POLICY "Organization members can update their jobs" + ON public.jobs FOR UPDATE + USING (public.is_organization_member(organization_id)); + +CREATE POLICY "Organization members can delete their jobs" + ON public.jobs FOR DELETE + USING (public.is_organization_member(organization_id)); + +-- Runs +CREATE POLICY "Enable access for organization members" + ON public.runs + USING (EXISTS ( + SELECT 1 + FROM public.jobs j + WHERE j.id = runs.job_id + AND public.is_organization_member(j.organization_id) + )); + +-- Events +CREATE POLICY "Enable access for organization members" + ON public.events + USING (EXISTS ( + SELECT 1 + FROM public.runs r + JOIN public.jobs j ON j.id = r.job_id + WHERE r.id = events.run_id + AND public.is_organization_member(j.organization_id) + )); + +-- ===================================================== +-- GRANTS +-- ===================================================== + +GRANT USAGE ON SCHEMA public TO postgres; +GRANT USAGE ON SCHEMA public TO anon; +GRANT USAGE ON SCHEMA public TO authenticated; +GRANT USAGE ON SCHEMA public TO service_role; + +GRANT ALL ON ALL TABLES IN SCHEMA public TO anon; +GRANT ALL ON ALL TABLES IN SCHEMA public TO authenticated; +GRANT ALL ON ALL TABLES IN SCHEMA public TO service_role; + +GRANT ALL ON ALL SEQUENCES IN SCHEMA public TO anon; +GRANT ALL ON ALL SEQUENCES IN SCHEMA public TO authenticated; +GRANT ALL ON ALL SEQUENCES IN SCHEMA public TO service_role; + +GRANT ALL ON ALL FUNCTIONS IN SCHEMA public TO anon; +GRANT ALL ON ALL FUNCTIONS IN SCHEMA public TO authenticated; +GRANT ALL ON ALL FUNCTIONS IN SCHEMA public TO service_role; + +ALTER DEFAULT PRIVILEGES FOR ROLE postgres IN SCHEMA public GRANT ALL ON SEQUENCES TO postgres; +ALTER DEFAULT PRIVILEGES FOR ROLE postgres IN SCHEMA public GRANT ALL ON SEQUENCES TO anon; +ALTER DEFAULT PRIVILEGES FOR ROLE postgres IN SCHEMA public GRANT ALL ON SEQUENCES TO authenticated; +ALTER DEFAULT PRIVILEGES FOR ROLE postgres IN SCHEMA public GRANT ALL ON SEQUENCES TO service_role; + +ALTER DEFAULT PRIVILEGES FOR ROLE postgres IN SCHEMA public GRANT ALL ON FUNCTIONS TO postgres; +ALTER DEFAULT PRIVILEGES FOR ROLE postgres IN SCHEMA public GRANT ALL ON FUNCTIONS TO anon; +ALTER DEFAULT PRIVILEGES FOR ROLE postgres IN SCHEMA public GRANT ALL ON FUNCTIONS TO authenticated; +ALTER DEFAULT PRIVILEGES FOR ROLE postgres IN SCHEMA public GRANT ALL ON FUNCTIONS TO service_role; + +ALTER DEFAULT PRIVILEGES FOR ROLE postgres IN SCHEMA public GRANT ALL ON TABLES TO postgres; +ALTER DEFAULT PRIVILEGES FOR ROLE postgres IN SCHEMA public GRANT ALL ON TABLES TO anon; +ALTER DEFAULT PRIVILEGES FOR ROLE postgres IN SCHEMA public GRANT ALL ON TABLES TO authenticated; +ALTER DEFAULT PRIVILEGES FOR ROLE postgres IN SCHEMA public GRANT ALL ON TABLES TO service_role; diff --git a/supabase/migrations/20250117000000_add_allowed_hardware.sql b/supabase/migrations/20250117000000_add_allowed_hardware.sql deleted file mode 100644 index 2c3bce0..0000000 --- a/supabase/migrations/20250117000000_add_allowed_hardware.sql +++ /dev/null @@ -1,41 +0,0 @@ --- Add allowed_hardware column to jobs table -ALTER TABLE "public"."jobs" - ADD COLUMN "allowed_hardware" text[] DEFAULT NULL; - --- Add hardware_type column to worker table --- This will store the actual hardware configuration of the worker (e.g., '2x A100') -ALTER TABLE "public"."worker" - ADD COLUMN "hardware_type" text DEFAULT NULL; - --- Grant permissions to match existing table permissions -GRANT ALL ON TABLE "public"."jobs" TO "anon"; -GRANT ALL ON TABLE "public"."jobs" TO "authenticated"; -GRANT ALL ON TABLE "public"."jobs" TO "service_role"; - -GRANT ALL ON TABLE "public"."worker" TO "anon"; -GRANT ALL ON TABLE "public"."worker" TO "authenticated"; -GRANT ALL ON TABLE "public"."worker" TO "service_role"; - --- Create a function to check if a worker's hardware matches the job's allowed hardware -CREATE OR REPLACE FUNCTION hardware_matches( - worker_hardware text, - allowed_hardware text[] -) -RETURNS boolean -LANGUAGE plpgsql -AS $$ -BEGIN - -- If allowed_hardware is NULL or empty array, any hardware is allowed - IF allowed_hardware IS NULL OR array_length(allowed_hardware, 1) IS NULL THEN - RETURN TRUE; - END IF; - - -- Check if worker's hardware is in the allowed list - RETURN worker_hardware = ANY(allowed_hardware); -END; -$$; - --- Grant execute permissions -GRANT EXECUTE ON FUNCTION hardware_matches(text, text[]) TO "anon"; -GRANT EXECUTE ON FUNCTION hardware_matches(text, text[]) TO "authenticated"; -GRANT EXECUTE ON FUNCTION hardware_matches(text, text[]) TO "service_role"; diff --git a/supabase/migrations/20250118_storage_and_files_policies.sql b/supabase/migrations/20250118_storage_and_files_policies.sql new file mode 100644 index 0000000..974a1dd --- /dev/null +++ b/supabase/migrations/20250118_storage_and_files_policies.sql @@ -0,0 +1,78 @@ +-- Storage and files table policies + +-- First, ensure the files bucket exists +INSERT INTO storage.buckets (id, name, public) +VALUES ('files', 'files', false) +ON CONFLICT (id) DO NOTHING; + +-- Drop existing storage policies if they exist +DROP POLICY IF EXISTS "Organization members can upload files" ON storage.objects; +DROP POLICY IF EXISTS "Organization members can read files" ON storage.objects; +DROP POLICY IF EXISTS "Organization members can update files" ON storage.objects; +DROP POLICY IF EXISTS "Organization members can delete files" ON storage.objects; + +-- Storage policies +CREATE POLICY "Organization members can upload files" +ON storage.objects +FOR INSERT +TO authenticated +WITH CHECK ( + bucket_id = 'files' AND + public.is_organization_member(public.get_path_organization_id(name)) +); + +CREATE POLICY "Organization members can read files" +ON storage.objects +FOR SELECT +TO authenticated +USING ( + bucket_id = 'files' AND + public.is_organization_member(public.get_path_organization_id(name)) +); + +CREATE POLICY "Organization members can update files" +ON storage.objects +FOR UPDATE +TO authenticated +USING ( + bucket_id = 'files' AND + public.is_organization_member(public.get_path_organization_id(name)) +) +WITH CHECK ( + bucket_id = 'files' AND + public.is_organization_member(public.get_path_organization_id(name)) +); + +CREATE POLICY "Organization members can delete files" +ON storage.objects +FOR DELETE +TO authenticated +USING ( + bucket_id = 'files' AND + public.is_organization_member(public.get_path_organization_id(name)) +); + +-- Fix files table RLS policies +DROP POLICY IF EXISTS "Organization members can access files" ON public.files; +DROP POLICY IF EXISTS "Organization members can read files" ON public.files; +DROP POLICY IF EXISTS "Organization members can insert files" ON public.files; +DROP POLICY IF EXISTS "Organization members can update files" ON public.files; +DROP POLICY IF EXISTS "Organization members can delete files" ON public.files; + +-- Files table policies +CREATE POLICY "Organization members can read files" + ON public.files FOR SELECT + USING (public.is_organization_member(organization_id)); + +CREATE POLICY "Organization members can insert files" + ON public.files FOR INSERT + WITH CHECK (organization_id = public.get_organization_from_token()); + +CREATE POLICY "Organization members can update files" + ON public.files FOR UPDATE + USING (public.is_organization_member(organization_id)) + WITH CHECK (public.is_organization_member(organization_id)); + +CREATE POLICY "Organization members can delete files" + ON public.files FOR DELETE + USING (public.is_organization_member(organization_id)); diff --git a/supabase/migrations/20250119_fix_files_insert.sql b/supabase/migrations/20250119_fix_files_insert.sql new file mode 100644 index 0000000..491c004 --- /dev/null +++ b/supabase/migrations/20250119_fix_files_insert.sql @@ -0,0 +1,8 @@ +-- Fix files INSERT policy to work with API tokens + +DROP POLICY IF EXISTS "Organization members can insert files" ON public.files; + +-- Allow authenticated users to insert files if they're a member of the organization +CREATE POLICY "Organization members can insert files" + ON public.files FOR INSERT + WITH CHECK (public.is_organization_member(organization_id)); diff --git a/supabase/migrations/20250917150000_update_call_sites_to_app_auth.sql b/supabase/migrations/20250917150000_update_call_sites_to_app_auth.sql deleted file mode 100644 index c320315..0000000 --- a/supabase/migrations/20250917150000_update_call_sites_to_app_auth.sql +++ /dev/null @@ -1,76 +0,0 @@ --- Switch call sites from auth.check_if_service_account() -> app_auth.check_if_service_account() --- Keep SECURITY DEFINER and add a safe search_path that includes app_auth. - --- 1) public.get_organization_from_token (final version from 2024-12-05-00:00:10) -CREATE OR REPLACE FUNCTION public.get_organization_from_token() -RETURNS uuid -LANGUAGE plpgsql -SECURITY DEFINER -SET search_path = public, auth, app_auth -AS $$ -DECLARE - org_id uuid; -BEGIN - -- Only handle service account tokens - IF NOT app_auth.check_if_service_account() THEN - RAISE EXCEPTION 'Only service account tokens are supported'; - END IF; - - -- Get org from claims - org_id := (current_setting('request.jwt.claims', true)::json->>'organization_id')::uuid; - - -- Update last_used_at in tokens table - UPDATE public.tokens - SET last_used_at = now() - WHERE id = (current_setting('request.jwt.claims', true)::json->>'token_id')::uuid; - - RETURN org_id; -END; -$$; - --- 2) public.is_organization_member(uuid) -CREATE OR REPLACE FUNCTION public.is_organization_member(org_id uuid) -RETURNS boolean -LANGUAGE plpgsql -SECURITY DEFINER -SET search_path = public, auth, app_auth -AS $$ -BEGIN - -- If this is a service account, check the organization claim - IF app_auth.check_if_service_account() THEN - RETURN (current_setting('request.jwt.claims', true)::json->>'organization_id')::uuid = org_id; - END IF; - - -- Otherwise check normal membership - RETURN EXISTS ( - SELECT 1 - FROM public.organization_members - WHERE organization_id = org_id - AND user_id = auth.uid() - ); -END; -$$; - --- 3) public.is_organization_admin(uuid) -CREATE OR REPLACE FUNCTION public.is_organization_admin(org_id uuid) -RETURNS boolean -LANGUAGE plpgsql -SECURITY DEFINER -SET search_path = public, auth, app_auth -AS $$ -BEGIN - -- Service accounts have admin access to their organization - IF app_auth.check_if_service_account() THEN - RETURN (current_setting('request.jwt.claims', true)::json->>'organization_id')::uuid = org_id; - END IF; - - -- Otherwise check normal admin membership - RETURN EXISTS ( - SELECT 1 - FROM public.organization_members - WHERE organization_id = org_id - AND user_id = auth.uid() - AND role = 'admin' - ); -END; -$$; diff --git a/supabase/migrations/20250917153500_storage_policies_move_to_public.sql b/supabase/migrations/20250917153500_storage_policies_move_to_public.sql deleted file mode 100644 index 534da42..0000000 --- a/supabase/migrations/20250917153500_storage_policies_move_to_public.sql +++ /dev/null @@ -1,117 +0,0 @@ --- All app-owned helpers live in public. Storage policies reference these. --- No objects created/modified inside 'storage' or 'app_storage'. - --- 1) Path helper: organizations//... -CREATE OR REPLACE FUNCTION public.get_path_organization_id(path text) -RETURNS uuid -LANGUAGE plpgsql -STABLE -AS $$ -DECLARE - parts text[]; - org_id uuid; -BEGIN - parts := string_to_array(path, '/'); - - IF array_length(parts, 1) IS NULL OR parts[1] <> 'organizations' THEN - RETURN NULL; - END IF; - - BEGIN - org_id := parts[2]::uuid; - RETURN org_id; - EXCEPTION WHEN others THEN - RETURN NULL; - END; -END; -$$; - --- 2) Access helper: service-account claim OR membership -CREATE OR REPLACE FUNCTION public.has_organization_access(org_id uuid) -RETURNS boolean -LANGUAGE plpgsql -SECURITY DEFINER -SET search_path = public, auth, app_auth -STABLE -AS $$ -BEGIN - -- Service account? - IF app_auth.check_if_service_account() THEN - RETURN (current_setting('request.jwt.claims', true)::json->>'organization_id')::uuid = org_id; - END IF; - - -- Otherwise, membership - RETURN EXISTS ( - SELECT 1 - FROM public.organization_members - WHERE organization_id = org_id - AND user_id = auth.uid() - ); -END; -$$; - --- Permissions (optional but harmless) -GRANT EXECUTE ON FUNCTION public.get_path_organization_id(text) TO anon, authenticated, service_role, postgres; -GRANT EXECUTE ON FUNCTION public.has_organization_access(uuid) TO anon, authenticated, service_role, postgres; - --- 3) Re-create Storage policies to reference public.* helpers - --- Read -DROP POLICY IF EXISTS "Organization members can read their files" ON storage.objects; -CREATE POLICY "Organization members can read their files" -ON storage.objects FOR SELECT -USING ( - bucket_id = 'files' - AND ( - name LIKE '%.keep' - OR ( - name LIKE 'organizations/%' - AND public.has_organization_access(public.get_path_organization_id(name)) - ) - ) -); - --- Insert -DROP POLICY IF EXISTS "Organization members can upload files" ON storage.objects; -CREATE POLICY "Organization members can upload files" -ON storage.objects FOR INSERT -WITH CHECK ( - bucket_id = 'files' - AND ( - name LIKE '%.keep' - OR ( - name LIKE 'organizations/%' - AND public.has_organization_access(public.get_path_organization_id(name)) - ) - ) -); - --- Update -DROP POLICY IF EXISTS "Organization members can update their files" ON storage.objects; -CREATE POLICY "Organization members can update their files" -ON storage.objects FOR UPDATE -USING ( - bucket_id = 'files' - AND ( - name LIKE '%.keep' - OR ( - name LIKE 'organizations/%' - AND public.has_organization_access(public.get_path_organization_id(name)) - ) - ) -); - --- Delete -DROP POLICY IF EXISTS "Organization members can delete their files" ON storage.objects; -CREATE POLICY "Organization members can delete their files" -ON storage.objects FOR DELETE -USING ( - bucket_id = 'files' - AND ( - name LIKE '%.keep' - OR ( - name LIKE 'organizations/%' - AND public.has_organization_access(public.get_path_organization_id(name)) - ) - ) -); diff --git a/supabase/seed.sql b/supabase/seed.sql deleted file mode 100644 index b7da8a0..0000000 --- a/supabase/seed.sql +++ /dev/null @@ -1,6 +0,0 @@ --- Ensure 'files' bucket exists in the shadow DB used by `supabase db pull`. --- This runs before migrations during local/shadow setup and is a NOOP on subsequent runs. - -insert into storage.buckets (id, name, public) -values ('files', 'files', false) -on conflict (id) do nothing; diff --git a/tests/test_db.py b/tests/test_db.py new file mode 100644 index 0000000..6dd606a --- /dev/null +++ b/tests/test_db.py @@ -0,0 +1,38 @@ +"""Quick test to check database state.""" + +import os + +from supabase import create_client + +# Get credentials from environment +supabase_url = os.getenv("SUPABASE_URL") +service_role_key = os.getenv("SUPABASE_SERVICE_ROLE_KEY") + +if not supabase_url or not service_role_key: + print("Error: SUPABASE_URL and SUPABASE_SERVICE_ROLE_KEY must be set") + exit(1) + +# Create admin client +supabase = create_client(supabase_url, service_role_key) + +# Check migrations +try: + result = ( + supabase.table("supabase_migrations.schema_migrations") + .select("version, name") + .execute() + ) + print("Applied migrations:") + for row in result.data: + print(f" {row}") +except Exception as e: + print(f"Error checking migrations: {e}") + +# Check if is_organization_member exists +try: + result = supabase.rpc( + "is_organization_member", {"org_id": "fa25f56b-a8f8-442c-93a0-77a7161d386b"} + ).execute() + print(f"\nis_organization_member test: {result.data}") +except Exception as e: + print(f"\nError calling is_organization_member: {e}") diff --git a/tests/test_files_insert.py b/tests/test_files_insert.py new file mode 100644 index 0000000..7e80019 --- /dev/null +++ b/tests/test_files_insert.py @@ -0,0 +1,39 @@ +"""Test files insert with API token.""" + +from dotenv import load_dotenv + +load_dotenv(override=True) + +from openweights import OpenWeights + +ow = OpenWeights() +print(f"Connected to org: {ow.org_name}") +print(f"Organization ID: {ow.organization_id}") + +# Try to insert a file record directly +try: + result = ( + ow._supabase.table("files") + .insert( + { + "id": "test:file-123", + "filename": "test.txt", + "purpose": "test", + "bytes": 100, + "organization_id": ow.organization_id, + } + ) + .execute() + ) + print(f"✓ File insert succeeded: {result.data}") +except Exception as e: + print(f"✗ File insert failed: {e}") + + # Check if we can call is_organization_member + try: + result = ow._supabase.rpc( + "is_organization_member", {"org_id": ow.organization_id} + ).execute() + print(f"\nis_organization_member check: {result.data}") + except Exception as e2: + print(f"is_organization_member error: {e2}") diff --git a/tests/test_jwt.py b/tests/test_jwt.py new file mode 100644 index 0000000..e4f3c88 --- /dev/null +++ b/tests/test_jwt.py @@ -0,0 +1,71 @@ +"""Test JWT exchange and claims.""" + +import base64 +import json +import os + +from dotenv import load_dotenv + +from supabase import create_client + +# Reload environment variables +load_dotenv(override=True) + +# Get credentials +supabase_url = os.getenv("SUPABASE_URL") +supabase_anon_key = os.getenv("SUPABASE_ANON_KEY") +api_token = "ow_2ba0326355c4f9496268fc08758dc63c4e49c04de1592b34" + +if not all([supabase_url, supabase_anon_key, api_token]): + print("Error: SUPABASE_URL, SUPABASE_ANON_KEY, and OPENWEIGHTS_API_KEY must be set") + exit(1) + +print(f"API Token: {api_token[:15]}...") + +# Exchange token +temp_client = create_client(supabase_url, supabase_anon_key) +response = temp_client.rpc( + "exchange_api_token_for_jwt", {"api_token": api_token} +).execute() + +jwt = response.data +print(f"\nJWT: {jwt[:50]}...") + +# Decode JWT (without verification, just to see claims) +parts = jwt.split(".") +if len(parts) == 3: + # Decode payload (add padding if needed) + payload = parts[1] + payload += "=" * (4 - len(payload) % 4) + decoded = base64.urlsafe_b64decode(payload) + claims = json.loads(decoded) + print(f"\nJWT Claims:") + print(json.dumps(claims, indent=2)) + + if "organization_id" in claims: + print(f"\n✓ organization_id found: {claims['organization_id']}") + else: + print("\n✗ organization_id NOT found in JWT!") + +# Test with authenticated client +from supabase.lib.client_options import ClientOptions + +headers = {"Authorization": f"Bearer {jwt}"} +options = ClientOptions(schema="public", headers=headers) +auth_client = create_client(supabase_url, supabase_anon_key, options) + +# Try to get org from token +try: + result = auth_client.rpc("get_organization_from_token").execute() + print(f"\nget_organization_from_token: {result.data}") +except Exception as e: + print(f"\nError calling get_organization_from_token: {e}") + +# Try to check membership +try: + org_id = claims.get("organization_id") + if org_id: + result = auth_client.rpc("is_organization_member", {"org_id": org_id}).execute() + print(f"is_organization_member({org_id}): {result.data}") +except Exception as e: + print(f"Error calling is_organization_member: {e}") diff --git a/use.sh b/use.sh new file mode 100644 index 0000000..4b95f75 --- /dev/null +++ b/use.sh @@ -0,0 +1,39 @@ +#!/usr/bin/env bash + +# Usage: source use.sh dev +# Copies .env.dev → .env and supabase/config.toml.dev → supabase/config.toml +# Loads environment variables into current shell session + +if [ -z "$1" ]; then + echo "Usage: source use.sh " + return 1 +fi + +ENV_NAME="$1" +ENV_FILE=".env.$ENV_NAME" +SUPABASE_FILE="supabase/config.toml.$ENV_NAME" +SUPABASE_DEFAULT="supabase/config.toml.dev" + +# --- Handle .env --- +if [ ! -f "$ENV_FILE" ]; then + echo "Error: $ENV_FILE does not exist." + return 1 +fi + +cp "$ENV_FILE" .env + +# --- Handle supabase config --- +if [ -f "$SUPABASE_FILE" ]; then + cp "$SUPABASE_FILE" supabase/config.toml + echo "Using Supabase config: $SUPABASE_FILE" +else + cp "$SUPABASE_DEFAULT" supabase/config.toml + echo "Warning: $SUPABASE_FILE not found, using default: $SUPABASE_DEFAULT" +fi + +# --- Load env vars into current shell --- +set -o allexport +source .env +set +o allexport + +echo "✅ Switched to environment: $ENV_NAME" From 656f0efc9df7b9ac66fb6b4006297e18c4565547 Mon Sep 17 00:00:00 2001 From: Niels Warncke Date: Sat, 18 Oct 2025 14:10:21 +0200 Subject: [PATCH 05/27] ow worker executes job --- .gitignore | 1 + cookbook/custom_job/client_side.py | 2 - openweights/cli/__init__.py | 20 +++++ openweights/cli/cluster.py | 104 ++++++++++++++++++++++ openweights/cli/signup.py | 41 ++++----- openweights/cli/worker.py | 51 +++++++++++ openweights/cluster/org_manager.py | 47 ++++++++-- openweights/worker/main.py | 60 ++----------- openweights/worker/services/log_server.py | 7 +- 9 files changed, 244 insertions(+), 89 deletions(-) create mode 100644 openweights/cli/cluster.py create mode 100644 openweights/cli/worker.py diff --git a/.gitignore b/.gitignore index 4d7dc57..fe021bf 100644 --- a/.gitignore +++ b/.gitignore @@ -77,6 +77,7 @@ ENV/ .env.dev .env.prod .env.legacy +.env.worker # Supabase .supabase/ diff --git a/cookbook/custom_job/client_side.py b/cookbook/custom_job/client_side.py index 609053e..6ce7141 100644 --- a/cookbook/custom_job/client_side.py +++ b/cookbook/custom_job/client_side.py @@ -29,8 +29,6 @@ class AdditionJob(Jobs): # Define parameter validation using our Pydantic model params = AdditionParams - base_image = "nielsrolf/ow-debug" # We have to use an ow worker image - you can build your own by using something similar to the existing Dockerfiles - requires_vram_gb = 0 def get_entrypoint(self, validated_params: AdditionParams) -> str: diff --git a/openweights/cli/__init__.py b/openweights/cli/__init__.py index 95a78d9..7234488 100644 --- a/openweights/cli/__init__.py +++ b/openweights/cli/__init__.py @@ -38,6 +38,22 @@ def main(): ) add_signup_parser(signup_parser) + # cluster command + from openweights.cli.cluster import add_cluster_parser, handle_cluster + + cluster_parser = sub.add_parser( + "cluster", help="Run the cluster manager locally with your own infrastructure." + ) + add_cluster_parser(cluster_parser) + + # worker command + from openweights.cli.worker import add_worker_parser, handle_worker + + worker_parser = sub.add_parser( + "worker", help="Run a worker to execute jobs from the queue." + ) + add_worker_parser(worker_parser) + args = ap.parse_args() if args.cmd == "ssh": @@ -46,6 +62,10 @@ def main(): sys.exit(handle_exec(args)) elif args.cmd == "signup": sys.exit(handle_signup(args)) + elif args.cmd == "cluster": + sys.exit(handle_cluster(args)) + elif args.cmd == "worker": + sys.exit(handle_worker(args)) else: ap.print_help() sys.exit(1) diff --git a/openweights/cli/cluster.py b/openweights/cli/cluster.py new file mode 100644 index 0000000..eb218b9 --- /dev/null +++ b/openweights/cli/cluster.py @@ -0,0 +1,104 @@ +"""Cluster command for running the organization manager locally.""" + +import os +import sys +from pathlib import Path + + +def add_cluster_parser(parser): + """Add arguments for the cluster command.""" + parser.add_argument( + "--env-file", + type=str, + help="Path to .env file with environment variables (optional)", + ) + + +def load_env_file(env_path: str) -> dict: + """Load environment variables from a .env file.""" + env_vars = {} + env_file = Path(env_path) + + if not env_file.exists(): + print(f"Error: .env file not found at {env_path}") + sys.exit(1) + + with open(env_file, "r") as f: + for line in f: + line = line.strip() + # Skip empty lines and comments + if not line or line.startswith("#"): + continue + + # Parse KEY=VALUE + if "=" in line: + key, value = line.split("=", 1) + key = key.strip() + value = value.strip() + + # Remove quotes if present + if value.startswith('"') and value.endswith('"'): + value = value[1:-1] + elif value.startswith("'") and value.endswith("'"): + value = value[1:-1] + + env_vars[key] = value + + return env_vars + + +def handle_cluster(args) -> int: + """Handle the cluster command.""" + + # Load environment variables from file if provided + if args.env_file: + print(f"Loading environment from {args.env_file}...") + env_vars = load_env_file(args.env_file) + + if not env_vars: + print("Warning: No environment variables found in file") + else: + # Update os.environ with loaded variables + os.environ.update(env_vars) + print(f"Loaded {len(env_vars)} environment variables") + + # Validate required environment variables + required_vars = ["OPENWEIGHTS_API_KEY", "SUPABASE_URL", "SUPABASE_ANON_KEY"] + missing_vars = [var for var in required_vars if var not in os.environ] + + if missing_vars: + print("Error: Missing required environment variables:") + for var in missing_vars: + print(f" - {var}") + print() + print("These can be set in your environment or provided via --env-file") + return 1 + + # Check for RunPod API key + if "RUNPOD_API_KEY" not in os.environ: + print("Warning: RUNPOD_API_KEY not set") + print( + "The cluster manager will attempt to fetch it from the database, " + "but for self-managed clusters you should set it in your environment." + ) + + print("Starting OpenWeights cluster manager...") + print() + + try: + # Import and run the organization manager + from openweights.cluster.org_manager import OrganizationManager + + manager = OrganizationManager() + manager.manage_cluster() + return 0 + + except KeyboardInterrupt: + print("\nCluster manager stopped by user") + return 0 + except Exception as e: + print(f"Error running cluster manager: {str(e)}") + import traceback + + traceback.print_exc() + return 1 diff --git a/openweights/cli/signup.py b/openweights/cli/signup.py index 01863cd..b46a38e 100644 --- a/openweights/cli/signup.py +++ b/openweights/cli/signup.py @@ -68,9 +68,9 @@ def load_env_file(env_path: str) -> dict: return env_vars -def create_supabase_admin_client(url: str, service_role_key: str) -> Client: - """Create a Supabase client with service role privileges.""" - return create_client(url, service_role_key) +def create_supabase_client(url: str, anon_key: str) -> Client: + """Create a Supabase client with anon key.""" + return create_client(url, anon_key) def handle_signup(args) -> int: @@ -84,17 +84,10 @@ def handle_signup(args) -> int: ) return 1 - # Get service role key for admin operations - service_role_key = os.getenv("SUPABASE_SERVICE_ROLE_KEY") - if not service_role_key: - print("Error: SUPABASE_SERVICE_ROLE_KEY environment variable must be set") - print("This is required to create users and organizations") - return 1 - print(f"Creating user account for {args.email}...") - # Create Supabase admin client - supabase = create_supabase_admin_client(args.supabase_url, service_role_key) + # Create Supabase client with anon key + supabase = create_supabase_client(args.supabase_url, args.supabase_key) # Generate password if not provided password = args.password @@ -108,30 +101,30 @@ def handle_signup(args) -> int: print("(Save this password - it won't be shown again)") try: - # Create user via Admin API - user_response = supabase.auth.admin.create_user( + # Create user via standard sign_up (works with anon key) + auth_response = supabase.auth.sign_up( { "email": args.email, "password": password, - "email_confirm": True, # Auto-confirm email } ) - if not user_response.user: + if not auth_response.user: print(f"Error: Failed to create user") return 1 - user_id = user_response.user.id + user_id = auth_response.user.id print(f"✓ User created: {args.email} (ID: {user_id})") - # Sign in as the new user to get a session token - auth_response = supabase.auth.sign_in_with_password( - {"email": args.email, "password": password} - ) - + # Check if email confirmation is required if not auth_response.session: - print("Error: Failed to authenticate new user") - return 1 + print() + print("=" * 60) + print("Email confirmation required!") + print(f"Please check {args.email} for a confirmation link.") + print("After confirming, you can sign in with your password.") + print("=" * 60) + return 0 session_token = auth_response.session.access_token diff --git a/openweights/cli/worker.py b/openweights/cli/worker.py new file mode 100644 index 0000000..3fec730 --- /dev/null +++ b/openweights/cli/worker.py @@ -0,0 +1,51 @@ +"""Worker CLI command.""" + +import os +import sys +from pathlib import Path + + +def add_worker_parser(parser): + """Add worker subcommand arguments.""" + parser.add_argument( + "--env-file", + type=str, + help="Path to .env file to load environment variables from", + ) + + +def handle_worker(args): + """Handle the worker command.""" + # Load environment variables from .env file if provided + if args.env_file: + env_file = Path(args.env_file) + if not env_file.exists(): + print(f"Error: Environment file not found: {env_file}", file=sys.stderr) + return 1 + + # Load the env file + from dotenv import load_dotenv + + load_dotenv(env_file) + print(f"Loaded environment variables from {env_file}") + + # Import and run the worker + try: + from openweights.worker.main import Worker + + # Set IS_LOCAL environment variable to indicate this is a local worker + os.environ["IS_LOCAL"] = "true" + + worker = Worker() + print(f"Worker initialized with ID: {worker.worker_id}") + worker.find_and_execute_job() + return 0 + except KeyboardInterrupt: + print("\nWorker stopped by user") + return 0 + except Exception as e: + print(f"Error running worker: {e}", file=sys.stderr) + import traceback + + traceback.print_exc() + return 1 diff --git a/openweights/cluster/org_manager.py b/openweights/cluster/org_manager.py index ff7dda4..43f85e7 100644 --- a/openweights/cluster/org_manager.py +++ b/openweights/cluster/org_manager.py @@ -101,15 +101,46 @@ def worker_env(self): ) def get_secrets(self) -> Dict[str, str]: - """Get organization secrets from the database.""" - result = ( - self.supabase.table("organization_secrets") - .select("name, value") - .eq("organization_id", self.org_id) - .execute() - ) + """Get organization secrets from the database, with local environment overrides. + + When running a self-managed cluster, secrets from the local environment + are used as base values, and secrets from the database (if any) override them. + This allows users to run their own cluster without submitting secrets to the service. + """ + # Start with local environment variables + secrets = {} + + # Common secret keys that might be needed + secret_keys = [ + "RUNPOD_API_KEY", + "HF_TOKEN", + "WANDB_API_KEY", + "MAX_WORKERS", + "OPENAI_API_KEY", + ] + + for key in secret_keys: + if key in os.environ: + secrets[key] = os.environ[key] + + # Try to get overrides from database (optional) + try: + result = ( + self.supabase.table("organization_secrets") + .select("name, value") + .eq("organization_id", self.org_id) + .execute() + ) + + # Override with database values if present + for secret in result.data: + secrets[secret["name"]] = secret["value"] + except Exception as e: + # If database query fails, just use environment variables + logger.warning(f"Could not fetch secrets from database: {e}") + logger.info("Using only local environment variables for secrets") - return {secret["name"]: secret["value"] for secret in result.data} + return secrets def handle_shutdown(self, signum, frame): """Handle shutdown signals gracefully.""" diff --git a/openweights/worker/main.py b/openweights/worker/main.py index a59a22b..93eff51 100644 --- a/openweights/worker/main.py +++ b/openweights/worker/main.py @@ -15,17 +15,10 @@ import jwt import runpod import torch -from dotenv import load_dotenv -from supabase.lib.client_options import ClientOptions from openweights.client import Files, OpenWeights, Run from openweights.cluster.start_runpod import GPUs from openweights.worker.gpu_health_check import GPUHealthCheck -from supabase import Client, create_client - -# Load environment variables -load_dotenv() -openweights = OpenWeights() # Set up logging logging.basicConfig(level=logging.INFO) @@ -45,9 +38,10 @@ def maybe_read(path): class Worker: def __init__(self): logging.info("Initializing worker") - self.supabase = openweights._supabase - self.organization_id = openweights.organization_id - self.auth_token = openweights.auth_token + self.ow = OpenWeights() + self.supabase = self.ow._supabase + self.organization_id = self.ow.organization_id + self.auth_token = self.ow.auth_token self.files = Files(self.supabase, self.organization_id) self.cached_models = [] self.current_job = None @@ -62,34 +56,6 @@ def __init__(self): self.past_job_status = [] self.hardware_type = None - # Create a service account token for the worker if needed - if not os.environ.get("OPENWEIGHTS_API_KEY"): - result = self.supabase.rpc( - "create_service_account_token", - { - "org_id": self.organization_id, - "token_name": f"worker-{self.worker_id}", - "created_by": self.get_user_id_from_token(), - }, - ).execute() - - if not result.data: - raise ValueError("Failed to create service account token") - - token = result.data[1] # Get the JWT token - os.environ["OPENWEIGHTS_API_KEY"] = token - # Reinitialize supabase client with new token - self.supabase = create_client( - openweights.supabase_url, - openweights.supabase_key, - ClientOptions( - schema="public", - headers={"Authorization": f"Bearer {token}"}, - auto_refresh_token=False, - persist_session=False, - ), - ) - # Detect GPU info try: logging.info("Detecting GPU info") @@ -185,17 +151,6 @@ def clean_gpu_name(gpu_name): atexit.register(self.shutdown_handler) - def get_user_id_from_token(self): - """Extract user ID from JWT token.""" - if not self.auth_token: - raise ValueError("No authentication token provided") - - try: - payload = jwt.decode(self.auth_token, options={"verify_signature": False}) - return payload.get("sub") # 'sub' is the user ID in Supabase JWTs - except Exception as e: - raise ValueError(f"Invalid authentication token: {str(e)}") - def _health_check_loop(self): """Background task that updates worker ping and checks job status.""" while not self.shutdown_flag: @@ -379,10 +334,7 @@ def _find_job(self): .execute() .data ) - logging.info(f"Fetched {len(jobs)} pending jobs from the database") - logging.info(f"Hardware type: {self.hardware_type}") - logging.info(f"VRAM available: {self.vram_gb} GB") # Further filter jobs by hardware requirements hardware_suitable_jobs = [] @@ -417,7 +369,7 @@ def _find_job(self): def _execute_job(self, job): """Execute the job and update status in the database.""" self.current_job = job - self.current_run = Run(openweights, job["id"], self.worker_id) + self.current_run = Run(self.ow, job["id"], self.worker_id) # Create a temporary directory for job execution with tempfile.TemporaryDirectory() as tmp_dir: @@ -524,7 +476,7 @@ def _execute_job(self, job): logging.error(f"Failed to upload file {file_name}: {e}") # Attempt to fetch the latest events for outputs - outputs = openweights.events.latest("*", job_id=job["id"]) + outputs = self.ow.events.latest("*", job_id=job["id"]) # Use your RPC to update the job status only if it's still 'in_progress' for you self.update_job_status_if_in_progress( diff --git a/openweights/worker/services/log_server.py b/openweights/worker/services/log_server.py index 5104251..a4ca0bd 100755 --- a/openweights/worker/services/log_server.py +++ b/openweights/worker/services/log_server.py @@ -12,7 +12,12 @@ class LogHandler(http.server.SimpleHTTPRequestHandler): def do_GET(self): # If path is /logs, serve logs/main print(self.path) - if self.path == "/logs" or self.path == "/logs/": + if ( + self.path == "/logs" + or self.path == "/logs/" + or self.path == "/" + or self.path == "" + ): file_path = "logs/main" else: # Remove leading slash and ensure path is within logs directory From f7129c79c8c40ff2066a6fd7ef7260bb01994f1e Mon Sep 17 00:00:00 2001 From: Niels Warncke Date: Sat, 18 Oct 2025 18:21:57 +0200 Subject: [PATCH 06/27] cli: ow token {ls,create,revoke} added --- .dockerignore | 1 + cookbook/custom_job/client_side.py | 2 +- openweights/cli/__init__.py | 8 + openweights/cli/cluster.py | 4 + openweights/cli/token.py | 241 +++++++++++++++++++++ openweights/cluster/org_manager.py | 26 ++- supabase/migrations/20250116_v1_schema.sql | 23 +- 7 files changed, 298 insertions(+), 7 deletions(-) create mode 100644 openweights/cli/token.py diff --git a/.dockerignore b/.dockerignore index 5ded50a..f2eb04e 100644 --- a/.dockerignore +++ b/.dockerignore @@ -16,6 +16,7 @@ build-docker-in-runpod .env.ow-dev .env.ow-migrations .env.legacy +.env.worker .env.* openweights/dashboard/backend/.env.ow-dev openweights/dashboard/backend/.env.ow-migrations diff --git a/cookbook/custom_job/client_side.py b/cookbook/custom_job/client_side.py index 6ce7141..802a70b 100644 --- a/cookbook/custom_job/client_side.py +++ b/cookbook/custom_job/client_side.py @@ -41,7 +41,7 @@ def get_entrypoint(self, validated_params: AdditionParams) -> str: def main(): # Submit the job with some parameters - result = ow.addition.create(a=5, b=3) + result = ow.addition.create(a=5, b=9) print(f"Created job: {result['id']}") # Optional: wait for job completion and print results diff --git a/openweights/cli/__init__.py b/openweights/cli/__init__.py index 7234488..da4cfbb 100644 --- a/openweights/cli/__init__.py +++ b/openweights/cli/__init__.py @@ -54,6 +54,12 @@ def main(): ) add_worker_parser(worker_parser) + # token command + from openweights.cli.token import add_token_parser, handle_token + + token_parser = sub.add_parser("token", help="Manage API tokens for organizations.") + add_token_parser(token_parser) + args = ap.parse_args() if args.cmd == "ssh": @@ -66,6 +72,8 @@ def main(): sys.exit(handle_cluster(args)) elif args.cmd == "worker": sys.exit(handle_worker(args)) + elif args.cmd == "token": + sys.exit(handle_token(args)) else: ap.print_help() sys.exit(1) diff --git a/openweights/cli/cluster.py b/openweights/cli/cluster.py index eb218b9..9af1ffd 100644 --- a/openweights/cli/cluster.py +++ b/openweights/cli/cluster.py @@ -62,6 +62,10 @@ def handle_cluster(args) -> int: os.environ.update(env_vars) print(f"Loaded {len(env_vars)} environment variables") + # Store the list of custom env var keys so org_manager can pass them to workers + # We use a special env var to communicate which vars came from the env file + os.environ["_OW_CUSTOM_ENV_VARS"] = ",".join(env_vars.keys()) + # Validate required environment variables required_vars = ["OPENWEIGHTS_API_KEY", "SUPABASE_URL", "SUPABASE_ANON_KEY"] missing_vars = [var for var in required_vars if var not in os.environ] diff --git a/openweights/cli/token.py b/openweights/cli/token.py new file mode 100644 index 0000000..48e3471 --- /dev/null +++ b/openweights/cli/token.py @@ -0,0 +1,241 @@ +"""Token management CLI commands.""" + +import os +import sys +from datetime import datetime, timedelta, timezone + +from openweights import OpenWeights + + +def add_token_parser(parser): + """Add arguments for the token command.""" + subparsers = parser.add_subparsers(dest="token_cmd", required=True) + + # ls command + subparsers.add_parser("ls", help="List all tokens for the organization") + + # create command + create_parser = subparsers.add_parser("create", help="Create a new API token") + create_parser.add_argument( + "--name", + type=str, + required=True, + help="Name/description for the token", + ) + create_parser.add_argument( + "--expires-in-days", + type=int, + help="Number of days until token expires (optional, default: no expiration)", + ) + + # revoke command + revoke_parser = subparsers.add_parser("revoke", help="Revoke (delete) a token") + revoke_parser.add_argument( + "--token-id", + type=str, + required=True, + help="Token ID to revoke", + ) + + +def get_openweights_client(): + """Get OpenWeights client with authentication.""" + auth_token = os.getenv("OPENWEIGHTS_API_KEY") + + if not auth_token: + print("Error: OPENWEIGHTS_API_KEY environment variable not set") + print("Please set your API key:") + print(" export OPENWEIGHTS_API_KEY=your_token_here") + sys.exit(1) + + try: + # Create OpenWeights client which will automatically get org_id from token + return OpenWeights(auth_token=auth_token) + except Exception as e: + print(f"Error initializing OpenWeights client: {str(e)}") + sys.exit(1) + + +def format_datetime(dt) -> str: + """Format datetime for display.""" + if dt is None: + return "Never" + # Handle both datetime objects and strings + if isinstance(dt, str): + try: + dt = datetime.fromisoformat(dt.replace("Z", "+00:00")) + except ValueError: + return dt + return dt.strftime("%Y-%m-%d %H:%M:%S UTC") + + +def handle_token_ls(args) -> int: + """Handle the token ls command.""" + try: + ow = get_openweights_client() + org_id = ow.organization_id + + # Query api_tokens table + result = ( + ow._supabase.table("api_tokens") + .select("*") + .eq("organization_id", org_id) + .order("created_at", desc=True) + .execute() + ) + + if not result.data: + print(f"No tokens found for organization {org_id}") + return 0 + + print(f"\nTokens for organization {org_id}:") + print("-" * 80) + + for token in result.data: + print(f"\nToken ID: {token['id']}") + print(f"Name: {token['name']}") + print(f"Prefix: {token['token_prefix']}") + print(f"Created: {format_datetime(token['created_at'])}") + print(f"Expires: {format_datetime(token.get('expires_at'))}") + print(f"Last used: {format_datetime(token.get('last_used_at'))}") + + # Check if revoked + if token.get("revoked_at"): + print(f"Status: REVOKED ({format_datetime(token['revoked_at'])})") + # Check if expired + elif token.get("expires_at"): + expires_at = token["expires_at"] + if isinstance(expires_at, str): + expires_at = datetime.fromisoformat( + expires_at.replace("Z", "+00:00") + ) + + if expires_at < datetime.now(timezone.utc): + print("Status: EXPIRED") + else: + days_left = (expires_at - datetime.now(timezone.utc)).days + print(f"Status: Active ({days_left} days remaining)") + else: + print("Status: Active (no expiration)") + + print("-" * 80) + print(f"\nTotal: {len(result.data)} token(s)") + + return 0 + + except Exception as e: + print(f"Error listing tokens: {str(e)}") + return 1 + + +def handle_token_create(args) -> int: + """Handle the token create command.""" + try: + ow = get_openweights_client() + org_id = ow.organization_id + + # Calculate expiration if specified + expires_at = None + if args.expires_in_days is not None: + expires_at = ( + datetime.now(timezone.utc) + timedelta(days=args.expires_in_days) + ).isoformat() + + # Call the create_api_token RPC function + result = ow._supabase.rpc( + "create_api_token", + { + "org_id": org_id, + "token_name": args.name, + "expires_at": expires_at, + }, + ).execute() + + if not result.data or len(result.data) == 0: + print("Error: Failed to create token") + return 1 + + token_data = result.data[0] + + print("\nToken created successfully!") + print("-" * 80) + print(f"Token ID: {token_data['token_id']}") + print(f"Name: {args.name}") + if expires_at: + print(f"Expires: {format_datetime(expires_at)}") + else: + print(f"Expires: Never") + print(f"\nAccess Token: {token_data['token']}") + print("-" * 80) + print("\nIMPORTANT: Save this token securely. It will not be shown again.") + print("You can use it by setting: export OPENWEIGHTS_API_KEY=") + + return 0 + + except Exception as e: + print(f"Error creating token: {str(e)}") + return 1 + + +def handle_token_revoke(args) -> int: + """Handle the token revoke command.""" + try: + ow = get_openweights_client() + org_id = ow.organization_id + + # First, get token info to show what we're revoking + token_result = ( + ow._supabase.table("api_tokens") + .select("name, token_prefix") + .eq("id", args.token_id) + .eq("organization_id", org_id) + .single() + .execute() + ) + + if not token_result.data: + print(f"Error: Token {args.token_id} not found in organization {org_id}") + return 1 + + # Confirm before revoking + print(f"\nWARNING: You are about to revoke token:") + print(f" ID: {args.token_id}") + print(f" Name: {token_result.data['name']}") + print(f" Prefix: {token_result.data['token_prefix']}") + print( + "\nThis action cannot be undone. Any applications using this token will lose access." + ) + + response = input("\nType 'yes' to confirm: ") + if response.lower() != "yes": + print("Revocation canceled.") + return 0 + + # Call the revoke_api_token RPC function + ow._supabase.rpc( + "revoke_api_token", + { + "token_id": args.token_id, + }, + ).execute() + + print(f"\nToken {args.token_id} has been revoked successfully.") + + return 0 + + except Exception as e: + print(f"Error revoking token: {str(e)}") + return 1 + + +def handle_token(args) -> int: + """Handle the token command.""" + if args.token_cmd == "ls": + return handle_token_ls(args) + elif args.token_cmd == "create": + return handle_token_create(args) + elif args.token_cmd == "revoke": + return handle_token_revoke(args) + else: + print(f"Unknown token command: {args.token_cmd}") + return 1 diff --git a/openweights/cluster/org_manager.py b/openweights/cluster/org_manager.py index 75c3c4a..b3e5853 100644 --- a/openweights/cluster/org_manager.py +++ b/openweights/cluster/org_manager.py @@ -9,10 +9,10 @@ import signal import sys import time +import traceback import uuid from datetime import datetime, timezone from typing import Dict, List -import traceback import requests import runpod @@ -96,6 +96,10 @@ def __init__(self): @property def worker_env(self): secrets = self.get_secrets() + # Remove SUPABASE_URL and SUPABASE_ANON_KEY from secrets if present + # to avoid duplicate keyword argument error + secrets.pop("SUPABASE_URL", None) + secrets.pop("SUPABASE_ANON_KEY", None) return dict( SUPABASE_URL=os.environ["SUPABASE_URL"], SUPABASE_ANON_KEY=os.environ["SUPABASE_ANON_KEY"], @@ -119,8 +123,18 @@ def get_secrets(self) -> Dict[str, str]: "WANDB_API_KEY", "MAX_WORKERS", "OPENAI_API_KEY", + "OPENWEIGHTS_API_KEY", ] + # If custom env vars were provided via env file, add them to the list + # This is communicated via the _OW_CUSTOM_ENV_VARS environment variable + if "_OW_CUSTOM_ENV_VARS" in os.environ: + custom_vars = os.environ["_OW_CUSTOM_ENV_VARS"].split(",") + # Add custom vars to secret_keys, avoiding duplicates + for var in custom_vars: + if var and var not in secret_keys: + secret_keys.append(var) + for key in secret_keys: if key in os.environ: secrets[key] = os.environ[key] @@ -144,7 +158,7 @@ def get_secrets(self) -> Dict[str, str]: return secrets - def handle_shutdown(self, signum, frame): + def handle_shutdown(self, _signum, _frame): """Handle shutdown signals gracefully.""" logger.info( f"Received shutdown signal, cleaning up organization {self.org_id}..." @@ -383,7 +397,9 @@ def scale_workers(self, running_workers, pending_jobs): if len(image_pending_jobs) > 0: available_slots = MAX_WORKERS - len(running_workers) - print(f"available slots: {MAX_WORKERS - len(running_workers)}, MAX_WORKERS: {MAX_WORKERS}, running: {len(running_workers)}, active: {active_count}, starting: {starting_count}, pending jobs for image {docker_image}: {len(image_pending_jobs)}") + print( + f"available slots: {MAX_WORKERS - len(running_workers)}, MAX_WORKERS: {MAX_WORKERS}, running: {len(running_workers)}, active: {active_count}, starting: {starting_count}, pending jobs for image {docker_image}: {len(image_pending_jobs)}" + ) # Group jobs by hardware requirements job_groups = self.group_jobs_by_hardware_requirements( @@ -459,7 +475,7 @@ def scale_workers(self, running_workers, pending_jobs): image=docker_image, env=self.worker_env, name=f"{self.openweights.org_name}-{time.time()}-ow-1day", - runpod_client=runpod + runpod_client=runpod, ) # Update worker with pod_id assert pod is not None @@ -518,7 +534,7 @@ def manage_cluster(self): logger.info(f"Starting cluster management for organization {self.org_id}") global MAX_WORKERS - + while not self.shutdown_flag: worker_env = self.worker_env MAX_WORKERS = int(worker_env.get("MAX_WORKERS", MAX_WORKERS)) diff --git a/supabase/migrations/20250116_v1_schema.sql b/supabase/migrations/20250116_v1_schema.sql index bc1d4c3..86b17f3 100644 --- a/supabase/migrations/20250116_v1_schema.sql +++ b/supabase/migrations/20250116_v1_schema.sql @@ -401,6 +401,8 @@ DECLARE v_token text; v_token_hash text; v_token_prefix text; + v_created_by uuid; + v_api_token_id uuid; BEGIN -- Check if user is admin IF NOT is_organization_admin(org_id) THEN @@ -412,6 +414,25 @@ BEGIN v_token_hash := encode(extensions.digest(v_token, 'sha256'), 'hex'); v_token_prefix := substring(v_token, 1, 11); -- "ow_" + first 8 hex chars + -- Determine created_by: either from auth.uid() or from parent API token + v_created_by := auth.uid(); + + IF v_created_by IS NULL THEN + -- If no user session, we're authenticated via API token + -- Get the parent token's created_by + v_api_token_id := (current_setting('request.jwt.claims', true)::json->>'api_token_id')::uuid; + + IF v_api_token_id IS NOT NULL THEN + SELECT created_by INTO v_created_by + FROM api_tokens + WHERE id = v_api_token_id; + END IF; + + IF v_created_by IS NULL THEN + RAISE EXCEPTION 'Could not determine creator'; + END IF; + END IF; + -- Insert token INSERT INTO api_tokens ( organization_id, @@ -425,7 +446,7 @@ BEGIN token_name, v_token_prefix, v_token_hash, - auth.uid(), + v_created_by, expires_at ) RETURNING id INTO v_token_id; From 86876169bbd886d6952aaade55562624d1c1a513 Mon Sep 17 00:00:00 2001 From: Niels Warncke Date: Sat, 18 Oct 2025 18:43:35 +0200 Subject: [PATCH 07/27] cli: added --- openweights/cli/README.md | 68 ------------------------- openweights/cli/__init__.py | 24 +++++++++ openweights/cli/cancel.py | 88 ++++++++++++++++++++++++++++++++ openweights/cli/logs.py | 91 ++++++++++++++++++++++++++++++++++ openweights/cli/ls.py | 64 ++++++++++++++++++++++++ openweights/client/__init__.py | 1 - 6 files changed, 267 insertions(+), 69 deletions(-) delete mode 100644 openweights/cli/README.md create mode 100644 openweights/cli/cancel.py create mode 100644 openweights/cli/logs.py create mode 100644 openweights/cli/ls.py diff --git a/openweights/cli/README.md b/openweights/cli/README.md deleted file mode 100644 index d93cb5d..0000000 --- a/openweights/cli/README.md +++ /dev/null @@ -1,68 +0,0 @@ -# OpenWeights CLI - -This directory contains the CLI implementation for OpenWeights. - -## Structure - -- `__init__.py` - Main entry point that dispatches to subcommands -- `__main__.py` - Allows running as a module: `python -m openweights.cli` -- `common.py` - Shared utilities for provider abstraction, file sync, and remote operations -- `ssh.py` - Interactive SSH shell with live bidirectional file sync -- `exec.py` - Execute commands on remote GPU with file sync - -## Usage - -The CLI is exposed as the `ow` command after installation: - -```bash -# Interactive shell with file sync -ow ssh --gpu L40 --image nielsrolf/ow-default:v0.7 - -# Execute a command on remote GPU -ow exec --gpu L40 --mount .:/workspace python train.py config.json - -# With environment variables -ow exec --env-file .env --gpu H100 python train.py - -# Multiple mounts -ow ssh --mount ~/data:/data --mount ~/code:/code -``` - -## Commands - -### `ow ssh` - -Opens an interactive shell on a remote GPU with live bidirectional file sync using Unison. - -**Key features:** -- Bidirectional file sync (changes on either side are synced) -- Automatic editable install if `pyproject.toml` exists -- Interactive prompt blocks until initial sync completes -- Optional machine termination on exit - -### `ow exec` - -Executes a command on a remote GPU with file sync. - -**Key features:** -- One-shot file sync before execution -- Automatic machine termination after execution (unless `--no-terminate`) -- Can skip file sync with `--no-sync` for faster execution -- All command arguments are passed through - -## Provider Abstraction - -The CLI uses a provider abstraction layer (`Provider` class in `common.py`) that allows supporting multiple cloud providers. Currently implemented: - -- **RunpodProvider**: Uses RunPod for GPU instances - -The abstraction makes it easy to add support for other providers (AWS, GCP, Lambda Labs, etc.) by implementing the `Provider` interface. - -## File Sync - -File synchronization is handled by Unison for bidirectional sync: - -- **ssh command**: Continuous watch mode - changes are synced in real-time -- **exec command**: One-shot sync before execution - -The sync system uses a sentinel file (`.ow_sync/busy`) to ensure the remote shell prompt blocks until the initial sync completes, guaranteeing files are up-to-date before any commands run. diff --git a/openweights/cli/__init__.py b/openweights/cli/__init__.py index da4cfbb..3adee5d 100644 --- a/openweights/cli/__init__.py +++ b/openweights/cli/__init__.py @@ -60,6 +60,24 @@ def main(): token_parser = sub.add_parser("token", help="Manage API tokens for organizations.") add_token_parser(token_parser) + # ls command + from openweights.cli.ls import add_ls_parser, handle_ls + + ls_parser = sub.add_parser("ls", help="List job IDs.") + add_ls_parser(ls_parser) + + # cancel command + from openweights.cli.cancel import add_cancel_parser, handle_cancel + + cancel_parser = sub.add_parser("cancel", help="Cancel jobs by ID.") + add_cancel_parser(cancel_parser) + + # logs command + from openweights.cli.logs import add_logs_parser, handle_logs + + logs_parser = sub.add_parser("logs", help="Display logs for a job.") + add_logs_parser(logs_parser) + args = ap.parse_args() if args.cmd == "ssh": @@ -74,6 +92,12 @@ def main(): sys.exit(handle_worker(args)) elif args.cmd == "token": sys.exit(handle_token(args)) + elif args.cmd == "ls": + sys.exit(handle_ls(args)) + elif args.cmd == "cancel": + sys.exit(handle_cancel(args)) + elif args.cmd == "logs": + sys.exit(handle_logs(args)) else: ap.print_help() sys.exit(1) diff --git a/openweights/cli/cancel.py b/openweights/cli/cancel.py new file mode 100644 index 0000000..bb5a9f8 --- /dev/null +++ b/openweights/cli/cancel.py @@ -0,0 +1,88 @@ +"""Cancel jobs CLI command.""" + +import os +import sys + +from openweights import OpenWeights + + +def add_cancel_parser(parser): + """Add arguments for the cancel command.""" + parser.add_argument( + "job_ids", + nargs="*", + help="Job IDs to cancel (if not provided, reads from stdin for piping)", + ) + + +def get_openweights_client(): + """Get OpenWeights client with authentication.""" + auth_token = os.getenv("OPENWEIGHTS_API_KEY") + + if not auth_token: + print( + "Error: OPENWEIGHTS_API_KEY environment variable not set", file=sys.stderr + ) + print("Please set your API key:", file=sys.stderr) + print(" export OPENWEIGHTS_API_KEY=your_token_here", file=sys.stderr) + sys.exit(1) + + try: + return OpenWeights(auth_token=auth_token) + except Exception as e: + print(f"Error initializing OpenWeights client: {str(e)}", file=sys.stderr) + sys.exit(1) + + +def handle_cancel(args) -> int: + """Handle the cancel command - cancel jobs by ID.""" + try: + ow = get_openweights_client() + + # Get job IDs from args or stdin + if args.job_ids: + job_ids = args.job_ids + else: + # Read from stdin for piping (e.g., ow ls | ow cancel) + job_ids = [line.strip() for line in sys.stdin if line.strip()] + + if not job_ids: + print("Error: No job IDs provided", file=sys.stderr) + print("Usage: ow cancel [ ...]", file=sys.stderr) + print(" or: ow ls | ow cancel", file=sys.stderr) + return 1 + + # Cancel each job + canceled_count = 0 + skipped_count = 0 + error_count = 0 + + for job_id in job_ids: + try: + # Retrieve the job to check its status + job = ow.jobs.retrieve(job_id) + + # Only cancel if in pending or in_progress status + if job.status in ["pending", "in_progress"]: + ow.jobs.cancel(job_id) + print(f"Canceled: {job_id}", file=sys.stderr) + canceled_count += 1 + else: + print(f"Skipped: {job_id} (status: {job.status})", file=sys.stderr) + skipped_count += 1 + + except Exception as e: + print(f"Error canceling {job_id}: {str(e)}", file=sys.stderr) + error_count += 1 + + # Print summary + print( + f"\nSummary: {canceled_count} canceled, {skipped_count} skipped, {error_count} errors", + file=sys.stderr, + ) + + return 0 if error_count == 0 else 1 + + except Exception as e: + print(f"Error: {str(e)}", file=sys.stderr) + return 1 diff --git a/openweights/cli/logs.py b/openweights/cli/logs.py new file mode 100644 index 0000000..a320c38 --- /dev/null +++ b/openweights/cli/logs.py @@ -0,0 +1,91 @@ +"""Display job logs CLI command.""" + +import os +import sys + +from openweights import OpenWeights + + +def add_logs_parser(parser): + """Add arguments for the logs command.""" + parser.add_argument( + "job_id", + help="Job ID to display logs for", + ) + parser.add_argument( + "--run-id", + type=int, + help="Specific run ID to show logs for (default: latest run)", + ) + + +def get_openweights_client(): + """Get OpenWeights client with authentication.""" + auth_token = os.getenv("OPENWEIGHTS_API_KEY") + + if not auth_token: + print( + "Error: OPENWEIGHTS_API_KEY environment variable not set", file=sys.stderr + ) + print("Please set your API key:", file=sys.stderr) + print(" export OPENWEIGHTS_API_KEY=your_token_here", file=sys.stderr) + sys.exit(1) + + try: + return OpenWeights(auth_token=auth_token) + except Exception as e: + print(f"Error initializing OpenWeights client: {str(e)}", file=sys.stderr) + sys.exit(1) + + +def handle_logs(args) -> int: + """Handle the logs command - display job logs.""" + try: + ow = get_openweights_client() + + # Get the job + try: + job = ow.jobs.retrieve(args.job_id) + except Exception as e: + print(f"Error: Job {args.job_id} not found: {str(e)}", file=sys.stderr) + return 1 + + # Get runs for this job + runs = job.runs + + if not runs: + print(f"Error: No runs found for job {args.job_id}", file=sys.stderr) + return 1 + + # Select the run to display + if args.run_id: + run = next((r for r in runs if r.id == args.run_id), None) + if not run: + print( + f"Error: Run {args.run_id} not found for job {args.job_id}", + file=sys.stderr, + ) + return 1 + else: + # Use the latest run (last in the list) + run = runs[-1] + + # Check if log file exists + if not run.log_file: + print(f"Error: No log file available for run {run.id}", file=sys.stderr) + print(f"Run status: {run.status}", file=sys.stderr) + return 1 + + # Fetch and print the log content + try: + log_content = ow.files.content(run.log_file) + # Print the log content to stdout (as bytes, decoded) + print(log_content.decode("utf-8"), end="") + return 0 + except Exception as e: + print(f"Error fetching log file: {str(e)}", file=sys.stderr) + return 1 + + except Exception as e: + print(f"Error: {str(e)}", file=sys.stderr) + return 1 diff --git a/openweights/cli/ls.py b/openweights/cli/ls.py new file mode 100644 index 0000000..82e946e --- /dev/null +++ b/openweights/cli/ls.py @@ -0,0 +1,64 @@ +"""List jobs CLI command.""" + +import os +import sys + +from openweights import OpenWeights + + +def add_ls_parser(parser): + """Add arguments for the ls command.""" + parser.add_argument( + "--status", + type=str, + choices=["pending", "in_progress", "completed", "failed", "canceled"], + help="Filter jobs by status", + ) + parser.add_argument( + "--limit", + type=int, + default=100, + help="Maximum number of job IDs to return (default: 100)", + ) + + +def get_openweights_client(): + """Get OpenWeights client with authentication.""" + auth_token = os.getenv("OPENWEIGHTS_API_KEY") + + if not auth_token: + print( + "Error: OPENWEIGHTS_API_KEY environment variable not set", file=sys.stderr + ) + print("Please set your API key:", file=sys.stderr) + print(" export OPENWEIGHTS_API_KEY=your_token_here", file=sys.stderr) + sys.exit(1) + + try: + return OpenWeights(auth_token=auth_token) + except Exception as e: + print(f"Error initializing OpenWeights client: {str(e)}", file=sys.stderr) + sys.exit(1) + + +def handle_ls(args) -> int: + """Handle the ls command - list job IDs only.""" + try: + ow = get_openweights_client() + + # Use the existing jobs.list() method with RLS + jobs = ow.jobs.list(limit=args.limit) + + # Filter by status if provided + if args.status: + jobs = [job for job in jobs if job.status == args.status] + + # Print only job IDs, one per line (for piping to other commands) + for job in jobs: + print(job.id) + + return 0 + + except Exception as e: + print(f"Error listing jobs: {str(e)}", file=sys.stderr) + return 1 diff --git a/openweights/client/__init__.py b/openweights/client/__init__.py index 45817b5..0481811 100644 --- a/openweights/client/__init__.py +++ b/openweights/client/__init__.py @@ -146,7 +146,6 @@ def __init__( # Get organization ID from token self.organization_id = organization_id or self.get_organization_id() self.org_name = self.get_organization_name() - print("Connected to org: ", self.org_name) # Initialize components with organization ID self.files = Files(self._supabase, self.organization_id) From a3464cd2b0d90181f644822dd5a826afa6ba9fe9 Mon Sep 17 00:00:00 2001 From: Niels Warncke Date: Sat, 18 Oct 2025 18:46:52 +0200 Subject: [PATCH 08/27] cli: added --- openweights/cli/__init__.py | 8 +++++ openweights/cli/fetch.py | 72 +++++++++++++++++++++++++++++++++++++ 2 files changed, 80 insertions(+) create mode 100644 openweights/cli/fetch.py diff --git a/openweights/cli/__init__.py b/openweights/cli/__init__.py index 3adee5d..218b48d 100644 --- a/openweights/cli/__init__.py +++ b/openweights/cli/__init__.py @@ -78,6 +78,12 @@ def main(): logs_parser = sub.add_parser("logs", help="Display logs for a job.") add_logs_parser(logs_parser) + # fetch command + from openweights.cli.fetch import add_fetch_parser, handle_fetch + + fetch_parser = sub.add_parser("fetch", help="Fetch file content by ID.") + add_fetch_parser(fetch_parser) + args = ap.parse_args() if args.cmd == "ssh": @@ -98,6 +104,8 @@ def main(): sys.exit(handle_cancel(args)) elif args.cmd == "logs": sys.exit(handle_logs(args)) + elif args.cmd == "fetch": + sys.exit(handle_fetch(args)) else: ap.print_help() sys.exit(1) diff --git a/openweights/cli/fetch.py b/openweights/cli/fetch.py new file mode 100644 index 0000000..26b49f9 --- /dev/null +++ b/openweights/cli/fetch.py @@ -0,0 +1,72 @@ +"""Fetch file content CLI command.""" + +import os +import sys + +from openweights import OpenWeights + + +def add_fetch_parser(parser): + """Add arguments for the fetch command.""" + parser.add_argument( + "file_id", + help="File ID to fetch", + ) + parser.add_argument( + "-o", + "--output", + help="Output file path (if not specified, writes to stdout)", + ) + + +def get_openweights_client(): + """Get OpenWeights client with authentication.""" + auth_token = os.getenv("OPENWEIGHTS_API_KEY") + + if not auth_token: + print( + "Error: OPENWEIGHTS_API_KEY environment variable not set", file=sys.stderr + ) + print("Please set your API key:", file=sys.stderr) + print(" export OPENWEIGHTS_API_KEY=your_token_here", file=sys.stderr) + sys.exit(1) + + try: + return OpenWeights(auth_token=auth_token) + except Exception as e: + print(f"Error initializing OpenWeights client: {str(e)}", file=sys.stderr) + sys.exit(1) + + +def handle_fetch(args) -> int: + """Handle the fetch command - download and display file content.""" + try: + ow = get_openweights_client() + + # Fetch the file content + try: + content = ow.files.content(args.file_id) + except Exception as e: + print( + f"Error: Failed to fetch file {args.file_id}: {str(e)}", file=sys.stderr + ) + return 1 + + # Write to output file or stdout + if args.output: + try: + with open(args.output, "wb") as f: + f.write(content) + print(f"File saved to: {args.output}", file=sys.stderr) + except Exception as e: + print(f"Error writing to file {args.output}: {str(e)}", file=sys.stderr) + return 1 + else: + # Write to stdout as binary + sys.stdout.buffer.write(content) + + return 0 + + except Exception as e: + print(f"Error: {str(e)}", file=sys.stderr) + return 1 From a6bc00c465dce652969c342b7e62b8098c9b420e Mon Sep 17 00:00:00 2001 From: Niels Warncke Date: Sun, 19 Oct 2025 14:20:51 +0200 Subject: [PATCH 09/27] Update entrypoint to use ow cli --- Dockerfile | 6 +++++- entrypoint.sh | 35 ++++++++++++++--------------------- openweights/cluster/README.md | 10 +++++++++- 3 files changed, 28 insertions(+), 23 deletions(-) diff --git a/Dockerfile b/Dockerfile index 81dfc27..d273294 100644 --- a/Dockerfile +++ b/Dockerfile @@ -1,13 +1,15 @@ # FROM vllm/vllm-openai:latest FROM unsloth/unsloth +USER root + WORKDIR /openweights # Install SSH RUN apt-get update && \ apt-get install -y openssh-server rsync git-lfs && \ mkdir /var/run/sshd -RUN apt-get update && apt-get install -y --no-install-recommends unison && rm -rf /var/lib/apt/lists/* +RUN apt-get update && apt-get install -y --no-install-recommends unison # Create a directory for SSH keys RUN mkdir -p /root/.ssh && chmod 700 /root/.ssh @@ -37,4 +39,6 @@ EXPOSE 22 EXPOSE 8000 EXPOSE 10101 +# USER unsloth + ENTRYPOINT ["/openweights/entrypoint.sh"] diff --git a/entrypoint.sh b/entrypoint.sh index 6ab3a1c..2e779bc 100755 --- a/entrypoint.sh +++ b/entrypoint.sh @@ -14,19 +14,6 @@ else echo "[$(date)] No PUBLIC_KEY provided, skipping SSH key setup" fi -# Repository checkout if needed -echo "[$(date)] Checking for OW_COMMIT environment variable" -if [ -n "$OW_COMMIT" ]; then - echo "[$(date)] Starting repository checkout" - python3 openweights/worker/services/checkout.py - if [ $? -ne 0 ]; then - echo "[$(date)] Repository checkout failed" - exit 1 - fi -else - echo "[$(date)] No OW_COMMIT specified, skipping repository checkout" -fi - # Login to huggingface echo "[$(date)] Attempting to login to Hugging Face" python3 openweights/worker/services/hf_login.py @@ -38,17 +25,18 @@ ssh-keygen -A service ssh start echo "[$(date)] SSH service started" -# Print sshd logs to stdout -tail -f /var/log/auth.log & - # Start background services echo "[$(date)] Starting HTTP log server on port 10101" mkdir logs python3 openweights/worker/services/log_server.py & -# Start TTL monitoring service -echo "[$(date)] Starting TTL monitoring service" -python3 openweights/worker/services/ttl_monitor.py & +# Start TTL monitoring service unless OW_CMD=cluster +if [ "$OW_CMD" != "cluster" ]; then + echo "[$(date)] Starting TTL monitoring service" + python3 openweights/worker/services/ttl_monitor.py & +else + echo "[$(date)] Skipping TTL monitoring service due to OW_CMD=cluster" +fi echo "[$(date)] All services started" @@ -57,6 +45,11 @@ if [ "$OW_DEV" = "true" ]; then echo "[$(date)] Starting in development mode" exec tail -f /dev/null else - echo "[$(date)] Starting main application" - exec python3 openweights/worker/main.py > >(tee logs/main) 2> >(tee -a logs/main >&2) + if [ "$OW_CMD" = "cluster" ]; then + echo "[$(date)] Starting main application (cluster mode)" + exec ow cluster > >(tee logs/main) 2> >(tee -a logs/main >&2) + else + echo "[$(date)] Starting worker process" + exec ow worker > >(tee logs/main) 2> >(tee -a logs/main >&2) + fi fi diff --git a/openweights/cluster/README.md b/openweights/cluster/README.md index 816bb99..5acb903 100644 --- a/openweights/cluster/README.md +++ b/openweights/cluster/README.md @@ -18,10 +18,18 @@ python openweights/cluster/supervisor.py # Updating worker images ```sh +# Step 1: Build locally for ARM64 (on your Mac) docker buildx build \ - --platform linux/amd64,linux/arm64 \ + --platform linux/arm64 \ + -t nielsrolf/ow-default:v0.7 \ + --load . + +# Step 2: Build and push AMD64 to Docker Hub +docker buildx build \ + --platform linux/amd64 \ -t nielsrolf/ow-default:v0.7 \ --push . + ``` Run an image locally: `docker run -rm -e OW_DEV=true --env-file .env -ti nielsrolf/ow-default:v0.7 /bin/bash` From bff4506e50219db61c77e22f597f9f105ae794f5 Mon Sep 17 00:00:00 2001 From: Niels Warncke Date: Sun, 19 Oct 2025 18:27:59 +0200 Subject: [PATCH 10/27] cli: as shortcut to submit jobs --- openweights/cli/exec.py | 185 +++++++++++----------------------------- 1 file changed, 50 insertions(+), 135 deletions(-) diff --git a/openweights/cli/exec.py b/openweights/cli/exec.py index ceb6d04..d25821f 100644 --- a/openweights/cli/exec.py +++ b/openweights/cli/exec.py @@ -1,153 +1,68 @@ -"""Exec command implementation - execute commands on remote GPU.""" +"""Exec command implementation - execute commands via job submission.""" import os -import shlex -import sys -from typing import List +import time -from openweights.cli.common import ( - RunpodProvider, - UnisonSyncer, - bootstrap_remote, - load_env_file, - ssh_exec, - wait_for_ssh, -) +from pydantic import BaseModel, Field + +from openweights import Jobs, OpenWeights def add_exec_parser(parser): """Add arguments for the exec command.""" + parser.add_argument("command", help="Command to execute") parser.add_argument( - "command", nargs="+", help="Command to execute on the remote machine" - ) - parser.add_argument( - "--mount", - action="append", - default=[], - help="LOCAL:REMOTE (repeatable). Defaults to CWD:/workspace", - ) - parser.add_argument( - "--env-file", default=None, help="Path to .env to export and pass to provider." - ) - parser.add_argument( - "--image", default="nielsrolf/ow-default:v0.7", help="Provider image name." + "--requires-vram-gb", + type=int, + default=24, + help="Required VRAM in GB (default: 24).", ) - parser.add_argument("--gpu", default="L40", help="GPU type for provider.") - parser.add_argument("--count", type=int, default=1, help="GPU count.") parser.add_argument( - "--remote-cwd", default="/workspace", help="Remote working directory." - ) - parser.add_argument( - "--provider", default="runpod", choices=["runpod"], help="Machine provider." - ) - parser.add_argument( - "--key-path", default="~/.ssh/id_ed25519", help="SSH private key path." - ) - parser.add_argument( - "--exclude", + "--allowed-hardware", action="append", - default=[".git", "__pycache__", ".mypy_cache", ".venv", ".env"], - help="Ignore patterns (Unison Name filters, repeatable).", + help="Allowed hardware configurations (e.g., '2x A100'). Can be specified multiple times.", ) parser.add_argument( - "--no-editable-install", + "--wait", action="store_true", - help="Skip `pip install -e .` if pyproject.toml exists.", - ) - parser.add_argument( - "--no-terminate", - action="store_true", - help="Don't terminate the machine after execution.", - ) - parser.add_argument( - "--no-sync", - action="store_true", - help="Don't sync files before execution (faster but files won't be up to date).", + help="Wait for job completion and stream logs.", ) +class NoParams(BaseModel): ... + + def handle_exec(args) -> int: - """Handle the exec command.""" - env_from_file = load_env_file(args.env_file) - provider_env = dict(env_from_file) - - if args.provider == "runpod": - provider = RunpodProvider(key_path=args.key_path) - else: - raise SystemExit(f"Unknown provider: {args.provider}") - - print("[ow] Starting/allocating machine...") - start_res = provider.start( - image=args.image, gpu=args.gpu, count=args.count, env=provider_env - ) - ssh = start_res.ssh - print(f"[ow] SSH: {ssh.user}@{ssh.host}:{ssh.port} using key {ssh.key_path}") - - print("[ow] Waiting for sshd to become ready...") - wait_for_ssh(ssh) - print(f"[ow] SSH ready: {ssh.user}@{ssh.host}:{ssh.port}") - - # Parse mounts - mounts = [] - if not args.mount: - local = os.getcwd() - remote = args.remote_cwd - mounts.append((local, remote, "cwd")) - else: - for i, m in enumerate(args.mount): - if ":" not in m: - raise SystemExit(f"--mount must be LOCAL:REMOTE (got: {m})") - local, remote = m.split(":", 1) - mounts.append((os.path.abspath(local), remote, f"mount{i+1}")) - - do_editable = not args.no_editable_install - bootstrap_remote(ssh, remote_cwd=mounts[0][1], do_editable_install=do_editable) - - # Sync files if not disabled - syncers: List[UnisonSyncer] = [] - if not args.no_sync: - print("[ow] Syncing files...") - for local, remote, label in mounts: - s = UnisonSyncer( - local_dir=local, - remote_dir=remote, - ssh=ssh, - ignore=args.exclude, - label=label, - ) - # Do initial sync only (no watch mode) - s._initial_sync() - print("[ow] File sync complete.") - - try: - # Build the command to execute - cmd_str = " ".join(shlex.quote(arg) for arg in args.command) - - # Build environment exports - env_exports = "" - if env_from_file: - env_exports = " ".join( - [f"export {k}={shlex.quote(v)}" for k, v in env_from_file.items()] - ) - env_exports += " && " - - remote_cmd = ( - f"bash -lc '{env_exports}cd {shlex.quote(mounts[0][1])} && {cmd_str}'" - ) - - print(f"[ow] Executing: {cmd_str}") - exit_code = ssh_exec(ssh, remote_cmd) - - finally: - # Stop any running syncers (shouldn't be any in exec mode) - for s in syncers: - s.stop() - - # Terminate machine unless --no-terminate is set - if not args.no_terminate: - print("[ow] Terminating machine...") - start_res.terminate() - else: - print("[ow] Leaving machine running.") - - return exit_code + """Handle the exec command by submitting a job.""" + ow = OpenWeights() + + # Create the ExecJob class with current directory mounted + class ExecJob(Jobs): + mount = {os.getcwd(): "."} + requires_vram_gb = args.requires_vram_gb + params = NoParams + + def get_entrypoint(self, validated_params): + return args.command + + exec_job = ExecJob(client=ow) + + # Build job parameters + job_params = {"command": args.command} + if args.allowed_hardware: + job_params["allowed_hardware"] = args.allowed_hardware + + print(f"[ow] Submitting job: {args.command}") + job = exec_job.create(**job_params) + print(f"[ow] Job ID: {job.id}") + + if args.wait: + print("[ow] Waiting for completion...") + while job.status in ["pending", "in_progress"]: + time.sleep(2) + job = job.refresh() + + print(f"[ow] Status: {job.status}") + return 0 if job.status == "completed" else 1 + + return 0 From a0f9418e2732ee0080f7e1526668015e2ccb3557 Mon Sep 17 00:00:00 2001 From: Niels Warncke Date: Sun, 19 Oct 2025 18:59:57 +0200 Subject: [PATCH 11/27] client: refresh JWT when expired --- openweights/client/__init__.py | 20 +++++++++++ openweights/client/decorators.py | 61 ++++++++++++++++++++++++++++++++ 2 files changed, 81 insertions(+) diff --git a/openweights/client/__init__.py b/openweights/client/__init__.py index 0481811..82269ac 100644 --- a/openweights/client/__init__.py +++ b/openweights/client/__init__.py @@ -143,6 +143,9 @@ def __init__( self.supabase_url, self.supabase_key, self.auth_token ) + # Store reference to this instance in the supabase client for token refresh + self._supabase._ow_instance = self + # Get organization ID from token self.organization_id = organization_id or self.get_organization_id() self.org_name = self.get_organization_name() @@ -197,6 +200,23 @@ def get_hf_org(self): return None # HF_ORG is optional return result.data[0]["value"] + def _refresh_jwt(self): + """Refresh the JWT token by exchanging the API token again. + + This is called automatically by @supabase_retry when a 401 error occurs. + """ + # Only refresh if we have an ow_ API token (not a raw JWT) + if not self.auth_token.startswith("ow_"): + raise ValueError("Cannot refresh JWT: auth_token is not an ow_ API token") + + # Exchange the API token for a new JWT + jwt_token = exchange_api_token_for_jwt( + self.supabase_url, self.supabase_key, self.auth_token + ) + + # Update the Authorization header in the supabase client + self._supabase.options.headers["Authorization"] = f"Bearer {jwt_token}" + @property def run(self): if not self._current_run: diff --git a/openweights/client/decorators.py b/openweights/client/decorators.py index 79018ca..6f47e56 100644 --- a/openweights/client/decorators.py +++ b/openweights/client/decorators.py @@ -19,6 +19,37 @@ def _is_transient_http_status(status: int) -> bool: return status >= 500 or status == 429 +def _is_auth_error(exc: BaseException) -> bool: + """ + Returns True for errors that indicate JWT expiration or auth issues: + - HTTPStatusError with 401 (Unauthorized) + - postgrest.APIError with 401 + """ + # httpx raised because .raise_for_status() was called + if isinstance(exc, httpx.HTTPStatusError): + try: + return exc.response.status_code == 401 + except Exception: + return False + + # postgrest API errors (supabase-py) + if postgrest is not None and isinstance(exc, postgrest.APIError): + try: + code = getattr(exc, "code", None) + # code may be a string; try to coerce + code_int = int(code) if code is not None else None + return code_int == 401 + except Exception: + return False + + # Sometimes libraries wrap the real error; walk the causal chain + cause = getattr(exc, "__cause__", None) or getattr(exc, "__context__", None) + if cause and cause is not exc: + return _is_auth_error(cause) + + return False + + def _is_transient(exc: BaseException) -> bool: """ Returns True for errors that are likely to be temporary network/service hiccups: @@ -152,6 +183,9 @@ def supabase_retry( ): """ Retries ONLY transient Supabase/http errors (see _is_transient) with exponential backoff + full jitter. + Also handles JWT expiration by automatically refreshing tokens on 401 errors if an OpenWeights instance + is available (via _ow_instance attribute on the method's self argument or _supabase client). + If `return_on_exhaustion` is not `_RAISE`, return that value after retry budget is exhausted for a transient error. Non-transient errors still raise immediately. @@ -173,13 +207,40 @@ def _next_delay(attempt: int) -> float: def _decorator(fn): @functools.wraps(fn) def inner(*args, **kwargs): + # Try to find OpenWeights instance for token refresh + ow_instance = None + if args and hasattr(args[0], "_supabase"): + # Method call on OpenWeights instance + ow_instance = args[0] + elif args and hasattr(args[0], "_ow_instance"): + # Method call on object that has OpenWeights reference + ow_instance = args[0]._ow_instance + # quick path: try once start = time.monotonic() attempt = 0 + auth_refreshed = False # track if we've already tried refreshing auth + while True: try: return fn(*args, **kwargs) except Exception as exc: + # Auth error (401) and we have an OpenWeights instance? + if _is_auth_error(exc) and ow_instance is not None: + if not auth_refreshed: + # Try refreshing the JWT once + auth_refreshed = True + try: + ow_instance._refresh_jwt() + # Don't increment attempt or sleep, just retry immediately + continue + except Exception: + # If refresh fails, let the original error bubble up + raise exc + else: + # Already tried refreshing, don't retry again + raise + # Non-transient? bubble up immediately. if not _is_transient(exc): raise From 2b9b0b051668386f260f27ceb5c453bcd06c0900 Mon Sep 17 00:00:00 2001 From: Niels Warncke Date: Sun, 19 Oct 2025 21:12:36 +0200 Subject: [PATCH 12/27] dashboard: migrate to new api key management --- openweights/dashboard/backend/database.py | 62 +++++++++++------------ openweights/dashboard/backend/models.py | 3 +- 2 files changed, 32 insertions(+), 33 deletions(-) diff --git a/openweights/dashboard/backend/database.py b/openweights/dashboard/backend/database.py index 4b031c8..427b223 100644 --- a/openweights/dashboard/backend/database.py +++ b/openweights/dashboard/backend/database.py @@ -1,6 +1,6 @@ import os import re -from datetime import datetime, timedelta +from datetime import datetime, timedelta, timezone from typing import Dict, List, Optional import jwt @@ -129,11 +129,11 @@ async def create_organization(self, org_data: OrganizationCreate) -> Organizatio if not member_result.data: raise ValueError("Failed to add admin member") + # Create a default API token for the organization + # Note: Token is created but not stored in secrets - it's managed via api_tokens table + await self.create_token(org_id, TokenCreate(name="Default API Key")) + # Add secrets using admin client - token = await self.create_token( - org_id, TokenCreate(name="OpenWeights API Key") - ) - org_data.secrets["OPENWEIGHTS_API_KEY"] = token.access_token for secret_name, secret_value in org_data.secrets.items(): secret_result = ( self.admin_client.from_("organization_secrets") @@ -257,65 +257,63 @@ async def update_organization_secrets( async def create_token( self, organization_id: str, token_data: TokenCreate ) -> Token: - """Create a new token with optional expiration.""" + """Create a new API token with optional expiration.""" self.set_organization_id(organization_id) - # Get user ID from token - user_id = self.get_user_id_from_token() - - # Check if user is an admin of the organization - admin_check = self.client.rpc( - "is_organization_admin", {"org_id": organization_id} - ).execute() - - if not admin_check.data: - raise ValueError("User is not an admin of this organization") - # Calculate expiration time if specified expires_at = None if token_data.expires_in_days is not None: - expires_at = datetime.utcnow() + timedelta(days=token_data.expires_in_days) + expires_at = datetime.now(timezone.utc) + timedelta( + days=token_data.expires_in_days + ) - # Create service account token using admin client - result = self.admin_client.rpc( - "create_service_account_token", + # Create API token using the client (RLS will handle authorization) + result = self.client.rpc( + "create_api_token", { "org_id": organization_id, "token_name": token_data.name, - "created_by": user_id, "expires_at": expires_at.isoformat() if expires_at else None, }, ).execute() - if not result.data: + if not result.data or len(result.data) == 0: raise ValueError("Failed to create token") - token_id = result.data[0]["token_id"] - jwt_token = result.data[0]["jwt_token"] + # Response is array of objects with token_id and token + token_data_result = result.data[0] + token_id = token_data_result["token_id"] + api_token = token_data_result["token"] return Token( id=token_id, name=token_data.name, expires_at=expires_at, - created_at=datetime.utcnow(), - access_token=jwt_token, + created_at=datetime.now(timezone.utc), + access_token=api_token, ) async def list_tokens(self, organization_id: str) -> List[Token]: - """List all tokens for an organization.""" + """List all API tokens for an organization.""" self.set_organization_id(organization_id) result = ( - self.client.table("tokens") - .select("*") + self.client.table("api_tokens") + .select("id, name, expires_at, created_at, revoked_at") .eq("organization_id", organization_id) + .order("created_at", desc=True) .execute() ) return [Token(**token) for token in result.data] async def delete_token(self, organization_id: str, token_id: str): - """Delete a token.""" + """Revoke an API token.""" self.set_organization_id(organization_id) - self.client.table("tokens").delete().eq("id", token_id).execute() + + # Use the revoke_api_token RPC instead of direct deletion + result = self.client.rpc("revoke_api_token", {"token_id": token_id}).execute() + + if not result.data: + raise ValueError("Failed to revoke token or token not found") def get_jobs(self, organization_id: str, status: Optional[str] = None) -> List[Job]: self.set_organization_id(organization_id) diff --git a/openweights/dashboard/backend/models.py b/openweights/dashboard/backend/models.py index 232ca39..335dfe9 100644 --- a/openweights/dashboard/backend/models.py +++ b/openweights/dashboard/backend/models.py @@ -72,6 +72,7 @@ class TokenCreate(BaseModel): class Token(BaseModel): id: str name: str - expires_at: Optional[datetime] + expires_at: Optional[datetime] = None created_at: datetime + revoked_at: Optional[datetime] = None access_token: Optional[str] = None # Only included when token is first created From 3d9c234732bcff4b3873a5329e6b969d23d251d8 Mon Sep 17 00:00:00 2001 From: Niels Warncke Date: Sun, 19 Oct 2025 21:13:04 +0200 Subject: [PATCH 13/27] delete unused files --- openweights/cluster/cli.py | 512 --------------- supabase/20250116_dump.sql | 1197 ------------------------------------ 2 files changed, 1709 deletions(-) delete mode 100644 openweights/cluster/cli.py delete mode 100644 supabase/20250116_dump.sql diff --git a/openweights/cluster/cli.py b/openweights/cluster/cli.py deleted file mode 100644 index a94e7a5..0000000 --- a/openweights/cluster/cli.py +++ /dev/null @@ -1,512 +0,0 @@ -#!/usr/bin/env python3 -import argparse -import base64 -import os -import shlex -import signal -import subprocess -import sys -import time -from dataclasses import dataclass -from typing import Callable, Dict, List, Optional, Tuple - -import runpod -from dotenv import dotenv_values # hard requirement - -from openweights.cluster import start_runpod - -# -------- Provider Abstraction ------------------------------------------------ - - -@dataclass -class SSHSpec: - host: str - port: int - user: str - key_path: str - - -@dataclass -class StartResult: - ssh: SSHSpec - terminate: Callable[[], None] # call to terminate the machine - provider_meta: Dict - - -class Provider: - def start( - self, image: str, gpu: str, count: int, env: Dict[str, str] - ) -> StartResult: - raise NotImplementedError - - -class RunpodProvider(Provider): - """ - Thin wrapper around your start_runpod.py module. - - Expects RUNPOD_API_KEY in env (or via the shell environment). - - Uses key at key_path. - """ - - def __init__(self, key_path: str): - self.key_path = os.path.expanduser(key_path) - - def start( - self, image: str, gpu: str, count: int, env: Dict[str, str] - ) -> StartResult: - if "RUNPOD_API_KEY" in env: - os.environ["RUNPOD_API_KEY"] = env["RUNPOD_API_KEY"] - runpod.api_key = os.getenv("RUNPOD_API_KEY") - - pod = start_runpod.start_worker( - gpu=gpu, - image=image, - count=count, - ttl_hours=int(env.get("TTL_HOURS", "24")), - env=env, - runpod_client=runpod, - dev_mode=True, # keep your current choice - ) - assert pod is not None, "Runpod start_worker returned None" - - ip, port = start_runpod.get_ip_and_port(pod["id"], runpod) - ssh = SSHSpec(host=ip, port=int(port), user="root", key_path=self.key_path) - - def _terminate(): - runpod.terminate_pod(pod["id"]) - - return StartResult( - ssh=ssh, terminate=_terminate, provider_meta={"pod_id": pod["id"]} - ) - - -# -------- Bidirectional Sync (Unison) ---------------------------------------- - - -class UnisonSyncer: - """ - Bidirectional sync using Unison in watch mode. - - Quiet (minimal logs). - - Initial one-shot sync uses a sentinel so the first prompt runs on up-to-date files. - Requirements: `unison` available locally and on the remote image. - """ - - def __init__( - self, - local_dir: str, - remote_dir: str, - ssh: SSHSpec, - ignore: List[str], - label: str, - ): - self.local_dir = os.path.abspath(local_dir) - self.remote_dir = remote_dir.rstrip("/") - self.ssh = ssh - self.ignore = ignore - self.label = label - self._proc: Optional[subprocess.Popen] = None - - def _sshargs(self) -> str: - return ( - f"-p {self.ssh.port} " - f"-i {shlex.quote(self.ssh.key_path)} " - f"-o StrictHostKeyChecking=no " - f"-o UserKnownHostsFile=/dev/null" - ) - - def _unison_base(self) -> List[str]: - remote_root = ( - f"ssh://{self.ssh.user}@{self.ssh.host}//{self.remote_dir.lstrip('/')}" - ) - cmd = [ - "unison", - self.local_dir, - remote_root, - "-auto", - "-batch", - "-ui", - "text", - "-prefer", - "newer", # last-writer-wins - "-copyonconflict", # keep both if conflict - "-sshargs", - self._sshargs(), - "-confirmbigdel=false", - ] - for ex in self.ignore: - cmd += ["-ignore", f"Name {ex}"] - # Always ignore our local sentinel content if it exists on either side - cmd += ["-ignore", "Name .ow_sync"] - return cmd - - def _initial_sync(self): - # create busy sentinel locally so remote prompt blocks until first sync completes - ow_sync = os.path.join(self.local_dir, ".ow_sync") - os.makedirs(ow_sync, exist_ok=True) - busy = os.path.join(ow_sync, "busy") - with open(busy, "w") as f: - f.write("1") - - try: - # one-shot reconciliation - subprocess.run( - self._unison_base(), - check=True, - stdout=subprocess.DEVNULL, - stderr=subprocess.DEVNULL, - ) - finally: - if os.path.exists(busy): - os.remove(busy) - # mirror sentinel removal promptly - subprocess.run( - self._unison_base(), - check=False, - stdout=subprocess.DEVNULL, - stderr=subprocess.DEVNULL, - ) - - def start(self): - print( - f"[ow] Initial sync (bidirectional via Unison): {self.label} <-> {self.remote_dir}" - ) - self._initial_sync() - watch_cmd = self._unison_base() + ["-repeat", "watch"] - self._proc = subprocess.Popen( - watch_cmd, - stdout=subprocess.DEVNULL, - stderr=subprocess.DEVNULL, - ) - print(f"[ow] Watching (bi-dir): {self.local_dir} (label: {self.label})") - - def stop(self): - if self._proc and self._proc.poll() is None: - try: - self._proc.terminate() - self._proc.wait(timeout=3) - except Exception: - try: - self._proc.kill() - except Exception: - pass - - -# -------- Remote bootstrap & shell glue -------------------------------------- - -REMOTE_INIT = r""" -set -euo pipefail - -mkdir -p "$HOME/.ow_sync" - -# require unison and rsync present (rsync not used now, but nice to have) -need_missing=0 -for bin in unison; do - if ! command -v "$bin" >/dev/null 2>&1; then - echo "[ow] $bin not found on remote. Please install it in your image." - need_missing=1 - fi -done -if [ "$need_missing" -ne 0 ]; then - exit 1 -fi - -OW_RC="$HOME/.ow_sync/ow_prompt.sh" -cat > "$OW_RC" <<'EOF' -ow_sync_wait() { - # stay quiet; block only if initial sentinel exists - if [ -f "$HOME/.ow_sync/busy" ]; then - while [ -f "$HOME/.ow_sync/busy" ]; do sleep 0.1; done - fi -} -if [ -n "${PROMPT_COMMAND-}" ]; then - PROMPT_COMMAND="ow_sync_wait;$PROMPT_COMMAND" -else - PROMPT_COMMAND="ow_sync_wait" -fi -export PROMPT_COMMAND -EOF - -BASH_RC="$HOME/.bashrc" -if [ -f "$BASH_RC" ]; then - if ! grep -q ".ow_sync/ow_prompt.sh" "$BASH_RC"; then - echo ". \"$OW_RC\"" >> "$BASH_RC" - fi -else - echo ". \"$OW_RC\"" > "$BASH_RC" -fi -""" - - -def _ssh_exec(ssh: SSHSpec, remote_cmd: str) -> int: - cmd = [ - "ssh", - "-tt", - "-p", - str(ssh.port), - "-i", - ssh.key_path, - "-o", - "StrictHostKeyChecking=no", - "-o", - "UserKnownHostsFile=/dev/null", - f"{ssh.user}@{ssh.host}", - remote_cmd, - ] - return subprocess.call(cmd) - - -def _scp_text(ssh: SSHSpec, text: str, remote_path: str): - """Copy arbitrary text to a remote file via SSH safely.""" - remote = f"{ssh.user}@{ssh.host}" - remote_dir = os.path.dirname(remote_path) - encoded = base64.b64encode(text.encode()).decode() - cmd = ( - f"bash -lc 'mkdir -p {shlex.quote(remote_dir)} && " - f"echo {shlex.quote(encoded)} | base64 -d > {shlex.quote(remote_path)}'" - ) - subprocess.check_call( - [ - "ssh", - "-p", - str(ssh.port), - "-i", - ssh.key_path, - "-o", - "StrictHostKeyChecking=no", - "-o", - "UserKnownHostsFile=/dev/null", - remote, - cmd, - ] - ) - - -def wait_for_ssh(ssh, deadline_s: int = 180): - """Poll until sshd accepts a connection.""" - start = time.time() - cmd = [ - "ssh", - "-p", - str(ssh.port), - "-i", - ssh.key_path, - "-o", - "StrictHostKeyChecking=no", - "-o", - "UserKnownHostsFile=/dev/null", - "-o", - "BatchMode=yes", - "-o", - "ConnectTimeout=2", - f"{ssh.user}@{ssh.host}", - "true", - ] - while True: - proc = subprocess.run(cmd, stdout=subprocess.DEVNULL, stderr=subprocess.DEVNULL) - if proc.returncode == 0: - return - if time.time() - start > deadline_s: - raise RuntimeError( - f"SSH not reachable at {ssh.host}:{ssh.port} within {deadline_s}s" - ) - time.sleep(2) - - -def bootstrap_remote(ssh: SSHSpec, remote_cwd: str, do_editable_install: bool): - _scp_text(ssh, REMOTE_INIT, "/root/.ow_sync/remote_init.sh") - rc = _ssh_exec(ssh, "bash ~/.ow_sync/remote_init.sh") - if rc != 0: - sys.exit(rc) - - rc = _ssh_exec(ssh, f"mkdir -p {shlex.quote(remote_cwd)}") - if rc != 0: - sys.exit(rc) - - if do_editable_install: - check_cmd = f"bash -lc 'cd {shlex.quote(remote_cwd)} && if [ -f pyproject.toml ]; then python3 -m pip install -e .; else echo \"[ow] no pyproject.toml\"; fi'" - rc = _ssh_exec(ssh, check_cmd) - if rc != 0: - sys.exit(rc) - - -def open_interactive_shell(ssh: SSHSpec, remote_cwd: str, env_pairs: Dict[str, str]): - parts = [] - if env_pairs: - exports = " ".join( - [f"export {k}={shlex.quote(v)}" for k, v in env_pairs.items()] - ) - parts.append(exports) - parts.append(f"cd {shlex.quote(remote_cwd)}") - parts.append("exec bash") - remote_cmd = f"bash -lc {shlex.quote(' ; '.join(parts))}" - cmd = [ - "ssh", - "-tt", - "-p", - str(ssh.port), - "-i", - ssh.key_path, - "-o", - "ServerAliveInterval=30", - "-o", - "ServerAliveCountMax=120", - "-o", - "StrictHostKeyChecking=no", - "-o", - "UserKnownHostsFile=/dev/null", - f"{ssh.user}@{ssh.host}", - remote_cmd, - ] - rc = subprocess.call(cmd) - # ensure trailing newline to keep local tty pretty - try: - sys.stdout.write("\n") - sys.stdout.flush() - except Exception: - pass - return rc - - -# -------- CLI ---------------------------------------------------------------- - - -def parse_mounts( - mounts: List[str], cwd_remote: Optional[str] -) -> List[Tuple[str, str, str]]: - parsed = [] - if not mounts: - local = os.getcwd() - remote = cwd_remote or "~/workspace" - parsed.append((local, remote, "cwd")) - return parsed - for i, m in enumerate(mounts): - if ":" not in m: - raise SystemExit(f"--mount must be LOCAL:REMOTE (got: {m})") - local, remote = m.split(":", 1) - parsed.append((os.path.abspath(local), remote, f"mount{i+1}")) - return parsed - - -def load_env_file(path: Optional[str]) -> Dict[str, str]: - if not path: - return {} - p = os.path.abspath(path) - if not os.path.exists(p): - raise SystemExit(f"--env-file path not found: {p}") - vals = dotenv_values(p) or {} - return {k: (v if v is not None else "") for k, v in vals.items()} - - -def main(): - ap = argparse.ArgumentParser( - prog="ow", - description="Remote GPU shell with live, bidirectional sync (fail-fast).", - ) - sub = ap.add_subparsers(dest="cmd", required=True) - - sshp = sub.add_parser( - "ssh", help="Start or attach to a remote shell with live file sync." - ) - sshp.add_argument( - "--mount", - action="append", - default=[], - help="LOCAL:REMOTE (repeatable). Defaults to CWD:~/workspace", - ) - sshp.add_argument( - "--env-file", default=None, help="Path to .env to export and pass to provider." - ) - sshp.add_argument( - "--image", default="nielsrolf/ow-default:v0.7", help="Provider image name." - ) - sshp.add_argument("--gpu", default="L40", help="GPU type for provider.") - sshp.add_argument("--count", type=int, default=1, help="GPU count.") - sshp.add_argument( - "--remote-cwd", - default="/workspace", - help="Remote working directory for the main mount.", - ) - sshp.add_argument( - "--provider", default="runpod", choices=["runpod"], help="Machine provider." - ) - sshp.add_argument( - "--key-path", default="~/.ssh/id_ed25519", help="SSH private key path." - ) - sshp.add_argument( - "--exclude", - action="append", - default=[".git", "__pycache__", ".mypy_cache", ".venv", ".env"], - help="Ignore patterns (Unison Name filters, repeatable).", - ) - sshp.add_argument( - "--no-editable-install", - action="store_true", - help="Skip `pip install -e .` if pyproject.toml exists.", - ) - sshp.add_argument( - "--no-terminate-prompt", - action="store_true", - help="Don’t ask to terminate the machine on exit.", - ) - args = ap.parse_args() - - if args.cmd == "ssh": - env_from_file = load_env_file(args.env_file) - provider_env = dict(env_from_file) # only pass what's in --env-file - - if args.provider == "runpod": - provider = RunpodProvider(key_path=args.key_path) - else: - raise SystemExit(f"Unknown provider: {args.provider}") - - print("[ow] Starting/allocating machine...") - start_res = provider.start( - image=args.image, gpu=args.gpu, count=args.count, env=provider_env - ) - ssh = start_res.ssh - print(f"[ow] SSH: {ssh.user}@{ssh.host}:{ssh.port} using key {ssh.key_path}") - - print("[ow] Waiting for sshd to become ready...") - wait_for_ssh(ssh) - print(f"[ow] SSH: {ssh.user}@{ssh.host}:{ssh.port} using key {ssh.key_path}") - - mounts = parse_mounts(args.mount, args.remote_cwd) - - do_editable = not args.no_editable_install - bootstrap_remote(ssh, remote_cwd=mounts[0][1], do_editable_install=do_editable) - - # Start bidirectional syncers - syncers: List[UnisonSyncer] = [] - for local, remote, label in mounts: - s = UnisonSyncer( - local_dir=local, - remote_dir=remote, - ssh=ssh, - ignore=args.exclude, - label=label, - ) - s.start() - syncers.append(s) - - try: - print("[ow] Opening interactive shell. Type `exit` or Ctrl-D to leave.") - exit_code = open_interactive_shell( - ssh, remote_cwd=mounts[0][1], env_pairs=env_from_file - ) - finally: - for s in syncers: - s.stop() - - if not args.no_terminate_prompt: - ans = input("Terminate the machine? [y/N] ").strip().lower() - if ans in ("y", "yes"): - print("[ow] Terminating machine...") - start_res.terminate() - else: - print("[ow] Leaving machine running.") - - sys.exit(exit_code) - - -if __name__ == "__main__": - signal.signal(signal.SIGINT, signal.SIG_DFL) - main() diff --git a/supabase/20250116_dump.sql b/supabase/20250116_dump.sql deleted file mode 100644 index d08612b..0000000 --- a/supabase/20250116_dump.sql +++ /dev/null @@ -1,1197 +0,0 @@ - - -SET statement_timeout = 0; -SET lock_timeout = 0; -SET idle_in_transaction_session_timeout = 0; -SET client_encoding = 'UTF8'; -SET standard_conforming_strings = on; -SELECT pg_catalog.set_config('search_path', '', false); -SET check_function_bodies = false; -SET xmloption = content; -SET client_min_messages = warning; -SET row_security = off; - --- Create required extensions -CREATE EXTENSION IF NOT EXISTS "pgsodium" WITH SCHEMA "pgsodium"; -CREATE EXTENSION IF NOT EXISTS "pg_graphql" WITH SCHEMA "graphql"; -CREATE EXTENSION IF NOT EXISTS "pg_stat_statements" WITH SCHEMA "extensions"; -CREATE EXTENSION IF NOT EXISTS "pgcrypto" WITH SCHEMA "extensions"; -CREATE EXTENSION IF NOT EXISTS "pgjwt" WITH SCHEMA "extensions"; -CREATE EXTENSION IF NOT EXISTS "supabase_vault" WITH SCHEMA "vault"; -CREATE EXTENSION IF NOT EXISTS "uuid-ossp" WITH SCHEMA "extensions"; - -CREATE SCHEMA IF NOT EXISTS "app_auth"; - - -ALTER SCHEMA "app_auth" OWNER TO "postgres"; - - -CREATE SCHEMA IF NOT EXISTS "public"; - - -ALTER SCHEMA "public" OWNER TO "pg_database_owner"; - - -COMMENT ON SCHEMA "public" IS 'standard public schema'; - - - -CREATE TYPE "public"."job_status" AS ENUM ( - 'pending', - 'in_progress', - 'completed', - 'failed', - 'canceled' -); - - -ALTER TYPE "public"."job_status" OWNER TO "postgres"; - - -CREATE TYPE "public"."job_type" AS ENUM ( - 'fine-tuning', - 'inference', - 'script', - 'api', - 'custom' -); - - -ALTER TYPE "public"."job_type" OWNER TO "postgres"; - - -CREATE TYPE "public"."organization_role" AS ENUM ( - 'admin', - 'user' -); - - -ALTER TYPE "public"."organization_role" OWNER TO "postgres"; - - -CREATE OR REPLACE FUNCTION "app_auth"."check_if_service_account"() RETURNS boolean - LANGUAGE "sql" SECURITY DEFINER - AS $$ - select coalesce( - current_setting('request.jwt.claims', true)::json->>'is_service_account', - 'false' - )::boolean; -$$; - - -ALTER FUNCTION "app_auth"."check_if_service_account"() OWNER TO "postgres"; - -SET default_tablespace = ''; - -SET default_table_access_method = "heap"; - - -CREATE TABLE IF NOT EXISTS "public"."jobs" ( - "id" "text" NOT NULL, - "created_at" timestamp with time zone DEFAULT CURRENT_TIMESTAMP, - "type" "public"."job_type" NOT NULL, - "model" "text", - "params" "jsonb", - "script" "text", - "requires_vram_gb" integer DEFAULT 24, - "status" "public"."job_status" DEFAULT 'pending'::"public"."job_status", - "worker_id" "text", - "outputs" "jsonb", - "docker_image" "text", - "updated_at" timestamp with time zone DEFAULT CURRENT_TIMESTAMP, - "organization_id" "uuid" NOT NULL, - "timeout" timestamp with time zone, - "allowed_hardware" "text"[] -); - - -ALTER TABLE "public"."jobs" OWNER TO "postgres"; - - -CREATE OR REPLACE FUNCTION "public"."acquire_job"("_job_id" "text", "_worker_id" "text") RETURNS SETOF "public"."jobs" - LANGUAGE "plpgsql" - AS $$ -BEGIN - RETURN QUERY - UPDATE jobs - SET status = 'in_progress', - worker_id = _worker_id - WHERE id = _job_id - AND status = 'pending' - RETURNING *; -END; -$$; - - -ALTER FUNCTION "public"."acquire_job"("_job_id" "text", "_worker_id" "text") OWNER TO "postgres"; - - -CREATE OR REPLACE FUNCTION "public"."create_organization"("org_name" "text") RETURNS "uuid" - LANGUAGE "plpgsql" SECURITY DEFINER - SET "search_path" TO 'public' - AS $$ -declare - v_org_id uuid; -begin - -- Check if authenticated - if auth.uid() is null then - raise exception 'Authentication required'; - end if; - - -- Create organization - insert into organizations (name) - values (org_name) - returning id into v_org_id; - - -- Add creator as admin - insert into organization_members (organization_id, user_id, role) - values (v_org_id, auth.uid(), 'admin'); - - return v_org_id; -end; -$$; - - -ALTER FUNCTION "public"."create_organization"("org_name" "text") OWNER TO "postgres"; - - -CREATE OR REPLACE FUNCTION "public"."create_service_account_token"("org_id" "uuid", "token_name" "text", "created_by" "uuid", "expires_at" timestamp with time zone DEFAULT NULL::timestamp with time zone) RETURNS TABLE("token_id" "uuid", "jwt_token" "text") - LANGUAGE "plpgsql" SECURITY DEFINER - SET "search_path" TO 'public' - AS $$ -declare - v_token_id uuid; - v_jwt_secret text; - v_jwt_token text; -begin - -- Get JWT secret - v_jwt_secret := get_jwt_secret(); - - if v_jwt_secret is null then - raise exception 'JWT secret not configured'; - end if; - - -- Create token record - insert into tokens (organization_id, name, expires_at, created_by) - values (org_id, token_name, expires_at, created_by) - returning id into v_token_id; - - -- Create JWT token with service account claims - v_jwt_token := extensions.sign( - json_build_object( - 'role', 'authenticated', - 'iss', 'supabase', - 'iat', extract(epoch from now())::integer, - 'exp', case - when expires_at is null then extract(epoch from now() + interval '10 years')::integer - else extract(epoch from expires_at)::integer - end, - 'is_service_account', true, - 'organization_id', org_id, - 'token_id', v_token_id - )::json, - v_jwt_secret - ); - - -- Update token hash - update tokens - set token_hash = v_jwt_token - where id = v_token_id; - - return query select v_token_id, v_jwt_token; -end; -$$; - - -ALTER FUNCTION "public"."create_service_account_token"("org_id" "uuid", "token_name" "text", "created_by" "uuid", "expires_at" timestamp with time zone) OWNER TO "postgres"; - - -CREATE OR REPLACE FUNCTION "public"."delete_organization_secret"("org_id" "uuid", "secret_name" "text") RETURNS boolean - LANGUAGE "plpgsql" SECURITY DEFINER - SET "search_path" TO 'public' - AS $$ -begin - -- Check if user is admin - if not is_organization_admin(org_id) then - raise exception 'Only organization admins can manage secrets'; - end if; - - -- Delete secret - delete from organization_secrets - where organization_id = org_id and name = secret_name; - - return found; -end; -$$; - - -ALTER FUNCTION "public"."delete_organization_secret"("org_id" "uuid", "secret_name" "text") OWNER TO "postgres"; - - -CREATE OR REPLACE FUNCTION "public"."get_jwt_secret"() RETURNS "text" - LANGUAGE "plpgsql" SECURITY DEFINER - AS $$ -declare - secret text; -begin - -- Get secret from vault - select decrypted_secret into secret - from vault.decrypted_secrets - where name = 'jwt_secret' - limit 1; - - if secret is null then - raise exception 'JWT secret not found in vault'; - end if; - - return secret; -end; -$$; - - -ALTER FUNCTION "public"."get_jwt_secret"() OWNER TO "postgres"; - - -CREATE OR REPLACE FUNCTION "public"."get_organization_from_token"() RETURNS "uuid" - LANGUAGE "plpgsql" SECURITY DEFINER - SET "search_path" TO 'public', 'auth', 'app_auth' - AS $$ -DECLARE - org_id uuid; -BEGIN - -- Only handle service account tokens - IF NOT app_auth.check_if_service_account() THEN - RAISE EXCEPTION 'Only service account tokens are supported'; - END IF; - - -- Get org from claims - org_id := (current_setting('request.jwt.claims', true)::json->>'organization_id')::uuid; - - -- Update last_used_at in tokens table - UPDATE public.tokens - SET last_used_at = now() - WHERE id = (current_setting('request.jwt.claims', true)::json->>'token_id')::uuid; - - RETURN org_id; -END; -$$; - - -ALTER FUNCTION "public"."get_organization_from_token"() OWNER TO "postgres"; - - -CREATE OR REPLACE FUNCTION "public"."get_organization_members"("org_id" "uuid") RETURNS TABLE("user_id" "uuid", "email" character varying, "role" "public"."organization_role") - LANGUAGE "plpgsql" SECURITY DEFINER - SET "search_path" TO 'public' - AS $$ -begin - return query - select - om.user_id, - au.email::varchar(255), -- Explicitly cast email to match return type - om.role - from public.organization_members om - join auth.users au on au.id = om.user_id - where om.organization_id = org_id - and exists ( - select 1 - from public.organization_members viewer - where viewer.organization_id = org_id - and viewer.user_id = auth.uid() - ); -end; -$$; - - -ALTER FUNCTION "public"."get_organization_members"("org_id" "uuid") OWNER TO "postgres"; - - -CREATE OR REPLACE FUNCTION "public"."get_path_organization_id"("path" "text") RETURNS "uuid" - LANGUAGE "plpgsql" STABLE - AS $$ -DECLARE - parts text[]; - org_id uuid; -BEGIN - parts := string_to_array(path, '/'); - - IF array_length(parts, 1) IS NULL OR parts[1] <> 'organizations' THEN - RETURN NULL; - END IF; - - BEGIN - org_id := parts[2]::uuid; - RETURN org_id; - EXCEPTION WHEN others THEN - RETURN NULL; - END; -END; -$$; - - -ALTER FUNCTION "public"."get_path_organization_id"("path" "text") OWNER TO "postgres"; - - -CREATE OR REPLACE FUNCTION "public"."handle_updated_at"() RETURNS "trigger" - LANGUAGE "plpgsql" - AS $$ -BEGIN - NEW.updated_at = CURRENT_TIMESTAMP; - RETURN NEW; -END; -$$; - - -ALTER FUNCTION "public"."handle_updated_at"() OWNER TO "postgres"; - - -CREATE OR REPLACE FUNCTION "public"."hardware_matches"("worker_hardware" "text", "allowed_hardware" "text"[]) RETURNS boolean - LANGUAGE "plpgsql" - AS $$ -BEGIN - -- If allowed_hardware is NULL or empty array, any hardware is allowed - IF allowed_hardware IS NULL OR array_length(allowed_hardware, 1) IS NULL THEN - RETURN TRUE; - END IF; - - -- Check if worker's hardware is in the allowed list - RETURN worker_hardware = ANY(allowed_hardware); -END; -$$; - - -ALTER FUNCTION "public"."hardware_matches"("worker_hardware" "text", "allowed_hardware" "text"[]) OWNER TO "postgres"; - - -CREATE OR REPLACE FUNCTION "public"."has_organization_access"("org_id" "uuid") RETURNS boolean - LANGUAGE "plpgsql" STABLE SECURITY DEFINER - SET "search_path" TO 'public', 'auth', 'app_auth' - AS $$ -BEGIN - -- Service account? - IF app_auth.check_if_service_account() THEN - RETURN (current_setting('request.jwt.claims', true)::json->>'organization_id')::uuid = org_id; - END IF; - - -- Otherwise, membership - RETURN EXISTS ( - SELECT 1 - FROM public.organization_members - WHERE organization_id = org_id - AND user_id = auth.uid() - ); -END; -$$; - - -ALTER FUNCTION "public"."has_organization_access"("org_id" "uuid") OWNER TO "postgres"; - - -CREATE OR REPLACE FUNCTION "public"."invite_organization_member"("org_id" "uuid", "member_email" character varying, "member_role" "public"."organization_role") RETURNS TABLE("user_id" "uuid", "email" character varying, "role" "public"."organization_role") - LANGUAGE "plpgsql" SECURITY DEFINER - SET "search_path" TO 'public' - AS $$ -declare - v_user_id uuid; - v_email varchar(255); -begin - -- Check if the inviter is an admin - if not is_organization_admin(org_id) then - raise exception 'Only organization admins can invite members'; - end if; - - -- Get the user ID for the email - select au.id, au.email::varchar(255) - into v_user_id, v_email - from auth.users au - where lower(au.email) = lower(member_email); - - if v_user_id is null then - raise exception 'User with email % not found', member_email; - end if; - - -- Check if user is already a member - if exists ( - select 1 - from organization_members om - where om.organization_id = org_id - and om.user_id = v_user_id - ) then - raise exception 'User is already a member of this organization'; - end if; - - -- Insert the new member - insert into organization_members (organization_id, user_id, role) - values (org_id, v_user_id, member_role); - - -- Return the result - return query - select - v_user_id as user_id, - v_email as email, - member_role as role; -end; -$$; - - -ALTER FUNCTION "public"."invite_organization_member"("org_id" "uuid", "member_email" character varying, "member_role" "public"."organization_role") OWNER TO "postgres"; - - -CREATE OR REPLACE FUNCTION "public"."is_organization_admin"("org_id" "uuid") RETURNS boolean - LANGUAGE "plpgsql" SECURITY DEFINER - SET "search_path" TO 'public', 'auth', 'app_auth' - AS $$ -BEGIN - -- Service accounts have admin access to their organization - IF app_auth.check_if_service_account() THEN - RETURN (current_setting('request.jwt.claims', true)::json->>'organization_id')::uuid = org_id; - END IF; - - -- Otherwise check normal admin membership - RETURN EXISTS ( - SELECT 1 - FROM public.organization_members - WHERE organization_id = org_id - AND user_id = auth.uid() - AND role = 'admin' - ); -END; -$$; - - -ALTER FUNCTION "public"."is_organization_admin"("org_id" "uuid") OWNER TO "postgres"; - - -CREATE OR REPLACE FUNCTION "public"."is_organization_member"("org_id" "uuid") RETURNS boolean - LANGUAGE "plpgsql" SECURITY DEFINER - SET "search_path" TO 'public', 'auth', 'app_auth' - AS $$ -BEGIN - -- If this is a service account, check the organization claim - IF app_auth.check_if_service_account() THEN - RETURN (current_setting('request.jwt.claims', true)::json->>'organization_id')::uuid = org_id; - END IF; - - -- Otherwise check normal membership - RETURN EXISTS ( - SELECT 1 - FROM public.organization_members - WHERE organization_id = org_id - AND user_id = auth.uid() - ); -END; -$$; - - -ALTER FUNCTION "public"."is_organization_member"("org_id" "uuid") OWNER TO "postgres"; - - -CREATE OR REPLACE FUNCTION "public"."manage_organization_secret"("org_id" "uuid", "secret_name" "text", "secret_value" "text") RETURNS "uuid" - LANGUAGE "plpgsql" SECURITY DEFINER - SET "search_path" TO 'public' - AS $$ -declare - v_secret_id uuid; -begin - -- Check if user is admin - if not is_organization_admin(org_id) then - raise exception 'Only organization admins can manage secrets'; - end if; - - -- Insert or update secret - insert into organization_secrets (organization_id, name, value) - values (org_id, secret_name, secret_value) - on conflict (organization_id, name) - do update set value = excluded.value, updated_at = now() - returning id into v_secret_id; - - return v_secret_id; -end; -$$; - - -ALTER FUNCTION "public"."manage_organization_secret"("org_id" "uuid", "secret_name" "text", "secret_value" "text") OWNER TO "postgres"; - - -CREATE OR REPLACE FUNCTION "public"."remove_organization_member"("org_id" "uuid", "member_id" "uuid") RETURNS boolean - LANGUAGE "plpgsql" SECURITY DEFINER - SET "search_path" TO 'public' - AS $$ -declare - v_member_role organization_role; - v_admin_count integer; -begin - -- Check if user is admin - if not is_organization_admin(org_id) then - raise exception 'Only organization admins can remove members'; - end if; - - -- Get member's role - select role into v_member_role - from organization_members - where organization_id = org_id and user_id = member_id; - - -- If member is admin, check if they're not the last admin - if v_member_role = 'admin' then - select count(*) into v_admin_count - from organization_members - where organization_id = org_id and role = 'admin'; - - if v_admin_count <= 1 then - raise exception 'Cannot remove the last admin'; - end if; - end if; - - -- Remove member - delete from organization_members - where organization_id = org_id and user_id = member_id; - - return found; -end; -$$; - - -ALTER FUNCTION "public"."remove_organization_member"("org_id" "uuid", "member_id" "uuid") OWNER TO "postgres"; - - -CREATE OR REPLACE FUNCTION "public"."set_deployment_timeout"() RETURNS "trigger" - LANGUAGE "plpgsql" - AS $$ -BEGIN - IF NEW.type = 'api' THEN - NEW.timeout = NEW.created_at + interval '1 hour'; - END IF; - RETURN NEW; -END; -$$; - - -ALTER FUNCTION "public"."set_deployment_timeout"() OWNER TO "postgres"; - - -CREATE OR REPLACE FUNCTION "public"."update_job_status_if_in_progress"("_job_id" "text", "_new_status" "text", "_worker_id" "text", "_job_outputs" "jsonb" DEFAULT NULL::"jsonb", "_job_script" "text" DEFAULT NULL::"text") RETURNS "void" - LANGUAGE "plpgsql" - AS $$ -BEGIN - UPDATE jobs - SET status = _new_status::job_status, -- <--- cast to job_status - outputs = _job_outputs, - script = COALESCE(_job_script, script) - WHERE id = _job_id - AND status = 'in_progress' -- Assuming 'in_progress' also exists in your enum - AND worker_id = _worker_id; -END; -$$; - - -ALTER FUNCTION "public"."update_job_status_if_in_progress"("_job_id" "text", "_new_status" "text", "_worker_id" "text", "_job_outputs" "jsonb", "_job_script" "text") OWNER TO "postgres"; - - -CREATE OR REPLACE FUNCTION "public"."update_organization"("org_id" "uuid", "new_name" "text") RETURNS boolean - LANGUAGE "plpgsql" SECURITY DEFINER - SET "search_path" TO 'public' - AS $$ -begin - -- Check if user is admin - if not is_organization_admin(org_id) then - raise exception 'Only organization admins can update organization'; - end if; - - -- Update organization - update organizations - set name = new_name - where id = org_id; - - return found; -end; -$$; - - -ALTER FUNCTION "public"."update_organization"("org_id" "uuid", "new_name" "text") OWNER TO "postgres"; - - -CREATE TABLE IF NOT EXISTS "public"."events" ( - "id" integer NOT NULL, - "run_id" integer, - "created_at" timestamp with time zone DEFAULT CURRENT_TIMESTAMP, - "data" "jsonb" NOT NULL, - "file" "text" -); - - -ALTER TABLE "public"."events" OWNER TO "postgres"; - - -CREATE SEQUENCE IF NOT EXISTS "public"."events_id_seq" - AS integer - START WITH 1 - INCREMENT BY 1 - NO MINVALUE - NO MAXVALUE - CACHE 1; - - -ALTER TABLE "public"."events_id_seq" OWNER TO "postgres"; - - -ALTER SEQUENCE "public"."events_id_seq" OWNED BY "public"."events"."id"; - - - -CREATE TABLE IF NOT EXISTS "public"."files" ( - "id" "text" NOT NULL, - "created_at" timestamp with time zone DEFAULT CURRENT_TIMESTAMP, - "filename" "text" NOT NULL, - "purpose" "text" NOT NULL, - "bytes" integer NOT NULL -); - - -ALTER TABLE "public"."files" OWNER TO "postgres"; - - -CREATE TABLE IF NOT EXISTS "public"."organization_members" ( - "organization_id" "uuid" NOT NULL, - "user_id" "uuid" NOT NULL, - "role" "public"."organization_role" DEFAULT 'user'::"public"."organization_role" NOT NULL, - "created_at" timestamp with time zone DEFAULT "timezone"('utc'::"text", "now"()) NOT NULL -); - - -ALTER TABLE "public"."organization_members" OWNER TO "postgres"; - - -CREATE TABLE IF NOT EXISTS "public"."organization_secrets" ( - "id" "uuid" DEFAULT "gen_random_uuid"() NOT NULL, - "organization_id" "uuid" NOT NULL, - "name" "text" NOT NULL, - "value" "text" NOT NULL, - "created_at" timestamp with time zone DEFAULT "timezone"('utc'::"text", "now"()) NOT NULL, - "updated_at" timestamp with time zone DEFAULT "timezone"('utc'::"text", "now"()) NOT NULL -); - - -ALTER TABLE "public"."organization_secrets" OWNER TO "postgres"; - - -CREATE TABLE IF NOT EXISTS "public"."organizations" ( - "id" "uuid" DEFAULT "gen_random_uuid"() NOT NULL, - "created_at" timestamp with time zone DEFAULT "timezone"('utc'::"text", "now"()) NOT NULL, - "updated_at" timestamp with time zone DEFAULT "timezone"('utc'::"text", "now"()) NOT NULL, - "name" "text" NOT NULL -); - - -ALTER TABLE "public"."organizations" OWNER TO "postgres"; - - -CREATE TABLE IF NOT EXISTS "public"."runs" ( - "id" integer NOT NULL, - "job_id" "text", - "worker_id" "text", - "created_at" timestamp with time zone DEFAULT CURRENT_TIMESTAMP, - "status" "public"."job_status", - "log_file" "text", - "updated_at" timestamp with time zone DEFAULT CURRENT_TIMESTAMP -); - - -ALTER TABLE "public"."runs" OWNER TO "postgres"; - - -CREATE SEQUENCE IF NOT EXISTS "public"."runs_id_seq" - AS integer - START WITH 1 - INCREMENT BY 1 - NO MINVALUE - NO MAXVALUE - CACHE 1; - - -ALTER TABLE "public"."runs_id_seq" OWNER TO "postgres"; - - -ALTER SEQUENCE "public"."runs_id_seq" OWNED BY "public"."runs"."id"; - - - -CREATE TABLE IF NOT EXISTS "public"."tokens" ( - "id" "uuid" DEFAULT "gen_random_uuid"() NOT NULL, - "organization_id" "uuid" NOT NULL, - "name" "text" NOT NULL, - "token_hash" "text", - "expires_at" timestamp with time zone, - "created_at" timestamp with time zone DEFAULT "timezone"('utc'::"text", "now"()) NOT NULL, - "created_by" "uuid" NOT NULL, - "last_used_at" timestamp with time zone -); - - -ALTER TABLE "public"."tokens" OWNER TO "postgres"; - - -CREATE TABLE IF NOT EXISTS "public"."worker" ( - "id" "text" NOT NULL, - "created_at" timestamp with time zone DEFAULT CURRENT_TIMESTAMP, - "status" "text", - "cached_models" "text"[], - "vram_gb" integer, - "pod_id" "text", - "ping" timestamp with time zone, - "gpu_type" "text", - "gpu_count" integer, - "docker_image" "text", - "updated_at" timestamp with time zone DEFAULT CURRENT_TIMESTAMP, - "organization_id" "uuid" NOT NULL, - "logfile" "text", - "hardware_type" "text" -); - - -ALTER TABLE "public"."worker" OWNER TO "postgres"; - - -ALTER TABLE ONLY "public"."events" ALTER COLUMN "id" SET DEFAULT "nextval"('"public"."events_id_seq"'::"regclass"); - - - -ALTER TABLE ONLY "public"."runs" ALTER COLUMN "id" SET DEFAULT "nextval"('"public"."runs_id_seq"'::"regclass"); - - - -ALTER TABLE ONLY "public"."events" - ADD CONSTRAINT "events_pkey" PRIMARY KEY ("id"); - - - -ALTER TABLE ONLY "public"."files" - ADD CONSTRAINT "files_pkey" PRIMARY KEY ("id"); - - - -ALTER TABLE ONLY "public"."jobs" - ADD CONSTRAINT "jobs_pkey" PRIMARY KEY ("id"); - - - -ALTER TABLE ONLY "public"."organization_members" - ADD CONSTRAINT "organization_members_pkey" PRIMARY KEY ("organization_id", "user_id"); - - - -ALTER TABLE ONLY "public"."organization_secrets" - ADD CONSTRAINT "organization_secrets_organization_id_name_key" UNIQUE ("organization_id", "name"); - - - -ALTER TABLE ONLY "public"."organization_secrets" - ADD CONSTRAINT "organization_secrets_pkey" PRIMARY KEY ("id"); - - - -ALTER TABLE ONLY "public"."organizations" - ADD CONSTRAINT "organizations_pkey" PRIMARY KEY ("id"); - - - -ALTER TABLE ONLY "public"."runs" - ADD CONSTRAINT "runs_pkey" PRIMARY KEY ("id"); - - - -ALTER TABLE ONLY "public"."tokens" - ADD CONSTRAINT "tokens_pkey" PRIMARY KEY ("id"); - - - -ALTER TABLE ONLY "public"."worker" - ADD CONSTRAINT "worker_pkey" PRIMARY KEY ("id"); - - - -CREATE INDEX "events_run_id_idx" ON "public"."events" USING "btree" ("run_id"); - - - -CREATE OR REPLACE TRIGGER "set_deployment_timeout_trigger" BEFORE INSERT ON "public"."jobs" FOR EACH ROW EXECUTE FUNCTION "public"."set_deployment_timeout"(); - - - -CREATE OR REPLACE TRIGGER "set_updated_at_jobs" BEFORE UPDATE ON "public"."jobs" FOR EACH ROW EXECUTE FUNCTION "public"."handle_updated_at"(); - - - -CREATE OR REPLACE TRIGGER "set_updated_at_organization_secrets" BEFORE UPDATE ON "public"."organization_secrets" FOR EACH ROW EXECUTE FUNCTION "public"."handle_updated_at"(); - - - -CREATE OR REPLACE TRIGGER "set_updated_at_organizations" BEFORE UPDATE ON "public"."organizations" FOR EACH ROW EXECUTE FUNCTION "public"."handle_updated_at"(); - - - -CREATE OR REPLACE TRIGGER "set_updated_at_runs" BEFORE UPDATE ON "public"."runs" FOR EACH ROW EXECUTE FUNCTION "public"."handle_updated_at"(); - - - -CREATE OR REPLACE TRIGGER "set_updated_at_worker" BEFORE UPDATE ON "public"."worker" FOR EACH ROW EXECUTE FUNCTION "public"."handle_updated_at"(); - - - -ALTER TABLE ONLY "public"."events" - ADD CONSTRAINT "events_run_id_fkey" FOREIGN KEY ("run_id") REFERENCES "public"."runs"("id") ON DELETE CASCADE; - - - -ALTER TABLE ONLY "public"."jobs" - ADD CONSTRAINT "jobs_organization_id_fkey" FOREIGN KEY ("organization_id") REFERENCES "public"."organizations"("id") ON DELETE CASCADE; - - - -ALTER TABLE ONLY "public"."jobs" - ADD CONSTRAINT "jobs_worker_id_fkey" FOREIGN KEY ("worker_id") REFERENCES "public"."worker"("id"); - - - -ALTER TABLE ONLY "public"."organization_members" - ADD CONSTRAINT "organization_members_organization_id_fkey" FOREIGN KEY ("organization_id") REFERENCES "public"."organizations"("id") ON DELETE CASCADE; - - - -ALTER TABLE ONLY "public"."organization_members" - ADD CONSTRAINT "organization_members_user_id_fkey" FOREIGN KEY ("user_id") REFERENCES "auth"."users"("id") ON DELETE CASCADE; - - - -ALTER TABLE ONLY "public"."organization_secrets" - ADD CONSTRAINT "organization_secrets_organization_id_fkey" FOREIGN KEY ("organization_id") REFERENCES "public"."organizations"("id") ON DELETE CASCADE; - - - -ALTER TABLE ONLY "public"."runs" - ADD CONSTRAINT "runs_job_id_fkey" FOREIGN KEY ("job_id") REFERENCES "public"."jobs"("id") ON DELETE CASCADE; - - - -ALTER TABLE ONLY "public"."runs" - ADD CONSTRAINT "runs_worker_id_fkey" FOREIGN KEY ("worker_id") REFERENCES "public"."worker"("id") ON DELETE SET NULL; - - - -ALTER TABLE ONLY "public"."tokens" - ADD CONSTRAINT "tokens_created_by_fkey" FOREIGN KEY ("created_by") REFERENCES "auth"."users"("id") ON DELETE CASCADE; - - - -ALTER TABLE ONLY "public"."tokens" - ADD CONSTRAINT "tokens_organization_id_fkey" FOREIGN KEY ("organization_id") REFERENCES "public"."organizations"("id") ON DELETE CASCADE; - - - -ALTER TABLE ONLY "public"."worker" - ADD CONSTRAINT "worker_organization_id_fkey" FOREIGN KEY ("organization_id") REFERENCES "public"."organizations"("id") ON DELETE CASCADE; - - - -CREATE POLICY "Enable access for organization members" ON "public"."events" USING ((EXISTS ( SELECT 1 - FROM ("public"."runs" "r" - JOIN "public"."jobs" "j" ON (("j"."id" = "r"."job_id"))) - WHERE (("r"."id" = "events"."run_id") AND "public"."is_organization_member"("j"."organization_id"))))); - - - -CREATE POLICY "Enable access for organization members" ON "public"."runs" USING ((EXISTS ( SELECT 1 - FROM "public"."jobs" "j" - WHERE (("j"."id" = "runs"."job_id") AND "public"."is_organization_member"("j"."organization_id"))))); - - - -CREATE POLICY "Enable access for organization members" ON "public"."worker" USING ("public"."is_organization_member"("organization_id")); - - - -CREATE POLICY "Enable read access for members" ON "public"."organization_members" FOR SELECT USING ("public"."is_organization_member"("organization_id")); - - - -CREATE POLICY "Enable read access for organization members" ON "public"."organizations" FOR SELECT USING ("public"."is_organization_member"("id")); - - - -CREATE POLICY "Enable write access for admins" ON "public"."organization_members" USING ("public"."is_organization_admin"("organization_id")); - - - -CREATE POLICY "Enable write access for organization admins" ON "public"."organizations" USING ("public"."is_organization_admin"("id")); - - - -CREATE POLICY "Organization admins can manage secrets" ON "public"."organization_secrets" USING ("public"."is_organization_admin"("organization_id")); - - - -CREATE POLICY "Organization admins can manage tokens" ON "public"."tokens" USING ("public"."is_organization_admin"("organization_id")); - - - -CREATE POLICY "Organization members can delete their jobs" ON "public"."jobs" FOR DELETE USING ("public"."is_organization_member"("organization_id")); - - - -CREATE POLICY "Organization members can insert jobs" ON "public"."jobs" FOR INSERT WITH CHECK (("organization_id" = "public"."get_organization_from_token"())); - - - -CREATE POLICY "Organization members can read jobs" ON "public"."jobs" FOR SELECT USING ("public"."is_organization_member"("organization_id")); - - - -CREATE POLICY "Organization members can update their jobs" ON "public"."jobs" FOR UPDATE USING ("public"."is_organization_member"("organization_id")); - - - -CREATE POLICY "Organization members can view their tokens" ON "public"."tokens" FOR SELECT USING ("public"."is_organization_member"("organization_id")); - - - -ALTER TABLE "public"."events" ENABLE ROW LEVEL SECURITY; - - -ALTER TABLE "public"."jobs" ENABLE ROW LEVEL SECURITY; - - -ALTER TABLE "public"."organization_members" ENABLE ROW LEVEL SECURITY; - - -ALTER TABLE "public"."organization_secrets" ENABLE ROW LEVEL SECURITY; - - -ALTER TABLE "public"."organizations" ENABLE ROW LEVEL SECURITY; - - -ALTER TABLE "public"."runs" ENABLE ROW LEVEL SECURITY; - - -ALTER TABLE "public"."tokens" ENABLE ROW LEVEL SECURITY; - - -ALTER TABLE "public"."worker" ENABLE ROW LEVEL SECURITY; - - -GRANT USAGE ON SCHEMA "public" TO "postgres"; -GRANT USAGE ON SCHEMA "public" TO "anon"; -GRANT USAGE ON SCHEMA "public" TO "authenticated"; -GRANT USAGE ON SCHEMA "public" TO "service_role"; - - - -GRANT ALL ON TABLE "public"."jobs" TO "anon"; -GRANT ALL ON TABLE "public"."jobs" TO "authenticated"; -GRANT ALL ON TABLE "public"."jobs" TO "service_role"; - - - -GRANT ALL ON FUNCTION "public"."acquire_job"("_job_id" "text", "_worker_id" "text") TO "anon"; -GRANT ALL ON FUNCTION "public"."acquire_job"("_job_id" "text", "_worker_id" "text") TO "authenticated"; -GRANT ALL ON FUNCTION "public"."acquire_job"("_job_id" "text", "_worker_id" "text") TO "service_role"; - - - -GRANT ALL ON FUNCTION "public"."create_organization"("org_name" "text") TO "anon"; -GRANT ALL ON FUNCTION "public"."create_organization"("org_name" "text") TO "authenticated"; -GRANT ALL ON FUNCTION "public"."create_organization"("org_name" "text") TO "service_role"; - - - -GRANT ALL ON FUNCTION "public"."create_service_account_token"("org_id" "uuid", "token_name" "text", "created_by" "uuid", "expires_at" timestamp with time zone) TO "anon"; -GRANT ALL ON FUNCTION "public"."create_service_account_token"("org_id" "uuid", "token_name" "text", "created_by" "uuid", "expires_at" timestamp with time zone) TO "authenticated"; -GRANT ALL ON FUNCTION "public"."create_service_account_token"("org_id" "uuid", "token_name" "text", "created_by" "uuid", "expires_at" timestamp with time zone) TO "service_role"; - - - -GRANT ALL ON FUNCTION "public"."delete_organization_secret"("org_id" "uuid", "secret_name" "text") TO "anon"; -GRANT ALL ON FUNCTION "public"."delete_organization_secret"("org_id" "uuid", "secret_name" "text") TO "authenticated"; -GRANT ALL ON FUNCTION "public"."delete_organization_secret"("org_id" "uuid", "secret_name" "text") TO "service_role"; - - - -GRANT ALL ON FUNCTION "public"."get_jwt_secret"() TO "anon"; -GRANT ALL ON FUNCTION "public"."get_jwt_secret"() TO "authenticated"; -GRANT ALL ON FUNCTION "public"."get_jwt_secret"() TO "service_role"; - - - -GRANT ALL ON FUNCTION "public"."get_organization_from_token"() TO "anon"; -GRANT ALL ON FUNCTION "public"."get_organization_from_token"() TO "authenticated"; -GRANT ALL ON FUNCTION "public"."get_organization_from_token"() TO "service_role"; - - - -GRANT ALL ON FUNCTION "public"."get_organization_members"("org_id" "uuid") TO "anon"; -GRANT ALL ON FUNCTION "public"."get_organization_members"("org_id" "uuid") TO "authenticated"; -GRANT ALL ON FUNCTION "public"."get_organization_members"("org_id" "uuid") TO "service_role"; - - - -GRANT ALL ON FUNCTION "public"."get_path_organization_id"("path" "text") TO "anon"; -GRANT ALL ON FUNCTION "public"."get_path_organization_id"("path" "text") TO "authenticated"; -GRANT ALL ON FUNCTION "public"."get_path_organization_id"("path" "text") TO "service_role"; - - - -GRANT ALL ON FUNCTION "public"."handle_updated_at"() TO "anon"; -GRANT ALL ON FUNCTION "public"."handle_updated_at"() TO "authenticated"; -GRANT ALL ON FUNCTION "public"."handle_updated_at"() TO "service_role"; - - - -GRANT ALL ON FUNCTION "public"."hardware_matches"("worker_hardware" "text", "allowed_hardware" "text"[]) TO "anon"; -GRANT ALL ON FUNCTION "public"."hardware_matches"("worker_hardware" "text", "allowed_hardware" "text"[]) TO "authenticated"; -GRANT ALL ON FUNCTION "public"."hardware_matches"("worker_hardware" "text", "allowed_hardware" "text"[]) TO "service_role"; - - - -GRANT ALL ON FUNCTION "public"."has_organization_access"("org_id" "uuid") TO "anon"; -GRANT ALL ON FUNCTION "public"."has_organization_access"("org_id" "uuid") TO "authenticated"; -GRANT ALL ON FUNCTION "public"."has_organization_access"("org_id" "uuid") TO "service_role"; - - - -GRANT ALL ON FUNCTION "public"."invite_organization_member"("org_id" "uuid", "member_email" character varying, "member_role" "public"."organization_role") TO "anon"; -GRANT ALL ON FUNCTION "public"."invite_organization_member"("org_id" "uuid", "member_email" character varying, "member_role" "public"."organization_role") TO "authenticated"; -GRANT ALL ON FUNCTION "public"."invite_organization_member"("org_id" "uuid", "member_email" character varying, "member_role" "public"."organization_role") TO "service_role"; - - - -GRANT ALL ON FUNCTION "public"."is_organization_admin"("org_id" "uuid") TO "anon"; -GRANT ALL ON FUNCTION "public"."is_organization_admin"("org_id" "uuid") TO "authenticated"; -GRANT ALL ON FUNCTION "public"."is_organization_admin"("org_id" "uuid") TO "service_role"; - - - -GRANT ALL ON FUNCTION "public"."is_organization_member"("org_id" "uuid") TO "anon"; -GRANT ALL ON FUNCTION "public"."is_organization_member"("org_id" "uuid") TO "authenticated"; -GRANT ALL ON FUNCTION "public"."is_organization_member"("org_id" "uuid") TO "service_role"; - - - -GRANT ALL ON FUNCTION "public"."manage_organization_secret"("org_id" "uuid", "secret_name" "text", "secret_value" "text") TO "anon"; -GRANT ALL ON FUNCTION "public"."manage_organization_secret"("org_id" "uuid", "secret_name" "text", "secret_value" "text") TO "authenticated"; -GRANT ALL ON FUNCTION "public"."manage_organization_secret"("org_id" "uuid", "secret_name" "text", "secret_value" "text") TO "service_role"; - - - -GRANT ALL ON FUNCTION "public"."remove_organization_member"("org_id" "uuid", "member_id" "uuid") TO "anon"; -GRANT ALL ON FUNCTION "public"."remove_organization_member"("org_id" "uuid", "member_id" "uuid") TO "authenticated"; -GRANT ALL ON FUNCTION "public"."remove_organization_member"("org_id" "uuid", "member_id" "uuid") TO "service_role"; - - - -GRANT ALL ON FUNCTION "public"."set_deployment_timeout"() TO "anon"; -GRANT ALL ON FUNCTION "public"."set_deployment_timeout"() TO "authenticated"; -GRANT ALL ON FUNCTION "public"."set_deployment_timeout"() TO "service_role"; - - - -GRANT ALL ON FUNCTION "public"."update_job_status_if_in_progress"("_job_id" "text", "_new_status" "text", "_worker_id" "text", "_job_outputs" "jsonb", "_job_script" "text") TO "anon"; -GRANT ALL ON FUNCTION "public"."update_job_status_if_in_progress"("_job_id" "text", "_new_status" "text", "_worker_id" "text", "_job_outputs" "jsonb", "_job_script" "text") TO "authenticated"; -GRANT ALL ON FUNCTION "public"."update_job_status_if_in_progress"("_job_id" "text", "_new_status" "text", "_worker_id" "text", "_job_outputs" "jsonb", "_job_script" "text") TO "service_role"; - - - -GRANT ALL ON FUNCTION "public"."update_organization"("org_id" "uuid", "new_name" "text") TO "anon"; -GRANT ALL ON FUNCTION "public"."update_organization"("org_id" "uuid", "new_name" "text") TO "authenticated"; -GRANT ALL ON FUNCTION "public"."update_organization"("org_id" "uuid", "new_name" "text") TO "service_role"; - - - -GRANT ALL ON TABLE "public"."events" TO "anon"; -GRANT ALL ON TABLE "public"."events" TO "authenticated"; -GRANT ALL ON TABLE "public"."events" TO "service_role"; - - - -GRANT ALL ON SEQUENCE "public"."events_id_seq" TO "anon"; -GRANT ALL ON SEQUENCE "public"."events_id_seq" TO "authenticated"; -GRANT ALL ON SEQUENCE "public"."events_id_seq" TO "service_role"; - - - -GRANT ALL ON TABLE "public"."files" TO "anon"; -GRANT ALL ON TABLE "public"."files" TO "authenticated"; -GRANT ALL ON TABLE "public"."files" TO "service_role"; - - - -GRANT ALL ON TABLE "public"."organization_members" TO "anon"; -GRANT ALL ON TABLE "public"."organization_members" TO "authenticated"; -GRANT ALL ON TABLE "public"."organization_members" TO "service_role"; - - - -GRANT ALL ON TABLE "public"."organization_secrets" TO "anon"; -GRANT ALL ON TABLE "public"."organization_secrets" TO "authenticated"; -GRANT ALL ON TABLE "public"."organization_secrets" TO "service_role"; - - - -GRANT ALL ON TABLE "public"."organizations" TO "anon"; -GRANT ALL ON TABLE "public"."organizations" TO "authenticated"; -GRANT ALL ON TABLE "public"."organizations" TO "service_role"; - - - -GRANT ALL ON TABLE "public"."runs" TO "anon"; -GRANT ALL ON TABLE "public"."runs" TO "authenticated"; -GRANT ALL ON TABLE "public"."runs" TO "service_role"; - - - -GRANT ALL ON SEQUENCE "public"."runs_id_seq" TO "anon"; -GRANT ALL ON SEQUENCE "public"."runs_id_seq" TO "authenticated"; -GRANT ALL ON SEQUENCE "public"."runs_id_seq" TO "service_role"; - - - -GRANT ALL ON TABLE "public"."tokens" TO "anon"; -GRANT ALL ON TABLE "public"."tokens" TO "authenticated"; -GRANT ALL ON TABLE "public"."tokens" TO "service_role"; - - - -GRANT ALL ON TABLE "public"."worker" TO "anon"; -GRANT ALL ON TABLE "public"."worker" TO "authenticated"; -GRANT ALL ON TABLE "public"."worker" TO "service_role"; - - - -ALTER DEFAULT PRIVILEGES FOR ROLE "postgres" IN SCHEMA "public" GRANT ALL ON SEQUENCES TO "postgres"; -ALTER DEFAULT PRIVILEGES FOR ROLE "postgres" IN SCHEMA "public" GRANT ALL ON SEQUENCES TO "anon"; -ALTER DEFAULT PRIVILEGES FOR ROLE "postgres" IN SCHEMA "public" GRANT ALL ON SEQUENCES TO "authenticated"; -ALTER DEFAULT PRIVILEGES FOR ROLE "postgres" IN SCHEMA "public" GRANT ALL ON SEQUENCES TO "service_role"; - - - - - - -ALTER DEFAULT PRIVILEGES FOR ROLE "postgres" IN SCHEMA "public" GRANT ALL ON FUNCTIONS TO "postgres"; -ALTER DEFAULT PRIVILEGES FOR ROLE "postgres" IN SCHEMA "public" GRANT ALL ON FUNCTIONS TO "anon"; -ALTER DEFAULT PRIVILEGES FOR ROLE "postgres" IN SCHEMA "public" GRANT ALL ON FUNCTIONS TO "authenticated"; -ALTER DEFAULT PRIVILEGES FOR ROLE "postgres" IN SCHEMA "public" GRANT ALL ON FUNCTIONS TO "service_role"; - - - - - - -ALTER DEFAULT PRIVILEGES FOR ROLE "postgres" IN SCHEMA "public" GRANT ALL ON TABLES TO "postgres"; -ALTER DEFAULT PRIVILEGES FOR ROLE "postgres" IN SCHEMA "public" GRANT ALL ON TABLES TO "anon"; -ALTER DEFAULT PRIVILEGES FOR ROLE "postgres" IN SCHEMA "public" GRANT ALL ON TABLES TO "authenticated"; -ALTER DEFAULT PRIVILEGES FOR ROLE "postgres" IN SCHEMA "public" GRANT ALL ON TABLES TO "service_role"; - - - - - - -RESET ALL; From e6faffd88b7376773975a072c44dea8e047ef6e1 Mon Sep 17 00:00:00 2001 From: Niels Warncke Date: Sun, 19 Oct 2025 21:13:26 +0200 Subject: [PATCH 14/27] update CLAUDE.md --- CLAUDE.md | 15 +++++++++------ 1 file changed, 9 insertions(+), 6 deletions(-) diff --git a/CLAUDE.md b/CLAUDE.md index 011826a..98f6e5d 100644 --- a/CLAUDE.md +++ b/CLAUDE.md @@ -143,9 +143,10 @@ OpenWeights follows a queue-based architecture with three main components: 1. **Sign Up**: Users create accounts via Supabase Auth in the dashboard 2. **Organization Creation**: Users create organizations in the dashboard UI 3. **API Key Generation**: - - Service role keys are used as API keys (JWT tokens) - - Created via dashboard's "Tokens" tab for each organization - - Format: JWT token with organization context + - Users create API tokens via the CLI: `ow token create --name "my-token"` + - API tokens are prefixed with `ow_` and stored securely in the `api_tokens` table + - Tokens can optionally have expiration dates and can be revoked + - Format: `ow_` followed by a randomly generated secure token ### Authorization Mechanism @@ -155,9 +156,11 @@ ow = OpenWeights(auth_token=os.getenv("OPENWEIGHTS_API_KEY")) ``` The client: -- Accepts a service role JWT as the API key -- Passes this token in the `Authorization` header to Supabase -- Extracts organization ID from token using `get_organization_from_token()` RPC +- Accepts an OpenWeights API token (starting with `ow_`) +- Automatically exchanges the API token for a short-lived JWT using `exchange_api_token_for_jwt()` RPC +- Passes the JWT in the `Authorization` header to Supabase +- Extracts organization ID from the JWT using `get_organization_from_token()` RPC +- Supports backwards compatibility: if the token is already a JWT (doesn't start with `ow_`), it uses it directly **Database-Side:** - Supabase Row Level Security (RLS) policies automatically filter queries From 36bc99fb98447ff19f081ba47d6b9f69bd92e0a7 Mon Sep 17 00:00:00 2001 From: Niels Warncke Date: Sun, 19 Oct 2025 21:34:54 +0200 Subject: [PATCH 15/27] login with API key --- openweights/dashboard/backend/main.py | 42 +++++++ openweights/dashboard/frontend/src/api.ts | 12 ++ .../frontend/src/components/Auth/Auth.tsx | 106 +++++++++++------- .../frontend/src/contexts/AuthContext.tsx | 102 +++++++++++++++-- 4 files changed, 214 insertions(+), 48 deletions(-) diff --git a/openweights/dashboard/backend/main.py b/openweights/dashboard/backend/main.py index 0018684..49c1948 100644 --- a/openweights/dashboard/backend/main.py +++ b/openweights/dashboard/backend/main.py @@ -20,6 +20,8 @@ WorkerWithRuns, ) +from openweights.client import exchange_api_token_for_jwt + load_dotenv() app = FastAPI() @@ -58,6 +60,46 @@ async def get_db(authorization: str = Header(None)) -> Database: ) +# Auth endpoints +@app.post("/auth/exchange-api-key") +async def exchange_api_key(api_key: dict): + """Exchange an OpenWeights API key for a JWT token. + + Args: + api_key: Dictionary with 'api_key' field containing the ow_ prefixed token + + Returns: + Dictionary with 'jwt' field containing the JWT token + """ + try: + api_key_value = api_key.get("api_key") + if not api_key_value: + raise HTTPException(status_code=400, detail="api_key field is required") + + if not api_key_value.startswith("ow_"): + raise HTTPException( + status_code=400, + detail="Invalid API key format. API keys must start with 'ow_'", + ) + + supabase_url = os.environ.get( + "SUPABASE_URL", "https://taofkfabrhpgtohaikst.supabase.co" + ) + supabase_anon_key = os.environ.get( + "SUPABASE_ANON_KEY", + "eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpc3MiOiJzdXBhYmFzZSIsInJlZiI6InRhb2ZrZmFicmhwZ3RvaGFpa3N0Iiwicm9sZSI6ImFub24iLCJpYXQiOjE3MzE5MjkyMjcsImV4cCI6MjA0NzUwNTIyN30.KRufleTgprt16mfm0_91YjKIFZAne1-IW8buMxWVMeE", + ) + + jwt = exchange_api_token_for_jwt(supabase_url, supabase_anon_key, api_key_value) + return {"jwt": jwt} + except ValueError as e: + raise HTTPException(status_code=401, detail=str(e)) + except Exception as e: + raise HTTPException( + status_code=500, detail=f"Failed to exchange API key: {str(e)}" + ) + + # Organization endpoints @app.post("/organizations/", response_model=Organization) async def create_organization( diff --git a/openweights/dashboard/frontend/src/api.ts b/openweights/dashboard/frontend/src/api.ts index 0bc8e86..a32263d 100644 --- a/openweights/dashboard/frontend/src/api.ts +++ b/openweights/dashboard/frontend/src/api.ts @@ -6,6 +6,18 @@ import { supabase } from './supabaseClient'; const API_URL = import.meta.env.PROD ? '' : 'http://localhost:8124'; const getAuthHeaders = async () => { + // First check for API key JWT in localStorage + const apiKeyJwt = localStorage.getItem('openweights_jwt'); + if (apiKeyJwt) { + return { + headers: { + 'Authorization': `Bearer ${apiKeyJwt}`, + 'Content-Type': 'application/json' + } + }; + } + + // Otherwise use Supabase Auth session const { data: { session } } = await supabase.auth.getSession(); if (!session?.access_token) { throw new Error('No authentication token available'); diff --git a/openweights/dashboard/frontend/src/components/Auth/Auth.tsx b/openweights/dashboard/frontend/src/components/Auth/Auth.tsx index 0649c44..add4804 100644 --- a/openweights/dashboard/frontend/src/components/Auth/Auth.tsx +++ b/openweights/dashboard/frontend/src/components/Auth/Auth.tsx @@ -17,19 +17,20 @@ import { } from '@mui/material'; import { useAuth } from '../../contexts/AuthContext'; -type AuthMode = 'signin' | 'signup' | 'reset'; +type AuthMode = 'signin' | 'signup' | 'apikey'; export function Auth() { const [mode, setMode] = useState('signin'); const [email, setEmail] = useState(''); const [password, setPassword] = useState(''); const [confirmPassword, setConfirmPassword] = useState(''); + const [apiKey, setApiKey] = useState(''); const [error, setError] = useState(''); const [success, setSuccess] = useState(''); const [resetDialogOpen, setResetDialogOpen] = useState(false); const [resetEmail, setResetEmail] = useState(''); - const { signIn, signUp, resetPassword } = useAuth(); + const { signIn, signInWithApiKey, signUp, resetPassword } = useAuth(); const navigate = useNavigate(); const handleSubmit = async (e: React.FormEvent) => { @@ -55,6 +56,10 @@ export function Auth() { const { error } = await signIn(email, password); if (error) throw error; navigate('/jobs'); + } else if (mode === 'apikey') { + const { error } = await signInWithApiKey(apiKey); + if (error) throw error; + navigate('/jobs'); } } catch (error) { setError(error instanceof Error ? error.message : 'An error occurred'); @@ -118,6 +123,7 @@ export function Auth() { > + {error && ( @@ -138,45 +144,65 @@ export function Auth() { )} - setEmail(e.target.value)} - /> + {mode === 'apikey' ? ( + <> + setApiKey(e.target.value)} + helperText="Enter your OpenWeights API key (starts with 'ow_')" + /> + + ) : ( + <> + setEmail(e.target.value)} + /> - setPassword(e.target.value)} - /> + setPassword(e.target.value)} + /> - {mode === 'signup' && ( - setConfirmPassword(e.target.value)} - /> + {mode === 'signup' && ( + setConfirmPassword(e.target.value)} + /> + )} + )} {mode === 'signin' && ( diff --git a/openweights/dashboard/frontend/src/contexts/AuthContext.tsx b/openweights/dashboard/frontend/src/contexts/AuthContext.tsx index 1ed2c1d..1a5bbda 100644 --- a/openweights/dashboard/frontend/src/contexts/AuthContext.tsx +++ b/openweights/dashboard/frontend/src/contexts/AuthContext.tsx @@ -1,12 +1,16 @@ import { createContext, useContext, useEffect, useState } from 'react'; import { Session, User } from '@supabase/supabase-js'; import { supabase } from '../supabaseClient'; +import axios from 'axios'; + +const API_URL = import.meta.env.PROD ? '' : 'http://localhost:8124'; interface AuthContextType { session: Session | null; user: User | null; loading: boolean; signIn: (email: string, password: string) => Promise<{ error: Error | null }>; + signInWithApiKey: (apiKey: string) => Promise<{ error: Error | null }>; signUp: (email: string, password: string) => Promise<{ error: Error | null }>; signOut: () => Promise; resetPassword: (email: string) => Promise<{ error: Error | null }>; @@ -20,20 +24,49 @@ export function AuthProvider({ children }: { children: React.ReactNode }) { const [loading, setLoading] = useState(true); useEffect(() => { - // Get initial session - supabase.auth.getSession().then(({ data: { session } }) => { - setSession(session); - setUser(session?.user ?? null); + // Check for stored JWT from API key login + const storedJwt = localStorage.getItem('openweights_jwt'); + if (storedJwt) { + // Recreate the mock session + const mockSession = { + access_token: storedJwt, + refresh_token: storedJwt, + expires_in: 3600, + expires_at: Math.floor(Date.now() / 1000) + 3600, + token_type: 'bearer', + user: { + id: 'api-key-user', + email: 'api-key@openweights.com', + aud: 'authenticated', + role: 'authenticated', + created_at: new Date().toISOString(), + app_metadata: {}, + user_metadata: {}, + } + } as Session; + + setSession(mockSession); + setUser(mockSession.user); setLoading(false); - }); + } else { + // Get initial session from Supabase Auth + supabase.auth.getSession().then(({ data: { session } }) => { + setSession(session); + setUser(session?.user ?? null); + setLoading(false); + }); + } // Listen for auth changes const { data: { subscription }, } = supabase.auth.onAuthStateChange((_event, session) => { - setSession(session); - setUser(session?.user ?? null); - setLoading(false); + // Only update if not using API key auth + if (!localStorage.getItem('openweights_jwt')) { + setSession(session); + setUser(session?.user ?? null); + setLoading(false); + } }); return () => subscription.unsubscribe(); @@ -51,6 +84,50 @@ export function AuthProvider({ children }: { children: React.ReactNode }) { } }; + const signInWithApiKey = async (apiKey: string) => { + try { + // Exchange API key for JWT + const response = await axios.post(`${API_URL}/auth/exchange-api-key`, { + api_key: apiKey + }); + + const jwt = response.data.jwt; + + // Store the JWT in localStorage for API calls + localStorage.setItem('openweights_jwt', jwt); + + // Create a mock session for the auth context + // This JWT is for database access, not Supabase Auth + const mockSession = { + access_token: jwt, + refresh_token: jwt, + expires_in: 3600, + expires_at: Math.floor(Date.now() / 1000) + 3600, + token_type: 'bearer', + user: { + id: 'api-key-user', + email: 'api-key@openweights.com', + aud: 'authenticated', + role: 'authenticated', + created_at: new Date().toISOString(), + app_metadata: {}, + user_metadata: {}, + } + } as Session; + + setSession(mockSession); + setUser(mockSession.user); + + return { error: null }; + } catch (error) { + if (axios.isAxiosError(error)) { + const message = error.response?.data?.detail || error.message; + return { error: new Error(message) }; + } + return { error: error as Error }; + } + }; + const signUp = async (email: string, password: string) => { try { const { error } = await supabase.auth.signUp({ @@ -67,7 +144,15 @@ export function AuthProvider({ children }: { children: React.ReactNode }) { }; const signOut = async () => { + // Clear API key JWT if present + localStorage.removeItem('openweights_jwt'); + + // Also sign out from Supabase Auth await supabase.auth.signOut(); + + // Clear local state + setSession(null); + setUser(null); }; const resetPassword = async (email: string) => { @@ -86,6 +171,7 @@ export function AuthProvider({ children }: { children: React.ReactNode }) { user, loading, signIn, + signInWithApiKey, signUp, signOut, resetPassword, From ebf31069e96f2d6146f7e1cf3888b2b9323af43b Mon Sep 17 00:00:00 2001 From: Niels Warncke Date: Sun, 19 Oct 2025 22:29:24 +0200 Subject: [PATCH 16/27] dashboard: ui improvements --- openweights/dashboard/frontend/src/App.tsx | 55 +-- .../components/DetailViews/FileContent.tsx | 4 +- .../components/DetailViews/JobDetailView.tsx | 54 +-- .../components/DetailViews/OutputsDisplay.tsx | 6 +- .../components/DetailViews/RunDetailView.tsx | 44 +-- .../DetailViews/WorkerDetailView.tsx | 4 +- .../frontend/src/components/JobsListView.tsx | 12 + .../frontend/src/components/JobsView.tsx | 175 ++++----- .../Organizations/OrganizationSwitcher.tsx | 60 ++-- .../frontend/src/components/RefreshButton.tsx | 23 +- .../frontend/src/components/RunsListView.tsx | 134 ------- .../frontend/src/components/RunsView.tsx | 332 ------------------ .../src/components/StatusCheckboxes.tsx | 69 ++-- .../frontend/src/components/WorkersView.tsx | 63 +--- openweights/dashboard/frontend/src/index.css | 11 +- openweights/dashboard/frontend/src/main.tsx | 94 ++++- 16 files changed, 307 insertions(+), 833 deletions(-) delete mode 100644 openweights/dashboard/frontend/src/components/RunsListView.tsx delete mode 100644 openweights/dashboard/frontend/src/components/RunsView.tsx diff --git a/openweights/dashboard/frontend/src/App.tsx b/openweights/dashboard/frontend/src/App.tsx index 8e8fae9..e3b3530 100644 --- a/openweights/dashboard/frontend/src/App.tsx +++ b/openweights/dashboard/frontend/src/App.tsx @@ -8,20 +8,17 @@ import { Button, Menu, MenuItem, - IconButton, - Select, - FormControl, - SelectChangeEvent + IconButton } from '@mui/material'; import MoreVertIcon from '@mui/icons-material/MoreVert'; import SettingsIcon from '@mui/icons-material/Settings'; import { JobsView } from './components/JobsView'; -// import { RunsView } from './components/RunsView'; import { WorkersView } from './components/WorkersView'; import { JobDetailView, RunDetailView, WorkerDetailView } from './components/DetailViews'; import { Auth } from './components/Auth/Auth'; import { OrganizationList } from './components/Organizations/OrganizationList'; import { OrganizationDetail } from './components/Organizations/OrganizationDetail'; +import { OrganizationSwitcher } from './components/Organizations/OrganizationSwitcher'; import { AuthProvider, useAuth } from './contexts/AuthContext'; import { OrganizationProvider, useOrganization } from './contexts/OrganizationContext'; import { useState, useEffect } from 'react'; @@ -40,42 +37,6 @@ function PrivateRoute({ children }: { children: React.ReactNode }) { return <>{children}; } -function OrganizationSwitcher() { - const { organizations, currentOrganization, setCurrentOrganization } = useOrganization(); - const navigate = useNavigate(); - - const handleChange = (event: SelectChangeEvent) => { - const org = organizations.find(o => o.id === event.target.value); - if (org) { - setCurrentOrganization(org); - navigate(`/${org.id}/jobs`); - } - }; - - if (!currentOrganization || organizations.length === 0) return null; - - return ( - - - - ); -} - function NavBar() { const { user, signOut } = useAuth(); const { currentOrganization } = useOrganization(); @@ -104,17 +65,17 @@ function NavBar() { return ( - + OpenWeights Logo - + OpenWeights @@ -256,7 +217,7 @@ function AppContent() { - + } /> = ({ fileId, orgId }) => { if (!content) return No content available; return ( - -
+        
+            
                 {content}
             
diff --git a/openweights/dashboard/frontend/src/components/DetailViews/JobDetailView.tsx b/openweights/dashboard/frontend/src/components/DetailViews/JobDetailView.tsx index dde51ee..f0415a3 100644 --- a/openweights/dashboard/frontend/src/components/DetailViews/JobDetailView.tsx +++ b/openweights/dashboard/frontend/src/components/DetailViews/JobDetailView.tsx @@ -8,8 +8,6 @@ import { List, ListItem, ListItemText, - FormControlLabel, - Switch, Snackbar } from '@mui/material'; import { LoadingButton } from '@mui/lab'; @@ -17,7 +15,6 @@ import RestartAltIcon from '@mui/icons-material/RestartAlt'; import CancelIcon from '@mui/icons-material/Cancel'; import { JobWithRuns } from '../../types'; import { api } from '../../api'; -import { RefreshButton } from '../RefreshButton'; import { useOrganization } from '../../contexts/OrganizationContext'; import { OutputsDisplay } from './OutputsDisplay'; @@ -25,27 +22,20 @@ export const JobDetailView: React.FC = () => { const { orgId, jobId } = useParams<{ orgId: string; jobId: string }>(); const { currentOrganization } = useOrganization(); const [job, setJob] = useState(null); - const [loading, setLoading] = useState(false); const [actionLoading, setActionLoading] = useState<'cancel' | 'restart' | null>(null); - const [lastRefresh, setLastRefresh] = useState(); - const [autoRefresh, setAutoRefresh] = useState(true); const [snackbarMessage, setSnackbarMessage] = useState(''); const [showSnackbar, setShowSnackbar] = useState(false); const AUTO_REFRESH_INTERVAL = 10000; // 10 seconds const fetchJob = useCallback(async () => { if (!orgId || !jobId) return; - setLoading(true); try { const data = await api.getJob(orgId, jobId); setJob(data); - setLastRefresh(new Date()); } catch (error) { console.error('Error fetching job:', error); setSnackbarMessage('Error fetching job details'); setShowSnackbar(true); - } finally { - setLoading(false); } }, [orgId, jobId]); @@ -88,16 +78,11 @@ export const JobDetailView: React.FC = () => { }, [fetchJob]); useEffect(() => { - let interval: NodeJS.Timeout; - if (autoRefresh && job?.status === 'in_progress') { - interval = setInterval(fetchJob, AUTO_REFRESH_INTERVAL); + if (job?.status === 'in_progress') { + const interval = setInterval(fetchJob, AUTO_REFRESH_INTERVAL); + return () => clearInterval(interval); } - return () => { - if (interval) { - clearInterval(interval); - } - }; - }, [autoRefresh, fetchJob, job?.status]); + }, [fetchJob, job?.status]); if (!orgId || !currentOrganization || !job) { return Loading...; @@ -133,21 +118,6 @@ export const JobDetailView: React.FC = () => { Restart Job )} - setAutoRefresh(e.target.checked)} - name="autoRefresh" - /> - } - label="Auto-refresh" - /> - @@ -159,10 +129,10 @@ export const JobDetailView: React.FC = () => { {job.script && ( - - Script: - -
+                
+                    Script:
+                    
+                        
                             {job.script}
                         
@@ -170,10 +140,10 @@ export const JobDetailView: React.FC = () => { )} {job.params && ( - - Parameters: - -
+                
+                    Parameters:
+                    
+                        
                             {JSON.stringify(job.params, null, 2)}
                         
diff --git a/openweights/dashboard/frontend/src/components/DetailViews/OutputsDisplay.tsx b/openweights/dashboard/frontend/src/components/DetailViews/OutputsDisplay.tsx index f3b9f0e..6d87893 100644 --- a/openweights/dashboard/frontend/src/components/DetailViews/OutputsDisplay.tsx +++ b/openweights/dashboard/frontend/src/components/DetailViews/OutputsDisplay.tsx @@ -40,9 +40,9 @@ export const OutputsDisplay: React.FC = ({ outputs, orgId } if (typeof value === 'object') { return ( - {key}: - -
+                            {key}:
+                            
+                                
                                     {JSON.stringify(value, null, 2)}
                                 
diff --git a/openweights/dashboard/frontend/src/components/DetailViews/RunDetailView.tsx b/openweights/dashboard/frontend/src/components/DetailViews/RunDetailView.tsx index ced1fed..59b22d6 100644 --- a/openweights/dashboard/frontend/src/components/DetailViews/RunDetailView.tsx +++ b/openweights/dashboard/frontend/src/components/DetailViews/RunDetailView.tsx @@ -5,8 +5,6 @@ import { Typography, Box, Chip, - FormControlLabel, - Switch, CircularProgress, Button, Collapse @@ -15,7 +13,6 @@ import ExpandMoreIcon from '@mui/icons-material/ExpandMore'; import ExpandLessIcon from '@mui/icons-material/ExpandLess'; import { RunWithJobAndWorker } from '../../types'; import { api } from '../../api'; -import { RefreshButton } from '../RefreshButton'; import { useOrganization } from '../../contexts/OrganizationContext'; // Lazy load components @@ -57,9 +54,6 @@ export const RunDetailView: React.FC = () => { const [run, setRun] = useState(null); const [logContent, setLogContent] = useState(null); const [error, setError] = useState(null); - const [loading, setLoading] = useState(false); - const [lastRefresh, setLastRefresh] = useState(); - const [autoRefresh, setAutoRefresh] = useState(true); const [events, setEvents] = useState([]); // UI state for collapsible sections @@ -75,17 +69,13 @@ export const RunDetailView: React.FC = () => { const fetchRun = useCallback(async () => { if (!orgId || !runId) return; - setLoading(true); try { const data = await api.getRun(orgId, runId); setRun(data); - setLastRefresh(new Date()); } catch (error) { console.error('Error in fetchRun:', error); const errorMessage = error instanceof Error ? error.message : 'Unknown error'; setError(errorMessage); - } finally { - setLoading(false); } }, [orgId, runId]); @@ -125,9 +115,8 @@ export const RunDetailView: React.FC = () => { // Auto-refresh effect useEffect(() => { - let interval: NodeJS.Timeout; - if (autoRefresh && run?.status === 'in_progress') { - interval = setInterval(() => { + if (run?.status === 'in_progress') { + const interval = setInterval(() => { Promise.all([ fetchRun(), fetchLogs(), @@ -136,13 +125,9 @@ export const RunDetailView: React.FC = () => { console.error('Error in auto-refresh:', error); }); }, AUTO_REFRESH_INTERVAL); + return () => clearInterval(interval); } - return () => { - if (interval) { - clearInterval(interval); - } - }; - }, [autoRefresh, fetchRun, fetchLogs, fetchEvents, run?.status]); + }, [fetchRun, fetchLogs, fetchEvents, run?.status]); // Filter logprob events and extract the data field const logprobEvents = events @@ -172,23 +157,6 @@ export const RunDetailView: React.FC = () => { Run: {run.id} - - setAutoRefresh(e.target.checked)} - name="autoRefresh" - /> - } - label="Auto-refresh" - /> - - @@ -271,13 +239,13 @@ export const RunDetailView: React.FC = () => { -
+                                    
                                         {paginatedLogs}
                                     
diff --git a/openweights/dashboard/frontend/src/components/DetailViews/WorkerDetailView.tsx b/openweights/dashboard/frontend/src/components/DetailViews/WorkerDetailView.tsx index bd1f4b4..7f63053 100644 --- a/openweights/dashboard/frontend/src/components/DetailViews/WorkerDetailView.tsx +++ b/openweights/dashboard/frontend/src/components/DetailViews/WorkerDetailView.tsx @@ -228,7 +228,7 @@ export const WorkerDetailView: React.FC = () => { { ) : ( -
+                        
                             {logs || 'No logs available'}
                         
)} diff --git a/openweights/dashboard/frontend/src/components/JobsListView.tsx b/openweights/dashboard/frontend/src/components/JobsListView.tsx index 816b21d..edcccde 100644 --- a/openweights/dashboard/frontend/src/components/JobsListView.tsx +++ b/openweights/dashboard/frontend/src/components/JobsListView.tsx @@ -39,6 +39,7 @@ interface JobsListViewProps { onRowsPerPageChange: (event: React.ChangeEvent) => void; orgId: string; onCancelJob: (jobId: string) => Promise; + onRetryJob: (jobId: string) => Promise; } export const JobsListView: React.FC = ({ @@ -50,6 +51,7 @@ export const JobsListView: React.FC = ({ onRowsPerPageChange, orgId, onCancelJob, + onRetryJob, }) => { const filteredJobs = jobs.filter(job => { const searchStr = filter.toLowerCase(); @@ -124,6 +126,16 @@ export const JobsListView: React.FC = ({ Cancel )} + {(job.status === 'failed' || job.status === 'canceled') && ( + + )} ))} diff --git a/openweights/dashboard/frontend/src/components/JobsView.tsx b/openweights/dashboard/frontend/src/components/JobsView.tsx index 2d363a3..1fa5548 100644 --- a/openweights/dashboard/frontend/src/components/JobsView.tsx +++ b/openweights/dashboard/frontend/src/components/JobsView.tsx @@ -14,35 +14,28 @@ import { Select, MenuItem, TablePagination, - FormControlLabel, - Switch, Chip } from '@mui/material'; import { Job } from '../types'; import { api } from '../api'; -import { RefreshButton } from './RefreshButton'; import { StatusCheckboxes, StatusFilters } from './StatusCheckboxes'; import { ViewToggle } from './ViewToggle'; import { JobsListView } from './JobsListView'; import { useOrganization } from '../contexts/OrganizationContext'; -const JobCard: React.FC<{ job: Job; orgId: string; onCancelJob: (jobId: string) => Promise }> = ({ job, orgId, onCancelJob }) => ( +const JobCard: React.FC<{ job: Job; orgId: string; onCancelJob: (jobId: string) => Promise; onRetryJob: (jobId: string) => Promise }> = ({ job, orgId, onCancelJob, onRetryJob }) => ( - - - {job.id} - - - Type: {job.type} - - + + {/* Status chip in top right corner */} + + + {/* Job ID as clickable link */} + + + {/* Model info if available */} {job.model && ( - + Model: {job.model} )} - {job.docker_image && ( - - Image: {job.docker_image} + + {/* Created date and Cancel/Retry button on same row */} + + + {new Date(job.created_at).toLocaleString()} - )} - - Created: {new Date(job.created_at).toLocaleString()} - - - {(job.status === 'pending' || job.status === 'in_progress') && ( )} + {(job.status === 'failed' || job.status === 'canceled') && ( + + )} @@ -102,11 +115,9 @@ interface JobsColumnProps { rowsPerPage: number; onPageChange: (newPage: number) => void; onRowsPerPageChange: (newRowsPerPage: number) => void; - lastRefresh?: Date; - onRefresh: () => void; - loading?: boolean; orgId: string; onCancelJob: (jobId: string) => Promise; + onRetryJob: (jobId: string) => Promise; } const JobsColumn: React.FC = ({ @@ -117,11 +128,9 @@ const JobsColumn: React.FC = ({ rowsPerPage, onPageChange, onRowsPerPageChange, - lastRefresh, - onRefresh, - loading, orgId, - onCancelJob + onCancelJob, + onRetryJob }) => { const filteredJobs = jobs.filter(job => { @@ -146,7 +155,7 @@ const JobsColumn: React.FC = ({ = ({ boxShadow: '0 2px 4px rgba(0,0,0,0.1)' }} > - - + + {title} ({filteredJobs.length}) - - + {paginatedJobs.map(job => ( - + ))} { const [pages, setPages] = useState({ pending: 0, inProgress: 0, completed: 0 }); const [rowsPerPage, setRowsPerPage] = useState(10); const [loading, setLoading] = useState(false); - const [lastRefresh, setLastRefresh] = useState(); - const [autoRefresh, setAutoRefresh] = useState(true); // const [isCancelling, setIsCancelling] = useState(null); const [view, setView] = useState<'three-column' | 'list'>('three-column'); const [statusFilters, setStatusFilters] = useState({ @@ -213,7 +215,6 @@ export const JobsView: React.FC = () => { // Sort by created_at descending data.sort((a, b) => new Date(b.created_at).getTime() - new Date(a.created_at).getTime()); setJobs(data); - setLastRefresh(new Date()); } catch (error) { console.error('Error fetching jobs:', error); } finally { @@ -226,16 +227,9 @@ export const JobsView: React.FC = () => { }, [fetchJobs]); useEffect(() => { - let interval: NodeJS.Timeout; - if (autoRefresh) { - interval = setInterval(fetchJobs, AUTO_REFRESH_INTERVAL); - } - return () => { - if (interval) { - clearInterval(interval); - } - }; - }, [autoRefresh, fetchJobs]); + const interval = setInterval(fetchJobs, AUTO_REFRESH_INTERVAL); + return () => clearInterval(interval); + }, [fetchJobs]); const handlePageChange = (status: string) => (newPage: number) => { setPages(prev => ({ ...prev, [status]: newPage })); @@ -256,6 +250,16 @@ export const JobsView: React.FC = () => { } }; + const retryJob = async (jobId: string) => { + if (!orgId) return; + try { + await api.restartJob(orgId, jobId); + await fetchJobs(); + } catch (error) { + console.error('Failed to retry job', error); + } + }; + const filteredJobs = jobs.filter(job => { const matchesType = typeFilter === 'all' || job.type === typeFilter; return matchesType; @@ -278,12 +282,12 @@ export const JobsView: React.FC = () => { { } }} /> - - Type - - - setAutoRefresh(e.target.checked)} - name="autoRefresh" - /> - } - label="Auto-refresh" - /> { {view === 'three-column' ? ( - + { rowsPerPage={rowsPerPage} onPageChange={handlePageChange('pending')} onRowsPerPageChange={handleRowsPerPageChange} - lastRefresh={lastRefresh} - onRefresh={fetchJobs} - loading={loading} orgId={orgId} onCancelJob={cancelJob} + onRetryJob={retryJob} /> { rowsPerPage={rowsPerPage} onPageChange={handlePageChange('inProgress')} onRowsPerPageChange={handleRowsPerPageChange} - lastRefresh={lastRefresh} - onRefresh={fetchJobs} - loading={loading} orgId={orgId} onCancelJob={cancelJob} + onRetryJob={retryJob} /> { rowsPerPage={rowsPerPage} onPageChange={handlePageChange('completed')} onRowsPerPageChange={handleRowsPerPageChange} - lastRefresh={lastRefresh} - onRefresh={fetchJobs} - loading={loading} orgId={orgId} onCancelJob={cancelJob} + onRetryJob={retryJob} /> ) : ( @@ -389,6 +363,7 @@ export const JobsView: React.FC = () => { onRowsPerPageChange={(event) => handleRowsPerPageChange(parseInt(event.target.value, 10))} orgId={orgId} onCancelJob={cancelJob} + onRetryJob={retryJob} /> )} diff --git a/openweights/dashboard/frontend/src/components/Organizations/OrganizationSwitcher.tsx b/openweights/dashboard/frontend/src/components/Organizations/OrganizationSwitcher.tsx index f87be2b..4c7c682 100644 --- a/openweights/dashboard/frontend/src/components/Organizations/OrganizationSwitcher.tsx +++ b/openweights/dashboard/frontend/src/components/Organizations/OrganizationSwitcher.tsx @@ -1,11 +1,22 @@ -import { Select, MenuItem, FormControl, SelectChangeEvent } from '@mui/material'; +import { Select, MenuItem, FormControl, SelectChangeEvent, Box, Divider, ListItemIcon, ListItemText } from '@mui/material'; import { useOrganization } from '../../contexts/OrganizationContext'; +import { useNavigate } from 'react-router-dom'; +import AddIcon from '@mui/icons-material/Add'; export function OrganizationSwitcher() { const { currentOrganization, setCurrentOrganization, organizations } = useOrganization(); + const navigate = useNavigate(); const handleChange = (event: SelectChangeEvent) => { - const org = organizations.find(o => o.id === event.target.value); + const selectedValue = event.target.value; + + // Check if user clicked "Create New Organization" + if (selectedValue === '__create_new__') { + navigate('/organizations'); + return; + } + + const org = organizations.find(o => o.id === selectedValue); if (org) { setCurrentOrganization(org); } @@ -16,24 +27,33 @@ export function OrganizationSwitcher() { } return ( - - + {organizations.map((org) => ( + + {org.name} + + ))} + + + + + + - ))} - - + + + ); } diff --git a/openweights/dashboard/frontend/src/components/RefreshButton.tsx b/openweights/dashboard/frontend/src/components/RefreshButton.tsx index 1eadfa1..02459b7 100644 --- a/openweights/dashboard/frontend/src/components/RefreshButton.tsx +++ b/openweights/dashboard/frontend/src/components/RefreshButton.tsx @@ -1,5 +1,5 @@ import React from 'react'; -import { IconButton, Tooltip, CircularProgress } from '@mui/material'; +import { IconButton, Tooltip } from '@mui/material'; import RefreshIcon from '@mui/icons-material/Refresh'; interface RefreshButtonProps { @@ -8,26 +8,19 @@ interface RefreshButtonProps { lastRefresh?: Date; } -export const RefreshButton: React.FC = ({ onRefresh, loading, lastRefresh }) => { +export const RefreshButton: React.FC = ({ onRefresh, lastRefresh }) => { const tooltipTitle = lastRefresh ? `Last refreshed: ${lastRefresh.toLocaleTimeString()}` : 'Refresh'; return ( - {/* Wrap in span to make Tooltip work with disabled button */} - - {loading ? ( - - ) : ( - - )} - - + + + ); }; diff --git a/openweights/dashboard/frontend/src/components/RunsListView.tsx b/openweights/dashboard/frontend/src/components/RunsListView.tsx deleted file mode 100644 index e1043db..0000000 --- a/openweights/dashboard/frontend/src/components/RunsListView.tsx +++ /dev/null @@ -1,134 +0,0 @@ -import React from 'react'; -import { Link } from 'react-router-dom'; -import { - Paper, - Table, - TableBody, - TableCell, - TableContainer, - TableHead, - TableRow, - TablePagination, - Button, - Chip, - Box -} from '@mui/material'; -import { Run } from '../types'; - -const getStatusChipColor = (status: string) => { - switch (status) { - case 'completed': - return 'success'; - case 'failed': - return 'error'; - case 'canceled': - return 'warning'; - case 'in_progress': - return 'info'; - default: - return 'default'; - } -}; - -interface RunsListViewProps { - runs: Run[]; - filter: string; - page: number; - rowsPerPage: number; - onPageChange: (event: unknown, newPage: number) => void; - onRowsPerPageChange: (event: React.ChangeEvent) => void; - orgId: string; -} - -export const RunsListView: React.FC = ({ - runs, - filter, - page, - rowsPerPage, - onPageChange, - onRowsPerPageChange, - orgId, -}) => { - const filteredRuns = runs.filter(run => { - const searchStr = filter.toLowerCase(); - const runId = String(run.id); - const jobId = String(run.job_id); - const workerId = run.worker_id ? String(run.worker_id) : ''; - - return runId.toLowerCase().includes(searchStr) || - jobId.toLowerCase().includes(searchStr) || - workerId.toLowerCase().includes(searchStr); - }); - - const emptyRows = page > 0 ? Math.max(0, (1 + page) * rowsPerPage - filteredRuns.length) : 0; - - return ( - - - - - - ID - Job ID - Worker ID - Status - Created At - Actions - - - - {filteredRuns - .slice(page * rowsPerPage, page * rowsPerPage + rowsPerPage) - .map((run) => ( - - - {run.id} - - - {run.job_id} - - - {run.worker_id ? ( - {run.worker_id} - ) : '-'} - - - - - {new Date(run.created_at).toLocaleString()} - - - - - ))} - {emptyRows > 0 && ( - - - - )} - -
-
- -
- ); -}; diff --git a/openweights/dashboard/frontend/src/components/RunsView.tsx b/openweights/dashboard/frontend/src/components/RunsView.tsx deleted file mode 100644 index 71efd16..0000000 --- a/openweights/dashboard/frontend/src/components/RunsView.tsx +++ /dev/null @@ -1,332 +0,0 @@ -import React, { useEffect, useState, useCallback } from 'react'; -import { Link, useParams } from 'react-router-dom'; -import { - Grid, - Paper, - Typography, - Card, - CardContent, - Button, - Box, - TextField, - TablePagination, - Switch, - FormControlLabel, - Chip -} from '@mui/material'; -import { Run } from '../types'; -import { api } from '../api'; -import { RefreshButton } from './RefreshButton'; -import { StatusCheckboxes, StatusFilters } from './StatusCheckboxes'; -import { ViewToggle } from './ViewToggle'; -import { RunsListView } from './RunsListView'; -import { useOrganization } from '../contexts/OrganizationContext'; - -const RunCard: React.FC<{ run: Run; orgId: string }> = ({ run, orgId }) => ( - - - - {run.id} - - - Job: {run.job_id} - - - - - {run.worker_id && ( - - Worker: {run.worker_id} - - )} - - Created: {new Date(run.created_at).toLocaleString()} - - - - -); - -interface RunsColumnProps { - title: string; - runs: Run[]; - filter: string; - page: number; - rowsPerPage: number; - onPageChange: (newPage: number) => void; - onRowsPerPageChange: (newRowsPerPage: number) => void; - lastRefresh?: Date; - onRefresh: () => void; - loading?: boolean; - orgId: string; -} - -const RunsColumn: React.FC = ({ - title, - runs, - filter, - page, - rowsPerPage, - onPageChange, - onRowsPerPageChange, - lastRefresh, - onRefresh, - loading, - orgId -}) => { - const filteredRuns = runs.filter(run => { - const searchStr = filter.toLowerCase(); - const runId = String(run.id); - const jobId = String(run.job_id); - const workerId = run.worker_id ? String(run.worker_id) : ''; - - return runId.toLowerCase().includes(searchStr) || - jobId.toLowerCase().includes(searchStr) || - workerId.toLowerCase().includes(searchStr); - }); - - const paginatedRuns = filteredRuns.slice( - page * rowsPerPage, - page * rowsPerPage + rowsPerPage - ); - - return ( - - - - - {title} ({filteredRuns.length}) - - - - - {paginatedRuns.map(run => ( - - ))} - - onPageChange(newPage)} - rowsPerPage={rowsPerPage} - onRowsPerPageChange={(event) => onRowsPerPageChange(parseInt(event.target.value, 10))} - rowsPerPageOptions={[5, 10, 25]} - /> - - - ); -}; - -export const RunsView: React.FC = () => { - const { orgId } = useParams<{ orgId: string }>(); - const { currentOrganization } = useOrganization(); - const [runs, setRuns] = useState([]); - const [filter, setFilter] = useState(''); - const [pages, setPages] = useState({ pending: 0, inProgress: 0, completed: 0 }); - const [rowsPerPage, setRowsPerPage] = useState(10); - const [loading, setLoading] = useState(false); - const [lastRefresh, setLastRefresh] = useState(); - const [autoRefresh, setAutoRefresh] = useState(true); - const [view, setView] = useState<'three-column' | 'list'>('three-column'); - const [statusFilters, setStatusFilters] = useState({ - completed: true, - failed: true, - canceled: true - }); - const AUTO_REFRESH_INTERVAL = 10000; // 10 seconds - - const fetchRuns = useCallback(async () => { - if (!orgId) return; - - setLoading(true); - try { - const data = await api.getRuns(orgId); - // Sort by created_at descending - data.sort((a, b) => new Date(b.created_at).getTime() - new Date(a.created_at).getTime()); - setRuns(data); - setLastRefresh(new Date()); - } catch (error) { - console.error('Error fetching runs:', error); - } finally { - setLoading(false); - } - }, [orgId]); - - useEffect(() => { - fetchRuns(); - }, [fetchRuns]); - - useEffect(() => { - let interval: NodeJS.Timeout; - if (autoRefresh) { - interval = setInterval(fetchRuns, AUTO_REFRESH_INTERVAL); - } - return () => { - if (interval) { - clearInterval(interval); - } - }; - }, [autoRefresh, fetchRuns]); - - const handlePageChange = (status: string) => (newPage: number) => { - setPages(prev => ({ ...prev, [status]: newPage })); - }; - - const handleRowsPerPageChange = (newRowsPerPage: number) => { - setRowsPerPage(newRowsPerPage); - setPages({ pending: 0, inProgress: 0, completed: 0 }); - }; - - const canceledRuns = runs.filter(run => run.status === 'canceled'); - const inProgressRuns = runs.filter(run => run.status === 'in_progress'); - const finishedRuns = runs.filter(run => { - if (run.status === 'completed' && statusFilters.completed) return true; - if (run.status === 'failed' && statusFilters.failed) return true; - return false; - }); - - if (!orgId || !currentOrganization) { - return Loading...; - } - - return ( - - - setFilter(e.target.value)} - sx={{ - width: 200, - '& .MuiOutlinedInput-root': { - backgroundColor: '#ffffff', - } - }} - /> - setAutoRefresh(e.target.checked)} - name="autoRefresh" - /> - } - label="Auto-refresh" - /> - - - - - - {view === 'three-column' ? ( - - - - - - ) : ( - handlePageChange('completed')(newPage)} - onRowsPerPageChange={(event) => handleRowsPerPageChange(parseInt(event.target.value, 10))} - orgId={orgId} - /> - )} - - ); -}; diff --git a/openweights/dashboard/frontend/src/components/StatusCheckboxes.tsx b/openweights/dashboard/frontend/src/components/StatusCheckboxes.tsx index 0af87ff..7eddf9f 100644 --- a/openweights/dashboard/frontend/src/components/StatusCheckboxes.tsx +++ b/openweights/dashboard/frontend/src/components/StatusCheckboxes.tsx @@ -21,42 +21,37 @@ export const StatusCheckboxes: React.FC = ({ filters, onC }; return ( - - - Status Filters - - - - } - label="Completed" - /> - - } - label="Failed" - /> - - } - label="Canceled" - /> - - + + + } + label="Completed" + /> + + } + label="Failed" + /> + + } + label="Canceled" + /> + ); }; diff --git a/openweights/dashboard/frontend/src/components/WorkersView.tsx b/openweights/dashboard/frontend/src/components/WorkersView.tsx index 31428ec..1c2d4eb 100644 --- a/openweights/dashboard/frontend/src/components/WorkersView.tsx +++ b/openweights/dashboard/frontend/src/components/WorkersView.tsx @@ -14,13 +14,10 @@ import { Select, MenuItem, TablePagination, - Chip, - FormControlLabel, - Switch + Chip } from '@mui/material'; import { Worker } from '../types'; import { api } from '../api'; -import { RefreshButton } from './RefreshButton'; import { ViewToggle } from './ViewToggle'; import { WorkersListView } from './WorkersListView'; import { useOrganization } from '../contexts/OrganizationContext'; @@ -112,9 +109,6 @@ interface WorkersColumnProps { rowsPerPage: number; onPageChange: (newPage: number) => void; onRowsPerPageChange: (newRowsPerPage: number) => void; - lastRefresh?: Date; - onRefresh: () => void; - loading?: boolean; orgId: string; } @@ -126,9 +120,6 @@ const WorkersColumn: React.FC = ({ rowsPerPage, onPageChange, onRowsPerPageChange, - lastRefresh, - onRefresh, - loading, orgId }) => { const filteredWorkers = workers.filter(worker => { @@ -151,16 +142,11 @@ const WorkersColumn: React.FC = ({ return ( - - + + {title} ({filteredWorkers.length}) - {paginatedWorkers.map(worker => ( @@ -189,26 +175,19 @@ export const WorkersView: React.FC = () => { const [gpuFilter, setGpuFilter] = useState('all'); const [pages, setPages] = useState({ starting: 0, active: 0, terminated: 0 }); const [rowsPerPage, setRowsPerPage] = useState(10); - const [loading, setLoading] = useState(false); - const [lastRefresh, setLastRefresh] = useState(); - const [autoRefresh, setAutoRefresh] = useState(true); const [view, setView] = useState<'three-column' | 'list'>('three-column'); const AUTO_REFRESH_INTERVAL = 10000; // 10 seconds const fetchWorkers = useCallback(async () => { if (!orgId) return; - setLoading(true); try { const data = await api.getWorkers(orgId); // Sort by created_at descending data.sort((a, b) => new Date(b.created_at).getTime() - new Date(a.created_at).getTime()); setWorkers(data); - setLastRefresh(new Date()); } catch (error) { console.error('Error fetching workers:', error); - } finally { - setLoading(false); } }, [orgId]); @@ -217,16 +196,9 @@ export const WorkersView: React.FC = () => { }, [fetchWorkers]); useEffect(() => { - let interval: NodeJS.Timeout; - if (autoRefresh) { - interval = setInterval(fetchWorkers, AUTO_REFRESH_INTERVAL); - } - return () => { - if (interval) { - clearInterval(interval); - } - }; - }, [autoRefresh, fetchWorkers]); + const interval = setInterval(fetchWorkers, AUTO_REFRESH_INTERVAL); + return () => clearInterval(interval); + }, [fetchWorkers]); const handlePageChange = (status: string) => (newPage: number) => { setPages(prev => ({ ...prev, [status]: newPage })); @@ -258,7 +230,7 @@ export const WorkersView: React.FC = () => { return ( - + { ))} - setAutoRefresh(e.target.checked)} - name="autoRefresh" - /> - } - label="Auto-refresh" - /> {view === 'three-column' ? ( - + { rowsPerPage={rowsPerPage} onPageChange={handlePageChange('starting')} onRowsPerPageChange={handleRowsPerPageChange} - lastRefresh={lastRefresh} - onRefresh={fetchWorkers} - loading={loading} orgId={orgId} /> { rowsPerPage={rowsPerPage} onPageChange={handlePageChange('active')} onRowsPerPageChange={handleRowsPerPageChange} - lastRefresh={lastRefresh} - onRefresh={fetchWorkers} - loading={loading} orgId={orgId} /> { rowsPerPage={rowsPerPage} onPageChange={handlePageChange('terminated')} onRowsPerPageChange={handleRowsPerPageChange} - lastRefresh={lastRefresh} - onRefresh={fetchWorkers} - loading={loading} orgId={orgId} /> diff --git a/openweights/dashboard/frontend/src/index.css b/openweights/dashboard/frontend/src/index.css index a6033d7..63054c4 100644 --- a/openweights/dashboard/frontend/src/index.css +++ b/openweights/dashboard/frontend/src/index.css @@ -1,7 +1,8 @@ :root { font-family: Inter, system-ui, Avenir, Helvetica, Arial, sans-serif; - line-height: 1.5; + line-height: 1.4; font-weight: 400; + font-size: 14px; color-scheme: light; color: rgba(0, 0, 0, 0.87); @@ -35,15 +36,15 @@ body { } h1 { - font-size: 3.2em; + font-size: 2em; line-height: 1.1; } button { - border-radius: 8px; + border-radius: 4px; border: 1px solid transparent; - padding: 0.6em 1.2em; - font-size: 1em; + padding: 0.4em 0.8em; + font-size: 0.9em; font-weight: 500; font-family: inherit; background-color: #f0f0f0; diff --git a/openweights/dashboard/frontend/src/main.tsx b/openweights/dashboard/frontend/src/main.tsx index a757447..27a3625 100644 --- a/openweights/dashboard/frontend/src/main.tsx +++ b/openweights/dashboard/frontend/src/main.tsx @@ -1,7 +1,99 @@ import { createRoot } from 'react-dom/client' +import { ThemeProvider, createTheme } from '@mui/material/styles' import './index.css' import App from './App.tsx' +const theme = createTheme({ + typography: { + fontSize: 13, + h1: { fontSize: '1.8rem' }, + h2: { fontSize: '1.6rem' }, + h3: { fontSize: '1.4rem' }, + h4: { fontSize: '1.2rem' }, + h5: { fontSize: '1.1rem' }, + h6: { fontSize: '0.95rem' }, + body1: { fontSize: '0.9rem' }, + body2: { fontSize: '0.85rem' }, + button: { fontSize: '0.85rem' }, + }, + components: { + MuiToolbar: { + styleOverrides: { + root: { + minHeight: '48px !important', + paddingTop: '4px', + paddingBottom: '4px', + }, + }, + }, + MuiButton: { + styleOverrides: { + root: { + padding: '4px 10px', + textTransform: 'none', + minHeight: '32px', + }, + sizeSmall: { + padding: '2px 8px', + minHeight: '28px', + }, + }, + }, + MuiIconButton: { + styleOverrides: { + root: { + padding: '6px', + }, + }, + }, + MuiCard: { + styleOverrides: { + root: { + padding: '8px', + }, + }, + }, + MuiCardContent: { + styleOverrides: { + root: { + padding: '8px', + '&:last-child': { + paddingBottom: '8px', + }, + }, + }, + }, + MuiPaper: { + styleOverrides: { + root: { + padding: '0px', + }, + }, + }, + MuiTableCell: { + styleOverrides: { + root: { + padding: '6px', + }, + }, + }, + MuiChip: { + styleOverrides: { + root: { + height: '22px', + fontSize: '0.75rem', + }, + sizeSmall: { + height: '20px', + fontSize: '0.7rem', + }, + }, + }, + }, +}); + createRoot(document.getElementById('root')!).render( - + + + ) From 46106f61ab480e3d31e08e1113bf2ea41a0856b8 Mon Sep 17 00:00:00 2001 From: Niels Warncke Date: Sun, 19 Oct 2025 22:44:42 +0200 Subject: [PATCH 17/27] added --- openweights/cli/__init__.py | 8 +++ openweights/cli/serve.py | 64 +++++++++++++++++++ openweights/dashboard/frontend/package.json | 2 +- .../frontend/src/components/JobsView.tsx | 8 +-- .../src/components/StatusCheckboxes.tsx | 2 +- 5 files changed, 76 insertions(+), 8 deletions(-) create mode 100644 openweights/cli/serve.py diff --git a/openweights/cli/__init__.py b/openweights/cli/__init__.py index 218b48d..91b4a29 100644 --- a/openweights/cli/__init__.py +++ b/openweights/cli/__init__.py @@ -84,6 +84,12 @@ def main(): fetch_parser = sub.add_parser("fetch", help="Fetch file content by ID.") add_fetch_parser(fetch_parser) + # serve command + from openweights.cli.serve import add_serve_parser, handle_serve + + serve_parser = sub.add_parser("serve", help="Start the dashboard backend server.") + add_serve_parser(serve_parser) + args = ap.parse_args() if args.cmd == "ssh": @@ -106,6 +112,8 @@ def main(): sys.exit(handle_logs(args)) elif args.cmd == "fetch": sys.exit(handle_fetch(args)) + elif args.cmd == "serve": + sys.exit(handle_serve(args)) else: ap.print_help() sys.exit(1) diff --git a/openweights/cli/serve.py b/openweights/cli/serve.py new file mode 100644 index 0000000..9f74e6c --- /dev/null +++ b/openweights/cli/serve.py @@ -0,0 +1,64 @@ +"""Serve command - starts the dashboard backend.""" + +import os +import sys + + +def add_serve_parser(parser): + """Add arguments for the serve command.""" + parser.add_argument( + "--port", + type=int, + default=8124, + help="Port to bind the server to (default: 8124)", + ) + parser.add_argument( + "--host", + type=str, + default="0.0.0.0", + help="Host to bind the server to (default: 0.0.0.0)", + ) + parser.add_argument( + "--workers", + type=int, + default=10, + help="Number of worker processes (default: 10)", + ) + + +def handle_serve(args): + """Start the dashboard backend using uvicorn.""" + try: + import uvicorn + except ImportError: + print("Error: uvicorn is required to run the server.") + print("Install it with: pip install uvicorn") + return 1 + + # Get the path to the backend module + backend_path = os.path.join( + os.path.dirname(os.path.dirname(__file__)), "dashboard", "backend" + ) + + # Add backend directory to Python path so imports work correctly + if backend_path not in sys.path: + sys.path.insert(0, backend_path) + + print(f"Starting OpenWeights dashboard backend on {args.host}:{args.port}") + print(f"Workers: {args.workers}") + + # Change to backend directory so relative imports work + original_dir = os.getcwd() + os.chdir(backend_path) + + try: + uvicorn.run( + "main:app", + host=args.host, + port=args.port, + workers=args.workers, + reload=False, + ) + return 0 + finally: + os.chdir(original_dir) diff --git a/openweights/dashboard/frontend/package.json b/openweights/dashboard/frontend/package.json index b849756..a64b4f2 100644 --- a/openweights/dashboard/frontend/package.json +++ b/openweights/dashboard/frontend/package.json @@ -5,7 +5,7 @@ "type": "module", "scripts": { "dev": "vite", - "build": "tsc -b && vite build", + "build": "tsc -b && vite build && cp -r dist/* ../backend/static/", "lint": "eslint .", "preview": "vite preview", "deploy": "bash ../deploy.sh" diff --git a/openweights/dashboard/frontend/src/components/JobsView.tsx b/openweights/dashboard/frontend/src/components/JobsView.tsx index 1fa5548..7c69875 100644 --- a/openweights/dashboard/frontend/src/components/JobsView.tsx +++ b/openweights/dashboard/frontend/src/components/JobsView.tsx @@ -9,10 +9,6 @@ import { Button, Box, TextField, - FormControl, - InputLabel, - Select, - MenuItem, TablePagination, Chip } from '@mui/material'; @@ -193,10 +189,10 @@ export const JobsView: React.FC = () => { const { currentOrganization } = useOrganization(); const [jobs, setJobs] = useState([]); const [filter, setFilter] = useState(''); - const [typeFilter, setTypeFilter] = useState('all'); + const [typeFilter] = useState('all'); const [pages, setPages] = useState({ pending: 0, inProgress: 0, completed: 0 }); const [rowsPerPage, setRowsPerPage] = useState(10); - const [loading, setLoading] = useState(false); + const [, setLoading] = useState(false); // const [isCancelling, setIsCancelling] = useState(null); const [view, setView] = useState<'three-column' | 'list'>('three-column'); const [statusFilters, setStatusFilters] = useState({ diff --git a/openweights/dashboard/frontend/src/components/StatusCheckboxes.tsx b/openweights/dashboard/frontend/src/components/StatusCheckboxes.tsx index 7eddf9f..7712290 100644 --- a/openweights/dashboard/frontend/src/components/StatusCheckboxes.tsx +++ b/openweights/dashboard/frontend/src/components/StatusCheckboxes.tsx @@ -1,5 +1,5 @@ import React from 'react'; -import { FormGroup, FormControlLabel, Checkbox, Box, Typography } from '@mui/material'; +import { FormGroup, FormControlLabel, Checkbox } from '@mui/material'; export interface StatusFilters { completed: boolean; From 0a04b5fb5ba009c521ae22a414fe5c2b2a0d3b1b Mon Sep 17 00:00:00 2001 From: Niels Warncke Date: Tue, 21 Oct 2025 20:01:34 +0200 Subject: [PATCH 18/27] separate ow-cluster and ow-default (worker) image; ow deploy wip; ow ssh wip --- .dockerignore | 2 +- DOCKER_README.md | 86 +++++++++++ Dockerfile | 5 +- Dockerfile.cluster | 30 ++++ entrypoint.cluster.sh | 55 +++++++ entrypoint.sh | 19 +-- openweights/cli/__init__.py | 10 ++ openweights/cli/cluster.py | 45 ++++-- openweights/cli/deploy.py | 192 ++++++++++++++++++++++++ openweights/cli/ssh.py | 50 +++++- openweights/cluster/README.md | 35 ----- openweights/cluster/org_manager.py | 21 ++- openweights/dashboard/README.md | 41 ----- openweights/dashboard/deploy.sh | 41 ----- openweights/dashboard/runpod-startup.sh | 90 ----------- 15 files changed, 473 insertions(+), 249 deletions(-) create mode 100644 DOCKER_README.md create mode 100644 Dockerfile.cluster create mode 100644 entrypoint.cluster.sh create mode 100644 openweights/cli/deploy.py delete mode 100644 openweights/cluster/README.md delete mode 100644 openweights/dashboard/README.md delete mode 100644 openweights/dashboard/deploy.sh delete mode 100644 openweights/dashboard/runpod-startup.sh diff --git a/.dockerignore b/.dockerignore index f2eb04e..a5334d3 100644 --- a/.dockerignore +++ b/.dockerignore @@ -90,7 +90,7 @@ example/ft_job_artifacts/ example/mcq_dataset.jsonl openweights/jobs/unsloth/logp.ipynb -openweights/dashboard/backend/static/ +# openweights/dashboard/backend/static/ - now included for cluster image example/_* .logs openweights/jobs/unsloth/check.ipynb diff --git a/DOCKER_README.md b/DOCKER_README.md new file mode 100644 index 0000000..ee115b4 --- /dev/null +++ b/DOCKER_README.md @@ -0,0 +1,86 @@ +# Docker Images + +OpenWeights uses two separate Docker images: + +## 1. Worker Image (`nielsrolf/ow-default`) +The full worker image includes all GPU dependencies (PyTorch, Unsloth, vLLM) for running ML jobs. + +### Building and pushing worker images + +```sh +# Step 1: Build locally for ARM64 (on your Mac) +docker buildx build \ + --platform linux/arm64 \ + -t nielsrolf/ow-default:v0.7 \ + --load . + +# Step 2: Build and push AMD64 to Docker Hub +docker buildx build \ + --platform linux/amd64 \ + -t nielsrolf/ow-default:v0.7 \ + --push . +``` + +### Running worker image locally +```sh +docker run --rm --env-file .env -ti nielsrolf/ow-default:v0.7 /bin/bash +``` + +## 2. Cluster/Dashboard Image (`nielsrolf/ow-cluster`) +A lightweight image for running the cluster manager and/or dashboard backend. Does not include GPU dependencies. + +### Building and pushing cluster images + +**Important**: Build the frontend first before building the Docker image: + +```sh +# Step 1: Build the frontend (run from repository root) +cd openweights/dashboard/frontend +npm install +npm run build +cd ../../.. + +# Step 2: Build locally for ARM64 (on your Mac) +docker buildx build \ + --platform linux/arm64 \ + -f Dockerfile.cluster \ + -t nielsrolf/ow-cluster:v0.7 \ + --load . + +# Step 3: Build and push AMD64 to Docker Hub +docker buildx build \ + --platform linux/amd64 \ + -f Dockerfile.cluster \ + -t nielsrolf/ow-cluster:v0.7 \ + --push . +``` + +Note: The frontend must be built before the Docker image because the build process copies the pre-built static files from `openweights/dashboard/backend/static/`. This makes the Docker build much faster by avoiding Node.js installation and npm build steps. + +### Running cluster/dashboard image locally + +The cluster image supports three modes via the `OW_CMD` environment variable: +- `cluster`: Run only the cluster manager +- `serve`: Run only the dashboard backend +- `both` (default): Run both cluster manager and dashboard backend + +```sh +# Run cluster manager only +docker run --rm --env-file .env -e OW_CMD=cluster -ti nielsrolf/ow-cluster:v0.7 + +# Run dashboard backend only +docker run --rm --env-file .env -e OW_CMD=serve -p 8124:8124 -ti nielsrolf/ow-cluster:v0.7 + +# Run both (default) +docker run --rm --env-file .env -p 8124:8124 -ti nielsrolf/ow-cluster:v0.7 + +# Interactive shell +docker run --rm --env-file .env -ti nielsrolf/ow-cluster:v0.7 /bin/bash +``` + +### Dashboard environment variables + +When running the dashboard backend, you can configure: +- `SITE_URL`: The public URL where the dashboard is accessible (default: `http://localhost:8124`) +- `API_EXTERNAL_URL`: The external API URL (default: `http://localhost:8124`) +- `ADDITIONAL_REDIRECT_URLS`: Additional allowed redirect URLs for OAuth diff --git a/Dockerfile b/Dockerfile index d273294..ea6d695 100644 --- a/Dockerfile +++ b/Dockerfile @@ -32,8 +32,9 @@ COPY openweights openweights COPY entrypoint.sh . RUN python3 -m pip install -e . -# Create a symbolic link from python3 to python -RUN ln -s /usr/bin/python3 /usr/bin/python +# Add conda to PATH for interactive SSH sessions +RUN echo 'export PATH=/opt/conda/bin:$PATH' >> /root/.bashrc && \ + echo 'export PATH=/opt/conda/bin:$PATH' >> /root/.profile EXPOSE 22 EXPOSE 8000 diff --git a/Dockerfile.cluster b/Dockerfile.cluster new file mode 100644 index 0000000..3df1a13 --- /dev/null +++ b/Dockerfile.cluster @@ -0,0 +1,30 @@ +FROM python:3.11-slim + +USER root + +WORKDIR /openweights + +# Install system dependencies +RUN apt-get update && \ + apt-get install -y --no-install-recommends \ + git \ + && rm -rf /var/lib/apt/lists/* + +# Copy project files +COPY README.md . +COPY pyproject.toml . +COPY openweights openweights + +# Install Python dependencies (without worker extras) +RUN python3 -m pip install --upgrade pip && \ + python3 -m pip install -e . + +# Copy entrypoint script +COPY entrypoint.cluster.sh /openweights/entrypoint.cluster.sh +RUN chmod +x /openweights/entrypoint.cluster.sh + +# Expose ports +# 8124: Dashboard backend +EXPOSE 8124 + +ENTRYPOINT ["/openweights/entrypoint.cluster.sh"] diff --git a/entrypoint.cluster.sh b/entrypoint.cluster.sh new file mode 100644 index 0000000..0d95abf --- /dev/null +++ b/entrypoint.cluster.sh @@ -0,0 +1,55 @@ +#!/bin/bash + +echo "[$(date)] Starting cluster/dashboard entrypoint script" + +# Determine which command to run based on OW_CMD environment variable +# Options: "cluster", "serve", or "both" (default) +OW_CMD="${OW_CMD:-both}" + +echo "[$(date)] OW_CMD set to: $OW_CMD" + +# Start the dashboard backend if requested +if [ "$OW_CMD" = "serve" ] || [ "$OW_CMD" = "both" ]; then + echo "[$(date)] Starting dashboard backend" + + # Set default environment variables if not provided + export SITE_URL="${SITE_URL:-http://localhost:8124}" + export API_EXTERNAL_URL="${API_EXTERNAL_URL:-http://localhost:8124}" + + # Start dashboard in background if running both, otherwise in foreground + if [ "$OW_CMD" = "both" ]; then + mkdir -p /openweights/logs + ow serve > /openweights/logs/dashboard.log 2>&1 & + DASHBOARD_PID=$! + echo "[$(date)] Dashboard backend started with PID: $DASHBOARD_PID" + else + echo "[$(date)] Starting dashboard backend (foreground mode)" + exec ow serve + fi +fi + +# Start the cluster manager if requested +if [ "$OW_CMD" = "cluster" ] || [ "$OW_CMD" = "both" ]; then + echo "[$(date)] Starting cluster manager" + mkdir -p /openweights/logs + + # Build cluster command with optional flags + CLUSTER_CMD="ow cluster" + if [ -n "$OW_CLUSTER_FLAGS" ]; then + CLUSTER_CMD="$CLUSTER_CMD $OW_CLUSTER_FLAGS" + echo "[$(date)] Cluster flags: $OW_CLUSTER_FLAGS" + fi + + if [ "$OW_CMD" = "both" ]; then + # Run cluster manager in foreground when running both + exec $CLUSTER_CMD > >(tee /openweights/logs/cluster.log) 2> >(tee -a /openweights/logs/cluster.log >&2) + else + # Run cluster manager in foreground when running only cluster + exec $CLUSTER_CMD > >(tee /openweights/logs/cluster.log) 2> >(tee -a /openweights/logs/cluster.log >&2) + fi +fi + +# If we get here, no valid command was specified +echo "[$(date)] Error: Invalid OW_CMD value: $OW_CMD" +echo "[$(date)] Valid options: cluster, serve, both" +exit 1 diff --git a/entrypoint.sh b/entrypoint.sh index 2e779bc..06ad6b4 100755 --- a/entrypoint.sh +++ b/entrypoint.sh @@ -30,13 +30,9 @@ echo "[$(date)] Starting HTTP log server on port 10101" mkdir logs python3 openweights/worker/services/log_server.py & -# Start TTL monitoring service unless OW_CMD=cluster -if [ "$OW_CMD" != "cluster" ]; then - echo "[$(date)] Starting TTL monitoring service" - python3 openweights/worker/services/ttl_monitor.py & -else - echo "[$(date)] Skipping TTL monitoring service due to OW_CMD=cluster" -fi +# Start TTL monitoring service +echo "[$(date)] Starting TTL monitoring service" +python3 openweights/worker/services/ttl_monitor.py & echo "[$(date)] All services started" @@ -45,11 +41,6 @@ if [ "$OW_DEV" = "true" ]; then echo "[$(date)] Starting in development mode" exec tail -f /dev/null else - if [ "$OW_CMD" = "cluster" ]; then - echo "[$(date)] Starting main application (cluster mode)" - exec ow cluster > >(tee logs/main) 2> >(tee -a logs/main >&2) - else - echo "[$(date)] Starting worker process" - exec ow worker > >(tee logs/main) 2> >(tee -a logs/main >&2) - fi + echo "[$(date)] Starting worker process" + exec ow worker > >(tee logs/main) 2> >(tee -a logs/main >&2) fi diff --git a/openweights/cli/__init__.py b/openweights/cli/__init__.py index 91b4a29..ec6970f 100644 --- a/openweights/cli/__init__.py +++ b/openweights/cli/__init__.py @@ -90,6 +90,14 @@ def main(): serve_parser = sub.add_parser("serve", help="Start the dashboard backend server.") add_serve_parser(serve_parser) + # deploy command + from openweights.cli.deploy import add_deploy_parser, handle_deploy + + deploy_parser = sub.add_parser( + "deploy", help="Deploy a cluster instance on RunPod." + ) + add_deploy_parser(deploy_parser) + args = ap.parse_args() if args.cmd == "ssh": @@ -114,6 +122,8 @@ def main(): sys.exit(handle_fetch(args)) elif args.cmd == "serve": sys.exit(handle_serve(args)) + elif args.cmd == "deploy": + sys.exit(handle_deploy(args)) else: ap.print_help() sys.exit(1) diff --git a/openweights/cli/cluster.py b/openweights/cli/cluster.py index 9af1ffd..d5b9755 100644 --- a/openweights/cli/cluster.py +++ b/openweights/cli/cluster.py @@ -12,6 +12,12 @@ def add_cluster_parser(parser): type=str, help="Path to .env file with environment variables (optional)", ) + parser.add_argument( + "--super", + action="store_true", + dest="supervisor", + help="Run the supervisor instead of organization manager (requires SUPABASE_SERVICE_ROLE_KEY)", + ) def load_env_file(env_path: str) -> dict: @@ -66,42 +72,57 @@ def handle_cluster(args) -> int: # We use a special env var to communicate which vars came from the env file os.environ["_OW_CUSTOM_ENV_VARS"] = ",".join(env_vars.keys()) - # Validate required environment variables - required_vars = ["OPENWEIGHTS_API_KEY", "SUPABASE_URL", "SUPABASE_ANON_KEY"] + # Validate required environment variables based on mode + if args.supervisor: + # Supervisor mode requires service role key + required_vars = ["SUPABASE_URL", "SUPABASE_SERVICE_ROLE_KEY"] + mode_name = "supervisor" + else: + # Organization manager mode requires standard keys + required_vars = ["OPENWEIGHTS_API_KEY", "SUPABASE_URL", "SUPABASE_ANON_KEY"] + mode_name = "organization manager" + missing_vars = [var for var in required_vars if var not in os.environ] if missing_vars: - print("Error: Missing required environment variables:") + print(f"Error: Missing required environment variables for {mode_name}:") for var in missing_vars: print(f" - {var}") print() print("These can be set in your environment or provided via --env-file") return 1 - # Check for RunPod API key - if "RUNPOD_API_KEY" not in os.environ: + # Check for RunPod API key (not required for supervisor) + if not args.supervisor and "RUNPOD_API_KEY" not in os.environ: print("Warning: RUNPOD_API_KEY not set") print( "The cluster manager will attempt to fetch it from the database, " "but for self-managed clusters you should set it in your environment." ) - print("Starting OpenWeights cluster manager...") + print(f"Starting OpenWeights {mode_name}...") print() try: - # Import and run the organization manager - from openweights.cluster.org_manager import OrganizationManager + if args.supervisor: + # Import and run the supervisor + from openweights.cluster.supervisor import ManagerSupervisor + + supervisor = ManagerSupervisor() + supervisor.supervise() + else: + # Import and run the organization manager + from openweights.cluster.org_manager import OrganizationManager - manager = OrganizationManager() - manager.manage_cluster() + manager = OrganizationManager() + manager.manage_cluster() return 0 except KeyboardInterrupt: - print("\nCluster manager stopped by user") + print(f"\n{mode_name.capitalize()} stopped by user") return 0 except Exception as e: - print(f"Error running cluster manager: {str(e)}") + print(f"Error running {mode_name}: {str(e)}") import traceback traceback.print_exc() diff --git a/openweights/cli/deploy.py b/openweights/cli/deploy.py new file mode 100644 index 0000000..0e59463 --- /dev/null +++ b/openweights/cli/deploy.py @@ -0,0 +1,192 @@ +"""Deploy command implementation.""" + +import os +import sys +from pathlib import Path + +import runpod + +from openweights.cluster import start_runpod + + +def load_env_file(env_path: str) -> dict: + """Load environment variables from a .env file.""" + env_vars = {} + env_file = Path(env_path) + + if not env_file.exists(): + print(f"[ow] Error: .env file not found at {env_path}", file=sys.stderr) + sys.exit(1) + + with open(env_file, "r") as f: + for line in f: + line = line.strip() + # Skip empty lines and comments + if not line or line.startswith("#"): + continue + + # Parse KEY=VALUE + if "=" in line: + key, value = line.split("=", 1) + key = key.strip() + value = value.strip() + + # Remove quotes if present + if value.startswith('"') and value.endswith('"'): + value = value[1:-1] + elif value.startswith("'") and value.endswith("'"): + value = value[1:-1] + + env_vars[key] = value + + return env_vars + + +def add_deploy_parser(parser): + """Add arguments for the deploy command.""" + parser.add_argument( + "--image", + default="nielsrolf/ow-cluster:v0.7", + help="Docker image for the cluster.", + ) + parser.add_argument( + "--name", + default=None, + help="Name for the pod (defaults to auto-generated).", + ) + parser.add_argument( + "--env-file", + type=str, + default=None, + help="Path to .env file with environment variables (optional)", + ) + parser.add_argument( + "--no-serve", + action="store_true", + help="Don't start the dashboard backend", + ) + parser.add_argument( + "--no-cluster", + action="store_true", + help="Don't start the cluster manager", + ) + parser.add_argument( + "--super", + action="store_true", + dest="supervisor", + help="Run cluster manager in supervisor mode", + ) + + +def handle_deploy(args) -> int: + """Handle the deploy command.""" + import requests + + # Load environment variables from file if provided + env_vars = {} + if args.env_file: + print(f"[ow] Loading environment from {args.env_file}...") + env_vars = load_env_file(args.env_file) + print(f"[ow] Loaded {len(env_vars)} environment variables") + + # Validate required environment variables + required_vars = ["OPENWEIGHTS_API_KEY", "SUPABASE_URL", "SUPABASE_ANON_KEY"] + missing_vars = [] + for var in required_vars: + if var not in env_vars and var not in os.environ: + missing_vars.append(var) + + if missing_vars: + print("[ow] Error: Missing required environment variables:", file=sys.stderr) + for var in missing_vars: + print(f"[ow] - {var}", file=sys.stderr) + print( + "[ow] These can be set in your environment or provided via --env-file", + file=sys.stderr, + ) + return 1 + + # Check for RunPod API key + runpod_api_key = env_vars.get("RUNPOD_API_KEY") or os.environ.get("RUNPOD_API_KEY") + if not runpod_api_key: + print( + "[ow] Error: RUNPOD_API_KEY not found in environment or env-file", + file=sys.stderr, + ) + return 1 + + # Determine OW_CMD based on flags + if args.no_serve and args.no_cluster: + print( + "[ow] Error: Cannot specify both --no-serve and --no-cluster", + file=sys.stderr, + ) + return 1 + elif args.no_serve: + ow_cmd = "cluster" + elif args.no_cluster: + ow_cmd = "serve" + else: + ow_cmd = "both" + + # Build environment variables for the pod + pod_env = {} + + # Add all environment variables from env-file + pod_env.update(env_vars) + + # Add environment variables from current environment if not in env-file + for var in required_vars: + if var not in pod_env and var in os.environ: + pod_env[var] = os.environ[var] + + # Add OW_CMD + pod_env["OW_CMD"] = ow_cmd + + # Add _OW_CUSTOM_ENV_VARS to track which vars came from env-file + if env_vars: + pod_env["_OW_CUSTOM_ENV_VARS"] = ",".join(env_vars.keys()) + + # Add --super flag if specified + if args.supervisor: + pod_env["OW_CLUSTER_FLAGS"] = "--super" + + # Prepare RunPod API request + API = "https://rest.runpod.io/v1/pods" + headers = { + "Authorization": f"Bearer {runpod_api_key}", + "Content-Type": "application/json", + } + + payload = { + "computeType": "CPU", + "name": args.name or "ow-cluster", + "imageName": args.image, + "vcpuCount": 4, + "cpuFlavorIds": ["cpu3c"], + "containerDiskInGb": 20, + "ports": ["8124/tcp"], + "env": pod_env, + } + + # Deploy the pod + print(f"[ow] Deploying pod with image {args.image}...") + print(f"[ow] OW_CMD: {ow_cmd}") + if args.supervisor: + print("[ow] Running in supervisor mode") + + try: + r = requests.post(API, json=payload, headers=headers) + r.raise_for_status() + result = r.json() + + pod_id = result.get("id") + print(f"[ow] Successfully deployed pod: {pod_id}") + print(f"[ow] Pod name: {payload['name']}") + + return 0 + except requests.exceptions.RequestException as e: + print(f"[ow] Error deploying pod: {e}", file=sys.stderr) + if hasattr(e, "response") and e.response is not None: + print(f"[ow] Response: {e.response.text}", file=sys.stderr) + return 1 diff --git a/openweights/cli/ssh.py b/openweights/cli/ssh.py index a2a3bff..c7260f8 100644 --- a/openweights/cli/ssh.py +++ b/openweights/cli/ssh.py @@ -1,6 +1,7 @@ """SSH command implementation.""" import os +import shlex import sys from typing import List, Optional, Tuple @@ -10,6 +11,7 @@ bootstrap_remote, load_env_file, open_interactive_shell, + ssh_exec, wait_for_ssh, ) @@ -34,6 +36,16 @@ def parse_mounts( def add_ssh_parser(parser): """Add arguments for the ssh command.""" + parser.add_argument( + "command", + nargs="*", + help="Command to execute on the remote machine (non-interactive mode)", + ) + parser.add_argument( + "--sync", + action="store_true", + help="Start interactive session with live file sync (default behavior if no command given)", + ) parser.add_argument( "--mount", action="append", @@ -92,14 +104,48 @@ def handle_ssh(args) -> int: image=args.image, gpu=args.gpu, count=args.count, env=provider_env ) ssh = start_res.ssh - print(f"[ow] SSH: {ssh.user}@{ssh.host}:{ssh.port} using key {ssh.key_path}") print("[ow] Waiting for sshd to become ready...") wait_for_ssh(ssh) print(f"[ow] SSH ready: {ssh.user}@{ssh.host}:{ssh.port}") - mounts = parse_mounts(args.mount, args.remote_cwd) + # Determine mode: command execution, connection string only, or interactive with sync + has_command = bool(args.command) + sync_mode = args.sync + + # Mode 1: Non-interactive command execution (ow ssh cmd) + if has_command and not sync_mode: + print(f"[ow] Executing command: {' '.join(args.command)}") + mounts = parse_mounts(args.mount, args.remote_cwd) + do_editable = not args.no_editable_install + bootstrap_remote(ssh, remote_cwd=mounts[0][1], do_editable_install=do_editable) + + # Execute the command in the remote working directory + cmd_str = " ".join(args.command) + remote_cmd = f"bash -lc 'cd {shlex.quote(mounts[0][1])} && {cmd_str}'" + exit_code = ssh_exec(ssh, remote_cmd) + + if not args.no_terminate_prompt: + ans = input("Terminate the machine? [y/N] ").strip().lower() + if ans in ("y", "yes"): + print("[ow] Terminating machine...") + start_res.terminate() + else: + print("[ow] Leaving machine running.") + + return exit_code + + # Mode 2: Just print connection string (ow ssh) + if not has_command and not sync_mode: + print(f"\n[ow] SSH connection string:") + print(f"ssh -p {ssh.port} -i {ssh.key_path} {ssh.user}@{ssh.host}") + print( + f"\n[ow] Leaving machine running. Use the connection string above to connect." + ) + return 0 + # Mode 3: Interactive with sync (ow ssh --sync or default behavior when command given with --sync) + mounts = parse_mounts(args.mount, args.remote_cwd) do_editable = not args.no_editable_install bootstrap_remote(ssh, remote_cwd=mounts[0][1], do_editable_install=do_editable) diff --git a/openweights/cluster/README.md b/openweights/cluster/README.md deleted file mode 100644 index 5acb903..0000000 --- a/openweights/cluster/README.md +++ /dev/null @@ -1,35 +0,0 @@ -# Managing workers - -Start a worker on the current machine: -```sh -python openweights/worker/main.py -``` - -Start a single runpod instance with a worker: -```sh -python openweights/cluster/start_runpod.py -``` - -Starting a cluster -```sh -python openweights/cluster/supervisor.py -``` - -# Updating worker images - -```sh -# Step 1: Build locally for ARM64 (on your Mac) -docker buildx build \ - --platform linux/arm64 \ - -t nielsrolf/ow-default:v0.7 \ - --load . - -# Step 2: Build and push AMD64 to Docker Hub -docker buildx build \ - --platform linux/amd64 \ - -t nielsrolf/ow-default:v0.7 \ - --push . - -``` - -Run an image locally: `docker run -rm -e OW_DEV=true --env-file .env -ti nielsrolf/ow-default:v0.7 /bin/bash` diff --git a/openweights/cluster/org_manager.py b/openweights/cluster/org_manager.py index b3e5853..77c5c2a 100644 --- a/openweights/cluster/org_manager.py +++ b/openweights/cluster/org_manager.py @@ -27,8 +27,9 @@ # Constants POLL_INTERVAL = 15 -IDLE_THRESHOLD = 300 # 5 minutes = 300 seconds -UNRESPONSIVE_THRESHOLD = 120 # 2 minutes = 120 seconds +IDLE_THRESHOLD = 300 +STARTUP_THRESHOLD = 600 +UNRESPONSIVE_THRESHOLD = 120 MAX_WORKERS = 8 # MAX_WORKERS = 20 @@ -39,13 +40,12 @@ logger = logging.getLogger(__name__) -def determine_gpu_type(required_vram, allowed_hardware=None, choice=None): +def determine_gpu_type(required_vram, allowed_hardware=None): """Determine the best GPU type and count for the required VRAM. Args: required_vram: Required VRAM in GB allowed_hardware: List of allowed hardware configurations (e.g. ['2x A100', '4x H100']) - choice: Random seed for hardware selection Returns: Tuple of (gpu_type, count) @@ -63,15 +63,14 @@ def determine_gpu_type(required_vram, allowed_hardware=None, choice=None): if required_vram <= vram: # We add a None option to sometimes try out larger GPUs # We do this because sometimes the smallest available GPU is actually not available on runpod, so we need to try others occasionally - if choice is None: - choice = random.choice(HARDWARE_CONFIG[vram] + [None]) - else: - choice = HARDWARE_CONFIG[vram][choice % len(HARDWARE_CONFIG[vram])] + options = HARDWARE_CONFIG[vram] + if vram != vram_options[-1]: + options = options + options + [None] + choice = random.choice(options) if choice is None: continue count, gpu = choice.split("x ") return gpu.strip(), int(count) - raise ValueError( f"No suitable GPU configuration found for VRAM requirement {required_vram}" ) @@ -198,11 +197,11 @@ def get_idle_workers(self, running_workers): # Skip if the worker is not a pod if not worker.get("pod_id"): continue - # If the worker was started less than 5 minutes ago, skip it + # If the worker was started less than STARTUP_THRESHOLD minutes ago, skip it worker_created_at = datetime.fromisoformat( worker["created_at"].replace("Z", "+00:00") ).timestamp() - if current_time - worker_created_at < IDLE_THRESHOLD: + if current_time - worker_created_at < STARTUP_THRESHOLD: continue # Find the latest run associated with the worker diff --git a/openweights/dashboard/README.md b/openweights/dashboard/README.md deleted file mode 100644 index 659ef1f..0000000 --- a/openweights/dashboard/README.md +++ /dev/null @@ -1,41 +0,0 @@ -# OpenWeights Dashboard - -A web dashboard for monitoring OpenWeights jobs, runs, and workers. - -## Setup - -### Backend - -1. Install dependencies: -```bash -pip install fastapi uvicorn -``` - -2. Set environment variables: -```bash -export SUPABASE_URL=your_supabase_url -export SUPABASE_KEY=your_supabase_key -``` - -3. Run the backend: -```bash -cd backend -uvicorn main:app --reload --port 8124 -``` - -The backend will be available at http://localhost:8124 - -### Frontend - -1. Install dependencies: -```bash -cd frontend -npm install -``` - -2. Run the development server: -```bash -npm run dev -``` - -The frontend will be available at http://localhost:5173 diff --git a/openweights/dashboard/deploy.sh b/openweights/dashboard/deploy.sh deleted file mode 100644 index 521f86d..0000000 --- a/openweights/dashboard/deploy.sh +++ /dev/null @@ -1,41 +0,0 @@ -#!/bin/bash - -# Configuration -WORK_DIR="/workspace/openweights" -DASHBOARD_DIR="$WORK_DIR/openweights/dashboard" - -# Function to log with timestamp -log() { - echo "[$(date '+%Y-%m-%d %H:%M:%S')] $1" -} - -# # Update code -# log "Pulling latest code..." -# cd "$WORK_DIR" -# git pull origin main - -# Build frontend -log "Building frontend..." -cd $DASHBOARD_DIR/frontend -npm run build - -# Update backend static files -log "Updating backend static files..." -rm -rf ../backend/static/* -cp -r dist/* ../backend/static/ - -# Restart backend service -log "Restarting backend service..." -cd ../backend -if [ -f "backend.pid" ]; then - if ps -p $(cat backend.pid) > /dev/null; then - kill $(cat backend.pid) - sleep 2 - fi -fi -export SITE_URL=https://kzy2zyhynxvjz7-8124.proxy.runpod.net -export ADDITIONAL_REDIRECT_URLS=https://kzy2zyhynxvjz7-8124.proxy.runpod.net/** -export API_EXTERNAL_URL=https://kzy2zyhynxvjz7-8124.proxy.runpod.net -nohup uvicorn main:app --port 8124 --host 0.0.0.0 --workers 10 > backend.log 2>&1 & echo $! > backend.pid - -log "Deployment completed!" diff --git a/openweights/dashboard/runpod-startup.sh b/openweights/dashboard/runpod-startup.sh deleted file mode 100644 index b67f464..0000000 --- a/openweights/dashboard/runpod-startup.sh +++ /dev/null @@ -1,90 +0,0 @@ -#!/bin/bash - -# Configuration -WORK_DIR="/workspace/openweights" -DASHBOARD_DIR="$WORK_DIR/openweights/dashboard" -REPO_URL="https://github.com/longtermrisk/openweights" -REPO_BRANCH="main" - -# Function to log with timestamp -log() { - echo "[$(date '+%Y-%m-%d %H:%M:%S')] $1" -} - -# Clone repository if it doesn't exist -log "Setting up repository..." -if [ ! -d "$WORK_DIR" ]; then - git clone -b $REPO_BRANCH $REPO_URL "$WORK_DIR" - cd "$WORK_DIR" -else - cd "$WORK_DIR" - git pull origin $REPO_BRANCH -fi - -# Setup Node.js -log "Setting up Node.js..." -if ! command -v nvm &> /dev/null; then - curl -o- https://raw.githubusercontent.com/nvm-sh/nvm/v0.39.0/install.sh | bash - export NVM_DIR="$HOME/.nvm" - [ -s "$NVM_DIR/nvm.sh" ] && \. "$NVM_DIR/nvm.sh" -fi - -# Install and use Node.js 20 -log "Installing Node.js 20..." -nvm install 20 -nvm use 20 -nvm alias default 20 - -# Verify versions -log "Node.js version: $(node --version)" -log "npm version: $(npm --version)" - -#!/bin/bash - -# Update package list -apt update - -# Install prerequisites -apt install -y software-properties-common curl - -# Add deadsnakes PPA -add-apt-repository ppa:deadsnakes/ppa -y -apt update - -# Install Python 3.11 and required tools -apt install -y python3.11 python3.11-distutils python3.11-venv - -# Install pip for Python 3.11 -curl -sS https://bootstrap.pypa.io/get-pip.py | python3.11 - -# Update alternatives to make Python 3.11 the default -update-alternatives --install /usr/bin/python python /usr/bin/python3.11 1 -update-alternatives --install /usr/bin/python3 python3 /usr/bin/python3.11 1 -update-alternatives --install /usr/bin/pip pip /usr/local/bin/pip3.11 1 - -# Set Python 3.11 as default -update-alternatives --set python /usr/bin/python3.11 -update-alternatives --set python3 /usr/bin/python3.11 -update-alternatives --set pip /usr/local/bin/pip3.11 - -# Verify installation -echo "Python version:" -python --version -echo "Python3 version:" -python3 --version -echo "Pip version:" -pip --version - - -# Initial frontend build -log "Building frontend..." -cd $DASHBOARD_DIR/frontend -npm install -npm run build - -# Create static directory in backend -log "Moving frontend build to backend..." -mkdir -p ../backend/static -cp -r dist/* ../backend/static/ - -source deploy.sh From 45ea9a0080716d3db24811ea4ebfbe29351fa771 Mon Sep 17 00:00:00 2001 From: Niels Warncke Date: Tue, 21 Oct 2025 20:33:51 +0200 Subject: [PATCH 19/27] unsloth/weighted_sft: avoid wandb more aggressively --- openweights/client/__init__.py | 2 +- openweights/jobs/unsloth/__init__.py | 10 +++++----- openweights/jobs/unsloth/dpo_ft.py | 2 +- openweights/jobs/unsloth/orpo_ft.py | 2 +- openweights/jobs/unsloth/sft.py | 2 +- openweights/jobs/unsloth/validate.py | 2 -- openweights/jobs/weighted_sft/__init__.py | 5 ++++- openweights/jobs/weighted_sft/sft.py | 2 +- 8 files changed, 14 insertions(+), 13 deletions(-) diff --git a/openweights/client/__init__.py b/openweights/client/__init__.py index 82269ac..c33c185 100644 --- a/openweights/client/__init__.py +++ b/openweights/client/__init__.py @@ -197,7 +197,7 @@ def get_hf_org(self): .execute() ) if not result.data or len(result.data) == 0: - return None # HF_ORG is optional + return os.environ.get("HF_ORG") or os.environ.get("HF_USER") return result.data[0]["value"] def _refresh_jwt(self): diff --git a/openweights/jobs/unsloth/__init__.py b/openweights/jobs/unsloth/__init__.py index 25bffd7..d8b9d6f 100644 --- a/openweights/jobs/unsloth/__init__.py +++ b/openweights/jobs/unsloth/__init__.py @@ -27,15 +27,12 @@ def id_predix(self): @supabase_retry() def create( - self, requires_vram_gb="guess", allowed_hardware=None, **params + self, requires_vram_gb=24, allowed_hardware=None, **params ) -> Dict[str, Any]: """Create a fine-tuning job""" if "training_file" not in params: raise ValueError("training_file is required in params") - if requires_vram_gb == "guess": - requires_vram_gb = 36 if "8b" in params["model"].lower() else 70 - print(f"Training config params: {json.dumps(params, indent=4)}") params = TrainingConfig(**params).model_dump() mounted_files = self._upload_mounted_files() @@ -57,7 +54,10 @@ def create( try: validate_repo_id(params["finetuned_model_id"]) - except HFValidationError as e: + assert ( + params["finetuned_model_id"].split("/")[0] != "None" + ), "Set either $HF_ORG, $HF_USER, or specify the `finetuned_model_id` directly" + except (HFValidationError, AssertionError) as e: raise ValueError( f"Invalid finetuned_model_id: {params['finetuned_model_id']}. Error: {e}" ) diff --git a/openweights/jobs/unsloth/dpo_ft.py b/openweights/jobs/unsloth/dpo_ft.py index 3c9d43b..eaa9dd5 100644 --- a/openweights/jobs/unsloth/dpo_ft.py +++ b/openweights/jobs/unsloth/dpo_ft.py @@ -56,7 +56,7 @@ def apply_chat_template_to_preference_data(examples): weight_decay=training_cfg.weight_decay, lr_scheduler_type=training_cfg.lr_scheduler_type, seed=training_cfg.seed, - report_to=None, + report_to=[], # Explicitly disable all reporting integrations (wandb, tensorboard, etc.) num_train_epochs=training_cfg.epochs, save_steps=training_cfg.save_steps, output_dir=training_cfg.output_dir, diff --git a/openweights/jobs/unsloth/orpo_ft.py b/openweights/jobs/unsloth/orpo_ft.py index ce3ea39..fd4677c 100644 --- a/openweights/jobs/unsloth/orpo_ft.py +++ b/openweights/jobs/unsloth/orpo_ft.py @@ -52,7 +52,7 @@ def apply_chat_template_to_preference_data(examples): weight_decay=training_cfg.weight_decay, lr_scheduler_type=training_cfg.lr_scheduler_type, seed=training_cfg.seed, - report_to=None, + report_to=[], # Explicitly disable all reporting integrations (wandb, tensorboard, etc.) num_train_epochs=training_cfg.epochs, save_steps=training_cfg.save_steps, output_dir=training_cfg.output_dir, diff --git a/openweights/jobs/unsloth/sft.py b/openweights/jobs/unsloth/sft.py index 158e9ee..7a0a36b 100644 --- a/openweights/jobs/unsloth/sft.py +++ b/openweights/jobs/unsloth/sft.py @@ -166,7 +166,7 @@ def apply_chat_template(examples): weight_decay=training_cfg.weight_decay, lr_scheduler_type=training_cfg.lr_scheduler_type, seed=training_cfg.seed, - report_to=None, + report_to=[], # Explicitly disable all reporting integrations (wandb, tensorboard, etc.) num_train_epochs=training_cfg.epochs, save_steps=training_cfg.save_steps, output_dir=training_cfg.output_dir, diff --git a/openweights/jobs/unsloth/validate.py b/openweights/jobs/unsloth/validate.py index 71e89d4..45a6a10 100644 --- a/openweights/jobs/unsloth/validate.py +++ b/openweights/jobs/unsloth/validate.py @@ -146,8 +146,6 @@ def validate_training_file_prefixes(cls, values): @field_validator("finetuned_model_id") def validate_finetuned_model_id(cls, v): - # if v and model_exists(v): - # raise ValueError(f"Model {v} already exists") if len(v.split("/")) != 2: raise ValueError("Model ID must be in the format 'user/model'") org, model = v.split("/") diff --git a/openweights/jobs/weighted_sft/__init__.py b/openweights/jobs/weighted_sft/__init__.py index 70545b4..5010d53 100644 --- a/openweights/jobs/weighted_sft/__init__.py +++ b/openweights/jobs/weighted_sft/__init__.py @@ -53,7 +53,10 @@ def create( try: validate_repo_id(params["finetuned_model_id"]) - except HFValidationError as e: + assert ( + params["finetuned_model_id"].split("/")[0] != "None" + ), "Set either $HF_ORG, $HF_USER, or specify the `finetuned_model_id` directly" + except (HFValidationError, AssertionError) as e: raise ValueError( f"Invalid finetuned_model_id: {params['finetuned_model_id']}. Error: {e}" ) diff --git a/openweights/jobs/weighted_sft/sft.py b/openweights/jobs/weighted_sft/sft.py index 601e164..b1517b0 100644 --- a/openweights/jobs/weighted_sft/sft.py +++ b/openweights/jobs/weighted_sft/sft.py @@ -371,7 +371,7 @@ def ensure_new_format(examples): weight_decay=training_cfg.weight_decay, lr_scheduler_type=training_cfg.lr_scheduler_type, seed=training_cfg.seed, - report_to=None, + report_to=[], num_train_epochs=training_cfg.epochs, save_steps=training_cfg.save_steps, output_dir=training_cfg.output_dir, From a44bc148d7d419323923a4e6d3f9a7d90f9808eb Mon Sep 17 00:00:00 2001 From: Niels Warncke Date: Tue, 21 Oct 2025 22:48:34 +0200 Subject: [PATCH 20/27] fix --- entrypoint.cluster.sh | 2 +- openweights/cli/deploy.py | 13 +++- openweights/cli/worker.py | 3 - openweights/client/__init__.py | 4 +- openweights/client/decorators.py | 7 +- openweights/client/events.py | 5 +- openweights/client/files.py | 5 +- openweights/dashboard/backend/database.py | 74 ++++++++------------ openweights/worker/main.py | 84 ++++++++++++++--------- 9 files changed, 104 insertions(+), 93 deletions(-) diff --git a/entrypoint.cluster.sh b/entrypoint.cluster.sh index 0d95abf..666411a 100644 --- a/entrypoint.cluster.sh +++ b/entrypoint.cluster.sh @@ -19,7 +19,7 @@ if [ "$OW_CMD" = "serve" ] || [ "$OW_CMD" = "both" ]; then # Start dashboard in background if running both, otherwise in foreground if [ "$OW_CMD" = "both" ]; then mkdir -p /openweights/logs - ow serve > /openweights/logs/dashboard.log 2>&1 & + ow serve > >(tee /openweights/logs/dashboard.log) 2> >(tee -a /openweights/logs/dashboard.log >&2) & DASHBOARD_PID=$! echo "[$(date)] Dashboard backend started with PID: $DASHBOARD_PID" else diff --git a/openweights/cli/deploy.py b/openweights/cli/deploy.py index 0e59463..0fc9a24 100644 --- a/openweights/cli/deploy.py +++ b/openweights/cli/deploy.py @@ -90,7 +90,14 @@ def handle_deploy(args) -> int: print(f"[ow] Loaded {len(env_vars)} environment variables") # Validate required environment variables - required_vars = ["OPENWEIGHTS_API_KEY", "SUPABASE_URL", "SUPABASE_ANON_KEY"] + required_vars = [ + "OPENWEIGHTS_API_KEY", + "SUPABASE_URL", + "SUPABASE_ANON_KEY", + "HF_ORG", + "HF_TOKEN", + "HF_USER", + ] missing_vars = [] for var in required_vars: if var not in env_vars and var not in os.environ: @@ -165,7 +172,7 @@ def handle_deploy(args) -> int: "vcpuCount": 4, "cpuFlavorIds": ["cpu3c"], "containerDiskInGb": 20, - "ports": ["8124/tcp"], + "ports": ["8124/http"], "env": pod_env, } @@ -183,7 +190,7 @@ def handle_deploy(args) -> int: pod_id = result.get("id") print(f"[ow] Successfully deployed pod: {pod_id}") print(f"[ow] Pod name: {payload['name']}") - + print(f"[ow] Dashboard (if running): https://{pod_id}-8124.proxy.runpod.net") return 0 except requests.exceptions.RequestException as e: print(f"[ow] Error deploying pod: {e}", file=sys.stderr) diff --git a/openweights/cli/worker.py b/openweights/cli/worker.py index 3fec730..76eb7c0 100644 --- a/openweights/cli/worker.py +++ b/openweights/cli/worker.py @@ -33,9 +33,6 @@ def handle_worker(args): try: from openweights.worker.main import Worker - # Set IS_LOCAL environment variable to indicate this is a local worker - os.environ["IS_LOCAL"] = "true" - worker = Worker() print(f"Worker initialized with ID: {worker.worker_id}") worker.find_and_execute_job() diff --git a/openweights/client/__init__.py b/openweights/client/__init__.py index c33c185..2340187 100644 --- a/openweights/client/__init__.py +++ b/openweights/client/__init__.py @@ -151,10 +151,10 @@ def __init__( self.org_name = self.get_organization_name() # Initialize components with organization ID - self.files = Files(self._supabase, self.organization_id) + self.files = Files(self, self.organization_id) self.jobs = Jobs(self) self.runs = Runs(self) - self.events = Events(self._supabase) + self.events = Events(self) self.async_chat = AsyncChatCompletions(self, deploy_kwargs=self.deploy_kwargs) self.sync_chat = ChatCompletions(self, deploy_kwargs=self.deploy_kwargs) self.chat = self.async_chat if use_async else self.sync_chat diff --git a/openweights/client/decorators.py b/openweights/client/decorators.py index 6f47e56..617a774 100644 --- a/openweights/client/decorators.py +++ b/openweights/client/decorators.py @@ -209,12 +209,15 @@ def _decorator(fn): def inner(*args, **kwargs): # Try to find OpenWeights instance for token refresh ow_instance = None - if args and hasattr(args[0], "_supabase"): + if args and hasattr(args[0], "_refresh_jwt"): # Method call on OpenWeights instance ow_instance = args[0] elif args and hasattr(args[0], "_ow_instance"): - # Method call on object that has OpenWeights reference + # Method call on Files/Events/etc that have OpenWeights reference ow_instance = args[0]._ow_instance + elif args and hasattr(args[0], "client"): + # Method call on Jobs/Runs/Run that have .client attribute + ow_instance = args[0].client # quick path: try once start = time.monotonic() diff --git a/openweights/client/events.py b/openweights/client/events.py index 655ee66..6952426 100644 --- a/openweights/client/events.py +++ b/openweights/client/events.py @@ -4,8 +4,9 @@ class Events: - def __init__(self, supabase): - self._supabase = supabase + def __init__(self, ow_instance: "OpenWeights"): + self._ow_instance = ow_instance + self._supabase = ow_instance._supabase @supabase_retry() def list(self, job_id: Optional[str] = None, run_id: Optional[str] = None): diff --git a/openweights/client/files.py b/openweights/client/files.py index f1323db..4efcd76 100644 --- a/openweights/client/files.py +++ b/openweights/client/files.py @@ -74,8 +74,9 @@ def validate_preference_dataset(content): class Files: - def __init__(self, supabase: Client, organization_id: str): - self._supabase = supabase + def __init__(self, ow_instance: "OpenWeights", organization_id: str): + self._ow_instance = ow_instance + self._supabase = ow_instance._supabase self._org_id = organization_id def _calculate_file_hash(self, stream: BinaryIO) -> str: diff --git a/openweights/dashboard/backend/database.py b/openweights/dashboard/backend/database.py index 427b223..501f53b 100644 --- a/openweights/dashboard/backend/database.py +++ b/openweights/dashboard/backend/database.py @@ -33,27 +33,17 @@ class Database: def __init__(self, auth_token: Optional[str] = None): self.supabase_url = os.getenv("SUPABASE_URL") self.supabase_anon_key = os.getenv("SUPABASE_ANON_KEY") - self.supabase_service_key = os.getenv("SUPABASE_SERVICE_ROLE_KEY") self.auth_token = auth_token self._current_org_id = None - if ( - not self.supabase_url - or not self.supabase_anon_key - or not self.supabase_service_key - ): - raise ValueError( - "SUPABASE_URL, SUPABASE_ANON_KEY, and SUPABASE_SERVICE_ROLE_KEY must be set" - ) + if not self.supabase_url or not self.supabase_anon_key: + raise ValueError("SUPABASE_URL and SUPABASE_ANON_KEY must be set") # Initialize regular client for normal operations self.client = create_client(self.supabase_url, self.supabase_anon_key) if auth_token: self.client.postgrest.auth(auth_token) - # Initialize admin client for operations requiring service role - self.admin_client = create_client(self.supabase_url, self.supabase_service_key) - @property def ow_client(self) -> OpenWeights: """Get an OpenWeights client for the current organization.""" @@ -104,53 +94,43 @@ async def create_organization(self, org_data: OrganizationCreate) -> Organizatio raise ValueError(f"Invalid secrets: {error_message}") try: - # Create organization using admin client to bypass RLS - result = ( - self.admin_client.from_("organizations") - .insert({"name": org_data.name}) - .execute() - ) + # Create organization using RPC (handles organization creation and membership) + org_response = self.client.rpc( + "create_organization", {"org_name": org_data.name} + ).execute() - if not result.data: + if not org_response.data: raise ValueError("Failed to create organization") - org_id = result.data[0]["id"] - - # Add the creator as an admin using admin client - user_id = self.get_user_id_from_token() - member_result = ( - self.admin_client.from_("organization_members") - .insert( - {"organization_id": org_id, "user_id": user_id, "role": "admin"} - ) - .execute() - ) - - if not member_result.data: - raise ValueError("Failed to add admin member") + org_id = org_response.data # Create a default API token for the organization - # Note: Token is created but not stored in secrets - it's managed via api_tokens table await self.create_token(org_id, TokenCreate(name="Default API Key")) - # Add secrets using admin client + # Add secrets using RPC for secret_name, secret_value in org_data.secrets.items(): - secret_result = ( - self.admin_client.from_("organization_secrets") - .insert( - { - "organization_id": org_id, - "name": secret_name, - "value": secret_value, - } - ) - .execute() - ) + secret_result = self.client.rpc( + "manage_organization_secret", + { + "org_id": org_id, + "secret_name": secret_name, + "secret_value": secret_value, + }, + ).execute() if not secret_result.data: raise ValueError(f"Failed to add secret: {secret_name}") - return Organization(**result.data[0]) + # Fetch the created organization to return + org_result = ( + self.client.from_("organizations") + .select("*") + .eq("id", org_id) + .single() + .execute() + ) + + return Organization(**org_result.data) except Exception as e: raise ValueError(f"Failed to create organization: {str(e)}") diff --git a/openweights/worker/main.py b/openweights/worker/main.py index 93eff51..a8bdd5e 100644 --- a/openweights/worker/main.py +++ b/openweights/worker/main.py @@ -17,6 +17,7 @@ import torch from openweights.client import Files, OpenWeights, Run +from openweights.client.decorators import supabase_retry from openweights.cluster.start_runpod import GPUs from openweights.worker.gpu_health_check import GPUHealthCheck @@ -42,7 +43,6 @@ def __init__(self): self.supabase = self.ow._supabase self.organization_id = self.ow.organization_id self.auth_token = self.ow.auth_token - self.files = Files(self.supabase, self.organization_id) self.cached_models = [] self.current_job = None self.current_process = None @@ -151,21 +151,45 @@ def clean_gpu_name(gpu_name): atexit.register(self.shutdown_handler) + @supabase_retry() + def _update_worker_ping(self): + """Update worker ping timestamp with retry logic.""" + return ( + self.supabase.table("worker") + .update({"ping": datetime.now(timezone.utc).isoformat()}) + .eq("id", self.worker_id) + .execute() + ) + + @supabase_retry() + def _get_job_status(self, job_id: str): + """Get job status and timeout with retry logic.""" + return ( + self.supabase.table("jobs") + .select("status", "timeout") + .eq("id", job_id) + .single() + .execute() + .data + ) + + @supabase_retry() + def _cancel_job(self, job_id: str): + """Cancel a job with retry logic.""" + return ( + self.supabase.table("jobs") + .update({"status": "canceled"}) + .eq("id", job_id) + .execute() + ) + def _health_check_loop(self): """Background task that updates worker ping and checks job status.""" while not self.shutdown_flag: try: # Update ping timestamp - result = ( - self.supabase.table("worker") - .update( - { - "ping": datetime.now(timezone.utc).isoformat(), - } - ) - .eq("id", self.worker_id) - .execute() - ) + print("ping") + result = self._update_worker_ping() # Check if worker status is 'shutdown' if result.data and result.data[0]["status"] == "shutdown": @@ -173,14 +197,7 @@ def _health_check_loop(self): # Check if current job is canceled or timed out if self.current_job: - job = ( - self.supabase.table("jobs") - .select("status", "timeout") - .eq("id", self.current_job["id"]) - .single() - .execute() - .data - ) + job = self._get_job_status(self.current_job["id"]) should_cancel = False if job["status"] == "canceled" or self.shutdown_flag: @@ -196,9 +213,7 @@ def _health_check_loop(self): f"Job {self.current_job['id']} has timed out, stopping execution" ) # Update job status to canceled - self.supabase.table("jobs").update({"status": "canceled"}).eq( - "id", self.current_job["id"] - ).execute() + self._cancel_job(self.current_job["id"]) if should_cancel: # Wait for logs to propagate @@ -242,7 +257,7 @@ def shutdown_handler(self): log_file_path = os.path.join("logs", self.current_run.id) if os.path.exists(log_file_path): with open(log_file_path, "rb") as log_file: - log_response = self.files.create(log_file, purpose="log") + log_response = self.ow.files.create(log_file, purpose="log") if self.current_run: self.current_run.update(logfile=log_response["id"]) @@ -261,7 +276,7 @@ def shutdown_handler(self): try: # Update worker record with logfile ID with open("logs/main", "rb") as log_file: - log_response = self.files.create(log_file, purpose="logs") + log_response = self.ow.files.create(log_file, purpose="logs") self.supabase.table("worker").update( {"logfile": log_response["id"]} ).eq("id", self.worker_id).execute() @@ -321,10 +336,10 @@ def find_and_execute_job(self): if self.shutdown_flag: break - def _find_job(self): - """Fetch pending jobs for this docker image, sorted by required VRAM desc, then oldest first.""" - logging.info("Fetching jobs from the database...") - jobs = ( + @supabase_retry() + def _fetch_pending_jobs(self): + """Fetch pending jobs from database with retry logic.""" + return ( self.supabase.table("jobs") .select("*") .eq("status", "pending") @@ -334,6 +349,11 @@ def _find_job(self): .execute() .data ) + + def _find_job(self): + """Fetch pending jobs for this docker image, sorted by required VRAM desc, then oldest first.""" + logging.info("Fetching jobs from the database...") + jobs = self._fetch_pending_jobs() logging.info(f"Fetched {len(jobs)} pending jobs from the database") # Further filter jobs by hardware requirements @@ -453,7 +473,7 @@ def _execute_job(self, job): # Upload log file to Supabase logging.info(f"Uploading log file ({log_file_path}) to Supabase") with open(log_file_path, "rb") as log_file: - log_response = self.files.create(log_file, purpose="log") + log_response = self.ow.files.create(log_file, purpose="log") # Then upload any files from /uploads as results upload_dir = os.path.join(tmp_dir, "uploads") @@ -464,7 +484,7 @@ def _execute_job(self, job): file_path = os.path.join(root, file_name) try: with open(file_path, "rb") as file: - file_response = self.files.create( + file_response = self.ow.files.create( file, purpose="result" ) # Log the uploaded file to the run @@ -505,10 +525,11 @@ def _setup_custom_job_files(self, tmp_dir: str, mounted_files: Dict[str, str]): for target_path, file_id in mounted_files.items(): full_path = os.path.join(tmp_dir, target_path) os.makedirs(os.path.dirname(full_path), exist_ok=True) - content = self.files.content(file_id) + content = self.ow.files.content(file_id) with open(full_path, "wb") as f: f.write(content) + @supabase_retry() def acquire_job(self, job_id: str): """ Attempts to set a job from 'pending' to 'in_progress' for this worker @@ -524,6 +545,7 @@ def acquire_job(self, job_id: str): return None return result.data[0] + @supabase_retry() def update_job_status_if_in_progress( self, job_id: str, From 2e901f0f17f84254d0d81e1d40b7e49e3e009d88 Mon Sep 17 00:00:00 2001 From: Niels Warncke Date: Wed, 22 Oct 2025 09:51:52 +0200 Subject: [PATCH 21/27] client refreshes JWT; unified naming convention to ._ow for client object; added , --- openweights/cli/__init__.py | 20 +++ openweights/cli/env.py | 228 ++++++++++++++++++++++++++++ openweights/cli/manage.py | 178 ++++++++++++++++++++++ openweights/client/__init__.py | 8 +- openweights/client/decorators.py | 38 +---- openweights/client/events.py | 12 +- openweights/client/files.py | 15 +- openweights/client/jobs.py | 41 +++-- openweights/client/run.py | 42 ++--- openweights/client/temporary_api.py | 20 +-- openweights/cluster/supervisor.py | 42 +++-- openweights/worker/main.py | 43 +++--- 12 files changed, 553 insertions(+), 134 deletions(-) create mode 100644 openweights/cli/env.py create mode 100644 openweights/cli/manage.py diff --git a/openweights/cli/__init__.py b/openweights/cli/__init__.py index ec6970f..59b94f4 100644 --- a/openweights/cli/__init__.py +++ b/openweights/cli/__init__.py @@ -98,6 +98,22 @@ def main(): ) add_deploy_parser(deploy_parser) + # env command + from openweights.cli.env import add_env_parser, handle_env + + env_parser = sub.add_parser( + "env", help="Manage organization secrets (environment variables)." + ) + add_env_parser(env_parser) + + # manage command + from openweights.cli.manage import add_manage_parser, handle_manage + + manage_parser = sub.add_parser( + "manage", help="Control managed cluster infrastructure." + ) + add_manage_parser(manage_parser) + args = ap.parse_args() if args.cmd == "ssh": @@ -124,6 +140,10 @@ def main(): sys.exit(handle_serve(args)) elif args.cmd == "deploy": sys.exit(handle_deploy(args)) + elif args.cmd == "env": + sys.exit(handle_env(args)) + elif args.cmd == "manage": + sys.exit(handle_manage(args)) else: ap.print_help() sys.exit(1) diff --git a/openweights/cli/env.py b/openweights/cli/env.py new file mode 100644 index 0000000..09904d2 --- /dev/null +++ b/openweights/cli/env.py @@ -0,0 +1,228 @@ +"""Environment/secrets management CLI commands.""" + +import os +import sys +from pathlib import Path + +from dotenv import dotenv_values + +from openweights import OpenWeights + + +def add_env_parser(parser): + """Add arguments for the env command.""" + subparsers = parser.add_subparsers(dest="env_cmd", required=True) + + # import command + import_parser = subparsers.add_parser( + "import", help="Import environment variables from a .env file" + ) + import_parser.add_argument( + "env_file", + type=str, + help="Path to .env file to import", + ) + + # show command + subparsers.add_parser( + "show", help="Show organization secrets (environment variables)" + ) + + +def get_openweights_client(): + """Get OpenWeights client with authentication.""" + auth_token = os.getenv("OPENWEIGHTS_API_KEY") + + if not auth_token: + print("Error: OPENWEIGHTS_API_KEY environment variable not set") + print("Please set your API key:") + print(" export OPENWEIGHTS_API_KEY=your_token_here") + sys.exit(1) + + try: + return OpenWeights(auth_token=auth_token) + except Exception as e: + print(f"Error initializing OpenWeights client: {str(e)}") + sys.exit(1) + + +def handle_env_import(args) -> int: + """Handle the env import command.""" + try: + env_file = Path(args.env_file) + if not env_file.exists(): + print(f"Error: File not found: {env_file}") + return 1 + + # Load environment variables from file + env_vars = dotenv_values(env_file) + if not env_vars: + print(f"Warning: No environment variables found in {env_file}") + return 0 + + # Print warning about security + print("\n" + "=" * 80) + print("WARNING: SECURITY NOTICE") + print("=" * 80) + print( + "You are about to upload sensitive credentials to the OpenWeights database." + ) + print( + "These secrets will be stored in the organization_secrets table and used by" + ) + print("the cluster manager to provision workers on your behalf.") + print() + print("Secrets to be uploaded:") + for key in env_vars.keys(): + print(f" - {key}") + print() + print("IMPORTANT: Only proceed if you trust the OpenWeights infrastructure and") + print( + "understand that these credentials will be accessible to cluster managers." + ) + print("=" * 80) + + response = input("\nType 'yes' to confirm upload: ") + if response.lower() != "yes": + print("Import canceled.") + return 0 + + # Get OpenWeights client + ow = get_openweights_client() + org_id = ow.organization_id + + # Upload each secret to the database + uploaded_count = 0 + for name, value in env_vars.items(): + if value is None: + continue + + try: + # Check if secret already exists + existing = ( + ow._supabase.table("organization_secrets") + .select("id") + .eq("organization_id", org_id) + .eq("name", name) + .execute() + ) + + if existing.data: + # Update existing secret + ow._supabase.table("organization_secrets").update( + {"value": value} + ).eq("organization_id", org_id).eq("name", name).execute() + print(f"Updated: {name}") + else: + # Insert new secret + ow._supabase.table("organization_secrets").insert( + { + "organization_id": org_id, + "name": name, + "value": value, + } + ).execute() + print(f"Added: {name}") + + uploaded_count += 1 + + except Exception as e: + print(f"Error uploading {name}: {str(e)}") + continue + + print(f"\nSuccessfully uploaded {uploaded_count} secret(s)") + + # Check if all required secrets are present + required_secrets = [ + "HF_TOKEN", + "HF_ORG", + "HF_USER", + "OPENWEIGHTS_API_KEY", + "RUNPOD_API_KEY", + ] + missing = [s for s in required_secrets if s not in env_vars] + + if missing: + print("\nWarning: Missing required secrets for cluster management:") + for secret in missing: + print(f" - {secret}") + print( + "\nCluster manager will not be able to provision workers until all required" + ) + print("secrets are provided.") + else: + print(print("\nTo start the cluster manager, run: \now manage start`")) + + return 0 + + except Exception as e: + print(f"Error importing environment: {str(e)}") + return 1 + + +def handle_env_show(args) -> int: + """Handle the env show command.""" + try: + ow = get_openweights_client() + org_id = ow.organization_id + + # Query organization_secrets table + result = ( + ow._supabase.table("organization_secrets") + .select("name, value") + .eq("organization_id", org_id) + .order("name") + .execute() + ) + + if not result.data: + print(f"No secrets found for organization {org_id}") + print("\nTo import secrets, use:") + print(" ow env import path/to/.env") + return 0 + + print(f"\nOrganization Secrets (org_id: {org_id}):") + print("-" * 80) + + for secret in result.data: + # Print in FOO=bar format + print(f"{secret['name']}={secret['value']}") + + print("-" * 80) + print(f"\nTotal: {len(result.data)} secret(s)") + + # Check if all required secrets are present + required_secrets = [ + "HF_TOKEN", + "HF_ORG", + "HF_USER", + "OPENWEIGHTS_API_KEY", + "RUNPOD_API_KEY", + ] + existing_names = {s["name"] for s in result.data} + missing = [s for s in required_secrets if s not in existing_names] + + if missing: + print("\nWarning: Missing required secrets for cluster management:") + for secret in missing: + print(f" - {secret}") + else: + print("\nAll required secrets are present.") + print("You can enable cluster management with: ow manage start") + + return 0 + + except Exception as e: + print(f"Error showing environment: {str(e)}") + return 1 + + +def handle_env(args) -> int: + """Handle the env command.""" + if args.env_cmd == "import": + return handle_env_import(args) + elif args.env_cmd == "show": + return handle_env_show(args) + else: + print(f"Unknown env command: {args.env_cmd}") + return 1 diff --git a/openweights/cli/manage.py b/openweights/cli/manage.py new file mode 100644 index 0000000..3e904a8 --- /dev/null +++ b/openweights/cli/manage.py @@ -0,0 +1,178 @@ +"""Cluster management control CLI commands.""" + +import os +import sys + +from openweights import OpenWeights + + +def add_manage_parser(parser): + """Add arguments for the manage command.""" + subparsers = parser.add_subparsers(dest="manage_cmd", required=True) + + # start command + subparsers.add_parser( + "start", help="Enable managed cluster infrastructure (sets OW_MANAGED=true)" + ) + + # stop command + subparsers.add_parser( + "stop", help="Disable managed cluster infrastructure (sets OW_MANAGED=false)" + ) + + +def get_openweights_client(): + """Get OpenWeights client with authentication.""" + auth_token = os.getenv("OPENWEIGHTS_API_KEY") + + if not auth_token: + print("Error: OPENWEIGHTS_API_KEY environment variable not set") + print("Please set your API key:") + print(" export OPENWEIGHTS_API_KEY=your_token_here") + sys.exit(1) + + try: + return OpenWeights(auth_token=auth_token) + except Exception as e: + print(f"Error initializing OpenWeights client: {str(e)}") + sys.exit(1) + + +def check_required_secrets(ow, org_id) -> tuple[bool, list[str]]: + """Check if all required secrets are present. + + Returns: + (all_present, missing_secrets) + """ + required_secrets = [ + "HF_TOKEN", + "HF_ORG", + "HF_USER", + "OPENWEIGHTS_API_KEY", + "RUNPOD_API_KEY", + ] + + # Query organization_secrets table + result = ( + ow._supabase.table("organization_secrets") + .select("name") + .eq("organization_id", org_id) + .execute() + ) + + existing_names = {s["name"] for s in result.data} + missing = [s for s in required_secrets if s not in existing_names] + + return (len(missing) == 0, missing) + + +def handle_manage_start(args) -> int: + """Handle the manage start command.""" + try: + ow = get_openweights_client() + org_id = ow.organization_id + + # Check if required secrets are present + all_present, missing = check_required_secrets(ow, org_id) + + if not all_present: + print("Error: Cannot enable cluster management - missing required secrets:") + for secret in missing: + print(f" - {secret}") + print("\nPlease import your environment variables first:") + print(" ow env import path/to/.env") + print("\nOr check which secrets are configured:") + print(" ow env show") + return 1 + + # Set OW_MANAGED to true in organization_secrets + existing = ( + ow._supabase.table("organization_secrets") + .select("id") + .eq("organization_id", org_id) + .eq("name", "OW_MANAGED") + .execute() + ) + + if existing.data: + # Update existing + ow._supabase.table("organization_secrets").update({"value": "true"}).eq( + "organization_id", org_id + ).eq("name", "OW_MANAGED").execute() + else: + # Insert new + ow._supabase.table("organization_secrets").insert( + { + "organization_id": org_id, + "name": "OW_MANAGED", + "value": "true", + } + ).execute() + + print(f"Cluster management enabled for organization {org_id}") + print( + "\nThe supervisor will now automatically provision and manage workers for your jobs." + ) + print( + "Workers will be created on RunPod using your RUNPOD_API_KEY when jobs are submitted." + ) + + return 0 + + except Exception as e: + print(f"Error enabling cluster management: {str(e)}") + return 1 + + +def handle_manage_stop(args) -> int: + """Handle the manage stop command.""" + try: + ow = get_openweights_client() + org_id = ow.organization_id + + # Set OW_MANAGED to false in organization_secrets + existing = ( + ow._supabase.table("organization_secrets") + .select("id") + .eq("organization_id", org_id) + .eq("name", "OW_MANAGED") + .execute() + ) + + if existing.data: + # Update existing + ow._supabase.table("organization_secrets").update({"value": "false"}).eq( + "organization_id", org_id + ).eq("name", "OW_MANAGED").execute() + else: + # Insert new with false value + ow._supabase.table("organization_secrets").insert( + { + "organization_id": org_id, + "name": "OW_MANAGED", + "value": "false", + } + ).execute() + + print(f"Cluster management disabled for organization {org_id}") + print( + "\nThe supervisor will stop provisioning new workers and terminate the org_manager." + ) + print("Existing workers will complete their current jobs before shutting down.") + + return 0 + + except Exception as e: + print(f"Error disabling cluster management: {str(e)}") + return 1 + + +def handle_manage(args) -> int: + """Handle the manage command.""" + if args.manage_cmd == "start": + return handle_manage_start(args) + elif args.manage_cmd == "stop": + return handle_manage_stop(args) + else: + print(f"Unknown manage command: {args.manage_cmd}") + return 1 diff --git a/openweights/client/__init__.py b/openweights/client/__init__.py index 2340187..01cb9dd 100644 --- a/openweights/client/__init__.py +++ b/openweights/client/__init__.py @@ -46,7 +46,6 @@ def exchange_api_token_for_jwt( if not response.data: raise ValueError("Failed to exchange API token for JWT") - return response.data @@ -209,14 +208,11 @@ def _refresh_jwt(self): if not self.auth_token.startswith("ow_"): raise ValueError("Cannot refresh JWT: auth_token is not an ow_ API token") - # Exchange the API token for a new JWT - jwt_token = exchange_api_token_for_jwt( + # Get new client + self._supabase = create_authenticated_client( self.supabase_url, self.supabase_key, self.auth_token ) - # Update the Authorization header in the supabase client - self._supabase.options.headers["Authorization"] = f"Bearer {jwt_token}" - @property def run(self): if not self._current_run: diff --git a/openweights/client/decorators.py b/openweights/client/decorators.py index 617a774..fbdd2fe 100644 --- a/openweights/client/decorators.py +++ b/openweights/client/decorators.py @@ -20,34 +20,7 @@ def _is_transient_http_status(status: int) -> bool: def _is_auth_error(exc: BaseException) -> bool: - """ - Returns True for errors that indicate JWT expiration or auth issues: - - HTTPStatusError with 401 (Unauthorized) - - postgrest.APIError with 401 - """ - # httpx raised because .raise_for_status() was called - if isinstance(exc, httpx.HTTPStatusError): - try: - return exc.response.status_code == 401 - except Exception: - return False - - # postgrest API errors (supabase-py) - if postgrest is not None and isinstance(exc, postgrest.APIError): - try: - code = getattr(exc, "code", None) - # code may be a string; try to coerce - code_int = int(code) if code is not None else None - return code_int == 401 - except Exception: - return False - - # Sometimes libraries wrap the real error; walk the causal chain - cause = getattr(exc, "__cause__", None) or getattr(exc, "__context__", None) - if cause and cause is not exc: - return _is_auth_error(cause) - - return False + return "JWT expired" in str(exc) def _is_transient(exc: BaseException) -> bool: @@ -184,7 +157,7 @@ def supabase_retry( """ Retries ONLY transient Supabase/http errors (see _is_transient) with exponential backoff + full jitter. Also handles JWT expiration by automatically refreshing tokens on 401 errors if an OpenWeights instance - is available (via _ow_instance attribute on the method's self argument or _supabase client). + is available (via _ow attribute on the method's self argument or _supabase client). If `return_on_exhaustion` is not `_RAISE`, return that value after retry budget is exhausted for a transient error. Non-transient errors still raise immediately. @@ -212,12 +185,9 @@ def inner(*args, **kwargs): if args and hasattr(args[0], "_refresh_jwt"): # Method call on OpenWeights instance ow_instance = args[0] - elif args and hasattr(args[0], "_ow_instance"): + elif args and hasattr(args[0], "_ow"): # Method call on Files/Events/etc that have OpenWeights reference - ow_instance = args[0]._ow_instance - elif args and hasattr(args[0], "client"): - # Method call on Jobs/Runs/Run that have .client attribute - ow_instance = args[0].client + ow_instance = args[0]._ow # quick path: try once start = time.monotonic() diff --git a/openweights/client/events.py b/openweights/client/events.py index 6952426..b7f3b12 100644 --- a/openweights/client/events.py +++ b/openweights/client/events.py @@ -5,15 +5,14 @@ class Events: def __init__(self, ow_instance: "OpenWeights"): - self._ow_instance = ow_instance - self._supabase = ow_instance._supabase + self._ow = ow_instance @supabase_retry() def list(self, job_id: Optional[str] = None, run_id: Optional[str] = None): """List events by job_id or run_id, sorted by created_at in ascending order""" if run_id: query = ( - self._supabase.table("events") + self._ow._supabase.table("events") .select("*") .eq("run_id", run_id) .order("created_at", desc=False) @@ -21,12 +20,15 @@ def list(self, job_id: Optional[str] = None, run_id: Optional[str] = None): elif job_id: # First get all runs for this job runs_result = ( - self._supabase.table("runs").select("id").eq("job_id", job_id).execute() + self._ow._supabase.table("runs") + .select("id") + .eq("job_id", job_id) + .execute() ) run_ids = [run["id"] for run in runs_result.data] # Then get all events for these runs query = ( - self._supabase.table("events") + self._ow._supabase.table("events") .select("*") .in_("run_id", run_ids) .order("created_at", desc=False) diff --git a/openweights/client/files.py b/openweights/client/files.py index 4efcd76..6a5a557 100644 --- a/openweights/client/files.py +++ b/openweights/client/files.py @@ -75,8 +75,7 @@ def validate_preference_dataset(content): class Files: def __init__(self, ow_instance: "OpenWeights", organization_id: str): - self._ow_instance = ow_instance - self._supabase = ow_instance._supabase + self._ow = ow_instance self._org_id = organization_id def _calculate_file_hash(self, stream: BinaryIO) -> str: @@ -95,7 +94,7 @@ def _calculate_file_hash(self, stream: BinaryIO) -> str: def _get_storage_path(self, file_id: str) -> str: """Get the organization-specific storage path for a file""" try: - result = self._supabase.rpc( + result = self._ow._supabase.rpc( "get_organization_storage_path", {"org_id": self._org_id, "filename": file_id}, ).execute() @@ -138,7 +137,7 @@ def create(self, file: BinaryIO, purpose: str) -> Dict[str, Any]: # If the file already exists, return the existing file try: existing_file = ( - self._supabase.table("files") + self._ow._supabase.table("files") .select("*") .eq("id", file_id) .single() @@ -168,7 +167,7 @@ def create(self, file: BinaryIO, purpose: str) -> Dict[str, Any]: tmp.flush() tmp_path = tmp.name try: - self._supabase.storage.from_("files").upload( + self._ow._supabase.storage.from_("files").upload( path=storage_path, file=tmp_path, file_options={"upsert": "true"} ) finally: @@ -185,7 +184,7 @@ def create(self, file: BinaryIO, purpose: str) -> Dict[str, Any]: "organization_id": self._org_id, } - result = self._supabase.table("files").insert(data_row).execute() + result = self._ow._supabase.table("files").insert(data_row).execute() return { "id": file_id, @@ -200,7 +199,7 @@ def create(self, file: BinaryIO, purpose: str) -> Dict[str, Any]: def content(self, file_id: str) -> bytes: """Get file content""" storage_path = self._get_storage_path(file_id) - return self._supabase.storage.from_("files").download(storage_path) + return self._ow._supabase.storage.from_("files").download(storage_path) def validate(self, file: BinaryIO, purpose: str) -> bool: """Validate file content. The passed stream will be consumed.""" @@ -217,7 +216,7 @@ def validate(self, file: BinaryIO, purpose: str) -> bool: def get_by_id(self, file_id: str) -> Dict[str, Any]: """Get file details by ID""" return ( - self._supabase.table("files") + self._ow._supabase.table("files") .select("*") .eq("id", file_id) .single() diff --git a/openweights/client/jobs.py b/openweights/client/jobs.py index 9ca820f..346af83 100644 --- a/openweights/client/jobs.py +++ b/openweights/client/jobs.py @@ -69,22 +69,16 @@ class Jobs: base_image: str = "nielsrolf/ow-default:v0.7" requires_vram_gb: int = 24 # Required VRAM in GB - def __init__(self, client): - """Initialize the custom job. - `client` should be an instance of `openweights.OpenWeights`.""" - self.client = client + def __init__(self, ow_instance): + self._ow = ow_instance @property def id_predix(self): return self.__class__.__name__.lower() - @property - def _supabase(self): - return self.client._supabase - @property def _org_id(self): - return self.client.organization_id + return self._ow.organization_id def get_entrypoint(self, validated_params: BaseModel) -> str: """Get the entrypoint command for the job. @@ -108,9 +102,7 @@ def _upload_mounted_files(self, extra_files=None) -> Dict[str, str]: # Handle both files and directories if os.path.isfile(source_path): with open(source_path, "rb") as f: - file_response = self.client.files.create( - f, purpose="custom_job_file" - ) + file_response = self._ow.files.create(f, purpose="custom_job_file") uploaded_files[target_path] = file_response["id"] elif os.path.isdir(source_path): # For directories, upload each file maintaining the structure @@ -121,7 +113,7 @@ def _upload_mounted_files(self, extra_files=None) -> Dict[str, str]: target_file_path = os.path.join(target_path, rel_path) with open(full_path, "rb") as f: - file_response = self.client.files.create( + file_response = self._ow.files.create( f, purpose="custom_job_file" ) uploaded_files[target_file_path] = file_response["id"] @@ -134,7 +126,7 @@ def _upload_mounted_files(self, extra_files=None) -> Dict[str, str]: def list(self, limit: int = 10) -> List[Dict[str, Any]]: """List jobs""" result = ( - self._supabase.table("jobs") + self._ow._supabase.table("jobs") .select("*") .order("updated_at", desc=True) .limit(limit) @@ -146,7 +138,11 @@ def list(self, limit: int = 10) -> List[Dict[str, Any]]: def retrieve(self, job_id: str) -> Dict[str, Any]: """Get job details""" result = ( - self._supabase.table("jobs").select("*").eq("id", job_id).single().execute() + self._ow._supabase.table("jobs") + .select("*") + .eq("id", job_id) + .single() + .execute() ) return Job(**result.data, _manager=self) @@ -154,7 +150,7 @@ def retrieve(self, job_id: str) -> Dict[str, Any]: def cancel(self, job_id: str) -> Dict[str, Any]: """Cancel a job""" result = ( - self._supabase.table("jobs") + self._ow._supabase.table("jobs") .update({"status": "canceled"}) .eq("id", job_id) .execute() @@ -165,7 +161,7 @@ def cancel(self, job_id: str) -> Dict[str, Any]: def restart(self, job_id: str) -> Dict[str, Any]: """Restart a job""" result = ( - self._supabase.table("jobs") + self._ow._supabase.table("jobs") .update({"status": "pending"}) .eq("id", job_id) .execute() @@ -210,7 +206,7 @@ def get_or_create_or_reset(self, data: Dict[str, Any]) -> Dict[str, Any]: try: result = ( - self._supabase.table("jobs") + self._ow._supabase.table("jobs") .select("*") .eq("id", data["id"]) .single() @@ -218,7 +214,7 @@ def get_or_create_or_reset(self, data: Dict[str, Any]) -> Dict[str, Any]: ) except APIError as e: if "contains 0 rows" in str(e): - result = self._supabase.table("jobs").insert(data).execute() + result = self._ow._supabase.table("jobs").insert(data).execute() return Job(**result.data[0], _manager=self) else: raise @@ -228,7 +224,10 @@ def get_or_create_or_reset(self, data: Dict[str, Any]) -> Dict[str, Any]: # Reset job to pending data["status"] = "pending" result = ( - self._supabase.table("jobs").update(data).eq("id", data["id"]).execute() + self._ow._supabase.table("jobs") + .update(data) + .eq("id", data["id"]) + .execute() ) return Job(**result.data[0], _manager=self) elif job["status"] in ["pending", "in_progress", "completed"]: @@ -243,7 +242,7 @@ def find(self, **params) -> List[Dict[str, Any]]: jobs = client.jobs.find(training_file='result:file-abc123') jobs = client.jobs.find(meta={'group': 'hparams'}) """ - query = self._supabase.table("jobs").select("*") + query = self._ow._supabase.table("jobs").select("*") for key, value in params.items(): if isinstance(value, dict): diff --git a/openweights/client/run.py b/openweights/client/run.py index b57ccad..6ea883c 100644 --- a/openweights/client/run.py +++ b/openweights/client/run.py @@ -13,14 +13,13 @@ class Run: def __init__( self, - client: "OpenWeights", + ow_instance: "OpenWeights", job_id: Optional[str] = None, worker_id: Optional[str] = None, organization_id: Optional[str] = None, run_id: Optional[str] = None, ): - self.client = client - self._supabase = client._supabase + self._ow = ow_instance self.organization_id = organization_id self.id = run_id or os.getenv("OPENWEIGHTS_RUN_ID") if self.id: @@ -41,7 +40,7 @@ def __init__( "status": "in_progress", "organization_id": self.organization_id, } - job_result = self._supabase.table("jobs").insert(job_data).execute() + job_result = self._ow._supabase.table("jobs").insert(job_data).execute() data["job_id"] = job_result.data[0]["id"] if worker_id: @@ -52,7 +51,7 @@ def __init__( if not job.data: raise ValueError(f"Job {data['job_id']} not found") - result = self._supabase.table("runs").insert(data).execute() + result = self._ow._supabase.table("runs").insert(data).execute() self._load_data(result.data[0]) @supabase_retry() @@ -60,7 +59,7 @@ def _fetch_and_init_run(self, job_id, worker_id): """Fetch run data and initialize""" try: result = ( - self._supabase.table("runs") + self._ow._supabase.table("runs") .select("*") .eq("id", self.id) .single() @@ -81,7 +80,7 @@ def _fetch_and_init_run(self, job_id, worker_id): # reassign run to self run_data["worker_id"] = worker_id result = ( - self._supabase.table("runs") + self._ow._supabase.table("runs") .update(run_data) .eq("id", self.id) .execute() @@ -94,7 +93,7 @@ def _fetch_and_init_run(self, job_id, worker_id): def _get_job_org_id_with_retry(self, job_id): """Get job organization ID with retry logic""" return ( - self._supabase.table("jobs") + self._ow._supabase.table("jobs") .select("organization_id") .eq("id", job_id) .single() @@ -136,7 +135,10 @@ def update(self, status: Optional[str] = None, logfile: Optional[str] = None): if data: result = ( - self._supabase.table("runs").update(data).eq("id", self.id).execute() + self._ow._supabase.table("runs") + .update(data) + .eq("id", self.id) + .execute() ) self._load_data(result.data[0]) @@ -144,17 +146,20 @@ def update(self, status: Optional[str] = None, logfile: Optional[str] = None): def log(self, event_data: Dict[str, Any], file: Optional[BinaryIO] = None): """Log an event for this run""" if file: - file_id = self._supabase.files.create(file, purpose="event")["id"] + file_id = self._ow._supabase.files.create(file, purpose="event")["id"] else: file_id = None data = {"run_id": self.id, "data": event_data, "file": file_id} - self._supabase.table("events").insert(data).execute() + self._ow._supabase.table("events").insert(data).execute() @property def events(self) -> List[Dict[str, Any]]: """Get all events for this run""" result = ( - self._supabase.table("events").select("*").eq("run_id", self.id).execute() + self._ow._supabase.table("events") + .select("*") + .eq("run_id", self.id) + .execute() ) return result.data @@ -166,13 +171,13 @@ def download(self, target_dir): os.makedirs(target_dir, exist_ok=True) # Logs if self.log_file is not None: - log = self.client.files.content(self.log_file) + log = self._ow.files.content(self.log_file) with open(f"{target_dir}/{self.id}.log", "wb") as f: f.write(log) events = self.events for i, event in enumerate(events): if event["data"].get("file"): - file = self.client.files.content(event["data"]["file"]) + file = self._ow.files.content(event["data"]["file"]) rel_path = ( event["data"]["path"] if "path" in event["data"] @@ -185,9 +190,8 @@ def download(self, target_dir): class Runs: - def __init__(self, client: "OpenWeights"): - self.client = client - self._supabase = client._supabase + def __init__(self, ow_instance: "OpenWeights"): + self._ow = ow_instance @supabase_retry() def list( @@ -198,7 +202,7 @@ def list( status: Optional[str] = None, ) -> List[Dict[str, Any]]: """List runs by job_id or worker_id""" - query = self._supabase.table("runs").select("*").limit(limit) + query = self._ow._supabase.table("runs").select("*").limit(limit) if job_id: query = query.eq("job_id", job_id) if worker_id: @@ -206,4 +210,4 @@ def list( if status: query = query.eq("status", status) result = query.execute() - return [Run(self.client, run_id=row["id"]) for row in result.data] + return [Run(self._ow, run_id=row["id"]) for row in result.data] diff --git a/openweights/client/temporary_api.py b/openweights/client/temporary_api.py index 0fe6ade..b1290dd 100644 --- a/openweights/client/temporary_api.py +++ b/openweights/client/temporary_api.py @@ -12,7 +12,7 @@ class TemporaryApi: def __init__(self, ow, job_id): - self.ow = ow + self._ow = ow self.job_id = job_id self.pod_id = None @@ -32,7 +32,7 @@ def up(self): # Poll until status is 'in_progress' while True: - job = self.ow.jobs.retrieve(self.job_id) + job = self._ow.jobs.retrieve(self.job_id) if job["status"] == "in_progress": break elif job["status"] in ["failed", "canceled"]: @@ -40,7 +40,7 @@ def up(self): time.sleep(5) # Get worker worker = ( - self.ow._supabase.table("worker") + self._ow._supabase.table("worker") .select("*") .eq("id", job["worker_id"]) .single() @@ -80,17 +80,17 @@ async def async_up(self): ) self._timeout_thread.start() while True: - job = self.ow.jobs.retrieve(self.job_id) + job = self._ow.jobs.retrieve(self.job_id) if job["status"] == "in_progress": break elif job["status"] in ["failed", "canceled"]: # Reset to pending and try again - self.ow.jobs.restart(self.job_id) + self._ow.jobs.restart(self.job_id) return self.up() await asyncio.sleep(5) # Get worker worker = ( - self.ow._supabase.table("worker") + self._ow._supabase.table("worker") .select("*") .eq("id", job["worker_id"]) .single() @@ -144,7 +144,7 @@ def _manage_timeout(self): new_timeout = datetime.now(timezone.utc) + timedelta(minutes=15) print(f"Updating job timeout to {new_timeout}") response = ( - self.ow._supabase.table("jobs") + self._ow._supabase.table("jobs") .update({"timeout": new_timeout.isoformat()}) .eq("id", self.job_id) .execute() @@ -158,7 +158,7 @@ def _manage_timeout(self): ) try: # Reset the job to pending state - self.ow.jobs.restart(self.job_id) + self._ow.jobs.restart(self.job_id) # Call up() to reinitialize the API self.up() print(f"Successfully restarted job {self.job_id}") @@ -169,7 +169,7 @@ def _manage_timeout(self): f"Job {self.job_id} is marked as completed but should be running. Restarting..." ) try: - self.ow.jobs.restart(self.job_id) + self._ow.jobs.restart(self.job_id) self.up() print(f"Successfully restarted completed job {self.job_id}") except Exception as e: @@ -185,7 +185,7 @@ def down(self): self._timeout_thread.join( timeout=1.0 ) # Wait for thread to finish with timeout - self.ow.jobs.cancel(self.job_id) + self._ow.jobs.cancel(self.job_id) def __exit__(self, exc_type, exc_value, traceback): self.down() diff --git a/openweights/cluster/supervisor.py b/openweights/cluster/supervisor.py index ff9749c..0fd421a 100644 --- a/openweights/cluster/supervisor.py +++ b/openweights/cluster/supervisor.py @@ -64,6 +64,11 @@ def get_org_secrets(self, org_id: str) -> Dict[str, str]: return {secret["name"]: secret["value"] for secret in result.data} + def is_org_managed(self, secrets: Dict[str, str]) -> bool: + """Check if organization has OW_MANAGED=true.""" + managed = secrets.get("OW_MANAGED", "false").lower() + return managed in ("true", "1", "yes") + def validate_org_secrets(self, secrets: Dict[str, str]) -> bool: """Validate that all required secrets are present.""" required_secrets = [ @@ -192,10 +197,31 @@ def supervise(self): for org in orgs.data: org_id = org["id"] - # Check if we need to start a new manager - if org_id not in self.processes or not self.check_process(org_id, self.processes[org_id]): - try: - secrets = self.get_org_secrets(org_id) + try: + secrets = self.get_org_secrets(org_id) + + # Check if organization is managed + if not self.is_org_managed(secrets): + # If manager is running but org is no longer managed, stop it + if org_id in self.processes: + logger.info( + f"Organization {org_id} has OW_MANAGED=false, stopping manager" + ) + process = self.processes.pop(org_id) + process.terminate() + try: + process.wait(timeout=5) + except subprocess.TimeoutExpired: + logger.warning( + f"Had to force kill manager for organization {org_id}" + ) + process.kill() + continue # Skip to next organization + + # Check if we need to start a new manager + if org_id not in self.processes or not self.check_process( + org_id, self.processes[org_id] + ): if self.validate_org_secrets(secrets): self.processes[org_id] = self.start_org_manager( org_id, secrets @@ -204,10 +230,8 @@ def supervise(self): logger.warning( f"Organization {org_id} missing required secrets" ) - except Exception as e: - logger.error( - f"Failed to start manager for organization {org_id}: {e}" - ) + except Exception as e: + logger.error(f"Failed to manage organization {org_id}: {e}") # Clean up managers for organizations that no longer exist for org_id in list(self.processes.keys()): @@ -228,7 +252,7 @@ def supervise(self): except Exception as e: logger.error(f"Error in supervisor loop: {e}") - time.sleep(300) # Check every 5 minutes + time.sleep(5) # Check every 5 minutes def main(): diff --git a/openweights/worker/main.py b/openweights/worker/main.py index a8bdd5e..fc33e94 100644 --- a/openweights/worker/main.py +++ b/openweights/worker/main.py @@ -39,10 +39,9 @@ def maybe_read(path): class Worker: def __init__(self): logging.info("Initializing worker") - self.ow = OpenWeights() - self.supabase = self.ow._supabase - self.organization_id = self.ow.organization_id - self.auth_token = self.ow.auth_token + self._ow = OpenWeights() + self.organization_id = self._ow.organization_id + self.auth_token = self._ow.auth_token self.cached_models = [] self.current_job = None self.current_process = None @@ -104,7 +103,7 @@ def clean_gpu_name(gpu_name): ) for error in errors: logging.error(f"GPU health check failed: {error}") - self.supabase.table("worker").update({"status": "shutdown"}).eq( + self._ow._supabase.table("worker").update({"status": "shutdown"}).eq( "id", self.worker_id ).execute() self.shutdown_flag = True @@ -114,7 +113,7 @@ def clean_gpu_name(gpu_name): f"Registering worker {self.worker_id} with VRAM {self.vram_gb} GB and hardware {self.hardware_type}" ) data = ( - self.supabase.table("worker") + self._ow._supabase.table("worker") .select("*") .eq("id", self.worker_id) .execute() @@ -129,7 +128,7 @@ def clean_gpu_name(gpu_name): ) self.shutdown_flag = True else: - self.supabase.table("worker").upsert( + self._ow._supabase.table("worker").upsert( { "id": self.worker_id, "status": "active", @@ -155,7 +154,7 @@ def clean_gpu_name(gpu_name): def _update_worker_ping(self): """Update worker ping timestamp with retry logic.""" return ( - self.supabase.table("worker") + self._ow._supabase.table("worker") .update({"ping": datetime.now(timezone.utc).isoformat()}) .eq("id", self.worker_id) .execute() @@ -165,7 +164,7 @@ def _update_worker_ping(self): def _get_job_status(self, job_id: str): """Get job status and timeout with retry logic.""" return ( - self.supabase.table("jobs") + self._ow._supabase.table("jobs") .select("status", "timeout") .eq("id", job_id) .single() @@ -177,7 +176,7 @@ def _get_job_status(self, job_id: str): def _cancel_job(self, job_id: str): """Cancel a job with retry logic.""" return ( - self.supabase.table("jobs") + self._ow._supabase.table("jobs") .update({"status": "canceled"}) .eq("id", job_id) .execute() @@ -257,7 +256,7 @@ def shutdown_handler(self): log_file_path = os.path.join("logs", self.current_run.id) if os.path.exists(log_file_path): with open(log_file_path, "rb") as log_file: - log_response = self.ow.files.create(log_file, purpose="log") + log_response = self._ow.files.create(log_file, purpose="log") if self.current_run: self.current_run.update(logfile=log_response["id"]) @@ -276,8 +275,8 @@ def shutdown_handler(self): try: # Update worker record with logfile ID with open("logs/main", "rb") as log_file: - log_response = self.ow.files.create(log_file, purpose="logs") - self.supabase.table("worker").update( + log_response = self._ow.files.create(log_file, purpose="logs") + self._ow._supabase.table("worker").update( {"logfile": log_response["id"]} ).eq("id", self.worker_id).execute() except Exception as e: @@ -286,7 +285,7 @@ def shutdown_handler(self): # Update worker status try: result = ( - self.supabase.table("worker") + self._ow._supabase.table("worker") .update({"status": "shutdown"}) .eq("id", self.worker_id) .execute() @@ -340,7 +339,7 @@ def find_and_execute_job(self): def _fetch_pending_jobs(self): """Fetch pending jobs from database with retry logic.""" return ( - self.supabase.table("jobs") + self._ow._supabase.table("jobs") .select("*") .eq("status", "pending") .eq("docker_image", self.docker_image) @@ -389,7 +388,7 @@ def _find_job(self): def _execute_job(self, job): """Execute the job and update status in the database.""" self.current_job = job - self.current_run = Run(self.ow, job["id"], self.worker_id) + self.current_run = Run(self._ow, job["id"], self.worker_id) # Create a temporary directory for job execution with tempfile.TemporaryDirectory() as tmp_dir: @@ -473,7 +472,7 @@ def _execute_job(self, job): # Upload log file to Supabase logging.info(f"Uploading log file ({log_file_path}) to Supabase") with open(log_file_path, "rb") as log_file: - log_response = self.ow.files.create(log_file, purpose="log") + log_response = self._ow.files.create(log_file, purpose="log") # Then upload any files from /uploads as results upload_dir = os.path.join(tmp_dir, "uploads") @@ -484,7 +483,7 @@ def _execute_job(self, job): file_path = os.path.join(root, file_name) try: with open(file_path, "rb") as file: - file_response = self.ow.files.create( + file_response = self._ow.files.create( file, purpose="result" ) # Log the uploaded file to the run @@ -496,7 +495,7 @@ def _execute_job(self, job): logging.error(f"Failed to upload file {file_name}: {e}") # Attempt to fetch the latest events for outputs - outputs = self.ow.events.latest("*", job_id=job["id"]) + outputs = self._ow.events.latest("*", job_id=job["id"]) # Use your RPC to update the job status only if it's still 'in_progress' for you self.update_job_status_if_in_progress( @@ -525,7 +524,7 @@ def _setup_custom_job_files(self, tmp_dir: str, mounted_files: Dict[str, str]): for target_path, file_id in mounted_files.items(): full_path = os.path.join(tmp_dir, target_path) os.makedirs(os.path.dirname(full_path), exist_ok=True) - content = self.ow.files.content(file_id) + content = self._ow.files.content(file_id) with open(full_path, "wb") as f: f.write(content) @@ -536,7 +535,7 @@ def acquire_job(self, job_id: str): using the Postgres acquire_job() function. Returns the updated row if successful, or None if not acquired. """ - result = self.supabase.rpc( + result = self._ow._supabase.rpc( "acquire_job", {"_job_id": job_id, "_worker_id": self.worker_id} ).execute() @@ -557,7 +556,7 @@ def update_job_status_if_in_progress( Updates the job status ONLY if the job is still in 'in_progress' and still assigned to this worker (atomic check inside the function). """ - self.supabase.rpc( + self._ow._supabase.rpc( "update_job_status_if_in_progress", { "_job_id": job_id, From a15849e82327587819ab76076f2ab101206883ce Mon Sep 17 00:00:00 2001 From: Niels Warncke Date: Wed, 22 Oct 2025 10:20:00 +0200 Subject: [PATCH 22/27] Fixed behavior --- .gitignore | 1 + openweights/cli/common.py | 41 +++++++++++--- openweights/cli/ssh.py | 109 +++++++++++++++++++++++++++++--------- 3 files changed, 120 insertions(+), 31 deletions(-) diff --git a/.gitignore b/.gitignore index 8a0cb19..c29b413 100644 --- a/.gitignore +++ b/.gitignore @@ -109,3 +109,4 @@ openweights/jobs/unsloth/check.ipynb .cache admin/ todo.md +.ow_sync diff --git a/openweights/cli/common.py b/openweights/cli/common.py index 32a63f1..783e596 100644 --- a/openweights/cli/common.py +++ b/openweights/cli/common.py @@ -169,13 +169,23 @@ def start(self): f"[ow] Initial sync (bidirectional via Unison): {self.label} <-> {self.remote_dir}" ) self._initial_sync() - watch_cmd = self._unison_base() + ["-repeat", "watch"] + # Use polling interval instead of watch mode for more reliable syncing + # -repeat 2 means check every 2 seconds + watch_cmd = self._unison_base() + ["-repeat", "2"] + + # Create a log file for debugging + log_file = os.path.join(self.local_dir, ".ow_sync", f"unison_{self.label}.log") + os.makedirs(os.path.dirname(log_file), exist_ok=True) + + # Keep the log file open for the lifetime of the process + self._log_file = open(log_file, "w") self._proc = subprocess.Popen( watch_cmd, - stdout=subprocess.DEVNULL, - stderr=subprocess.DEVNULL, + stdout=self._log_file, + stderr=subprocess.STDOUT, ) print(f"[ow] Watching (bi-dir): {self.local_dir} (label: {self.label})") + print(f"[ow] Unison logs: {log_file}") def stop(self): if self._proc and self._proc.poll() is None: @@ -187,6 +197,12 @@ def stop(self): self._proc.kill() except Exception: pass + # Close the log file if it exists + if hasattr(self, "_log_file") and self._log_file: + try: + self._log_file.close() + except Exception: + pass # -------- Remote bootstrap & shell glue -------------------------------------- @@ -329,16 +345,27 @@ def wait_for_ssh(ssh: SSHSpec, deadline_s: int = 180): time.sleep(2) -def bootstrap_remote(ssh: SSHSpec, remote_cwd: str, do_editable_install: bool): +def bootstrap_remote( + ssh: SSHSpec, + remote_cwd: str, + do_editable_install: bool, + additional_dirs: List[str] = None, +): """Bootstrap the remote machine with necessary setup.""" scp_text(ssh, REMOTE_INIT, "/root/.ow_sync/remote_init.sh") rc = ssh_exec(ssh, "bash ~/.ow_sync/remote_init.sh") if rc != 0: sys.exit(rc) - rc = ssh_exec(ssh, f"mkdir -p {shlex.quote(remote_cwd)}") - if rc != 0: - sys.exit(rc) + # Create remote_cwd and any additional mount directories + dirs_to_create = [remote_cwd] + if additional_dirs: + dirs_to_create.extend(additional_dirs) + + for dir_path in dirs_to_create: + rc = ssh_exec(ssh, f"mkdir -p {shlex.quote(dir_path)}") + if rc != 0: + sys.exit(rc) if do_editable_install: check_cmd = f"bash -lc 'cd {shlex.quote(remote_cwd)} && if [ -f pyproject.toml ]; then python3 -m pip install -e .; else echo \"[ow] no pyproject.toml\"; fi'" diff --git a/openweights/cli/ssh.py b/openweights/cli/ssh.py index c7260f8..13a2545 100644 --- a/openweights/cli/ssh.py +++ b/openweights/cli/ssh.py @@ -7,6 +7,7 @@ from openweights.cli.common import ( RunpodProvider, + SSHSpec, UnisonSyncer, bootstrap_remote, load_env_file, @@ -16,6 +17,30 @@ ) +def parse_existing_ssh(existing: str, key_path: str) -> SSHSpec: + """Parse existing SSH connection string. + + Format: user@host:port + Example: root@206.41.93.58:52206 + """ + if "@" not in existing: + raise SystemExit( + f"--existing must be in format user@host:port (got: {existing})" + ) + + user_host, port_str = existing.rsplit(":", 1) + user, host = user_host.split("@", 1) + + try: + port = int(port_str) + except ValueError: + raise SystemExit(f"Invalid port in --existing: {port_str}") + + return SSHSpec( + host=host, port=port, user=user, key_path=os.path.expanduser(key_path) + ) + + def parse_mounts( mounts: List[str], cwd_remote: Optional[str] ) -> List[Tuple[str, str, str]]: @@ -23,14 +48,19 @@ def parse_mounts( parsed = [] if not mounts: local = os.getcwd() - remote = cwd_remote or "~/workspace" + # Default: mount CWD to the same absolute path on remote + remote = local parsed.append((local, remote, "cwd")) return parsed for i, m in enumerate(mounts): - if ":" not in m: - raise SystemExit(f"--mount must be LOCAL:REMOTE (got: {m})") - local, remote = m.split(":", 1) - parsed.append((os.path.abspath(local), remote, f"mount{i+1}")) + if ":" in m: + # User provided LOCAL:REMOTE format + local, remote = m.split(":", 1) + parsed.append((os.path.abspath(local), remote, f"mount{i+1}")) + else: + # No colon: mount to identical path as local + local = os.path.abspath(m) + parsed.append((local, local, f"mount{i+1}")) return parsed @@ -44,13 +74,13 @@ def add_ssh_parser(parser): parser.add_argument( "--sync", action="store_true", - help="Start interactive session with live file sync (default behavior if no command given)", + help="Start interactive session with live file sync", ) parser.add_argument( "--mount", action="append", default=[], - help="LOCAL:REMOTE (repeatable). Defaults to CWD:~/workspace", + help="LOCAL:REMOTE or just LOCAL (repeatable). If no colon, mounts to identical path as local. Defaults to CWD mounted at same path on remote", ) parser.add_argument( "--env-file", default=None, help="Path to .env to export and pass to provider." @@ -87,6 +117,10 @@ def add_ssh_parser(parser): action="store_true", help="Don't ask to terminate the machine on exit.", ) + parser.add_argument( + "--existing", + help="Use existing SSH connection (format: user@host:port). Skips machine provisioning.", + ) def handle_ssh(args) -> int: @@ -94,20 +128,37 @@ def handle_ssh(args) -> int: env_from_file = load_env_file(args.env_file) provider_env = dict(env_from_file) # only pass what's in --env-file - if args.provider == "runpod": - provider = RunpodProvider(key_path=args.key_path) + # Handle existing connection + if args.existing: + ssh = parse_existing_ssh(args.existing, args.key_path) + print(f"[ow] Using existing connection: {ssh.user}@{ssh.host}:{ssh.port}") + + # Create a dummy terminate function for consistency + def noop_terminate(): + pass + + class DummyStartResult: + def __init__(self, ssh_spec): + self.ssh = ssh_spec + self.terminate = noop_terminate + + start_res = DummyStartResult(ssh) else: - raise SystemExit(f"Unknown provider: {args.provider}") + # Normal provisioning flow + if args.provider == "runpod": + provider = RunpodProvider(key_path=args.key_path) + else: + raise SystemExit(f"Unknown provider: {args.provider}") - print("[ow] Starting/allocating machine...") - start_res = provider.start( - image=args.image, gpu=args.gpu, count=args.count, env=provider_env - ) - ssh = start_res.ssh + print("[ow] Starting/allocating machine...") + start_res = provider.start( + image=args.image, gpu=args.gpu, count=args.count, env=provider_env + ) + ssh = start_res.ssh - print("[ow] Waiting for sshd to become ready...") - wait_for_ssh(ssh) - print(f"[ow] SSH ready: {ssh.user}@{ssh.host}:{ssh.port}") + print("[ow] Waiting for sshd to become ready...") + wait_for_ssh(ssh) + print(f"[ow] SSH ready: {ssh.user}@{ssh.host}:{ssh.port}") # Determine mode: command execution, connection string only, or interactive with sync has_command = bool(args.command) @@ -118,7 +169,14 @@ def handle_ssh(args) -> int: print(f"[ow] Executing command: {' '.join(args.command)}") mounts = parse_mounts(args.mount, args.remote_cwd) do_editable = not args.no_editable_install - bootstrap_remote(ssh, remote_cwd=mounts[0][1], do_editable_install=do_editable) + # Collect all remote directories that need to be created + remote_dirs = [remote for _, remote, _ in mounts] + bootstrap_remote( + ssh, + remote_cwd=mounts[0][1], + do_editable_install=do_editable, + additional_dirs=remote_dirs, + ) # Execute the command in the remote working directory cmd_str = " ".join(args.command) @@ -137,17 +195,20 @@ def handle_ssh(args) -> int: # Mode 2: Just print connection string (ow ssh) if not has_command and not sync_mode: - print(f"\n[ow] SSH connection string:") print(f"ssh -p {ssh.port} -i {ssh.key_path} {ssh.user}@{ssh.host}") - print( - f"\n[ow] Leaving machine running. Use the connection string above to connect." - ) return 0 # Mode 3: Interactive with sync (ow ssh --sync or default behavior when command given with --sync) mounts = parse_mounts(args.mount, args.remote_cwd) do_editable = not args.no_editable_install - bootstrap_remote(ssh, remote_cwd=mounts[0][1], do_editable_install=do_editable) + # Collect all remote directories that need to be created + remote_dirs = [remote for _, remote, _ in mounts] + bootstrap_remote( + ssh, + remote_cwd=mounts[0][1], + do_editable_install=do_editable, + additional_dirs=remote_dirs, + ) # Start bidirectional syncers syncers: List[UnisonSyncer] = [] From cb0334ee098a98be037324b9edc490643302085b Mon Sep 17 00:00:00 2001 From: Niels Warncke Date: Wed, 22 Oct 2025 13:14:36 +0200 Subject: [PATCH 23/27] test and update cookbook examples, update readme --- .env.worker.example | 5 ++ .gitignore | 1 + README.md | 56 +++++++++++++++--- .../api-deployment/context_manager_api.py | 2 +- cookbook/inspect_eval.py | 12 ++++ cookbook/sft/outputs/logp_tracking/loss.png | Bin 20231 -> 24819 bytes cookbook/sft/qlora_llama3_70b.py | 3 - cookbook/sft/token_level_weighted_sft.py | 1 + openweights/client/jobs.py | 31 ++++++++-- openweights/jobs/unsloth/__init__.py | 5 +- openweights/jobs/unsloth/utils.py | 5 +- openweights/jobs/unsloth/validate.py | 8 +++ openweights/jobs/vllm/__init__.py | 4 +- openweights/jobs/weighted_sft/__init__.py | 2 +- openweights/worker/main.py | 1 - 15 files changed, 111 insertions(+), 25 deletions(-) create mode 100644 .env.worker.example create mode 100644 cookbook/inspect_eval.py diff --git a/.env.worker.example b/.env.worker.example new file mode 100644 index 0000000..d2aaffd --- /dev/null +++ b/.env.worker.example @@ -0,0 +1,5 @@ +OPENWEIGHTS_API_KEY=... +RUNPOD_API_KEY=... +HF_USER=... +HF_TOKEN=... +HF_ORG=... diff --git a/.gitignore b/.gitignore index c29b413..445bb9c 100644 --- a/.gitignore +++ b/.gitignore @@ -110,3 +110,4 @@ openweights/jobs/unsloth/check.ipynb admin/ todo.md .ow_sync +.claude diff --git a/README.md b/README.md index c5420c8..7dc1f46 100644 --- a/README.md +++ b/README.md @@ -6,11 +6,28 @@ An openai-like sdk with the flexibility of working on a local GPU: finetune, inf ## Installation Run `pip install openweights` or install from source via `pip install -e .` -Then add your `$OPENWEIGHTS_API_KEY` to the `.env`. You can create one via the [dashboard](https://yzxz5i6z2x2f0y-8124.proxy.runpod.net/). --- ## Quickstart + +1. **Create an API key** +You can create one via the `ow signup` or using the [dashboard](https://yzxz5i6z2x2f0y-8124.proxy.runpod.net/). + +2. **Start the cluster manager** (skip this if you got an API key for a managed cluster) +The cluster manager is the service that monitors the job queue and starts runpod workers. You have different options to start the cluster +``` +ow cluster --env-file path/to/env # Run locally +ow deploy --env-file path/to/env # Run on a runpod cpu instance + +# Or managed, if you trust us with your API keys (usually a bad idea, but okay if you know us personally) +ow env import path/to/env +ow manage start +``` +In all cases, the env file needs at least all envs defined in [`.env.worker.example`](.env.worker.example). + +3. Submit a job + ```python from openweights import OpenWeights @@ -118,19 +135,42 @@ job = ow.inspect_ai.create( ) if job.status == 'completed': - job.download(f"{args.local_save_dir}") + job.download('output') ``` --- +## CLI +Use `ow {cmd} --help` for more help on the available commands: +``` +❯ ow --help +usage: ow [-h] {ssh,exec,signup,cluster,worker,token,ls,cancel,logs,fetch,serve,deploy,env,manage} ... + +OpenWeights CLI for remote GPU operations + +positional arguments: + {ssh,exec,signup,cluster,worker,token,ls,cancel,logs,fetch,serve,deploy,env,manage} + ssh Start or attach to a remote shell with live file sync. + exec Execute a command on a remote GPU with file sync. + signup Create a new user, organization, and API key. + cluster Run the cluster manager locally with your own infrastructure. + worker Run a worker to execute jobs from the queue. + token Manage API tokens for organizations. + ls List job IDs. + cancel Cancel jobs by ID. + logs Display logs for a job. + fetch Fetch file content by ID. + serve Start the dashboard backend server. + deploy Deploy a cluster instance on RunPod. + env Manage organization secrets (environment variables). + manage Control managed cluster infrastructure. + +options: + -h, --help show this help message and exit +``` +For developing custom jobs, `ow ssh` is great - it starts a pod, connects via ssh, and live-syncs the local CWD into the remote. This allows editing finetuning code locally and testing it immediately. ## General notes ### Job and file IDs are content hashes The `job_id` is based on the params hash, which means that if you submit the same job many times, it will only run once. If you resubmit a failed or canceled job, it will reset the job status to `pending`. - -### Running a dev pod -Start a pod in dev mode - that allows ssh'ing into it without starting a worker automatically. This is useful to debug the worker. -```sh -python openweights/cluster/start_runpod.py A6000 finetuning --dev_mode=true -``` diff --git a/cookbook/api-deployment/context_manager_api.py b/cookbook/api-deployment/context_manager_api.py index 2559fb0..019a65f 100644 --- a/cookbook/api-deployment/context_manager_api.py +++ b/cookbook/api-deployment/context_manager_api.py @@ -2,7 +2,7 @@ ow = OpenWeights() -model = "unsloth/Qwen3-8B" +model = "unsloth/Qwen3-4B" # async with ow.api.deploy(model) also works with ow.api.deploy(model): # async with ow.api.deploy(model) also works diff --git a/cookbook/inspect_eval.py b/cookbook/inspect_eval.py new file mode 100644 index 0000000..b31b839 --- /dev/null +++ b/cookbook/inspect_eval.py @@ -0,0 +1,12 @@ +from openweights import OpenWeights + +ow = OpenWeights() + +job = ow.inspect_ai.create( + model="unsloth/Llama-3.2-1B", + eval_name="inspect_evals/gpqa_diamond", + options="--top-p 0.9", # Can be any options that `inspect eval` accepts - we simply pass them on without validation +) + +if job.status == "completed": + job.download("output") diff --git a/cookbook/sft/outputs/logp_tracking/loss.png b/cookbook/sft/outputs/logp_tracking/loss.png index fc3775469f5bc628f6d11c8f8b394aca68b16318..2f521b33eda134e4fa3c0efa067bfae968f5d9e2 100644 GIT binary patch literal 24819 zcmd43WmuHo+ctXB2m%(Ov;rcHARvvRba#i8fON;eSfC)C(n`0|Ln|WPB@Cs+&^^FV zv)A~4p7(k8@$O@P+8_3Z-+{lG`(F22>t5@+&g(qSH6Jw8>UI1BPV;O7FOcI$LI9FuHbcXx8qa!#-amSx#X%~=m9}gmbm}$3Z(PxA;`j9@#$k7-?Ysc z5>K76lcQbsrWokXr8`%Qo@_T2!r@_^L=CTB6CtY?#`HISA0wMM6CGs_ovK{#`0S=EL|NfTN z+n)q%!hHSwx-ujKre|(It$tvf@W+kVi&L=|1TtPMxc>t~8@&NWS*H*b)ZCB?L3VE; z()q@K(y3}kc04@1YuB%{9L)xlTie>|`SnIJh%c@cmnW{Qyts7va=cswZ5M^eG_#?h zVSh(&y0|`X-8_Dwc7Eh&k*=~)wF8^F#O_af>0o>N!p5B+d=6z57S@xNmXb0v^IM|k;N$a=l50xzpIt9+;dN<3CqA?vei}@1etMJ?K_`-- z8vrGzmN(Ertsas`(;fnDf1lo#@claNF(6stgcQcizoD{T>Q2~0Wd?_3W@g@?q3Ov@ zGAkmOJU^N%mz{q_K(YwF8vmTE)C4@}vh=zgE1_D?@FV>860A?!Bd+rRoVY zkJ+PPWxlQvb!nanQ=jyp&4U9^zoQu+uTJ9z?^4PF%1}y%*w3<|YjEEYRT0JW6SVr2 z8Z~@uqOh5Sb0ar5cXco|K0aq)F6h+h+=uf_3bPn@A{sfNEg8=Fvv3<}>NCRzCLyuq z;zaqLN-}d-SJw$5K{Z`W*WKOS^A;aBcYHARbj}@gzbAx(F0I_J{t)69rGwI54M=0B z^DcT6R8&S$_V)I|!NI{uwj`71TwGipQd><&vm;Tb8<6j% z`=1zA+t1W{o%k*MiYRu+wp^h3VAwOvKH5)DFOi3tx%CiCl#btYae1@D{@z~2=1hZr z=JsS|$MV90RlsU)QjvsnTL^`)x%nLD(b4vtd2l3^^x00;riATU&}?RIzt#Kp!QAnJwJ_QBGdJlvk!4m5f4S?=FNL8XM5pN`jUa&+b!6jVNv%;vudW` zvv1we%d5Q^lE%UG(m{aJVo2d>1of8cjQZ*F)Z#idFq+GG-ke^ zM@x-sl^S#g91RUWaho;PbuY+A(sNMI343N7ZA@zWqt}+sg3?_AAYUnbX1K?f5Or!H z{c-_n?$JQ;jyVy>aTSs(bt%l#yLay%xb7@=#TEBrwPmZovKf&rb9k>sQCRfVyPm&5 zDwHhKLCVC2^J}5T>WeoE9tD1ZJ&8Ocs0Q!N;r*l0^8^%U5xn4snYFcbLMpA6URzE= zVRUZu?1<)L&Ay3K^n^KjB0nU~9ER4Fq}o;~@IF68x^z@463Hz6_AWeRDz@oK?8m@R zNJc0lN)!$i&Ct0t-l?5-58wKeDrgrevC~T6pOKLgoPYC90VBs)c&`6%o$_=t@gg6! zK4a~uqupK6rS;->RQZB|$F5BpvP3-~c&tTnN|*&~R`+)lv=*8v6J=kAsR>D!3yf_E z=K3q?(%JT<Pxr3pKwNM%X}cqepFQ&UemOq4k_oU9eApBM#SVDf{u;?$-5hC2!{-fIs$Q2mmt zR%SsMoAczpR1tlIG#lHqx!{eomi4lR{+rjYXQQ~i*G5bm{?4GG%y-~_#1d>PBBZ|aq>h0*3p z99E3bqYTQD7r(d5*T%HD zLKyT)3_k127yCuqjW9yX?N|80VqDHD6kz4#Huavg*^3H3lTCW1>4m3TNUeMGnWk(Q z2x^&(4!W`loF##vb7C(FwOGSA&%cDgbuF~3*GJQY(P9q124ln$pVZRDx_*DNT9U?M zq9~sf>4br0!Tr&Q^nvSq>jHi@nJD&TqNOPCqWjKDJB|6Mc~S~rzL~6~)Po0_N%06U zS7?uc@xx7|&0yAJvCe8Iq+TElhF;Ij%Ui=lQWhO%ab{;vWi1QIJ$trlxg*a6)44cm z!LDkFI@~vvdENwglcs>1h76qNCpz9t!G_247 zJ${+VVXoKuxUjUev@zIbP9VcX@e2O^8gS%{bgG@P4G#~mBqAoB`q9?rL_k7Wb-vrd z1oCUD$bj(kpQMr!#Y#N|Q4Y8Ee^;=xYiVgcPkrR}rPQ#}ww~hKw{JC?`!MusIUEz{~@o;Nw3eNFo}OEamco)RPljDCU%HvlApti;4N1S#BoZltFt}U$$Zn zb~NKAI|1To<-3rOHDNtQ%KomdA#?q}z{U&4XHTF0J~`ZU3^+$mIJLL8>w*{Imn1Ul zD;vzGgGnXlYaFZzIzOp&rh@kOw1Vrz-{M34nQNDHipz8@*F9DX2`w0U@%~R>1vWbl za#1n=A7E>P(4BFVc+3hhRQRg^3BEri@ z5WqLl-?c88v+l!Tq;S+@^cjakrbe~qDab*0gMxy#oNsb+aB#$kdMvv-T@G1)u3|#7 z@OP?C&)d6ZtJUp{zV~RV=rP zfX=?V`u_tgwqImWE*uo4u8?Yd2R=TlerGxS&iegbo-z1ZRDSXU}U1z&v z4}%I8*|KwsPxPJKuEunDQ0pfa=xsP404MXIF4{$ho1jvk(M5VhDk|(Wmy^Bd^Wx;c9VCDCH3CKW%D!TDCT< z@XLHyi+23d@KN8HoiqZyPhEl1XwE_1=<;IXi3^?^G~~6X+5A-wUUwRqB)s77_W37) zwFN?OWrFUHIk;Yo!09XUrHFMg(YDNC?z>NI&nh!LU9|KwY2xF%OwCIZ2NLhq=bl5* z{J{#|+nOVdjK;%LVGL$_k@LvMLC5%FZg6~9g!gaG00q@-WpM z1K38xSV~mSh<+6{lS?`6F{p7`Ki!3lOyrzn8pT~g&qVGhD)l(^pQetIC(83Vv9*ak zyuv4R7(n|fNNVp8ou2FF`?aywBH!cP&IJo*Z=0@OK>@;!LJ&V$5T~(DkXvD31*@i% zQI+yuSWnu~1o>_f32}8aU4Za-xMY7wZEe!o`mo+`o!M832Uc$=8PxG65_D&1J0XwO0(Ncc67no+_y}5#vD$=m-weGR9QvkBV$FHkmEQ9 zQ;X}LC+BrmE?^@(A5Um%aZ*WCo-^WB@1I_|9PAJ@yJ8k$^Cz3Y`YbvT#c)A?(k|cm zG2ldu<|BPCXS}17!M*UB{Dws|SVIUwRj9Y8Ck_{T0d5#r^F!7+#Vsycqj)$um3j?2 zG0W=uoipa8F*CRQ`cFe^q7p@^%vt$NCm(-#Vk#|x{1Q~qTVI=LrtoF)W5$5`I{BT05N5ew zYHzUCap_34u)gl#x}eAk^^YjiDWw5Auz7@f9^&nocx_D^hJ}UYz)lbM0E|~`2|8Ch zF+e}^^62dEA7@flQYs33I5oI^pnIBz+BTWf{y?~j@`=O6E_a@B) z&@d+6DYgJX_ocC7;4O=AOxS_l;7e5^y_fx?ulJLn&0=Rv zKK+UAKGfi|T_!ujo*8)8JP4D^%F3!RQD&-sOiz7Ri zSJYWv^~*ii&}^=t8B4{mq_gN19^qa0n$^g08?7E8Z7MwIQR&%P;B6s?cxxLQMT2A^ z8g?ULC_@2zah~h8@Joy|!=B3G<;#)`@q*V2(RXBj4h$G5E+aB)I)n9p2SDcZLwaS~ zvz;@lu|&w>rO(?JiDzMZg5SK}EH0!rD4AF*RG%e^_-vWTn$dAB)Ze;3(Oy?4T$YfY z&U5wZ)kI2oA`^aDiQPa(1;9*k7cdzacr!!KuB{GJ#KA9}aOt3;-;*qZ1IBWm_SWwY zO^2oA@t>LQLNBsT!+;1^PJ_i6V|E)QIrIwI5SIr6J>W7fKl{YLd4e_#6nE7Aed4 z8A4Yn_vc#^T$N>GQ>C{vZn(nTM+8tNBe*MlsAUVgtBFm{+yr(ts}JO>Z#{LQCV`+L z61+j{y)dPvB#OhS;Lmu??uOz69FEs%?5W^nZLJWb!-SvJ)jJ!#F>SdJruN|4qB-nz zLr`A0@JoqkED&MJOsIJfd(}7oa2}{@w1|8 zlT5~PKl|S8kZ7I$qNUi!>+S>SCw?~kEXA{GE?G)j>a~Rn9u_uEZVd@diG7gT3%m(s z;*y(-hId><28_FLX z(b#M7HTLv0>qgR4ts31B;`8yT|CUXu1Ysjrgb^If2FZXbnd?c=*ih+Q**YUvMv3$L zmQnKEiH?6Gmn4NVItMsJmds`5Mj_kZDk78lcReF5=MU2Ec5&W!``2>@{H)Mav%;f+ zIGW(Jz&oT(pxruJyumjK@d-V>)g%YsTB2$*uy(|{D7-FGhYHVaJd(JrD%!1J}&|2QQ2bM4A zvLeOJ=arL1&gbJZ^u@vI52*%iuPgRuF+YT$vZv623>~F)SB=i86k;Z2)ax+u)1_Ps z2r7^wl%dkeJsM!G#zyLjj{X}34;Z%Q{+}QdyYh3I6%s{muvjd^>PemE4D;$tNk;M~t6Oz-RVIf_T|WP&o&wC|r*F0`yy0I= zMoMFR^)JVyP;qjPJn;&*$ixgSDBmabr-Ux4*uaTsFV#m76+q3;yBJ~>eW#bEnNHMUI1ZL{V2hwzezmwP2}o%`_+ zj~^5{VqR;kaqQ|+#V8wF+wSBCR@R_gdj2#(V9)y5UrW1NYuAkBOLF#<=1qGE2%%QC zz;@OUN`@jAyLCW#Bx+{MeTa%0FhtXi$9LzNmu)f@2Z)riO2z&gW{SN(G|&!cGhUD> z6YVl#dLI>>f)Cqh1E7Q5!`R~bhc}7~waBCYEzKVw&wFqkJ z=;XLiPEJmqSSczhCPbB0Slfkw2)njGzOb%1!_1TvOqoqizLQx0J;0O$WcO-7Ds1T6c5C^=U{ba?`ZE2U`9K{pS4x_IYuLwyj)08@-DhdPvu$*Ib`z^pE=O$=uIx2^p|{rC*-G(92aMt&*YSx$^s! zSjL9EsaCK5K|;s7k`L9P-oCzsba5ZCf$P_=+kkX_jggTT$1Z|0wG;59)@!4Me>XRI z0KrkdcUDkvAMnZ&TR}dU=HYRd3Gd2Z<1YDJ#HAZb10IgXAXpQO5VqvgrhB1lIq zbVN-sfknUt65>!>6?o}?FV*BPcb=RZp46GDBv(azvpuRJzy%Ul9&jTb0dbmpxdAo4 z`Vs<_F(Sf}Yz9J$k$7<0`zfkNodfb@O5OK~DIhqxfrsv^SO1BkhZyGzsab(9m1qYn zLk|+EoTC5oQY}bIHxj0fp5X#U2=sy<@h;b0vq$05!G7X*r|cXM%NtUy3tkT{30F%p z_8bAQ#*}v(UznWwc($>uQsqouyo;CH%g5ugIMr8O&jMp40R(4ffoOGJWMwx0AvFH+ z?Fu2l@IS8bOO)NX9Dq*%xdxHKcSu#&-@ONkOltNSu3ARDgGi&YYQ8&OV=RgCv0GF^ z7*XIVh)Z}^7)36d7-;d52#`PRsd{*Vjbj^*3;#WIhIbbRW0N=g+P}e-Qi7CD2aV zb5cmZZ3 zzC8JqV^2C7XN5fXVGSi$NDqU#Uw(jdq zX55=L;Daa`#B}ERb&_~Z5BfgakK_qh{km*eVSNd2Q1&g+iK5O6c+S!dO){{uxrkf$ ztGzdkFhC_)1R+TRq|mUigT6a}Net%Z;3(X?D%8N1Mg|Yv4`UM&RR1A+R(vKo@e3Dh z{-+#bg@heO6^2Jfa;vIzG6J?lf%q}4$RrNrj!%!={<R;+8)M zZ{yf@#@64z4Q@Yj%>tEH=YOi7a$@7Cwo8f?i>T6*M*?NpCbQW?ZY@iNSbl`?uOD6y z?v;hRxjC6|H9RLA=;mgEQiUAzK>0oRSW8>mi*LRQ-{OC296zh^61}17^o|dqWNIhp zs3}~1^j|@iLb^G0nS)?~Y-wppclr2xTiD}Du$v)AG)UId{|~`%ysegml0F(JXKO8) z5`GoU=3`io(W`-gW?Oni!sv>efLG@0;e`?(E2(L6;I`LSBgmxMAt56iHJ@B8;=N&j z)B0H1*_8nwm@q3vO{S}HfJP_O)jjfCO3?S@k@2O}JupV&mm!llKuBP1sndCVuDU-! z3&9;MQ!?WTh%aAB?eiXP(ZBPx0wenqX1Y}1Ho(`G>-!uY9Am{Z3`Tbwu^*FM-pCJDnA0Bf^eYy zg7NlUGqXdhe}Tn;P$v0FR%X=CaSHE4D8s=R+*^XX<9&El((5iR-nhk*Cq5#eJZZZN z{fH-j?ET>KWvEpVJe#(JkQkcpy#oG)+m8J}{>{6}bbC$W9;iHA-9f{0n-&S4W!Xq$H6}GbBL|0sEY9B#QKi_1ApnQ4g zZ6QA)c<3swfg#IRT3oIAOxroQD0m%oN~f{0F)aXpTUv|x9h=R+7#ISA{tkVE z2f-QeuG}PrJ39fA4A&oyc3n=Qe-!OKivJx$&QiV{FEPvyJo|WC&>C#CYqxK6SXx>R z14S1D)KJHgrUJ7*u9`R6vHQ4qoh$$?FD)tNtEF4-Eq2+_-_nKBBm-(n%$kgdDd`Ic z7J)KY+*Dc+^!=iFxXSFS)NB%pO*@Glfs5a_LduhW4t|zJZ>lr_@kqBHFex?|z>Y8F zX9nTQZyi~3&5^B!x_4)eC;qUrzZ<2)_a&b4I?-%y*@8%ptDz;#!LE#ri(~oo=g*ci znaN^`bHrjsc*?3(s_Npa@`>)092US6Ly$9$Mc79J9ah=dxy;08#)}=MqNy3vENX3M zw;sjD#-=OvOG%nw@^lWMhV{?MJ6Bw40Qeca9#cQY~BL@on}H}cwk+- zv9~o+ype^#X;0%+pl}Jbm52vT-;tI!2l6``kly|86i|bR7z9)scc3410a?`s=so#? z8z1~3D=RBDQBlKd*RCCWxh5^G^=>GrCso|1?4aHiK7D{Onl$_-;+ph(N&r2+b!`Q; zuyxPqq<$yk!Oj1Qg&@)cVUU{v;*lgg17LZ5C;!R(>W|E8SFU8abhtO(9+RI<{-wkB z(4e`lDak|>qpsM)5nFv)u{gve+_gAl+TM{W@L=mlz`vvb5a_?)Xh`^Fc^l}KYIE^F ze?En!#ar`XAK)Ulpsh-RrLot=FFF^6a^b9uyIi%U+&ll+ydtz?NUrO3t=vZH{%kY!SEVeX~zom1rpNUlf_Jiqw?Is+N zgxdU0!sH3!>DolI>+5BbOhAwb_*wr5lgSa7tr5Mn*Mxu z8Sh$a8YLx!3<&V9B%*hs6Ww)_LQV|ENa>H-l@xowmR}?O$9R0@*5zHnmTlcX|GU1r z&w^od??G`bYHST@NniPd@NT*6=Mke~UOh0QiU%dLK|w%v-|OLPc{IQju<-zAwm8^C z>K|^+tdG}xKRbgpExk#tS1dmHd=j|*IS_FkuB)YCvb>dd`-vYy)$G_Wd_$opA<51~ zbVmmAe^+u29O35pK*=KJ@pLk^5&Bw-ofLYHmZgOzpwDGGSZl{aYilaUb6+a znPwHgoz!YAJ+Hu3 z+q#LTLDUQg&{ZVR^OnF|O&qyQRVk(jJFRUke}B&FaGQhAeC)g5#qb7?K!9w8LCo5@ z%5RtoqymB~{C1rrR3sV2p0 zPIJLJNUK+}ogUFoksrTStnkS8Sbs9$kvSmH*m9niu|lnah$fPq+PR>(T;(La)vFuR zh{}(&LQ0YJmUhH-<#O{m#bTZBcDOUk)c_@7`nf7$ic-1ph3w4 z>_GD)EuTcP7k(y?pj9+&)ta z;b*tuqcNcR+H0LyS21UC#m3-^8ffm98^_fTf75hA&3(Ie3zEo05@fZsv;Zi#zJT*n z@FEtk!RQ$ow>EAQP8Z?`S9fEoOQp$2haHJJpN>cFX-|-rNMOtLEB*V;GyqC~G6pvB zc3zY74$3z1HSWAFG5Gcb3@>k6pUsk1$N_L2ct-0h{7p7#*>dxvHUUcuYz^%t^ldFl z1Gaza*{gtxBQ=+jW_7}-0r891lE_r!|DKr8Z^m8(;H*74mTe&?K|*H%lQv0+20!=+ z5zpO4utQfQg8dHlfY|irxf~Z~_w4bhuQKYl*h!r#K>(k{W5rJ!lJThVLp-QI3h5~N z(0SS*2zY)Lwu0A7Yo~`9=XJ_f#}#nQQmRMo`u^@*SyI8E%#5<_O%B6%6-Uu9qY$!S zAT)vY-tc2!+C@^cv1wL?v5z1NVP`7167YA-lK2A4#Yv-SgZDqVJTP!W+81I$VE_6~ z2D6$s8&{i$^>i;q78Wmt2An7b#*5->KFK`~4iJ*2eTft%^S>yNc$pd0l?LeRb2 z__M%{RAoOR_v_kdd1LI&^{P=>m^6RW=|WECa1Jm-7E*fvS>g)YV$&F z8j^6zB7k4!5z~wilkYs{>D zG(q~Y(5d|D@zDi0B6!M(gNKVoJ=a@oGQrt=e(1BN)1||s(&7Ep6(W^>&UhBTc4tR+ zsI`p%2i6xC>7~=+Q&Wo_3GwChq`5VuTB`Fa?Ox7~KlJN=<4CACd$IYH+?aEKAcy7( zB#{Ib<`ib3Uwk|M?OVcgS?!rbK6755IasY3DgG_f;uQ_dN}lsylojaB*d8lRTa7Bm zPBaXkNt4KP+Q)aByl~zNe@cr?DHtn1zs4Mp%(-@VclUtZ1q9UA+pBa;cgoE? zs^sRe=k>ZlCO$F}UU=_|d}d1RXBIA+o!(>{{{X@=XsYS5O1hZWVh2<3Xz?os8;j8* z3u*{Y-Q6Zh&V63tRijjg8OzSlYVi7<35qOl2Ggc=fLMu)B?&Q6wm;!&}OcBtT%uxB>w!D?lzv zyOSQVD?N{Ht3Hctyo>^E{F{mg&r}=3SYZX%VLgOGm=x8;PBHZvZ3Y zIOt9AT|%$S~|w? z|0M->;G7&Qcy_LV8R(ly7s78bi(v&?yv+*!AiFX2_sVTr=Bw5CX|k)cWbiN;D zI^OMfv2wJ&RBn3vIU%M!*PqEM*U$R>({~v`)fGmUHd;Y#v?D<%lNB;OBCRHeb|{I` zy_C?;KGM?<265zw)1}i5&^0uuU2 z2Msl~qP2C71bS5a#7{<5vpq|?DYv0gE{pT#IX37R$>YSq%@J39Du8x-=^Oo1r)pK@ z^~>Uu!*|RdZu|K&-T`|o`QASk!z^(38Dg)SYhYzpHB~qP=Smc??Y&iKikzh*7`;(F z_%|HsudvB14ZG->>#AU9DgTB17G$0`J8<-J8OzXc%|Q3nWa8fo#7E$qu$zVzURFTU z7NyF1*T7bab8>RJB6!*IH;dk}{hNVFIV@y~s*4+x!yg1(dA~(>dQ_?c0cJi5Io@W#MCP zrXRx{7icjU%yTco)=K{W7tTW}hh*U_G5@0N;a;_&*;(z`flt_Cg8zqyYurgbk%ch> z##(y3QROLocbBd)++-Fp7k$c?C8j+|#J0DUM|4uh%xuEj(wJXZ7Eb-2ry5OCv-s-C zK@#M^9em==-I1yZTa2(*k!u#VIuRbh)4=$T;UV(m<7hFBbg@wij}_a`T9(m2=jN~_ z8Ri26>U`Fs(S}(l=;Zh~toG;=i9)tH4NhOCnfN7icFdS!ca?O$uwJBa-9)p&e>;Yj zt2p-SY3~tMawd}5uiYlrGx-iRv~vR}83+WT!g)pvrVUKWXg4jbSdU}9(&N(JU0?Jx zz;3WczkS=%F%Fnn&@BKq)4k4Hw5i|bF)~BGl>ecW6>)@^s-_2e zbXRadVuAZ?gY*q$WCy51jPg`d^P>1#&fIaW30Ek~f|N7V0rqsk;g3O^C1JyA)O)GO z0%~Tr7?f<>`8L0HUMxLw#GSSBOMaRB$WCS1j89QQYbq6x=l;_&;K5@Y>xG9q z+HIEh&evezdM-{XY(@vjluF-0-2tFBv0(l1+8p*C>*^h2efMX0E8RL*9p%~Y%Ct(d~l)XNKd8Q_8av=PpEFt(e zkTVI2%F-Wu+bt@}mBGv`kMg|QQ4%ODgZSl=kW!y~6k<^b4<{0m-WtpjM&||@z@;v% zl#75ybjuwGb$|k%Hv~_{!(e=S(2^TXa0jya39ds#Aa-uQ5bIOYE!(w0iVyvghX^mP z{mS^(e`m@?k2U>hTI}>pI)KU|Iy1`ig|8=F?fzII(5Z0ba%&dtC}r&9((D5_Bej@b zWURkgdF{6AtADzbv+CNKnVkLyGK%P(E5UX=GKZ7IkQGQD#NOI26PuU+8k`3-pJFrK zCnY6S((GuMeFI)9!~rnhlsyAoP)T@Wuf=D;RP4?VLSxw^cA_0m!+vCbCD9#6IR9%X zug0EkZ2yH~GB!hA@m2>V^F{OQFh@;fozYlAt0-?U45+wZExc){2`Hg->OOKjRJK%{ zG;9gsWQp^9WX|LhS(;s&<{^XwYA9yVv;3R-m)8ennCzC5I{AXxGxg6~X2pd={%JBHLs2Kuxd7_S7Jvr^!MUin8sEO+F& zpSW-l4`7M3On>7x38=DnuIPK)-@kKl*iI*1CeAGSj?J$6q*g36SY3w?}gbowm<*q{h*rd;b6JkRKenn zgzgI#qOl7MU^1h?J;_5&oC$A5`}&!=j&!yUUGj}de*mT9)^*T*{v@9l%wBIcCH-2Q z6=Gx&&+H7a<+k`12@H=ZaXafhSel`l$hyMKKk?`Sn7fd%7AYLEc#4~Sp$M?SjGwM7 z*XM3dHf0aq^)Kq?UV5 z)!k&hq^gZ4rZ;f$@&uO|cx*bSW~aaDXn9MET9sV`qDPU|Q1RA8TTpmJj#tDf0|y zRq5l6)y(8hTI4=tCWe#=TN@iCR!0ltR5Bzm9~m=~lkWpVZX8fcyX(Ey7e9wG#sYey z3#Zd=IuV(e`jopXCSMY~Nc=mzM+@-fT0-lXHks}AX9+)-@BN%dn}Ax*mR5}ZsQogA z1kyus-Fx7<*4o=vgV_O*G^gv-mmn z3p1RJ>z7=3p?0?2xLy^1CK=KlAb`P0xY!Hg24xsG8#b|L!b>|DucYz-AE`_Gw zTm+!jw|F}*c>t|MOvPxjBt?CuqdwntgPM93hq2B>jsD5>{FKEesYVxO0wplmCj>8| z`+SBr6tU@8PP543_44jW2EZi(Q|2(5U)93)Hc( zra9|Wkr?jBdDFwH4nzirE%lYp6OO{!apqn?zOECu#>d|%G@onsAAX!(tf8-=!Tk7f z$3SYzL;F~jv`4#jr!?FK%)s+2;IlRD;3U|ePFK`Wy+SHI(ybfgW3-Hw)R#64IjEhN;NkjI>l21S@VA?ABC8m z_A|Nbue%ri&bVdQO14d-4p`8Lv%s6-hQO^Cj?=-9cNfx8oZP>D{aW*T`@h6~tGcci z|J12cSEteF6_?vRHjZJi=9y=uR@T42QaU@0h?P54EbyInFNSOebidoZ%8TIT!`7=- zgl(21TWsD+1ZmSW9rt`zZ=t_^KB)w3Lka1VvwQn7_x*x(>~@cY`l?V4mbpja`G0U8 z=yuYK1kfcpd3j}rq9)svH)2%egwnP2qCi~nN-h!M$qV7N5(aTBR?ulILW6rTh2 z(qTEmv`x&RFhpuLCXtV(c2|6R{fnNcdg<@eN39daX19hOpPd(b^VCF9B=I?~vt>)0 z@d6xI@j^aCLd+_=(L9$0^`A{%x|-P9LFu?wz|uA~A-Zv0`J% zR{->ejWz0)k4U}}$1VMhOD1N{arw4R(G_8)YFjOj%xLxFTSfH%E3>!CBWb;1$K}cM zW0FpbwbSKIqqnMjlRGU`()+N547I$x=FYpee1HE-Bslq#)>dov>!X|01^<=e4(apHX&PVD#7cYK@5|*)mf1 z)LJ#R>6hhx=M}`lm*xDx!0l!9Vs>i7hs>xZ3h9zbzJc>9MXDqMcme{;{x-bCs9LGs zbM=c$SW0nzWTxNpZCFNH+Q#KKVVrpTfZ<&+lh&2iNO%K|XQ|)EBdF5=iZkV_?*0Q4 zP#=k-CdA^6S+Pg!dMHdd%hdXWbUI$?m&F;nhDS##8TBvA8~2dHPnaQP!M-aya6AGv z4AaR6Z;Zx(VS~4mQ0?Wf!qsePM#*17oP6?@lukpc2Ufjwj(a%2COK=gAz@rMEKlySuE&XrD}aJJWK{J_QLaN{&>W2klH6A<#@4|Hd*E}D=(DWCQ*$Sa>MkCG*T zEp=Hs4V(y-0Y8}8t;t!xi<2~9ogMz^;XnoXis3WEQ;=5|=O;;8V=LVK9G2x!7^|e3 z*v`QP{e{dAsR1G}?7S|U62TX!zP-)vY;9Snl@p{a2Uqp^N-B6!lCyCU3{SB`uG&T? z7Zx?po=(%=Mert)@?1*F>dl$U`S*Q)RcPlSkm1HSC4QO%U-ct``AP2PN707NF4%9f zOvPdYe337=O?us=7#XLZIJabdlG5wDjolQ(Sb2=qXF(RW;AWwUD^Gz(W9;*mit5?i zJ&pnc(UK4sabc}@xdWL~LW_l#PKy8no-|fX-@~TW$R%!dx^}G-z=r?~9o^yI`7}n5 zR?DWltaH%)Y?N%Un!;4^T`P^ecl1?iqRMdP9vn+&J(khNdoJ-W9YZ0hBnBEL_XaLp z;`Yy0xu!tjI^i;t15Qk})Wlu3H=eujQ|?|IAJFgqMPSH_HGwQxK{rE;FP&|j0jB&t ztf0<3P!c1bzlI#|2fXeq-PkkUmzL#R$=W)cBEc!lNUob15d1dipH4#_`U&gcz{Ol& zV!SpCt39(Qp@>p|KVS|<`nM+7V)+M$}q1^Wh@6oDlrXV?5zlX&{~Kd?+G0yTKF zs{YQ!-q>bSj(w8_tXZ5zec)1WFJIYi4RE{eme%MK!{bT`)w&XzJGj?i=%Z5i`vZ&> zA;6#hs`SfG(=R{pmx|q*7VD{!y1th@VKC?jYSy|CFH0IFGl4yfIr2W| zkeWTbz;of_(+pk9PWe!{Y*l15-2scwj`ENi=(+d?oIM|zhP47=D<06tAC1^JJpTA` zU3`n0gX#&3@$t=`czdpmfW468(@w!QWLSex5#39wS4=!fAE)mcw(x2HlM|<>v|pb& zHrrLyGj#LBUJ?{hdi)_tA;XcTr5BlU&+ENId~hOUkIxnC}p8KIqqJ=1n-8H=$_sHd|cK%ohF4#^!($PZwHVxv^qD zN#JDP@_(fB>DwV(V!tJ#KB*_JP)0cS%aJ&I$OPMTlsUYlRv zG&zoo)%`|B3OB}`EidTC)1b(0_O%IU%4!|?xHa}Pqp>k!|Lk3+NRJ40^<~M&YL*`a ztBTe&W{_Kjf2Sg;XP@OR?ajVs7(2m0X|%YWtWD*V?H?yfMRy>Q`YtZVCz9>=iIf@#2*PP&@zZC}y-7h}(z<=}r7cjh@g%Z1~ zV{HZMED;hC1^xl)4nJhy79Iu5IcOjc9xVaYclPsef0u>$~ zrTBQclEm}N5)%R_!-p1WlDa#>H=BYT*!E#G6EFEnIIqC;v5#OSYcE>PNt)nraWKiP zM59l_CdxNild4L~2gsGW7i&P00Oz%yvtms%SVQ;1(7QX453bP|7XL!JD$nI2tix#~r5wFkDEgd`sNJUC`E&Ns_66wlzQoLg7b_-krsrszC2)@j?1ez>N&D*PLjD%~s2^bv_+vryOe zjJA6AD>7)nkH`o)>WCQR&CV*X5uUE@OZzZ_vufsiOGQ`AgtQ;;zabJ&M^TvsdajFQ zm!vUD=eYCD3;W}}qO~Z39{KHA+fP*$5)u=aMX&^kF!XneFx3U^f0?>Sc8VyeLy%k3nrqg0dVmjO^4`O?e zBGKbRhltqqBfC}I?@&<^@Kyi`nhO|hlW>k~;PlBRm;pa^zzI(Gvj?7Ot4p#m!46^? z!GZP)z_ud5-=%J@@_2C0e%u#{XCPa9@6TR;gz3RWLzq#5_|m{nhtohdn~1^972WYGa*A~-=G zeJ;O|Yln-i{olNP77*8dh*hKBM5e^DwCIc+5yC&`)5OHMRfwInU3s6E&lWuUuCQmvd9H)ig& z@QRAj?35yq=m{vx|2XUtI1;Y_d|ipG~3#WCU(Ar^A7JrsJ>Ko zoc>zwA;9?%r$Bhuct}|;Me$RXMLcjbeacAx+k}#_E9ujEEc!`=n|Vomc?UZFre@h> zs?YM&n^+uEcN9UM6#1Z9?eyIH$ZK^hr{>_Lk-pxBD9%E*c&e-D?llqOY#%;UcRH1< z3W{P6!d8#n?O?1i)$Lm686)g+;gc*{DXGcmZ#c)s|5!7rLw^ama7O=i44hpMh#gIXIqv_Cwq2%wqyel=IN#Y{lpWtb^dGHbaq1TN z#8Sa4StXl;d@dUgckqJz!3@lB^GRrd#-=%hVGOmgo-Lwr#zZF6jJyN4*SB z+Z_xm_M_=}_hQouCq4hbA%;IG{;g`QPS`b0t551Cck6Crb7@|_RP9SRZ8ggldPJ*J5nVq38@a*0(pd z*Yx~GkpjBEiXLO#<&40L5Uw7a(f?nqoOwKyeZR*?-69p$eWL|EEh5`gLfMNV5}L8^ zNivpX8-`3JxkHIUB>O&=5{9w1-Lfx{?20jrWn}DQIN!_joaa2}b4Yaaoo>_thqa;#i!M@!Ic8QOGZx*}olP#H zhf2N9J##|mdrH~dMo)Z8FF;lwRqN}8jOD?#*B*N0OAsn=61idu(_nJyBY%DQ(F*q; zA0%j?iRtD{=BO3N`WghMGFEUU*)25@0@E?u?CyK$*4%WQUmKFo`0}*alIFayP&=p= z0=wbUmGwMtQo<#IBJZx^I z;B5)p^+ZcnIotFumRuBCM`zBZEh!~tty?J+2p+-Qo}8FLw|gNC=aUlS2<$k@S&vB(lH;aZ0AbS&^&DvW};m^(BL&ahovMR1df zRrH`>>P#8YgwARySG92@prb0=7uDDiS4(Jf!}1H%2B5 zbLP{&9H*yh5id@jcg_7cTmI#XbVrpx?iRlO=}wj6fFt(<2LUtx(9_s`=E!J*|4Abh z7JHVG;%JXq+%g6%vzTt{U47?hMnGlNe2tm+)HGF8)tcTfvM%(I?k){SgZrMX+ATM9 z35y;jn});ySh1hg!xQ(bHE^$01zkRdS(;uycEjIFwghFTPSQRV_I=j2JVncX#bd=9 zNj38cPDhD_l&GZ9a`Q*O%`|rIP{593R074)d~6NvZmW~TCkBfPbRU>QV~5(|vw)z{ z1nrfY?Uy}RoMV%m2^5!z^`)G(H1G^~Upy%MGvRy->!pFoo_V1ZzM1o=-%vqw%wI7} zTKMRL>+i0}i+qU*G7H{JCRS9i&iY@(GKOj-TiF%gm0@4DWF>?i%J0oG(bBgnHTlcx zyJc&b@*X)a>+)E1)*EOIkobosA>Md-BgT+$i){Bg8Rx`;oi`no9q`6IHk{sL`e3d3 z>yDRMgbfK}WfIW`=DU=}1MioSH^){YJHSUbA}u%-<1speHfeleF&&)RB_yxaYTUQY z?sT@^iujurhRt%Nz9kWcFvzDZV+)&LyqjDh}zR8P3ls zinb8fA+#_=g{-VBmaUv9!4^i9oBty) zlWiXN;;>;xfWx~^358xs@=6>7p!qyV{ zN3*+g%a|1kK9LoYFuk91i}v4WvX;?kX0v`4s!)!FYiLRn%d@YS%s|#q6xwOw+WAdz zyNuAoT4DIfYicvSJ)ih_bfXpLN#?_0Qo~X##K6K1lr=f^z&!rf8R+F4KEa zfah+-u$_lFP%>G@tlS^AAChPbTNDK{v#o2VF8Fge=%@H(_z^j(h&R@z!Ivy;$<3#$TH%Itn#VhN#^6|Pb@{4ooQlje2K)>mbP(qhTx~B#OxtbTiNV>VV2d73Xg*OSEvIz|?_{Y}xE}oXE2a^7 z{}d$Jup&lsh||$KgXXvNy2$%wL7DJ*emxF=HWW%Bv_M!qjUfN6j#JcOu01vFbIgF# zV9c4GgoOMEr89ZbTg@+0DlWSp-n`~wE61I^2JJhRsdH6PF_`i7!I~AN1X>eY_R!}4 z3-Akwr}@jZ*Fg(w?#G3t7Ea4D6|40@gttD!{rtUaYJacD=F)-MTIR3rxqbfKhUvP5 zU19o7K}tRd#)v}GY=3tHm;jG!!b7Y@Ar;}+Ahbk(c6hAVrudI-kr{|PJh|vVA2D9g zphlIpyE$>?3L+mRsEkBR_-$one8fpI>ex9_ZGIJTi7!-;5vmeqCxbl6okvoQ?}bnJ z7Yoj^Ipz9xl({S&HY-_zoJmBks79Ycc6)0?JYp%VRiB}VU%jw4U3G7$pkIvZv~z*r zo4JBROEyAiRk(Ek{-ID?w}TGl?cG=O5#->wa`=`w=_LZYMp|)8?~>kY)8EAt&8a4@DeVnft}vM`sc?@Ma}e|Gg1WE*oxA@BENaQcsxPU8COdOT_wYTpJpR-^VfCPjnxL>qvU zQLyGk7Z(@*t{T`|?6g@=)ZOkWx~R&Y$FL88s!;O@Ss0icLynVY+6H%&9U0J_S;IZK zqN^SCBJTrkg3Y4Up8Zw${rSGJn;Rw$TW(jcWFi7M4~X~DnMjcuxIz_N0l%GBo6g|l> z-Q}Ewc|Z1qt7tSrdhu!0wvw&Xc(?g=v)~i|tWrVDH@sP;!pW)>WP+7`cp@=Vo4X6q zBFATX-epY9R4IZ{`6kD=uOTBn-Lk3RA#r4k``-Tj z`>z=rA77a4F7&8T9D=H7dr}%l+WgWOL=y?!)RTUdn%mtx4|-w>ZvOB(B>1Re}I9P>6>UUEONt#!EmR z@glgd>zO-ct$gy?AI9_j(LI$noMR}D*WPHQU&Q`t*)O59#Ow1kelb1@q7)P0c?eA|lc=dp8a%Wi!Xe$A4GV3RafuS90q=dv`EJgR36= zI!cU6Ok%*?WtE2kdH+&FCS{(w;~M^W6EANqlYc^Asn@%Eftsn>oDKpg#?Mo?b#t4B zqKEiaF$HiH|cnw`ME{EN{i^zT*e zapqX_a{!g-tcJ$Mg%x;s_>P$&dyPb%$j}1_yn^{{b>)ltK%<~&=^ptWXr(a8nG@<| zJ~o+W1M`II(UGu^9)I=mwV+&Va%feEop2`iz0d>k!b(1QUW`F2G~GaM9UGBoZ!`-g z0VH%!5J^J9r&S(h0Kv8#w(XM4p27ci9_ZyK5P&Ln+MRhDr%Q&j5i8p5^>0|SN)-){ zFdfpAk}@UM`%$3X2b3=$lez=~MVZ+o8x<9G1YpY;@LV>RpF9S*s!qfZbgVLlj?qUT zOmXb=>1!c1vDSq8CpMfQq2M=^RFB0Ql415XE2q7IsMc|RUh2eNSx3tCePh>iNd=oF zAW7gZc5HHz6sAr(h(Z}Bhbk|HMYJiH9;8%WdLE1VvI-0DUbG!IkEi?H+Qb(SdEM5UVR>H^DU%=Fb@%#1U2@zW{ zetzXb%Dx60+uF)mUvjtDyyIUdel%?gt?xG$S#kJ3$KK)51 z%Q=2*-|8#UsTL2=*}00Su2)eI1^DOdhe*_}x`r*ToimkPL|nT2kVOY^>B{Whz58#i zs;s-VNz&abp10AUZK7NfrtT^ z&h>B}pp;a+a=82tr^O_WMOSQ!mm@U{k>qZ*Dl@~++-g&Q@ZiCX+2Qv^_I14El5UBs zcq_MZYRt%>My!=jTwkv<|MTN|Q6ee??OV69H7{PQ2fL;NP%cIy7*kVm#C_XIGSSC% z6w|7{N`CpxXbhZSYsCE*8cMfa|W-_+yVDo49ux5eb6)<7&xX2W9Tbm`+{!A zV+3=U1IFM>$e}=SNP9p7D|JYX9wO9_xB7#BS)wMSdVO{BfNL7Rw0W_1NCmYq77Pv zAD97)2n#qB7b8ESt#`Fc&uMaLGrjX<>VZMrU}br@h>AIk&HjO7LPtTr2*h%3C9!ib z0e66tacIe+%soZqkxN%@G-BKJ7;ifaPu!!ZsA#@!cGjJ3$gVW3dJsJ%izDcQDAuoa zI1lD{jZ2pvy@-xRT(_kD!j>*R`LYn6-H^tLgu$<;x;(s9_>4^D>;-rrcko{g9*?Me zVAc6{&N4c4Fb;#2evlzA98dWRF^+983}oS1QIV7tg5iT9cHu7l?hgh7?G3JqInzPe zvx3#Md8yjkPCkhcFe1~{zo%dReFc&uqd<7zo%>Mw?jLt4oQ+WO8c!b5x^w3a#l#&v zDQ>Q>jIzt`9aM0;v3@#tmkNYn|K9n0YH>fKB`qy&;F}CKBhbRFrzitxudf4o=S80` zaWf8$U@#{-H}I7qxW8Z$7E{|;dnX0RJVH8E+Ek%CJJXt)nj|7XJTmnXPvdv>w5-TA+p2R)< z3f)L?c+K0?rV;~JovM7by3~UF3&JRR31|$XC~( zk4X_owzp0)7s{aD$c?}q2wN>rD}Vv}vY)uYR$N<{8R#2m4#~Q+boz#@FRWay;2bGk zVX-EQPBzA(@%ZOb)9{Xy5j&4ykwIQE+(b(@tjvn={k36my|9z%xgx5kxC$!>~D?yBM zoW8h1OHw+7F)*-Y(bP7aNEYM*Y4ExF0FU1b{P94qo9}V-LP&*%I11`EUQZ~y{`ZdY zm)5Y@Ap?cLDu=B>)#te0Z&P4l?j$m(RMB@gn_;YTB>(kB@FeOhhSe(oqG~Y990nC_ zY-cAnPT_WQW>RiAEdx;7lMp7UfQF4QFf2h#1{2Fm>joAv2a*tp2jrzSvI~v)aDWU@B+qEDv z|A*hE+j#@#yKgGtu)U0JPt$5dwBr_~E;%WMyr>o!OQFt32w_gpP? z^D_e$MBXl0By|jym9H2TFNxxul-@>}iYt8Gxz92Q^T6JWtH5Dfi-@K-=J2(Jy<;?* z(xL7w{UnK23=L@DlZpcOQEwhXX|o?p!qqu;eMn>zPOv0FXxzB{P!d3Cv<)loE+er3 zY1Hfu_>nj1@OtTh)kAfW$$Snoo&>Rwz)g1TI}Y$z-9Tkk#Cmsmz{(tQ1y?xzODP1q z>gGq+izbvW_BvBb``o^Iu3ym5aOlc4B9zP^LUhUdMrJQzBAZaWkL#KRvf-$S<(=RH z;cVlD+_tPo!QkQ$M^`VWG8f>Fmx1V8><*bS^>x_%l~ z8n3G&K6J+xp`H@w*cUHeXoFyoHyDbihoH@_*H>d7L!>-Zn*;JL<5F9hppuyMy9ZCB ztLh=}-rqFpa5BmEd%l1!a)D>$bC}@d>64ID3q|mHxAk0(;ZCR;-Jf19CIBbO@t?+o u)E16=o}YFeKqZDE3aI~!g8yyI2H*Y#Pi3A+W1!YhsLL0xY8G6ueeiFRUxG#e literal 20231 zcmdtKc|4VGyFPqV8kB}_6bcPU6bcEU2`w|3$B=oVSPKc6GFw=gGG$6ALYXC& zl6flgxV-1JdiJyT{=Iwu@q7P#pU?OC^x<}2(|uj%d7S5QoYzxjMHxC;W?Brx=x{f0 zsA3qkABIs4?%Dyr5&HW57yKjYET!dq%ihfSo{^&|reNgkU}NuWV`+Tc)zs0+(%w#h z_dGwZz}e##&dv@_qI`U||NaYJdq;CVGmfG_Xl1vHL(+i!&aPn98=Zi!)vPPiLa z)!bf9_uq3P$Fq%dH~W>Fei)VN*tG)@oU(gZsH6@wadT@KbQfW?CA2*jDtZhm znl#--XIb`Cl<%6LR=vKPJ>tq3`~555UM+{+ues@W0RQR?snun;&1o)HptbhXvsm|$ z&suwH`M1L`!hV>#Qo+Am`rEI-Kl`s^@Y~<~|9|>HnX5fbA-v95#nCapHxA|7Nmoi}DK=Z4>7VE;CT6K+p7izgRVNzgZ`-j~Sw|V!LaTJT>-uD)2qv{HgZ z&S<=+;=zLl^L26ppFaJ%@@L4jp!b+HK0MqsPm7+7jfe~9%rt9`q20Ah8CocEne3X( z+Ue&xf4&^Ua;+D}zA_7#1^@i{bD`swlI3ViT+9X2K%ez#;T-J(>B`E=#+DY1C|>=D z$jDUlcz0>_EHxEb*+8F_A3NhDymf{fBirBF_H`7PD+$?s*CJLd#lRB(bLdbJbZOni zZ}H{0_n*2WWiUv=J0A~h&NcBdi@9e1^Uptm<}Jr?Z57J{gaB5Ln^l`jv33=U8V$C~ z(|zeMM$4Zco`!ncSFWZRxDPWd&XNot?x1VSGig{Lug^|~ip_kf4>_t{>E+(=?a*n( z4BcWoX8zlLtX{vbs^{vh2D&Uw_i3U96KK7htW#t)KK3I}hM;X3gZ}|-f3Z93d=o~XVb6E?@LoRE(b?R<8Jor8nP--uBrj8$l3 zVYv%fI)O zh)D16rKO7lUh~aflW%Q$jaODye)W-HTG#P^zRIxa7qr|;S7gEmKRtBXz(v2-pDqNx zp26F##co64#)vZ}Q{ResNaP>20Y?W02I|S1>u886DeTwr2M-*$eeAN^m%N!ML!a~P zOs$ez8!nyOs=d!s?@(r!i{e#xb$uJ}IV0lkuD?dO^Lwy{cHh3PFiA2Oj$1SL6}#ov z*HW5ZA>ZrFJ4c#hqwG`M&&`jvMzL4?e!pjRX+P728~9^F+js6Hz^9Cn@Gje1>yW+P z>Pt?3aZWc&I)oXY(pzBOWLA*ryG0iD*(ezz$VPH!>6gFN$kuv3>jS%v)&19V>n^4P z2aZchO6KU5s-`Q(aXb4SX?}VBdNIkToLep988Nq{FAEIh{g>4flQvaZHbm>cExfQ+>rsc(r1?ey{b-jSYGRhT#>TJ9knH+`-A?QB$%Zs>GzC7UR(q~(2`6cmcmR@Q8j=hYDak!^ zxt^(!69c;_ch%gqNJq$L!|j~bn=6q#nq4gSz9;QI#K|Qjv=~!dq1FBV@g6?H8D3sR zJTHOZI{ht*C0Q{}G_-s9@63o)+m(L~_^jK~9lNAFKhoU(vo2_{xN1|uq#?Ak%w-Z; z9-8gjEnt0g@{Aw*Z2XZqr&pr9wc6_2k#v3MIfHjvuroBpE9;C)&FJn8xTjNZ+a~0_ z=3HdguhX8c6b1iVTbvx#GAZZf3G9)U>OokBcvVcPg825fi#M zgVy{e@!ecteJBfIxG8FKB-Xxi!q)a;tfKEBo`At4o0i>~NEu``L?n|b%s z+n@suPO?$0f4AN}j&j%O3ozA?ovd!vd9!J;cHF;({OFhk`N5pHG@BTB(G7x$xYxU^ zQ)pq-k)yj@HbFI5$w;-03lCdvb#-+dY+ciGSy`*Zy1b>O<;2(I0QNKD;`*hfrK@&* z87im1IEV~n4gdNS9>r1xRvRBNJFQ2~_FSI9JNK%;nSD1O$}VD6GB)5j+nIDdU|~Ex z!3vz>YJC;n8G3H&>(e!<5B}60&d%hY1V&LW?*-x0=g%Fh^P}_AL7|}<%F4=>WH{wc zy}DyJRkz5SMXu92@CnB9XTg@Q&ofhkk7-oRGvm#Y`S1$IK-_ul9e&)ZAC1#e)7Z@7ab=3Y{(!o>G zTp}Xc-fIgg@DPv3BOfD9UKwH*bslrs(w_cSB*!A=ss=OfOuV{nb!Ek(<&}u2_A0*a+rkG4H=oEWHMR$=FKNxE4@8U#@kXu zg_>TR6YyA`u~o~_>HIxEF95*9>N^Z9s$v><)zQ&0_`FFyV_~j;dq}l z%VdKJ59#O&rooQGjZCmb_|udU;_daVtg^l)%j`eJ#r5%7g#EEs&!1DedGhq>dF0~0 zd{IsY-!1Ls_3n9GoGoL0>cQV1o*oJT>)ZF_$rFAs(s$RVi;u=$v@M(Qz)JXnj5aJ= zs4xfIr%#^(gM&NZkAoKEIk46mYYYJG<-Gv%uthOzo% zlpj{upB=qj(Ca+*eZ`b$k@e+-FrbK+UK$MF?~sxbXsN| zZ(S_)3|r829v>eMeDcI$gLV1F_UfY!cc+dXJEnJ%il3if8CtMguTGQf9+?qu`}@{x zz585K@nxsqbTIas|2Fpj??2QxOi??OmfX{@oXr!su-9I^$}X>WID&D_$$MtN#MIYb z$kJO;s8)95;TTo*+3isZRNFO68hM6}c@x zt(Sx9O5O=fG-*GZMH(z!bAqH{e|d2Pk+>d`Fh*H2o_|yqKOULnz?qDm&d`tJmwL24 zMvnob-_J`;=0*EBFQLIh?|}NbmOt*x-(X&=hl{mbYM%eYT0```0YrJg0)6GEh~A zoWQ8BoG1*;&A6Xqjl;K$_6XXHm<^w&-7)wY1sON_TyqF94AZkTB|fAx-eeMcI1jbo zYsyGq}daBFnL0h2RHNCCAX9 z(~a~exGxk2vyU%tOJ8hFSc=g*2xx@z2$Qt0TehBJq^T-!i*jZA#9z#XmF$B#aXl~- zx-Ph~#D!CJjaRsCW}|8s-~1~JOLRaZyus(3m7Kx9&gC{=Bk27uMui{ihCs>h*hA9`(W&fp)hvgvC@)n zS^AmT?3UKDWog;pO&p~#2N$%oSC7cl3>-15ndKwpOb0N+iW{KO?Z`Vgym&`#Ftv$?-pIRhBavR7)eh8N@mzTs0Y$0nU<7e2!y+zK64qgitN+WIC#Fj9wA zTmCBGaqkRFzvVu9@S(d;&VD&8l346bzwswad~LJZ(kX}yXC~WR?3+x@#p}!$ zHt)r?8qx2q)rCM&m(ShhmwpPPzOsA1l%IBK{_R%e`X?pN zBG^UY1nR+0=+n_osO@W;kDIuO-+P_;qRAl`L>k&zXPCS^Q;bhF%Hfw-B?&81V$J7v z`8AwGPyYN_YU|r%Zfb2HYtEWm;}>-2aHzefsJ%dAZW>FA(T(K6&r^Enx0dL)jjYy( zQqzQ>HN4UttM}KWYcSa(Xn~@Oqon?98k<(|)5b43<#$bs8#$_Dmv_T6`2!3Z8ntB| zE;dz{oC;dZ;5;acLSwh_GIl{7IYrzz@kY6(u#aeo-TOPx7F>uUMjbIc#4p zAG;%1czF0?k4e~>3l~(WsHhOo$WTd+h>MG}k27Kn3=7kY6Lq;$q@$jrBUG_E63eMh zhq)d+ai6(2xzc1kH99uZHB^P)@8__ID^;B>1a|qoHft+GVGM^3CFkfCTS1g0>baEt zb7+WVGTwVh8+n{RfBsl?WIR`lznmFJ&_slc5(k@ZozIN?Fntb$Y=qAffe_iIhl(ck= zDj&8HU1$7t#gm!Pl+r009!X%D+@GbJ%srt@guDus!y%aT9{h_JX^^XESXw6e5;HQm zHUXhcd@CY=Kh@KF#VP;tnSFl(pqw*2JWY9V@$tO4#!sJA6czu3TJW+GOTs44{x$h# z%bJ|eg?4--Rrzi)Y)kC4 zitMziu&Dyr@>G09cCM$zkF1wazHH&@D|F3!(W-R^^F^lu_VLKsLmekY}ssHC<}wNO#p5F60ZYt=q0O_{BE!?(y5>RK83lkHe`z zG^Lg-O;^{@Fxiu5BCDXF4$#s>0d`l+McXVHHgC0~!gd`HNG^Ujq?7?Ui`96B?U?!P zJT1Yc8EM+3;;mTkf!TmU2kQwTI~q)L#Ffh76P`m>UcLiTIw**R+?iM<@7&y68`{LM zrYOmVg06{fSeUBKt`Ch=gN@uf*R7q2{-M)Vt^KdV%?pT*d$5uV#e4j=?c5h(#7N__ zsR9WCA?vQQrg!c@jI9nsshH5M#{7C`%1UE?PV|xX{9cK+sSvd%fZuUYhvP$4t*?Fd zaD~gV0ymq5FV*_~*!|Yz7qy(4G}R2qc0E?3o$G$-l{}au>cct7U5xoPp_Y?;pnu=ok*)VWT1TxXTN4u?d!*#9E%ffbCMe5)ve&c20!}JRZ*}MD%z_I$pS{V}YYa|$2!l%Yg zxq=dIMn4ubvL2G>MP)Y;UtC+vheK-pz>vex!t6irYnJfG zmyt$Et5B|CHRE=*3ECFd3o}`=cItLLV~=af8=t&k4_yR+v-jJ{^fjk4OY=?GgXKF~ z3mlp>+gP8%VzH(Kcgh@^DHWs*HO$w={l&xrXsoq`q5C=wb$W=j5(y^lZbkTX*rS2C2p(x|wMT~A*RZ}I&lpPnl z?^V}nz}qVh?&{Rq!bn z@pPZG9NuwmFI{vC^dSs=RGY?!5OPE#;jm5zv_EivFxZg|Mu@Fk7! zo69PF`%=OA`29pjl0HLa(Q&QHbxFk`w^@R=rNxwfZ^<@TfWg4{ab?}btnE0wYl_*} z!{Ks;++A1h0&v1|Kejf=0S+5>GNQliKFn$>@(~7s5O=kDzgo^K^0yPx_y}_W!8`S{ zjg8F+2MIrbeNd7HKsn>8+Z%Sv?&kt)4XUtjc)(&{xu5^!?uvChQ>jDfU zQF$U@=cGN0l^ov2ADZN(fY_3g=+T#Wng#F{t@5LMXz3E>M(1BcM45If{| z^dA-qf{g@ovp=>}JG!?NJ+q=bTl#4Gye!p>2G>Rok7lmA9RMGeZ!tS_;TxHV%&zxUEnG=8nlY%S?iWroZ&Rf5(9 z7g|PNY8~{GM4vFQ{~;h*bu}rRYU8+*hqVM8{uWAmuBg3|^gQa#DS)y*{lw1lP_+Gm z(8T^Zc<`T$=lzpnZw+ILw8!Bjr4PQK;)j%3nE2Amlc!EG07o@8W&zZPY;SLGs8F&@ z*bB(>P7xqc#Hq0ln;E`;Sg3=OQw{HYX_^80A!7>TYX8q4<6mzco-Wr0Mep<(KaPtgALcVu*K35$ReYVOY5h* zqdHf=+-jmDbK-kx!RyzrI|!P5bS$E31?H`;*=Ka$W&>0Aa|Pw>-rAFL8(2L*gCDQn zR3je9i1O59rrDoRp=}urQxhmP#m?RYBJbL@Yq=|%N|KvuE)yMJr;AAjf$D$}86B)2 z*%58oXxMPAZPxI@t<{(MS1fM=f>@ueA_8$jUF8cDkN0AyCbNXsih5W$P+-~FXB%8S zJj&S5oIWihB2u?b>?E+GMB__7qlLUiR&Z&em)G=Aaxm5s+n4A=(XV-#OfJive4Z z2}~y-u$Xu6Xye`PP4%b%P>vBWZ&44^|03WAX+@x3-14@t;a|Tj0B^x}3itBvpS73y z*YqQSkrrGb9WAno0)*?);Lk&jm*#LZ{5$v5^mHCU!H(o@iE<%+weR24A3m&+QFP|a z8OZ8ZAlwhReuMKH92^{$kUL$QDWA=CmnU>`6FNP5eGCmr|9Jk6{FN6+wOJ~0Z}vGk zkhD^nHz8;l31`DVU#BANb zB1Xi-WOa0OGjH;N-OG%{R?5s3?11TgzhTd#9jR(Ds`k;!=PW;Z)y)#gERUb<%5+e5gMD5$I)J z?7s+3=5i41>-*bwHu48kSCKz9HOT=5`~|oUOVw0tFdELnKpEkABTbLYU6Q?M3XSf* zScq3dzF&Z|{>m`*wr|L|3&gX_rMfOZ<-64Fs1i$%ktZYkWHSo$#`>|z;3x3njBL~P6UfI^N{ic0-N!ia^8>!hU-4%`_khC z(74d@C=zZxY%E(JvBIYWXY0`=)WJ+pCe82GQ5W;;>Sg@221S!E)3#>)pt0OA)R@&U zwYO02Y^uudNlA9DVZr3vgVL0yh}SC`C%UuC*vI8Ha{XJsedb~;p+arRt$4QXpyeCo z!>w5^-}Rp7fsd1crWmEnTdg^?cG1!SK1c)n5b(+iz^>)?DH#3>!^o?GsGCJAorNWahxI z@ABG&FwOy|@vOnSd+u?qu4o_Pq1Kbh++Gc#6c;C_G+q!0zeS+sffFu4gddoJq8m_d#G44>KQvF2`}n`XJ1`kpZqQ&(Xta$cII=*NoPKB zAD=?PD_Ksoei}Kvy~Iy-w;yC<+7hom6a?7;ib;Vcied)>NukK9lRM-eP>p0Ea7>1b z)*FX_B~~%W4f)OUL}HiR=kCDY$U;2do~>P=mS+q}BJfo%B=6-&>D?G6+;t)A^^Ui> z9RHECZ8V|ZtM^>V@;h#IZg{a~C!5||-_I}4r`}x#{mpOV?lPUy`3#g%t0lL`tj$ZP z3zc(K<02ac{PrB-?eN`NH*8n}rmr&vcc|ZYYZHl895buq5^W^KgIgJ66d_V%-F+^{4@Ry4SWeK#hC5-5ZGxS$ZTzF<4I z$Qwz;I9Mnu<=L#ZpUyp;~x zzt@}YS@$IgLOk?Yotw%5@)0roMh^hi99!qs$j-PsRBs8t`@6D2xdsMGMIkTPhrjKm zi_6pQE!AV#+X}CJu`1#|H8i(;ThwVJ7`QswbcEdBGf%QGOwD}Nk<5m z3nq3%Xkp(=?wTZZX`g+8hcE6&EtJ8WjYx@mFQ#BaIc&_hWW|NEutKJ%*XCNiKlCK7Flh3 zd>emd`L%&E4RgybQ-83ar^kZBH$U@l?n#*!f$u|c%Wj3IXP&4IP5g@^5R-F_);p*? zhdf5u$k4ySE1o|IlGB}Q-lqX8b7>>%-$2k8xyk4JHtYf2b!JhMf)-N&TK{$AO^#ds zo>sAP{8530hbE|R{EP!58F3t(DTe=7U?j=5PONY3W*_fnm#%S8g61&ZCz)y*wW58J zhg`i>KyOW}1R5N-Ih=gE1W|Mtja!P#IUyp$Nt~#|+^hO?Jw}dF zSN=dE22;lP_<}gUxBm@`_`0XtV?GQ)d`6-6FimBi!eIY<<$|<6cSp?P03!$^>E9qX zA|iF9du3|Qq_>XeP}qX+D7}Db{unm>`lvFGcA+5bK^57wN@G?Oj3b5K!yM>@xOZ6H zSY8XA{!ws|XVWY6DFc--O1oV-arw(Tf4iVeE}UqDtARbanu{?vi1NVAU0bly-Xs#X zKe=^lpT%%XG8$hpM~T_6pj%2JdzL%)IpzudPkm*X@T4}+UDtas{e?%j`cypI2^PFEkCh|aS35vww9z`XkD0T=&xK5|Lv8@~l)BN7xa(H2M z?Ry1^NI3dU5_%ff?mA^?OiSb@Gifsm*#~hBv}fFyAsnCa*(aATd2dsoob@nh=L&+j zfHC%A2%sfENbF>Usc@e4_0Gnjfck zT}pT)j6~Wjq@6S&)jZtEaPVLfxXLVu;b>T^63wwwCr>)Ve2llKfS>t_^sJe;P8T1O zYyS@=L!?GnfpFSbYHuGqF3EILa4Whi>%f?%@$$Xrg~aFR!9+n0_Ydsuh2Fk78CdX&b#^K0-tr^a?l&OCAZg2l01){trYtFEE~ zGJJ@>9z|X&@zJ|3LK3$DBMo1#&y9JXQD|o;YKJ4mSeq~~<^;LDiE>*}JfufQP<~4J zL75P(Cb1_ApF#=zJohBueu;?nE4z=j6Oyhq>2TnhT#t2T)184#x)O3OiI3E|hSG~? z$^>ay=Ql5=rk$ttcSp`I;z0`?VJtV6fWxCOe`TsU_<<2h#$l;BTe!G zfKWb646>z69P-wXvzi@I^Qe+Z;-=h(|c?|#{` zMD}W2PxhP%3#ezP7{G4O!T9!_W1TERUb+`B8q)#}{gLIV9y^X)^YZy|M zo@e4YwXvP$(kCuP4iseiJ+&jUq^-wvQ%D2Lp3fi*QTd71;N=tw{wS0||3LVfW4{En zRgPBrc0Od#6jo}v+`d0xk(Kc2f}zczS1#S}GrqPM^+JdPqCX%qIFR4+3uhe2i9dM_ za)XA5SfvC`#ZqVk;v(|aEUuBX8kQbOi4`vQFdc#(&?Xzap(CZ)0SQb9Bb{szb2tZU z_7bg`!-c={mu(!l$>q4V(Jh4wr6)^J?h;ev{L(6OX!dDjoiQoY@ZGJaGE6kdD=1=i zxYm5?`ohi0n>baCTm=x97}EzEqk@HM9NnahKn0D#{2W%(wDxZz30U5oQKK&>&Z{9 zp7r-<-M(Js<2YtUA3TY6boJv8(h=R^w$qw4qfCb@1U(7)PSG?&Ym`Me?>nib>%trS z;E<|-Aca1t>HPaZgUw!H%rpGmoh^%!f9qccWzjN}B>JmA?940^$3`gV{;3K-Z3z0T zK@)n-X%N}4k!ymF;$p#Jlzb3eKI(p~;*gk7%sx&qT$)VpZ;;QWHAD7g@T!&C z-i{}BfUfwOzh?)}i-3hk3?OJH_ZMblc70{wzy-9mOg6JI(Rfl!9BX}3)9XLpM+u*S zD*@a0B}+f}fjE--VEgG2X&^pjE{l+#+&|Mfyz4H zc`?q@rzi6oSZ{$=o|>8(#eyoy(r3iP#7JeJh$jFy0HrQ!01t)k{=5;+y#uR02F`D2 z)-szy1_UqeEb?kN7*4om=}?Z9m^AF`wYliM@uvY`SS+VPOiGx<+Ralkq0ZUbZ*Jdb z1!=4J>aXx`WiAAXjo;TP5E%rv2m&jwWkv4)!XwTX@<8VE!0SSJ>6)3Azj7HNNVmAm zeAfnD#Y86|3Q-hLT_D!w1-kKx_VloLuQ{BQlvE~w4CeF3kLttN_-gs(vsp2}w(hML zyNYrSapFYr@u}w}Z3IeBMhJpnfCeWgcMAl&CSp81auD{ec5UCjeGGE;AlWdqjDpZH z^Ix3DabM7tE&0=*>uurci9@UdPVV2VgIhx-uYTFs>S#hYWQ;pO{R>Iw2>?1T*jXgJ zv``}Jx0bfHc4K3sqfL5xIuMhNjuGLv-YG>HUN*SP)~)?tWvX@kh8Bro1~VF(wWB== zn@2@F3ycXx8jr738HyLd>O z1Dyj!7Orax?Mf_A4D#jokJ?2LpdRTyMI^g<8KSfwy~eo8LB>imPg4iSy(v-hc~^$FW;L| z4?=d{8H#@hxlaQF@d*i=hTKs8q6&f$PwexR4W)S~B=y*9gNzWJNC&=Vh$Sd>UV!RBq zMTIl;Y#R8o@t1ue;RY$r#W8H`!l^-kzC1e$B<21a_${gi@eQQ@L1P@lJ`Ndu6@o@i zt_Pb2L0yBen7;`HR2)lDa=8CPJ`CSwF|d-kpO9qmvJ!_EoLJvp6qpHEZ6x@C+|P~D z`PS=3rTtRJ5jE1C8wYx@B#=abc3mC{#6T_Mk}U!yFcNEHr>22=Fo zQu+M}2n?VjB=~C-kfpkEACV$s?Kc^~M;@_J=-dxFk#dUVEqM*;euG)3aFg{&cU>33 zp?6Oik}jc_s?`^5^wh8X#~}s-tmp)?qJuF8ll{sJeD977{+yOsfJlH-^U+b{ zAhB+>yli#*4Gq`YH#WNOAo zorH{+%%p30DZ=&KzW=x8MURpkDY2tK*jxl*t4O)m(_5pp4pJy`j2@@=uyLZV5J<>V zJesxUPU>$6l>Se8F1GB*I%We3ngJL2t<`DZFOvAt2ogX352BaHlm!q@@ve}a@D1{& z_u}Ny`be-M3xgO;W>-K>1 zt@99ru_77#prM77#jcEBsPax1bWy;6Vz`QsuiroPW24DWks{~c+LxP@{@?4|Q13WZ z+=*v59sVX5q4I{}`V&7?^rXgHsTYPl5T23DQS$u;>FIa`&@fp&zl7qS>vfIBdG=Km zccT6YGkd8Uu@k`pKh?W(IS1&h4uKrJrO5JQaC2jGL9||^Ib{f{0x3@VQja5_v)hU~ z=p^vdUZg<_9l;E#Hm;sYpo983%8LXdRU9n;Hr81vO+#0CiUNnLxGx2$IAs29XxU4T zrB02T2low+PYctS0rc8RS>)82*5twE7qc4ge>gh@%^gQGydB7iRNH+PI90`XP)9S- zL>)#>pTD`_ZjpL=zBm25O@}g0;!V(KwNh3wEpN?ja@t4Xm$%X3jheX|wqg;GVVgm5 z4JO~2;UThVD7MaZsT;7k`RD~&UL2*HGIP-mjSB9o_!O2*rZoo!`vdwE$xpR2MY?^2 zCjk_>VH&5$tC_-s98J(WgY0*vM(4n+R2-%Ppcbb( zArd5^Rde)4)b_s*DhCWa%6+rFDnPNLQOqy(LGzgwAXtl8;(QasgtUwX=! zxkarho56eThPo+@t2M3^ORQ`akPY z&}RI1amxSI52&U?FWQI^pR%y9U@YmXs2B>m)kqN80s(F;S=swnTKlgY7f)GGRWTp= zZw<<`=g&{zpeBXC6et9TiVGJmsO9R36g2TauKWFK#q*)f#aKl1Cng?;oVT$!(lMNb z3=tH;fHL67tUjOMZC-csI?t#Vo&oY;>6sY_G@|}awY2|u`U#cT z>9lAyhz2=gv+r)H6Eq;G{0h7c(LELlAhV$S`(L%sg_iBSx&lDu0Ud%MnAO+Uk9~lJ z`pH*$Ah);*5FP>Kn<(`PXamajQl)|p596hsf^4Dl)cvNFuJ1`owM(zIbCv{((3n^%%P>FRZW$R>_}H)gH-B#OmXaa z6Mw*zr=gl062CVgUD>+qUCX~PK_GI2UKgpzgM!+j%u_Bagoj(!cWYx*(glj52-hCd zB3(07V)L#uogKS;4;V~#-80H6Yfvur&9rEJeSK7S2*$##69$iXe&6kZQmh7MbCCd) zz#Xa&VX>e14t3{H89JC%d^fTofp8Lg@c@)F+!rrufR>!MV+~4q7stL{pYAK}o~_!- zMYZElSKW97Po7WM8hd=i;0x&63yo@b)YaE#K~XO%KE)N?mFn&z!K6ANeTXW1CcBB6 zkN|WUjk{+B{jPQi+4Lv}>}PZJ+FY*MI`?#rIPS4tZUM#Qs}n@EO#F~%i!(W8a`q3~ z){0E!z`kRbP$~T4WH%p46owCwsST2=IjHO#lBh^a4zIcZjm9%DGMeDq1%;LAAoY<4 zO|V*mgg07j+y1i7JTu^+J%DgpfYRo1RIUgWYaOX_N8%)XD+Rwfa>@GgXy$gHw;6ae zEMU>#a4195k-(hV>jRNJA6JV?%v1VG7D+iV79jdd?C-F-c@4i_L?gmd`^ zs$?VNe>_%uNhY5a7Vh3fOM3yq!G=n>T%l(Sp!IGwHxt@+5+sj9pd3*D&w7g&d2h1C zs6$%{P8upL?~Z(CYLGA&4}fZS25vQeiOq#}>Z;MkFiFiC0Y62`!UqL46%%1Y>6E+X z07WgP3wx-w7{X4uyLaz~3gvz!rN)b$f5POL7$a_Yh{SBG*26yHsgsz@ocK}c1G zlsZrLP3oH8{IadSfC7Z$IJY&d~(p1%iDRa9x{0jR1V2g=t0_<&n+&o8`jRenHs9P2;MWFwQFa}qYtm48-n7hI3f+m2 ztAN2qrWz`1Ga*BOk_Q6G9oOI@fZU0$oXH;eqav^c$w*ZQ9FkyOJ|3==Fw6k97-DrL z_!b`fkW>ztgu?DqFA85T2-|(X1S;cVol-~B$~_#Yymw^_98e~7g^GBfUc3|HOyivL zH?)0*V1MSs%R9PlR&?4AZ3B=Vxk^BUd6llUu zGi!O335P@r8YnZ~b>q`drYommM=`L7II@!}AxXh?>5>*$dX9vd|pHrj{!tp_c~^HN0ssoA1^~HV3N;wH3(Jz zmvu3<{4m^F(?k_Hs6IbSljze~r0H?Y;Ihn-tx5UOKOSr4ToMun$V5SDe`m?vAwq6Q zV4x}#DO--d;o8*yH91LuK($w;Tp(UD(?T4$ehm^_2#`cJG93|Fn4iBTFCUD=c(6do zacr$LNYd&}2Eu8+jyYe;(J5+!5{tQMU8r#xGA!`%@qrJgT`2_mPbg6?|2cW)6<8Fn zWEocX8zirJh05ZyC3ui@SU|N1oL|1j6M-b~Ju?~oEG;A{SUM>BF;4RN^U{4Eea?wXc_!WdO8%%Qp>5b~P9EZ3|hvWKzEuRc3?8rJqZrpYXVDG50{I;{Q`hDOl-cFeC;W=PcUNiKkv2TFoZsZ$tEzbA=TAa zOnTlJNkgI4c>o=?eSLjeB@Rg@%~0-at(Bu;0)CK8nT zhlPcqcZMLH5=w+kEY`J`>B0xCQpeQi5fOJlf>i$`C`jPi_3I&E#6`V*(aj(uEpgUU z0~LKeFsVON1+C0*tweoWsvL{;tMLt{`o(3puTX+-QE2h?b+w6TyNK6BW;&&Q8|>WY zWr3*Z=y9$2sH%-RMhUMH6Hl-vXc!0C*z6(W!2{nI|T9qm%4(F3b&vUpSK^l zYyxLh8ccEs@UcSxyA(+z*i?Igl{A49zG@c^Mc|D7o94!2Uy|y-6#y}P8(!f)O zz|TiVTNCcBk-@8(oYg7(*i&F0mIrs2`KtK^MEI1oqujjH6U zz!69FBWK~CkdSbYfx#4RV_D1}ssxf1EPxOicrx zfAx`u%L!~D<;R!+xx@PnU=FpE?eTNsxhQWrYYy(&WNl$w8uCz-5x}hy^&o_MIlF!_ zw%KhsQZpEA(owkAWvnMJInQadMRkm;>h*#q6jf2%3xI+EUGE|w&^`vT=!1t3o2{&^ zF@w_++_9h4rcqKgu#M!@Dn9Dw1-IYyj)68T4?6II!ZL&vwwU_!Oae}PI+#NK2&;;2 z80g5>Zbz30ynp{bIFv1Ik$>0N66Y^%4)%WR3$}V z)Ux27k{GdjxnLD|*U4a{IdL(fE?N87B&K@EaNPz)h7B;F6HfIa=%cLRgnP_43(xnH zBQ*_FK+pkqSa6E}uHJ?&BZ5ngWGl~OB~)->LG?6p-Vb-~?*c5)QD}J!rlEmungV0P z(VOroR=_+Iw#QHjDuEMqoyvf_EG|**j_LvonE@gX5xZqn3<=kFgbKkKRfE&D2=`>X zP;|nSw^MpR+Db^3wxP=^kcb{;3bm7&X$rBfb$vG93UTOmrXi*eFi}e3DcouVktNF{ zL_(3Xu3*=}ePN1WL02%h?GU|yS{{e=lsv?DudhDbVcC(P!hFf$_WjA$S0c%9*TfhI zx_EzUVS|lsI}Z5CAay_7i@}4NTU=BJ%TzflZ2L_OE>cmGm;Y>P2uWM=gdPBj%084V zM%aIK2k=EGm@anx`C&KwMhQ~;8O*|V*$|-u+}LV|kJM3q&mOnLb3f{wZd#vRxdLDd zfS6wh#L6siTgkz zW<`6j$M2<%W8ZZ&G+s!DvF6kT9kB+_gn|wz;RIBl{``~-(EV3PzFQUOvLBAqrwOn` zp~d&L3oV`-cuou1elJmh#4h;Wc)&L)puCXFH{5;!>^Tw+5HyJzU`Bv5Aj17gu|4N8 zy`zw`3Cu_&1W;8o{P$y}x1Ac3`oLp>m2k)Zz1;%kIR0->-PZov=gVJ655G;ryBJPN L@kZ{o+YkO9bqRxO diff --git a/cookbook/sft/qlora_llama3_70b.py b/cookbook/sft/qlora_llama3_70b.py index c4a201a..faf0814 100644 --- a/cookbook/sft/qlora_llama3_70b.py +++ b/cookbook/sft/qlora_llama3_70b.py @@ -20,9 +20,6 @@ gradient_accumulation_steps=8, allowed_hardware=["1x H200"], merge_before_push=False, # Push only the lora adapter - logp_callback_datasets={ # Track logprobs of tokens in the testfile to ensure that training works - "in-distribution": test_file - }, ) print(job) print( diff --git a/cookbook/sft/token_level_weighted_sft.py b/cookbook/sft/token_level_weighted_sft.py index aa5c65a..ed79aae 100644 --- a/cookbook/sft/token_level_weighted_sft.py +++ b/cookbook/sft/token_level_weighted_sft.py @@ -27,6 +27,7 @@ def submit_job(): r=32, eval_every_n_steps=1, logp_callback_datasets={"in-distribution": logp_file}, + requires_vram_gb=16, ) return job diff --git a/openweights/client/jobs.py b/openweights/client/jobs.py index 346af83..0e03175 100644 --- a/openweights/client/jobs.py +++ b/openweights/client/jobs.py @@ -47,7 +47,7 @@ def __getitem__(self, key): @property def runs(self): - return self._manager.client.runs.list(job_id=self.id) + return self._manager._ow.runs.list(job_id=self.id) def download(self, target_dir: str, only_last_run: bool = True): if only_last_run: @@ -58,8 +58,6 @@ def download(self, target_dir: str, only_last_run: bool = True): def refresh(self): """Refresh the job status and details""" - if self._manager is None: - breakpoint() return self._update(self._manager.retrieve(self.id)) @@ -220,6 +218,17 @@ def get_or_create_or_reset(self, data: Dict[str, Any]) -> Dict[str, Any]: raise job = result.data + # Check if any of the key fields have changed and need updating + fields_to_sync = [ + "allowed_hardware", + "requires_vram_gb", + "docker_image", + "script", + ] + needs_update = any( + data.get(field) != job.get(field) for field in fields_to_sync + ) + if job["status"] in ["failed", "canceled"]: # Reset job to pending data["status"] = "pending" @@ -231,6 +240,18 @@ def get_or_create_or_reset(self, data: Dict[str, Any]) -> Dict[str, Any]: ) return Job(**result.data[0], _manager=self) elif job["status"] in ["pending", "in_progress", "completed"]: + # Update fields if they've changed + if needs_update: + update_data = { + field: data[field] for field in fields_to_sync if field in data + } + result = ( + self._ow._supabase.table("jobs") + .update(update_data) + .eq("id", data["id"]) + .execute() + ) + return Job(**result.data[0], _manager=self) return Job(**job, _manager=self) else: raise ValueError(f"Invalid job status: {job['status']}") @@ -239,8 +260,8 @@ def get_or_create_or_reset(self, data: Dict[str, Any]) -> Dict[str, Any]: def find(self, **params) -> List[Dict[str, Any]]: """Find jobs by their JSON values in job.params Example: - jobs = client.jobs.find(training_file='result:file-abc123') - jobs = client.jobs.find(meta={'group': 'hparams'}) + jobs = ow.jobs.find(training_file='result:file-abc123') + jobs = ow.jobs.find(meta={'group': 'hparams'}) """ query = self._ow._supabase.table("jobs").select("*") diff --git a/openweights/jobs/unsloth/__init__.py b/openweights/jobs/unsloth/__init__.py index d8b9d6f..f5deed6 100644 --- a/openweights/jobs/unsloth/__init__.py +++ b/openweights/jobs/unsloth/__init__.py @@ -46,7 +46,7 @@ def create( ) params["finetuned_model_id"] = params["finetuned_model_id"].format( job_id=job_id, - org_id=self.client.hf_org, + org_id=self._ow.hf_org, model_name=model_name, **str_params, **model_naming_extra_parameters, @@ -91,7 +91,6 @@ class LogProb(Jobs): filepath: os.path.basename(filepath) for filepath in glob(os.path.join(os.path.dirname(__file__), "*.py")) } - base_image: str = "nielsrolf/ow-unsloth-v2" @property def id_predix(self): @@ -103,7 +102,7 @@ def create( ) -> Dict[str, Any]: """Create a logprob evaluation job""" if requires_vram_gb == "guess": - requires_vram_gb = 36 if "8b" in params["model"].lower() else 70 + requires_vram_gb = 36 params = LogProbJobModel(**params).model_dump() diff --git a/openweights/jobs/unsloth/utils.py b/openweights/jobs/unsloth/utils.py index aa78e9b..84a58b5 100644 --- a/openweights/jobs/unsloth/utils.py +++ b/openweights/jobs/unsloth/utils.py @@ -22,7 +22,10 @@ def load_model_and_tokenizer(model_id, load_in_4bit=False, max_seq_length=2048): device_map=None, # important: no lazy/meta map low_cpu_mem_usage=False, # force real tensors ) - model = model.to("cuda") + if ( + not load_in_4bit + ): # we get an error otherwise, but the 4bit models are automatically placed on cuda + model = model.to("cuda") if tokenizer.pad_token is None: print("WARNING: tokenizer.pad_token is None. Setting it to tokenizer.eos_token") tokenizer.pad_token = tokenizer.eos_token diff --git a/openweights/jobs/unsloth/validate.py b/openweights/jobs/unsloth/validate.py index 45a6a10..ed58661 100644 --- a/openweights/jobs/unsloth/validate.py +++ b/openweights/jobs/unsloth/validate.py @@ -144,6 +144,14 @@ def validate_training_file_prefixes(cls, values): return values + @model_validator(mode="before") + def not_logprobs_and_4bit(cls, values): + """For some reason, logprob tracking does not work with 4bit models""" + load_in_4bit = values.get("load_in_4bit") or "4bit" in values.get("model") + if load_in_4bit and values.get("logp_callback_datasets"): + raise ValueError(f"Logprob tracking does not work for 4bit models") + return values + @field_validator("finetuned_model_id") def validate_finetuned_model_id(cls, v): if len(v.split("/")) != 2: diff --git a/openweights/jobs/vllm/__init__.py b/openweights/jobs/vllm/__init__.py index b1a0ce9..00d9ba8 100644 --- a/openweights/jobs/vllm/__init__.py +++ b/openweights/jobs/vllm/__init__.py @@ -97,7 +97,7 @@ def create( "requires_vram_gb": requires_vram_gb, "allowed_hardware": allowed_hardware, "script": script, - "docker_image": "nielsrolf/ow-default", + "docker_image": self.base_image, } return self.get_or_create_or_reset(data) @@ -131,7 +131,7 @@ def deploy( kv_cache_dtype=kv_cache_dtype, allowed_hardware=allowed_hardware, ) - return TemporaryApi(self.client, job["id"]) + return TemporaryApi(self._ow, job["id"]) def multi_deploy( self, diff --git a/openweights/jobs/weighted_sft/__init__.py b/openweights/jobs/weighted_sft/__init__.py index 5010d53..e580363 100644 --- a/openweights/jobs/weighted_sft/__init__.py +++ b/openweights/jobs/weighted_sft/__init__.py @@ -46,7 +46,7 @@ def create( ) model_name = params["model"].split("/")[-1] params["finetuned_model_id"] = params["finetuned_model_id"].format( - job_id=job_id, org_id=self.client.hf_org, model_name=model_name + job_id=job_id, org_id=self._ow.hf_org, model_name=model_name ) if params.get("ft_id_suffix", None) is not None: params["finetuned_model_id"] += f"-{params['ft_id_suffix']}" diff --git a/openweights/worker/main.py b/openweights/worker/main.py index fc33e94..0a5d357 100644 --- a/openweights/worker/main.py +++ b/openweights/worker/main.py @@ -187,7 +187,6 @@ def _health_check_loop(self): while not self.shutdown_flag: try: # Update ping timestamp - print("ping") result = self._update_worker_ping() # Check if worker status is 'shutdown' From 3047c4afd23b2d4c473b1e0669f7226f1805711d Mon Sep 17 00:00:00 2001 From: Niels Warncke Date: Tue, 28 Oct 2025 15:28:03 +0100 Subject: [PATCH 24/27] update docs & integration tests --- .dockerignore | 1 + .gitignore | 1 + DOCKER_README.md | 30 +- LLM.md | 568 ++++++++++++---- README.md | 15 + cookbook/sft/multi_gpu_llama3_70b.py | 1 - dev.md | 15 +- llm.txt | 492 +++----------- openweights/cli/env.py | 16 +- openweights/cluster/org_manager.py | 3 +- run_integration_tests.sh | 89 +++ tests/test_integration.py | 937 +++++++++++++++++++++++++++ 12 files changed, 1605 insertions(+), 563 deletions(-) create mode 100755 run_integration_tests.sh create mode 100644 tests/test_integration.py diff --git a/.dockerignore b/.dockerignore index a5334d3..e41467e 100644 --- a/.dockerignore +++ b/.dockerignore @@ -17,6 +17,7 @@ build-docker-in-runpod .env.ow-migrations .env.legacy .env.worker +.env.worker.backup .env.* openweights/dashboard/backend/.env.ow-dev openweights/dashboard/backend/.env.ow-migrations diff --git a/.gitignore b/.gitignore index 445bb9c..e7a3dcd 100644 --- a/.gitignore +++ b/.gitignore @@ -7,6 +7,7 @@ build-docker-in-runpod .env.prod .env.ow-dev .env.ow-migrations +.env.* openweights/cluster/load.sh openweights/dashboard/backend/.env.ow-dev openweights/dashboard/backend/.env.ow-migrations diff --git a/DOCKER_README.md b/DOCKER_README.md index ee115b4..5861eda 100644 --- a/DOCKER_README.md +++ b/DOCKER_README.md @@ -8,22 +8,28 @@ The full worker image includes all GPU dependencies (PyTorch, Unsloth, vLLM) for ### Building and pushing worker images ```sh +# Get the current version from the codebase +VERSION=$(python -c "from openweights.client.jobs import Jobs; print(Jobs.base_image.split(':')[-1])") + # Step 1: Build locally for ARM64 (on your Mac) docker buildx build \ --platform linux/arm64 \ - -t nielsrolf/ow-default:v0.7 \ + -t nielsrolf/ow-default:$VERSION \ --load . # Step 2: Build and push AMD64 to Docker Hub docker buildx build \ --platform linux/amd64 \ - -t nielsrolf/ow-default:v0.7 \ + -t nielsrolf/ow-default:$VERSION \ --push . ``` ### Running worker image locally ```sh -docker run --rm --env-file .env -ti nielsrolf/ow-default:v0.7 /bin/bash +# Get the current version +VERSION=$(python -c "from openweights.client.jobs import Jobs; print(Jobs.base_image.split(':')[-1])") + +docker run --rm --env-file .env -ti nielsrolf/ow-default:$VERSION /bin/bash ``` ## 2. Cluster/Dashboard Image (`nielsrolf/ow-cluster`) @@ -34,6 +40,9 @@ A lightweight image for running the cluster manager and/or dashboard backend. Do **Important**: Build the frontend first before building the Docker image: ```sh +# Get the current version from the codebase +VERSION=$(python -c "from openweights.client.jobs import Jobs; print(Jobs.base_image.split(':')[-1])") + # Step 1: Build the frontend (run from repository root) cd openweights/dashboard/frontend npm install @@ -44,14 +53,14 @@ cd ../../.. docker buildx build \ --platform linux/arm64 \ -f Dockerfile.cluster \ - -t nielsrolf/ow-cluster:v0.7 \ + -t nielsrolf/ow-cluster:$VERSION \ --load . # Step 3: Build and push AMD64 to Docker Hub docker buildx build \ --platform linux/amd64 \ -f Dockerfile.cluster \ - -t nielsrolf/ow-cluster:v0.7 \ + -t nielsrolf/ow-cluster:$VERSION \ --push . ``` @@ -65,17 +74,20 @@ The cluster image supports three modes via the `OW_CMD` environment variable: - `both` (default): Run both cluster manager and dashboard backend ```sh +# Get the current version +VERSION=$(python -c "from openweights.client.jobs import Jobs; print(Jobs.base_image.split(':')[-1])") + # Run cluster manager only -docker run --rm --env-file .env -e OW_CMD=cluster -ti nielsrolf/ow-cluster:v0.7 +docker run --rm --env-file .env -e OW_CMD=cluster -ti nielsrolf/ow-cluster:$VERSION # Run dashboard backend only -docker run --rm --env-file .env -e OW_CMD=serve -p 8124:8124 -ti nielsrolf/ow-cluster:v0.7 +docker run --rm --env-file .env -e OW_CMD=serve -p 8124:8124 -ti nielsrolf/ow-cluster:$VERSION # Run both (default) -docker run --rm --env-file .env -p 8124:8124 -ti nielsrolf/ow-cluster:v0.7 +docker run --rm --env-file .env -p 8124:8124 -ti nielsrolf/ow-cluster:$VERSION # Interactive shell -docker run --rm --env-file .env -ti nielsrolf/ow-cluster:v0.7 /bin/bash +docker run --rm --env-file .env -ti nielsrolf/ow-cluster:$VERSION /bin/bash ``` ### Dashboard environment variables diff --git a/LLM.md b/LLM.md index 2601d1f..b6e9b3c 100644 --- a/LLM.md +++ b/LLM.md @@ -4,11 +4,28 @@ An openai-like sdk with the flexibility of working on a local GPU: finetune, inf ## Installation Run `pip install openweights` or install from source via `pip install -e .` -Then add your `$OPENWEIGHTS_API_KEY` to the `.env`. You can create one via the [dashboard](https://yzxz5i6z2x2f0y-8124.proxy.runpod.net/). --- ## Quickstart + +1. **Create an API key** +You can create one via the `ow signup` or using the [dashboard](https://yzxz5i6z2x2f0y-8124.proxy.runpod.net/). + +2. **Start the cluster manager** (skip this if you got an API key for a managed cluster) +The cluster manager is the service that monitors the job queue and starts runpod workers. You have different options to start the cluster +``` +ow cluster --env-file path/to/env # Run locally +ow deploy --env-file path/to/env # Run on a runpod cpu instance + +# Or managed, if you trust us with your API keys (usually a bad idea, but okay if you know us personally) +ow env import path/to/env +ow manage start +``` +In all cases, the env file needs at least all envs defined in [`.env.worker.example`](.env.worker.example). + +3. Submit a job + ```python from openweights import OpenWeights @@ -116,28 +133,75 @@ job = ow.inspect_ai.create( ) if job.status == 'completed': - job.download(f"{args.local_save_dir}") + job.download('output') ``` --- +## CLI +Use `ow {cmd} --help` for more help on the available commands: +``` +❯ ow --help +usage: ow [-h] {ssh,exec,signup,cluster,worker,token,ls,cancel,logs,fetch,serve,deploy,env,manage} ... + +OpenWeights CLI for remote GPU operations + +positional arguments: + {ssh,exec,signup,cluster,worker,token,ls,cancel,logs,fetch,serve,deploy,env,manage} + ssh Start or attach to a remote shell with live file sync. + exec Execute a command on a remote GPU with file sync. + signup Create a new user, organization, and API key. + cluster Run the cluster manager locally with your own infrastructure. + worker Run a worker to execute jobs from the queue. + token Manage API tokens for organizations. + ls List job IDs. + cancel Cancel jobs by ID. + logs Display logs for a job. + fetch Fetch file content by ID. + serve Start the dashboard backend server. + deploy Deploy a cluster instance on RunPod. + env Manage organization secrets (environment variables). + manage Control managed cluster infrastructure. + +options: + -h, --help show this help message and exit +``` +For developing custom jobs, `ow ssh` is great - it starts a pod, connects via ssh, and live-syncs the local CWD into the remote. This allows editing finetuning code locally and testing it immediately. ## General notes ### Job and file IDs are content hashes The `job_id` is based on the params hash, which means that if you submit the same job many times, it will only run once. If you resubmit a failed or canceled job, it will reset the job status to `pending`. -### Running a dev pod -Start a pod in dev mode - that allows ssh'ing into it without starting a worker automatically. This is useful to debug the worker. -```sh -python openweights/cluster/start_runpod.py A6000 finetuning --dev_mode=true +--- +### Citation +Originally created by Niels Warncke ([@nielsrolf](github.com/nielsrolf)). + +If you find this repo useful for your research and want to cite it, you can do so via: ``` +@misc{warncke_openweights_2025, + author = {Niels Warncke}, + title = {OpenWeights}, + howpublished = {\url{https://github.com/longtermrisk/openweights}}, + note = {Commit abcdefg • accessed DD Mon YYYY}, + year = {2025} +} +``` +<.env.worker.example> +OPENWEIGHTS_API_KEY=... +RUNPOD_API_KEY=... +HF_USER=... +HF_TOKEN=... +HF_ORG=... + + README.md api-deployment custom_job inference +inspect_eval.py preference_learning sft @@ -294,9 +358,6 @@ job = ow.fine_tuning.create( gradient_accumulation_steps=8, allowed_hardware=["1x H200"], merge_before_push=False, # Push only the lora adapter - logp_callback_datasets={ # Track logprobs of tokens in the testfile to ensure that training works - "in-distribution": test_file - }, ) print(job) print( @@ -426,6 +487,7 @@ def submit_job(): r=32, eval_every_n_steps=1, logp_callback_datasets={"in-distribution": logp_file}, + requires_vram_gb=16, ) return job @@ -571,7 +633,7 @@ from openweights import OpenWeights ow = OpenWeights() -model = "unsloth/Qwen3-8B" +model = "unsloth/Qwen3-4B" # async with ow.api.deploy(model) also works with ow.api.deploy(model): # async with ow.api.deploy(model) also works @@ -662,10 +724,14 @@ Jobs can log data via `ow.run.log({"foo": "bar"})`. Logs can be retrieved via `e import json import os +from dotenv import load_dotenv from pydantic import BaseModel, Field from openweights import Jobs, OpenWeights, register +# Load environment variables +load_dotenv(override=True) + ow = OpenWeights() @@ -686,8 +752,6 @@ class AdditionJob(Jobs): # Define parameter validation using our Pydantic model params = AdditionParams - base_image = "nielsrolf/ow-debug" # We have to use an ow worker image - you can build your own by using something similar to the existing Dockerfiles - requires_vram_gb = 0 def get_entrypoint(self, validated_params: AdditionParams) -> str: @@ -700,7 +764,7 @@ class AdditionJob(Jobs): def main(): # Submit the job with some parameters - result = ow.addition.create(a=5, b=3) + result = ow.addition.create(a=5, b=9) print(f"Created job: {result['id']}") # Optional: wait for job completion and print results @@ -765,162 +829,408 @@ prompts.jsonl run_inference.py -# Development -Start a pod in dev mode - that allows ssh'ing into it without starting a worker automatically. This is useful to debug the worker. -```sh -python openweights/cluster/start_runpod.py A6000 finetuning --dev_mode=true + +[missing file] + + +# OpenWeights Architecture + +## Overview + +OpenWeights is a Python SDK for running distributed compute jobs on managed RunPod GPU infrastructure. It provides a simple, OpenAI-like API with full flexibility for custom workloads including fine-tuning, inference, evaluations, and arbitrary Python scripts. + +**Key Features:** +- Simple Python SDK with OpenAI-compatible interfaces +- Full flexibility to define custom jobs with arbitrary Docker images and entrypoints +- Automated management of RunPod GPU infrastructure +- Multi-tenancy with organization-based isolation +- Content-addressable job and file IDs for deduplication + +## Core Concepts + +### What is a Job? + +A job is the fundamental unit of work in OpenWeights. It consists of three components: + +1. **Docker Image**: The container environment (e.g., `nielsrolf/ow-default`, custom images) +2. **Mounted Files**: Files uploaded to Supabase storage and mounted into the container +3. **Entrypoint**: The command/script to execute (e.g., `python train.py --model=llama`) + +Jobs can be: +- **Built-in jobs**: Pre-configured templates for common tasks (fine-tuning with Unsloth, inference with vLLM, Inspect AI evaluations) +- **Custom jobs**: User-defined jobs using the `@register` decorator and `Jobs` base class + +### Job Lifecycle States + +Jobs progress through the following states: +- `pending`: Job is queued, waiting for a worker +- `in_progress`: Job is currently executing on a worker +- `completed`: Job finished successfully +- `failed`: Job encountered an error +- `canceled`: Job was manually canceled or timed out + +### Jobs, Runs, and Events + +**Jobs** are reusable templates that define what to execute: +- Identified by content hash of their parameters (e.g., `unsloth-abc123def456`) +- If you submit the same job twice, it uses the existing job (deduplication) +- Contain: docker image, script/entrypoint, parameters, VRAM requirements, hardware constraints + +**Runs** are individual executions of a job: +- Each job can have multiple runs (e.g., if restarted after failure) +- Track execution status, assigned worker, and log file +- Created when a worker picks up a job or when using `ow.run` context + +**Events** are structured logs/outputs during a run: +- Store arbitrary JSON data (metrics, checkpoints, errors) +- Can reference uploaded files (model checkpoints, outputs) +- Used to track progress and collect results + +**Relationship:** +``` +Job (1) ──< (many) Runs (1) ──< (many) Events ``` -## Architecture Overview +## System Architecture + +OpenWeights follows a queue-based architecture with three main components: + +### 1. Job Queue (Supabase) + +**Database Tables:** +- `jobs`: Job definitions and status +- `runs`: Execution records linking jobs to workers +- `events`: Structured logs and outputs from runs +- `files`: File metadata (actual files stored in Supabase Storage) +- `worker`: Worker registration and health tracking +- `organizations`: Multi-tenant isolation +- `organization_secrets`: API keys and credentials (HF_TOKEN, RUNPOD_API_KEY, etc.) +- `service_account_tokens`: JWT tokens for API authentication + +**Key Features:** +- Row Level Security (RLS) ensures organization isolation +- Atomic job acquisition using PostgreSQL functions (`acquire_job`, `update_job_status_if_in_progress`) +- Content-addressable IDs prevent duplicate jobs and files + +### 2. Cluster Manager + +**Architecture:** +- **Supervisor** (`cluster/supervisor.py`): Top-level process that spawns one manager per organization +- **Organization Manager** (`cluster/org_manager.py`): Manages GPU workers for a single organization + +**Responsibilities:** +1. Monitor job queue for pending jobs +2. Provision RunPod workers when jobs arrive +3. Scale workers based on demand (up to MAX_WORKERS per org) +4. Terminate idle workers (idle > 5 minutes) +5. Clean up unresponsive workers (no ping > 2 minutes) +6. Match jobs to hardware based on VRAM requirements and `allowed_hardware` constraints + +**Worker Provisioning:** +- Determines GPU type based on job's `requires_vram_gb` and `allowed_hardware` +- Supports multi-GPU configurations (1x, 2x, 4x, 8x GPUs) +- Creates worker record in database with `status='starting'` +- Launches RunPod pod with appropriate Docker image and environment variables +- Updates worker record with `pod_id` when pod is ready + +### 3. Workers + +**Worker Lifecycle:** +1. **Initialization** (`worker/main.py`): + - Detects GPU configuration (type, count, VRAM) + - Runs GPU health checks + - Registers in database with hardware specs + - Starts health check background thread + +2. **Job Acquisition:** + - Polls database for pending jobs matching its Docker image + - Filters by hardware compatibility (VRAM or `allowed_hardware`) + - Prefers jobs with cached models + - Uses `acquire_job()` RPC for atomic job claiming + +3. **Job Execution:** + - Downloads mounted files from Supabase Storage + - Creates temporary directory for job execution + - Runs job script with `OPENWEIGHTS_RUN_ID` environment variable + - Streams logs to local file and stdout + - Monitors for cancellation signals + +4. **Result Collection:** + - Uploads log file to Supabase Storage + - Uploads files from `/uploads` directory as results + - Creates events with file references + - Updates job status atomically + +5. **Health Monitoring:** + - Pings database every 5 seconds + - Checks for job cancellation or timeout + - Listens for shutdown signal from cluster manager + +6. **Shutdown:** + - Reverts in-progress jobs to pending (if worker dies) + - Uploads final logs + - Terminates RunPod pod + +## Authentication & Authorization + +### User Authentication Flow + +1. **Sign Up**: Users create accounts via Supabase Auth in the dashboard +2. **Organization Creation**: Users create organizations in the dashboard UI +3. **API Key Generation**: + - Users create API tokens via the CLI: `ow token create --name "my-token"` + - API tokens are prefixed with `ow_` and stored securely in the `api_tokens` table + - Tokens can optionally have expiration dates and can be revoked + - Format: `ow_` followed by a randomly generated secure token + +### Authorization Mechanism + +**Client-Side:** +```python +ow = OpenWeights(auth_token=os.getenv("OPENWEIGHTS_API_KEY")) +``` -### Core Components +The client: +- Accepts an OpenWeights API token (starting with `ow_`) +- Automatically exchanges the API token for a short-lived JWT using `exchange_api_token_for_jwt()` RPC +- Passes the JWT in the `Authorization` header to Supabase +- Extracts organization ID from the JWT using `get_organization_from_token()` RPC +- Supports backwards compatibility: if the token is already a JWT (doesn't start with `ow_`), it uses it directly -1. **Client Layer** (`openweights/client/`): - - `OpenWeights` class: Main client entry point with organization-based authentication - - `Jobs`: Base class for all job types with mounting, validation, and execution - - `Files`: File upload/download management with content hashing - - `Events`: Job monitoring and metrics collection - - `TemporaryApi`: Manages temporary API deployments with automatic timeout +**Database-Side:** +- Supabase Row Level Security (RLS) policies automatically filter queries +- Policies check `organization_id` column against the authenticated token's org +- Ensures users can only access their organization's jobs, runs, events, files, workers -2. **Job System** (`openweights/jobs/`): - - Jobs are Python classes that inherit from `Jobs` base class - - Each job type registers itself using the `@register("name")` decorator - - Jobs define: mounted source files, Docker image, VRAM requirements, and entrypoint commands - - Built-in job types: - - `fine_tuning` (unsloth): SFT, DPO, ORPO fine-tuning with LoRA - - `inference`: Batch inference with OpenAI API compatibility - - `api` (vllm): Deploy models as OpenAI-compatible APIs - - `inspect_ai`: Run Inspect-AI evaluations - - `mmlu_pro`: MMLU-Pro benchmark evaluations +**Key RLS Policies:** +- Jobs: Can only query/insert/update jobs where `organization_id` matches token +- Files: Can only access files stored under `organizations/{org_id}/` path +- Workers: Can only view workers belonging to their organization +- Events/Runs: Accessible through their parent job's organization -3. **Cluster Management** (`openweights/cluster/`): - - `start_runpod.py`: Provisions RunPod instances - - `supervisor.py`: Manages job execution on workers - - `org_manager.py`: Organization-level resource management +### Worker Authentication -4. **Worker System** (`openweights/worker/`): - - Runs on RunPod instances to execute jobs - - Downloads mounted files and executes job scripts - - Reports progress and results back to the central system +Workers can operate in two modes: -### Key Patterns +1. **User-Provided Token**: Uses the organization's service account token from environment +2. **Auto-Generated Token**: Worker creates its own service account token at startup using `create_service_account_token()` RPC -- **Content-based IDs**: Job and file IDs are SHA256 hashes of their content, enabling automatic deduplication -- **Modular Job System**: All job types follow the same pattern and can be easily extended or replaced -- **Automatic VRAM Estimation**: Jobs can guess required VRAM based on model size and quantization -- **LoRA Support**: First-class support for LoRA adapters in both training and inference -- **OpenAI Compatibility**: Inference and API jobs provide OpenAI-compatible interfaces +Both approaches leverage RLS to ensure workers can only access their organization's data. -### Data Flow +## Client SDK (`openweights/client/`) -1. User creates job via client SDK -2. Job parameters are validated and source files are uploaded -3. Job is queued in the database with computed content hash as ID -4. RunPod worker picks up the job and downloads mounted files -5. Worker executes the job script with validated parameters -6. Results are uploaded and job status is updated +### Main Components +**`OpenWeights` class** (`__init__.py`): +- Entry point for SDK +- Initializes Supabase client with auth token +- Provides accessors for jobs, runs, events, files, chat +- Supports custom job registration via `@register` decorator -## Important Implementation Details +**`Jobs` class** (`jobs.py`): +- Base class for job definitions +- Handles file uploads and mounting +- Computes content-addressable job IDs +- Implements `get_or_create_or_reset()` for job deduplication -- Job IDs are deterministic based on parameters and mounted files -- Organization-based multi-tenancy with Supabase authentication -- Automatic model deployment grouping for efficient resource usage -- Built-in request caching (when seeds are provided) and rate limiting -- Support for both sync and async client interfaces -- Automatic timeout management for API deployments +**`Run` class** (`run.py`): +- Represents a single job execution +- Created automatically when jobs execute +- Provides logging and file upload from within jobs +- Can be used standalone for script-based jobs -## File Organization +**`Files` class** (`files.py`): +- Content-addressable file storage +- Format: `{purpose}:file-{hash[:12]}` +- Validates conversation/preference datasets +- Handles organization-specific storage paths -- `openweights/`: Main package - - `client/`: Core client logic and API interfaces - - `jobs/`: Job implementations organized by type - - `cluster/`: RunPod and resource management - - `worker/`: Job execution runtime - - `dashboard/`: Web UI (React frontend + FastAPI backend) -- `docs/`: Additional documentation -- `example/`: Usage examples including custom job creation +**`Events` class** (`events.py`): +- Structured logging for runs +- Supports file attachments +- Provides `latest()` to extract most recent metric values +## Built-in Jobs -# TTL (Time To Live) Feature of `openweights/cluster/start_runpod.py` +### Fine-Tuning (`openweights/jobs/unsloth/`) -The TTL feature provides automatic pod termination to prevent runaway costs and ensure resource cleanup. +**Jobs:** +- SFT (Supervised Fine-Tuning) +- DPO (Direct Preference Optimization) +- ORPO (Odds Ratio Preference Optimization) +- Weighted SFT (token-level loss weighting) -## Overview +**Features:** +- Built on Unsloth for memory-efficient training +- Automatic model upload to Hugging Face +- Support for LoRA/QLoRA +- Checkpoint tracking via events +- Log probability tracking -- **Default TTL**: 24 hours for all pods -- **Automatic termination**: Pods self-terminate when TTL expires -- **Extensible**: TTL can be extended from within the pod -- **Dev mode support**: TTL monitoring runs for both dev and worker instances +### Inference (`openweights/jobs/inference/`) -## Usage +**Backend:** vLLM -### Starting pods with custom TTL +**Features:** +- Batch inference on JSONL datasets +- OpenAI-compatible API endpoints +- Support for conversation and text completion formats +- Automatic result file upload -```bash -# Start dev instance with default 24-hour TTL -python openweights/cluster/start_runpod.py A100 default --dev_mode=true +### Evaluation (`openweights/jobs/inspect_ai.py`) -# Start dev instance with 2-hour TTL -python openweights/cluster/start_runpod.py A100 default --dev_mode=true --ttl_hours=2 +**Backend:** Inspect AI framework -# Start worker with 12-hour TTL -python openweights/cluster/start_runpod.py A100 finetuning --ttl_hours=12 -``` +**Features:** +- Run evaluations from the Inspect AI library +- Automatic result download +- Flexible eval options pass-through -### Managing TTL from within a pod +### Custom Jobs -Once inside a pod, use the TTL manager utility: +Users can define custom jobs: -```bash -# Check current TTL status -python openweights/worker/services/ttl_manager.py --check +```python +from openweights import OpenWeights, register, Jobs +from pydantic import BaseModel -# Extend TTL by 5 more hours -python openweights/worker/services/ttl_manager.py --extend 5 +@register('my_job') +class MyCustomJob(Jobs): + mount = {'local/script.py': 'script.py'} + params = MyParamsModel # Pydantic model + requires_vram_gb = 24 + base_image = 'nielsrolf/ow-default' -# Set TTL to 10 hours from now -python openweights/worker/services/ttl_manager.py --set 10 + def get_entrypoint(self, params): + return f'python script.py --arg={params.arg}' ``` -### Manual TTL management - -You can also manually update the TTL by editing `~/shutdown.txt`: +## Default Jobs Directory + +The `openweights/jobs/` directory contains several built-in job implementations: +- `unsloth/`: Fine-tuning jobs +- `weighted_sft/`: Token-weighted SFT +- `inference/`: vLLM inference +- `vllm/`: vLLM configuration +- `inspect_ai.py`: Inspect AI evaluations +- `mmlu_pro/`: MMLU Pro evaluation + +**Important:** These are simply convenient job definitions included in the repository. There is nothing architecturally special about them—they could just as easily live in external repositories or be defined by users in their own codebases. + +## Dashboard (`openweights/dashboard/`) + +**Backend** (`backend/main.py`): FastAPI service +- REST API for job/run/worker management +- Proxies Supabase with additional business logic +- Token management endpoints +- File content serving + +**Frontend** (`frontend/src/`): React + TypeScript +- Job/run/worker list and detail views +- Real-time log streaming +- Metrics visualization +- Organization management +- Token creation and management + +## Storage Architecture + +**Supabase Storage** (`files` bucket): +- Organization-scoped paths: `organizations/{org_id}/{file_id}` +- Files are content-addressed with purpose prefix: `{purpose}:file-{hash[:12]}` +- RLS policies enforce organization boundaries + +**File Types:** +- `conversations`: Training datasets (validated JSONL) +- `preference`: Preference datasets for DPO/ORPO +- `result`: Job outputs (model checkpoints, predictions) +- `log`: Execution logs +- `custom_job_file`: Mounted files for custom jobs + +## Hardware Management + +**GPU Selection:** +- Jobs specify `requires_vram_gb` (default: 24) +- Optionally specify `allowed_hardware` list (e.g., `["2x A100", "4x H100"]`) +- Cluster manager determines GPU type and count from `HARDWARE_CONFIG` mapping +- Workers register their exact hardware type (e.g., "2x L40") + +**Supported GPUs:** +- NVIDIA L40, A100, A100S, H100N, H100S, H200 +- Multi-GPU: 1x, 2x, 4x, 8x configurations +- Configurable in `cluster/start_runpod.py` + +**Worker Matching:** +- Workers filter jobs by Docker image first +- Then by hardware compatibility (VRAM or `allowed_hardware` match) +- Prefer jobs with cached models + +## Fault Tolerance + +**Job Atomicity:** +- `acquire_job()`: Atomically transitions job from pending → in_progress +- `update_job_status_if_in_progress()`: Only updates if still assigned to worker +- Prevents race conditions when multiple workers or managers interact + +**Worker Failure Handling:** +1. **Unresponsive Workers** (no ping > 2 min): + - Cluster manager reverts their in-progress jobs to pending + - Terminates RunPod pod + - Marks worker as terminated + +2. **Worker Crashes**: + - `atexit` handler attempts to revert jobs to pending + - Cluster manager's health check catches missed cases + +3. **Repeated Failures**: + - Workers track last 5 job outcomes + - Self-terminate if all 5 failed (likely bad worker) + +## Content Addressing + +**Job IDs:** +```python +job_id = f"{job_type}-{sha256(params + org_id).hex()[:12]}" +``` +- Deterministic based on parameters and organization +- Resubmitting identical job returns existing job +- Optional suffix for manual job variants -```bash -python3 -c " -import datetime -with open('~/shutdown.txt', 'w') as f: - new_time = datetime.datetime.now() + datetime.timedelta(hours=48) - f.write(new_time.isoformat()) -print(f'TTL extended to {new_time}') -" +**File IDs:** +```python +file_id = f"{purpose}:file-{sha256(content + org_id).hex()[:12]}" ``` +- Automatic deduplication within organization +- Content changes = new file ID -## How it works +## Scaling & Performance -1. **TTL Setup**: When a pod starts, the TTL monitor service calculates the shutdown time and writes it to `~/shutdown.txt` -2. **Monitoring**: A background service checks the shutdown time every minute -3. **Termination**: When the current time exceeds the shutdown time, the service terminates the pod using the RunPod API -4. **Extension**: Jobs or users can extend the TTL by updating the shutdown time in the file +**Horizontal Scaling:** +- One organization manager per organization +- Managers provision workers dynamically +- Workers execute jobs concurrently -## Architecture +**Cost Optimization:** +- Idle workers terminated after 5 minutes +- Content addressing prevents redundant work +- Workers prefer cached models to reduce download time -- **TTL Monitor Service**: `openweights/worker/services/ttl_monitor.py` -- **TTL Manager Utility**: `openweights/worker/services/ttl_manager.py` -- **Configuration**: TTL passed via `TTL_HOURS` environment variable -- **Shutdown File**: `~/shutdown.txt` contains ISO format datetime +**Limits:** +- `MAX_WORKERS_PER_ORG`: Default 8 (configurable per org) +- Worker TTL: 24 hours (configurable, extendable from within pod) -## Environment Variables +## Monitoring & Observability -- `TTL_HOURS`: Number of hours for TTL (default: 24) -- `RUNPOD_API_KEY`: RunPod API key for pod termination -- `OW_DEV`: Indicates if running in dev mode (affects other services, not TTL) +**Worker Health:** +- Ping every 5 seconds +- GPU health checks at startup +- Log aggregation via Supabase Storage -## Notes +**Job Progress:** +- Events table for structured logging +- Real-time log streaming in dashboard +- Metrics visualization (loss curves, accuracy, etc.) -- TTL monitoring runs for both dev and worker instances -- This provides an additional safety net especially for dev instances -- Pod ID is automatically detected from RunPod metadata API -- Failed termination attempts are retried every minute -- TTL can be reset/extended unlimited times before expiration +**System State:** +- Database tables provide complete audit trail +- Worker status: starting, active, shutdown, terminated +- Job status: pending, in_progress, completed, failed, canceled diff --git a/README.md b/README.md index 7dc1f46..b3089ab 100644 --- a/README.md +++ b/README.md @@ -174,3 +174,18 @@ For developing custom jobs, `ow ssh` is great - it starts a pod, connects via ss ### Job and file IDs are content hashes The `job_id` is based on the params hash, which means that if you submit the same job many times, it will only run once. If you resubmit a failed or canceled job, it will reset the job status to `pending`. + +--- +### Citation +Originally created by Niels Warncke ([@nielsrolf](github.com/nielsrolf)). + +If you find this repo useful for your research and want to cite it, you can do so via: +``` +@misc{warncke_openweights_2025, + author = {Niels Warncke}, + title = {OpenWeights}, + howpublished = {\url{https://github.com/longtermrisk/openweights}}, + note = {Commit abcdefg • accessed DD Mon YYYY}, + year = {2025} +} +``` diff --git a/cookbook/sft/multi_gpu_llama3_70b.py b/cookbook/sft/multi_gpu_llama3_70b.py index 90d6f5d..3069080 100644 --- a/cookbook/sft/multi_gpu_llama3_70b.py +++ b/cookbook/sft/multi_gpu_llama3_70b.py @@ -9,7 +9,6 @@ model="unsloth/Llama-3.3-70B-Instruct", training_file=training_file, test_file=test_file, - load_in_4bit=True, max_seq_length=2047, loss="sft", epochs=1, diff --git a/dev.md b/dev.md index 3b33220..fe3d767 100644 --- a/dev.md +++ b/dev.md @@ -143,9 +143,10 @@ OpenWeights follows a queue-based architecture with three main components: 1. **Sign Up**: Users create accounts via Supabase Auth in the dashboard 2. **Organization Creation**: Users create organizations in the dashboard UI 3. **API Key Generation**: - - Service role keys are used as API keys (JWT tokens) - - Created via dashboard's "Tokens" tab for each organization - - Format: JWT token with organization context + - Users create API tokens via the CLI: `ow token create --name "my-token"` + - API tokens are prefixed with `ow_` and stored securely in the `api_tokens` table + - Tokens can optionally have expiration dates and can be revoked + - Format: `ow_` followed by a randomly generated secure token ### Authorization Mechanism @@ -155,9 +156,11 @@ ow = OpenWeights(auth_token=os.getenv("OPENWEIGHTS_API_KEY")) ``` The client: -- Accepts a service role JWT as the API key -- Passes this token in the `Authorization` header to Supabase -- Extracts organization ID from token using `get_organization_from_token()` RPC +- Accepts an OpenWeights API token (starting with `ow_`) +- Automatically exchanges the API token for a short-lived JWT using `exchange_api_token_for_jwt()` RPC +- Passes the JWT in the `Authorization` header to Supabase +- Extracts organization ID from the JWT using `get_organization_from_token()` RPC +- Supports backwards compatibility: if the token is already a JWT (doesn't start with `ow_`), it uses it directly **Database-Side:** - Supabase Row Level Security (RLS) policies automatically filter queries diff --git a/llm.txt b/llm.txt index c211464..19c072a 100644 --- a/llm.txt +++ b/llm.txt @@ -4,11 +4,28 @@ An openai-like sdk with the flexibility of working on a local GPU: finetune, inf ## Installation Run `pip install openweights` or install from source via `pip install -e .` -Then add your `$OPENWEIGHTS_API_KEY` to the `.env`. You can create one via the [dashboard](https://yzxz5i6z2x2f0y-8124.proxy.runpod.net/). --- ## Quickstart + +1. **Create an API key** +You can create one via the `ow signup` or using the [dashboard](https://yzxz5i6z2x2f0y-8124.proxy.runpod.net/). + +2. **Start the cluster manager** (skip this if you got an API key for a managed cluster) +The cluster manager is the service that monitors the job queue and starts runpod workers. You have different options to start the cluster +``` +ow cluster --env-file path/to/env # Run locally +ow deploy --env-file path/to/env # Run on a runpod cpu instance + +# Or managed, if you trust us with your API keys (usually a bad idea, but okay if you know us personally) +ow env import path/to/env +ow manage start +``` +In all cases, the env file needs at least all envs defined in [`.env.worker.example`](.env.worker.example). + +3. Submit a job + ```python from openweights import OpenWeights @@ -116,28 +133,75 @@ job = ow.inspect_ai.create( ) if job.status == 'completed': - job.download(f"{args.local_save_dir}") + job.download('output') ``` --- +## CLI +Use `ow {cmd} --help` for more help on the available commands: +``` +❯ ow --help +usage: ow [-h] {ssh,exec,signup,cluster,worker,token,ls,cancel,logs,fetch,serve,deploy,env,manage} ... + +OpenWeights CLI for remote GPU operations + +positional arguments: + {ssh,exec,signup,cluster,worker,token,ls,cancel,logs,fetch,serve,deploy,env,manage} + ssh Start or attach to a remote shell with live file sync. + exec Execute a command on a remote GPU with file sync. + signup Create a new user, organization, and API key. + cluster Run the cluster manager locally with your own infrastructure. + worker Run a worker to execute jobs from the queue. + token Manage API tokens for organizations. + ls List job IDs. + cancel Cancel jobs by ID. + logs Display logs for a job. + fetch Fetch file content by ID. + serve Start the dashboard backend server. + deploy Deploy a cluster instance on RunPod. + env Manage organization secrets (environment variables). + manage Control managed cluster infrastructure. + +options: + -h, --help show this help message and exit +``` +For developing custom jobs, `ow ssh` is great - it starts a pod, connects via ssh, and live-syncs the local CWD into the remote. This allows editing finetuning code locally and testing it immediately. ## General notes ### Job and file IDs are content hashes The `job_id` is based on the params hash, which means that if you submit the same job many times, it will only run once. If you resubmit a failed or canceled job, it will reset the job status to `pending`. -### Running a dev pod -Start a pod in dev mode - that allows ssh'ing into it without starting a worker automatically. This is useful to debug the worker. -```sh -python openweights/cluster/start_runpod.py A6000 finetuning --dev_mode=true +--- +### Citation +Originally created by Niels Warncke ([@nielsrolf](github.com/nielsrolf)). + +If you find this repo useful for your research and want to cite it, you can do so via: ``` +@misc{warncke_openweights_2025, + author = {Niels Warncke}, + title = {OpenWeights}, + howpublished = {\url{https://github.com/longtermrisk/openweights}}, + note = {Commit abcdefg • accessed DD Mon YYYY}, + year = {2025} +} +``` +<.env.worker.example> +OPENWEIGHTS_API_KEY=... +RUNPOD_API_KEY=... +HF_USER=... +HF_TOKEN=... +HF_ORG=... + + README.md api-deployment custom_job inference +inspect_eval.py preference_learning sft @@ -294,9 +358,6 @@ job = ow.fine_tuning.create( gradient_accumulation_steps=8, allowed_hardware=["1x H200"], merge_before_push=False, # Push only the lora adapter - logp_callback_datasets={ # Track logprobs of tokens in the testfile to ensure that training works - "in-distribution": test_file - }, ) print(job) print( @@ -426,6 +487,7 @@ def submit_job(): r=32, eval_every_n_steps=1, logp_callback_datasets={"in-distribution": logp_file}, + requires_vram_gb=16, ) return job @@ -571,7 +633,7 @@ from openweights import OpenWeights ow = OpenWeights() -model = "unsloth/Qwen3-8B" +model = "unsloth/Qwen3-4B" # async with ow.api.deploy(model) also works with ow.api.deploy(model): # async with ow.api.deploy(model) also works @@ -662,10 +724,14 @@ Jobs can log data via `ow.run.log({"foo": "bar"})`. Logs can be retrieved via `e import json import os +from dotenv import load_dotenv from pydantic import BaseModel, Field from openweights import Jobs, OpenWeights, register +# Load environment variables +load_dotenv(override=True) + ow = OpenWeights() @@ -686,8 +752,6 @@ class AdditionJob(Jobs): # Define parameter validation using our Pydantic model params = AdditionParams - base_image = "nielsrolf/ow-debug" # We have to use an ow worker image - you can build your own by using something similar to the existing Dockerfiles - requires_vram_gb = 0 def get_entrypoint(self, validated_params: AdditionParams) -> str: @@ -700,7 +764,7 @@ class AdditionJob(Jobs): def main(): # Submit the job with some parameters - result = ow.addition.create(a=5, b=3) + result = ow.addition.create(a=5, b=9) print(f"Created job: {result['id']}") # Optional: wait for job completion and print results @@ -765,402 +829,6 @@ prompts.jsonl run_inference.py -# Architecture -# OpenWeights Architecture - -## Overview - -OpenWeights is a Python SDK for running distributed compute jobs on managed RunPod GPU infrastructure. It provides a simple, OpenAI-like API with full flexibility for custom workloads including fine-tuning, inference, evaluations, and arbitrary Python scripts. - -**Key Features:** -- Simple Python SDK with OpenAI-compatible interfaces -- Full flexibility to define custom jobs with arbitrary Docker images and entrypoints -- Automated management of RunPod GPU infrastructure -- Multi-tenancy with organization-based isolation -- Content-addressable job and file IDs for deduplication - -## Core Concepts - -### What is a Job? - -A job is the fundamental unit of work in OpenWeights. It consists of three components: - -1. **Docker Image**: The container environment (e.g., `nielsrolf/ow-default`, custom images) -2. **Mounted Files**: Files uploaded to Supabase storage and mounted into the container -3. **Entrypoint**: The command/script to execute (e.g., `python train.py --model=llama`) - -Jobs can be: -- **Built-in jobs**: Pre-configured templates for common tasks (fine-tuning with Unsloth, inference with vLLM, Inspect AI evaluations) -- **Custom jobs**: User-defined jobs using the `@register` decorator and `Jobs` base class - -### Job Lifecycle States - -Jobs progress through the following states: -- `pending`: Job is queued, waiting for a worker -- `in_progress`: Job is currently executing on a worker -- `completed`: Job finished successfully -- `failed`: Job encountered an error -- `canceled`: Job was manually canceled or timed out - -### Jobs, Runs, and Events - -**Jobs** are reusable templates that define what to execute: -- Identified by content hash of their parameters (e.g., `unsloth-abc123def456`) -- If you submit the same job twice, it uses the existing job (deduplication) -- Contain: docker image, script/entrypoint, parameters, VRAM requirements, hardware constraints - -**Runs** are individual executions of a job: -- Each job can have multiple runs (e.g., if restarted after failure) -- Track execution status, assigned worker, and log file -- Created when a worker picks up a job or when using `ow.run` context - -**Events** are structured logs/outputs during a run: -- Store arbitrary JSON data (metrics, checkpoints, errors) -- Can reference uploaded files (model checkpoints, outputs) -- Used to track progress and collect results - -**Relationship:** -``` -Job (1) ──< (many) Runs (1) ──< (many) Events -``` - -## System Architecture - -OpenWeights follows a queue-based architecture with three main components: - -### 1. Job Queue (Supabase) - -**Database Tables:** -- `jobs`: Job definitions and status -- `runs`: Execution records linking jobs to workers -- `events`: Structured logs and outputs from runs -- `files`: File metadata (actual files stored in Supabase Storage) -- `worker`: Worker registration and health tracking -- `organizations`: Multi-tenant isolation -- `organization_secrets`: API keys and credentials (HF_TOKEN, RUNPOD_API_KEY, etc.) -- `service_account_tokens`: JWT tokens for API authentication - -**Key Features:** -- Row Level Security (RLS) ensures organization isolation -- Atomic job acquisition using PostgreSQL functions (`acquire_job`, `update_job_status_if_in_progress`) -- Content-addressable IDs prevent duplicate jobs and files - -### 2. Cluster Manager - -**Architecture:** -- **Supervisor** (`cluster/supervisor.py`): Top-level process that spawns one manager per organization -- **Organization Manager** (`cluster/org_manager.py`): Manages GPU workers for a single organization - -**Responsibilities:** -1. Monitor job queue for pending jobs -2. Provision RunPod workers when jobs arrive -3. Scale workers based on demand (up to MAX_WORKERS per org) -4. Terminate idle workers (idle > 5 minutes) -5. Clean up unresponsive workers (no ping > 2 minutes) -6. Match jobs to hardware based on VRAM requirements and `allowed_hardware` constraints - -**Worker Provisioning:** -- Determines GPU type based on job's `requires_vram_gb` and `allowed_hardware` -- Supports multi-GPU configurations (1x, 2x, 4x, 8x GPUs) -- Creates worker record in database with `status='starting'` -- Launches RunPod pod with appropriate Docker image and environment variables -- Updates worker record with `pod_id` when pod is ready - -### 3. Workers - -**Worker Lifecycle:** -1. **Initialization** (`worker/main.py`): - - Detects GPU configuration (type, count, VRAM) - - Runs GPU health checks - - Registers in database with hardware specs - - Starts health check background thread - -2. **Job Acquisition:** - - Polls database for pending jobs matching its Docker image - - Filters by hardware compatibility (VRAM or `allowed_hardware`) - - Prefers jobs with cached models - - Uses `acquire_job()` RPC for atomic job claiming - -3. **Job Execution:** - - Downloads mounted files from Supabase Storage - - Creates temporary directory for job execution - - Runs job script with `OPENWEIGHTS_RUN_ID` environment variable - - Streams logs to local file and stdout - - Monitors for cancellation signals - -4. **Result Collection:** - - Uploads log file to Supabase Storage - - Uploads files from `/uploads` directory as results - - Creates events with file references - - Updates job status atomically - -5. **Health Monitoring:** - - Pings database every 5 seconds - - Checks for job cancellation or timeout - - Listens for shutdown signal from cluster manager - -6. **Shutdown:** - - Reverts in-progress jobs to pending (if worker dies) - - Uploads final logs - - Terminates RunPod pod - -## Authentication & Authorization - -### User Authentication Flow - -1. **Sign Up**: Users create accounts via Supabase Auth in the dashboard -2. **Organization Creation**: Users create organizations in the dashboard UI -3. **API Key Generation**: - - Service role keys are used as API keys (JWT tokens) - - Created via dashboard's "Tokens" tab for each organization - - Format: JWT token with organization context - -### Authorization Mechanism - -**Client-Side:** -```python -ow = OpenWeights(auth_token=os.getenv("OPENWEIGHTS_API_KEY")) -``` - -The client: -- Accepts a service role JWT as the API key -- Passes this token in the `Authorization` header to Supabase -- Extracts organization ID from token using `get_organization_from_token()` RPC - -**Database-Side:** -- Supabase Row Level Security (RLS) policies automatically filter queries -- Policies check `organization_id` column against the authenticated token's org -- Ensures users can only access their organization's jobs, runs, events, files, workers - -**Key RLS Policies:** -- Jobs: Can only query/insert/update jobs where `organization_id` matches token -- Files: Can only access files stored under `organizations/{org_id}/` path -- Workers: Can only view workers belonging to their organization -- Events/Runs: Accessible through their parent job's organization - -### Worker Authentication - -Workers can operate in two modes: - -1. **User-Provided Token**: Uses the organization's service account token from environment -2. **Auto-Generated Token**: Worker creates its own service account token at startup using `create_service_account_token()` RPC - -Both approaches leverage RLS to ensure workers can only access their organization's data. - -## Client SDK (`openweights/client/`) - -### Main Components - -**`OpenWeights` class** (`__init__.py`): -- Entry point for SDK -- Initializes Supabase client with auth token -- Provides accessors for jobs, runs, events, files, chat -- Supports custom job registration via `@register` decorator - -**`Jobs` class** (`jobs.py`): -- Base class for job definitions -- Handles file uploads and mounting -- Computes content-addressable job IDs -- Implements `get_or_create_or_reset()` for job deduplication - -**`Run` class** (`run.py`): -- Represents a single job execution -- Created automatically when jobs execute -- Provides logging and file upload from within jobs -- Can be used standalone for script-based jobs - -**`Files` class** (`files.py`): -- Content-addressable file storage -- Format: `{purpose}:file-{hash[:12]}` -- Validates conversation/preference datasets -- Handles organization-specific storage paths - -**`Events` class** (`events.py`): -- Structured logging for runs -- Supports file attachments -- Provides `latest()` to extract most recent metric values - -## Built-in Jobs - -### Fine-Tuning (`openweights/jobs/unsloth/`) - -**Jobs:** -- SFT (Supervised Fine-Tuning) -- DPO (Direct Preference Optimization) -- ORPO (Odds Ratio Preference Optimization) -- Weighted SFT (token-level loss weighting) - -**Features:** -- Built on Unsloth for memory-efficient training -- Automatic model upload to Hugging Face -- Support for LoRA/QLoRA -- Checkpoint tracking via events -- Log probability tracking - -### Inference (`openweights/jobs/inference/`) - -**Backend:** vLLM - -**Features:** -- Batch inference on JSONL datasets -- OpenAI-compatible API endpoints -- Support for conversation and text completion formats -- Automatic result file upload - -### Evaluation (`openweights/jobs/inspect_ai.py`) - -**Backend:** Inspect AI framework - -**Features:** -- Run evaluations from the Inspect AI library -- Automatic result download -- Flexible eval options pass-through - -### Custom Jobs - -Users can define custom jobs: - -```python -from openweights import OpenWeights, register, Jobs -from pydantic import BaseModel - -@register('my_job') -class MyCustomJob(Jobs): - mount = {'local/script.py': 'script.py'} - params = MyParamsModel # Pydantic model - requires_vram_gb = 24 - base_image = 'nielsrolf/ow-default' - - def get_entrypoint(self, params): - return f'python script.py --arg={params.arg}' -``` - -## Default Jobs Directory - -The `openweights/jobs/` directory contains several built-in job implementations: -- `unsloth/`: Fine-tuning jobs -- `weighted_sft/`: Token-weighted SFT -- `inference/`: vLLM inference -- `vllm/`: vLLM configuration -- `inspect_ai.py`: Inspect AI evaluations -- `mmlu_pro/`: MMLU Pro evaluation - -**Important:** These are simply convenient job definitions included in the repository. There is nothing architecturally special about them—they could just as easily live in external repositories or be defined by users in their own codebases. - -## Dashboard (`openweights/dashboard/`) - -**Backend** (`backend/main.py`): FastAPI service -- REST API for job/run/worker management -- Proxies Supabase with additional business logic -- Token management endpoints -- File content serving - -**Frontend** (`frontend/src/`): React + TypeScript -- Job/run/worker list and detail views -- Real-time log streaming -- Metrics visualization -- Organization management -- Token creation and management - -## Storage Architecture - -**Supabase Storage** (`files` bucket): -- Organization-scoped paths: `organizations/{org_id}/{file_id}` -- Files are content-addressed with purpose prefix: `{purpose}:file-{hash[:12]}` -- RLS policies enforce organization boundaries - -**File Types:** -- `conversations`: Training datasets (validated JSONL) -- `preference`: Preference datasets for DPO/ORPO -- `result`: Job outputs (model checkpoints, predictions) -- `log`: Execution logs -- `custom_job_file`: Mounted files for custom jobs - -## Hardware Management - -**GPU Selection:** -- Jobs specify `requires_vram_gb` (default: 24) -- Optionally specify `allowed_hardware` list (e.g., `["2x A100", "4x H100"]`) -- Cluster manager determines GPU type and count from `HARDWARE_CONFIG` mapping -- Workers register their exact hardware type (e.g., "2x L40") - -**Supported GPUs:** -- NVIDIA L40, A100, A100S, H100N, H100S, H200 -- Multi-GPU: 1x, 2x, 4x, 8x configurations -- Configurable in `cluster/start_runpod.py` - -**Worker Matching:** -- Workers filter jobs by Docker image first -- Then by hardware compatibility (VRAM or `allowed_hardware` match) -- Prefer jobs with cached models - -## Fault Tolerance - -**Job Atomicity:** -- `acquire_job()`: Atomically transitions job from pending → in_progress -- `update_job_status_if_in_progress()`: Only updates if still assigned to worker -- Prevents race conditions when multiple workers or managers interact - -**Worker Failure Handling:** -1. **Unresponsive Workers** (no ping > 2 min): - - Cluster manager reverts their in-progress jobs to pending - - Terminates RunPod pod - - Marks worker as terminated - -2. **Worker Crashes**: - - `atexit` handler attempts to revert jobs to pending - - Cluster manager's health check catches missed cases - -3. **Repeated Failures**: - - Workers track last 5 job outcomes - - Self-terminate if all 5 failed (likely bad worker) - -## Content Addressing - -**Job IDs:** -```python -job_id = f"{job_type}-{sha256(params + org_id).hex()[:12]}" -``` -- Deterministic based on parameters and organization -- Resubmitting identical job returns existing job -- Optional suffix for manual job variants - -**File IDs:** -```python -file_id = f"{purpose}:file-{sha256(content + org_id).hex()[:12]}" -``` -- Automatic deduplication within organization -- Content changes = new file ID - -## Scaling & Performance - -**Horizontal Scaling:** -- One organization manager per organization -- Managers provision workers dynamically -- Workers execute jobs concurrently - -**Cost Optimization:** -- Idle workers terminated after 5 minutes -- Content addressing prevents redundant work -- Workers prefer cached models to reduce download time - -**Limits:** -- `MAX_WORKERS_PER_ORG`: Default 8 (configurable per org) -- Worker TTL: 24 hours (configurable, extendable from within pod) - -## Monitoring & Observability - -**Worker Health:** -- Ping every 5 seconds -- GPU health checks at startup -- Log aggregation via Supabase Storage - -**Job Progress:** -- Events table for structured logging -- Real-time log streaming in dashboard -- Metrics visualization (loss curves, accuracy, etc.) - -**System State:** -- Database tables provide complete audit trail -- Worker status: starting, active, shutdown, terminated -- Job status: pending, in_progress, completed, failed, canceled + +[missing file] + diff --git a/openweights/cli/env.py b/openweights/cli/env.py index 09904d2..2f8c4c8 100644 --- a/openweights/cli/env.py +++ b/openweights/cli/env.py @@ -22,6 +22,12 @@ def add_env_parser(parser): type=str, help="Path to .env file to import", ) + import_parser.add_argument( + "-y", + "--yes", + action="store_true", + help="Skip confirmation prompt", + ) # show command subparsers.add_parser( @@ -82,10 +88,12 @@ def handle_env_import(args) -> int: ) print("=" * 80) - response = input("\nType 'yes' to confirm upload: ") - if response.lower() != "yes": - print("Import canceled.") - return 0 + # Skip confirmation if -y flag is provided + if not args.yes: + response = input("\nType 'yes' to confirm upload: ") + if response.lower() != "yes": + print("Import canceled.") + return 0 # Get OpenWeights client ow = get_openweights_client() diff --git a/openweights/cluster/org_manager.py b/openweights/cluster/org_manager.py index 77c5c2a..9fd4d4f 100644 --- a/openweights/cluster/org_manager.py +++ b/openweights/cluster/org_manager.py @@ -30,8 +30,7 @@ IDLE_THRESHOLD = 300 STARTUP_THRESHOLD = 600 UNRESPONSIVE_THRESHOLD = 120 -MAX_WORKERS = 8 -# MAX_WORKERS = 20 +MAX_WORKERS = os.environ.get("MAX_WORKERS", 8) # Configure logging logging.basicConfig( diff --git a/run_integration_tests.sh b/run_integration_tests.sh new file mode 100755 index 0000000..60eadbf --- /dev/null +++ b/run_integration_tests.sh @@ -0,0 +1,89 @@ +#!/bin/bash + +# Integration test runner for OpenWeights +# This script runs the full integration test suite against the dev Supabase database + +set -e + +# Color output +RED='\033[0;31m' +GREEN='\033[0;32m' +YELLOW='\033[1;33m' +NC='\033[0m' # No Color + +echo "==========================================" +echo "OpenWeights Integration Test Suite" +echo "==========================================" +echo "" + +# Check prerequisites +echo "Checking prerequisites..." + +# Check Python +if ! command -v python &> /dev/null; then + echo -e "${RED}✗ Python not found${NC}" + exit 1 +fi +echo -e "${GREEN}✓ Python found: $(python --version)${NC}" + +# Check Docker +if ! command -v docker &> /dev/null; then + echo -e "${RED}✗ Docker not found${NC}" + exit 1 +fi +echo -e "${GREEN}✓ Docker found: $(docker --version)${NC}" + +# Check if Docker is running +if ! docker info &> /dev/null; then + echo -e "${RED}✗ Docker is not running${NC}" + exit 1 +fi +echo -e "${GREEN}✓ Docker is running${NC}" + +# Check .env.worker +if [ ! -f ".env.worker" ]; then + echo -e "${RED}✗ .env.worker file not found${NC}" + exit 1 +fi +echo -e "${GREEN}✓ .env.worker found${NC}" + +# Check required env variables +source .env.worker +if [ -z "$SUPABASE_URL" ]; then + echo -e "${RED}✗ SUPABASE_URL not set in .env.worker${NC}" + exit 1 +fi +if [ -z "$SUPABASE_ANON_KEY" ]; then + echo -e "${RED}✗ SUPABASE_ANON_KEY not set in .env.worker${NC}" + exit 1 +fi +if [ -z "$RUNPOD_API_KEY" ]; then + echo -e "${RED}✗ RUNPOD_API_KEY not set in .env.worker${NC}" + exit 1 +fi +echo -e "${GREEN}✓ Required environment variables set${NC}" + +echo "" +echo "==========================================" +echo "Starting Integration Tests" +echo "==========================================" +echo "" + +# Run the tests +python tests/test_integration.py + +exit_code=$? + +if [ $exit_code -eq 0 ]; then + echo "" + echo -e "${GREEN}==========================================" + echo "✓ All integration tests passed!" + echo -e "==========================================${NC}" +else + echo "" + echo -e "${RED}==========================================" + echo "✗ Some integration tests failed" + echo -e "==========================================${NC}" +fi + +exit $exit_code diff --git a/tests/test_integration.py b/tests/test_integration.py new file mode 100644 index 0000000..2b85881 --- /dev/null +++ b/tests/test_integration.py @@ -0,0 +1,937 @@ +""" +Integration tests for OpenWeights. + +These tests run against a live Supabase database and test the full stack: +- User signup and token management +- Worker execution +- Docker image building +- Cluster management with cookbook examples + +Usage: + python tests/test_integration.py + +Requirements: + - .env.worker file must exist with SUPABASE_URL, SUPABASE_ANON_KEY, etc. + - Access to dev Supabase database + - Docker installed and running + - RunPod API key configured +""" + +import json +import os +import shutil +import subprocess +import sys +import time +from pathlib import Path +from typing import Any, Dict, List, Optional + +# Add parent directory to path for imports +sys.path.insert(0, str(Path(__file__).parent.parent)) + +from pydantic import BaseModel, Field + +from openweights import Jobs, OpenWeights, register + + +class TestResult: + """Track test results""" + + def __init__(self, name: str): + self.name = name + self.passed = False + self.error: Optional[str] = None + self.duration: float = 0.0 + self.start_time = time.time() + + def mark_passed(self): + self.passed = True + self.duration = time.time() - self.start_time + + def mark_failed(self, error: str): + self.passed = False + self.error = error + self.duration = time.time() - self.start_time + + def __str__(self): + status = "✓ PASSED" if self.passed else "✗ FAILED" + result = f"{status} - {self.name} ({self.duration:.2f}s)" + if self.error: + result += f"\n Error: {self.error}" + return result + + +class IntegrationTestRunner: + """Run integration tests for OpenWeights""" + + def __init__(self): + self.results: List[TestResult] = [] + self.env_backup: Optional[str] = None + self.test_token: Optional[str] = None + self.initial_token: Optional[str] = None + + # Paths + self.repo_root = Path(__file__).parent.parent + self.env_worker_path = self.repo_root / ".env.worker" + self.env_backup_path = self.repo_root / ".env.worker.backup" + + def backup_env(self): + """Backup .env.worker file""" + if self.env_worker_path.exists(): + shutil.copy(self.env_worker_path, self.env_backup_path) + print(f"Backed up .env.worker to {self.env_backup_path}") + + def restore_env(self): + """Restore .env.worker file""" + if self.env_backup_path.exists(): + shutil.copy(self.env_backup_path, self.env_worker_path) + self.env_backup_path.unlink() + print(f"Restored .env.worker from backup") + + def update_env_token(self, token: str): + """Update OPENWEIGHTS_API_KEY in .env.worker""" + if not self.env_worker_path.exists(): + raise FileNotFoundError(f".env.worker not found at {self.env_worker_path}") + + lines = self.env_worker_path.read_text().splitlines() + updated_lines = [] + found = False + + for line in lines: + if line.startswith("OPENWEIGHTS_API_KEY="): + updated_lines.append(f"OPENWEIGHTS_API_KEY={token}") + found = True + else: + updated_lines.append(line) + + if not found: + updated_lines.append(f"OPENWEIGHTS_API_KEY={token}") + + self.env_worker_path.write_text("\n".join(updated_lines) + "\n") + print(f"Updated OPENWEIGHTS_API_KEY in .env.worker") + + def _get_env_with_token(self) -> Dict[str, str]: + """Get environment dict with current token from .env.worker""" + from dotenv import dotenv_values + + env_from_file = dotenv_values(self.env_worker_path) + + cmd_env = os.environ.copy() + cmd_env.update(env_from_file) + + return cmd_env + + def run_cli_command( + self, + command: List[str], + capture_output: bool = True, + env: Optional[Dict[str, str]] = None, + ) -> subprocess.CompletedProcess: + """Run an ow CLI command""" + full_command = ["python", "-m", "openweights.cli"] + command + print(f"Running: {' '.join(full_command)}") + + # Get environment with token from .env.worker + cmd_env = self._get_env_with_token() + + # Apply any additional env overrides + if env: + cmd_env.update(env) + + result = subprocess.run( + full_command, + cwd=self.repo_root, + capture_output=capture_output, + text=True, + timeout=300, # 5 minute timeout + env=cmd_env, + ) + + if result.stdout: + print(f"STDOUT: {result.stdout}") + if result.stderr: + print(f"STDERR: {result.stderr}") + + return result + + def test_signup_and_tokens(self) -> TestResult: + """Test signup, token creation, token usage, and token revocation""" + result = TestResult("Signup and Token Management") + + try: + print("\n" + "=" * 80) + print("TEST: Signup and Token Management") + print("=" * 80) + + # Step 1: Sign up (or login if already exists) + print("\n1. Testing 'ow signup'...") + + # Generate random email for testing + import secrets + + test_email = f"test-{secrets.token_hex(8)}@openweights.test" + + # Load env to get SUPABASE credentials + from dotenv import load_dotenv + + load_dotenv(self.env_worker_path, override=True) + + signup_result = self.run_cli_command( + [ + "signup", + test_email, + "--supabase-url", + os.getenv("SUPABASE_URL"), + "--supabase-key", + os.getenv("SUPABASE_ANON_KEY"), + ] + ) + + if signup_result.returncode != 0: + raise Exception(f"Signup failed: {signup_result.stderr}") + + # Extract initial token from output + output = signup_result.stdout + signup_result.stderr + + # Try to extract token (format: ow_...) + import re + + token_match = re.search(r"(ow_[a-f0-9]{48})", output) + if token_match: + self.initial_token = token_match.group(1) + print(f"Extracted initial token: {self.initial_token[:20]}...") + else: + raise Exception("Could not extract initial token from signup output") + + # Update env with initial token + self.update_env_token(self.initial_token) + + # Step 2: Create a new token + print("\n2. Testing 'ow token create'...") + token_create_result = self.run_cli_command( + ["token", "create", "--name", "integration-test-token"] + ) + + if token_create_result.returncode != 0: + raise Exception(f"Token creation failed: {token_create_result.stderr}") + + # Extract the new token + token_match = re.search(r"(ow_[a-f0-9]{48})", token_create_result.stdout) + if token_match: + self.test_token = token_match.group(1) + print(f"Created test token: {self.test_token[:20]}...") + else: + raise Exception("Could not extract test token from output") + + # Update env with test token + self.update_env_token(self.test_token) + + # Step 3: Test token by listing jobs + print("\n3. Testing 'ow ls' with test token...") + ls_result = self.run_cli_command(["ls"]) + + if ls_result.returncode != 0: + raise Exception(f"'ow ls' failed with test token: {ls_result.stderr}") + + print("✓ Successfully listed jobs with test token") + + # Step 4: Test env import + print("\n4. Testing 'ow env import MAX_WORKERS=2'...") + + # Create a temporary .env file for testing + test_env_file = self.repo_root / ".env.test" + test_env_file.write_text("MAX_WORKERS=2\n") + + try: + # Use -y flag to skip confirmation prompt + env_import_result = self.run_cli_command( + ["env", "import", str(test_env_file), "-y"] + ) + + if env_import_result.returncode != 0: + raise Exception( + f"'ow env import' failed: {env_import_result.stderr}" + ) + + print("✓ Successfully imported environment variable") + + # Verify the env was actually imported by checking 'ow env show' + print("\n4b. Verifying environment variable was imported...") + env_show_result = self.run_cli_command(["env", "show"]) + + if env_show_result.returncode != 0: + raise Exception(f"'ow env show' failed: {env_show_result.stderr}") + + # Check if MAX_WORKERS=2 appears in the output + if "MAX_WORKERS=2" not in env_show_result.stdout: + raise Exception( + f"MAX_WORKERS=2 not found in 'ow env show' output. Output was:\n{env_show_result.stdout}" + ) + + print("✓ Verified MAX_WORKERS=2 in organization secrets") + + finally: + # Clean up test file + if test_env_file.exists(): + test_env_file.unlink() + + # Step 5: Get token ID for revocation + print("\n5. Getting token ID for revocation...") + + # Query to get token ID + from dotenv import load_dotenv + + load_dotenv(self.env_worker_path, override=True) + ow = OpenWeights() + + tokens_result = ( + ow._supabase.table("api_tokens") + .select("id") + .eq("organization_id", ow.organization_id) + .order("created_at", desc=True) + .execute() + ) + + test_token_id = None + for token_record in tokens_result.data: + # The test token is the most recent one + if token_record["id"]: + test_token_id = token_record["id"] + break + + if not test_token_id: + raise Exception("Could not find test token ID") + + print(f"Found test token ID: {test_token_id}") + + # Step 6: Revoke the test token + print("\n6. Testing 'ow token revoke'...") + # Note: token revoke requires stdin confirmation, we'll need to handle that separately + revoke_result = subprocess.run( + [ + "python", + "-m", + "openweights.cli", + "token", + "revoke", + "--token-id", + test_token_id, + ], + cwd=self.repo_root, + capture_output=True, + text=True, + input="yes\n", + timeout=30, + env=self._get_env_with_token(), + ) + + if revoke_result.returncode != 0: + raise Exception(f"Token revocation failed: {revoke_result.stderr}") + + print("✓ Successfully revoked test token") + + # Step 6: Verify token is invalid by trying to use it + print("\n6. Verifying revoked token is invalid...") + ls_result_after_revoke = self.run_cli_command(["ls"]) + + if ls_result_after_revoke.returncode == 0: + raise Exception( + "'ow ls' succeeded with revoked token (should have failed)" + ) + + print("✓ Confirmed revoked token is invalid") + + # Restore initial token for remaining tests + self.update_env_token(self.initial_token) + + result.mark_passed() + + except Exception as e: + result.mark_failed(str(e)) + + self.results.append(result) + return result + + def test_worker_execution(self) -> TestResult: + """Test worker execution with addition job""" + result = TestResult("Worker Execution") + + try: + print("\n" + "=" * 80) + print("TEST: Worker Execution") + print("=" * 80) + + # Ensure we're using the initial token + if not self.initial_token: + raise Exception("Initial token not available") + + self.update_env_token(self.initial_token) + + # Define addition job inline + from dotenv import load_dotenv + + load_dotenv(self.env_worker_path, override=True) + + ow = OpenWeights() + + class AdditionParams(BaseModel): + a: float = Field(..., description="First number") + b: float = Field(..., description="Second number") + + @register("addition") + class AdditionJob(Jobs): + mount = { + str( + self.repo_root / "cookbook/custom_job/worker_side.py" + ): "worker_side.py" + } + params = AdditionParams + requires_vram_gb = 0 + + def get_entrypoint(self, validated_params: AdditionParams) -> str: + params_json = json.dumps(validated_params.model_dump()) + return f"python worker_side.py '{params_json}'" + + # Submit job + print("\n1. Submitting addition job (5 + 9)...") + job = ow.addition.create(a=5, b=9) + job_id = job["id"] + print(f"Created job: {job_id}") + + # Start worker in background + print("\n2. Starting worker...") + worker_process = subprocess.Popen( + ["python", "-m", "openweights.cli", "worker"], + cwd=self.repo_root, + stdout=subprocess.PIPE, + stderr=subprocess.PIPE, + text=True, + ) + + # Wait for job completion (timeout after 5 minutes) + print("\n3. Waiting for job completion...") + max_wait = 300 # 5 minutes + start_time = time.time() + + while time.time() - start_time < max_wait: + job_status = ow.jobs.retrieve(job_id) + status = job_status["status"] + print(f"Job status: {status}") + + if status == "completed": + print("✓ Job completed successfully") + break + elif status == "failed": + raise Exception(f"Job failed: {job_status}") + + time.sleep(5) + else: + raise Exception("Job did not complete within timeout") + + # Verify result + print("\n4. Verifying job result...") + events = ow.events.list(job_id=job_id) + + result_found = False + for event in events: + if event["data"].get("result") == 14.0: + result_found = True + print(f"✓ Found expected result: {event['data']['result']}") + break + + if not result_found: + raise Exception("Expected result (14.0) not found in events") + + # Clean up worker + print("\n5. Stopping worker...") + worker_process.terminate() + try: + worker_process.wait(timeout=10) + except subprocess.TimeoutExpired: + worker_process.kill() + + result.mark_passed() + + except Exception as e: + result.mark_failed(str(e)) + + self.results.append(result) + return result + + def test_docker_build_and_push(self) -> TestResult: + """Test building and pushing Docker images""" + result = TestResult("Docker Build and Push") + + try: + print("\n" + "=" * 80) + print("TEST: Docker Build and Push") + print("=" * 80) + + # Get version from Jobs.base_image + from openweights.client.jobs import Jobs + + version = Jobs.base_image.split(":")[-1] + print(f"Using version: {version}") + + # Check if Docker is running + print("\n1. Checking Docker...") + docker_check = subprocess.run( + ["docker", "info"], capture_output=True, timeout=10 + ) + + if docker_check.returncode != 0: + raise Exception("Docker is not running or not accessible") + + print("✓ Docker is running") + + # Build ow-default image (worker image) for AMD64 + print(f"\n2. Building and pushing ow-default:{version} for AMD64...") + build_result = subprocess.run( + [ + "docker", + "buildx", + "build", + "--platform", + "linux/amd64", + "-t", + f"nielsrolf/ow-default:{version}", + "--push", + ".", + ], + cwd=self.repo_root, + capture_output=True, + text=True, + timeout=1200, # 20 minute timeout for build+push + ) + + if build_result.returncode != 0: + raise Exception(f"Docker build failed: {build_result.stderr}") + + print(f"✓ Successfully built and pushed ow-default:{version}") + + # Build ow-cluster image for AMD64 + print(f"\n3. Building and pushing ow-cluster:{version} for AMD64...") + cluster_build_result = subprocess.run( + [ + "docker", + "buildx", + "build", + "--platform", + "linux/amd64", + "-f", + "Dockerfile.cluster", + "-t", + f"nielsrolf/ow-cluster:{version}", + "--push", + ".", + ], + cwd=self.repo_root, + capture_output=True, + text=True, + timeout=1200, # 20 minute timeout for build+push + ) + + if cluster_build_result.returncode != 0: + raise Exception( + f"Cluster Docker build failed: {cluster_build_result.stderr}" + ) + + print(f"✓ Successfully built and pushed ow-cluster:{version}") + + print(f"\n✓ Docker build and push completed for version {version}") + + result.mark_passed() + + except Exception as e: + result.mark_failed(str(e)) + + self.results.append(result) + return result + + def test_cluster_and_cookbook(self) -> TestResult: + """Test cluster management with cookbook examples""" + result = TestResult("Cluster and Cookbook Examples") + + try: + print("\n" + "=" * 80) + print("TEST: Cluster and Cookbook Examples") + print("=" * 80) + + # Ensure we're using the initial token + if not self.initial_token: + raise Exception("Initial token not available") + + self.update_env_token(self.initial_token) + + from dotenv import load_dotenv + + load_dotenv(self.env_worker_path, override=True) + + ow = OpenWeights() + + # Find all cookbook examples + cookbook_dir = self.repo_root / "cookbook" + cookbook_examples = [] + + for py_file in cookbook_dir.rglob("*.py"): + # Skip gradio_ui as requested + if py_file.name == "gradio_ui.py": + print(f"Skipping {py_file.relative_to(self.repo_root)}") + continue + + # Skip worker_side.py (helper file) + if py_file.name == "worker_side.py": + continue + + cookbook_examples.append(py_file) + + print(f"\nFound {len(cookbook_examples)} cookbook examples to test") + for example in cookbook_examples: + print(f" - {example.relative_to(self.repo_root)}") + + # Submit cookbook jobs one by one, matching each to its job ID + print("\n1. Submitting cookbook jobs and matching to job IDs...") + submitted_jobs = [] + + for example in cookbook_examples: + try: + print(f"\nSubmitting {example.name}...") + + # Get job IDs before submission + jobs_before = ( + ow._supabase.table("jobs") + .select("id") + .eq("organization_id", ow.organization_id) + .execute() + ) + job_ids_before = {job["id"] for job in jobs_before.data} + + # Start the process in background - it will wait for job completion + process = subprocess.Popen( + ["python", str(example)], + cwd=example.parent, + stdout=subprocess.PIPE, + stderr=subprocess.PIPE, + text=True, + ) + + # Wait a moment for job to be created + time.sleep(5) + + # Get job IDs after submission + jobs_after = ( + ow._supabase.table("jobs") + .select("id") + .eq("organization_id", ow.organization_id) + .execute() + ) + job_ids_after = {job["id"] for job in jobs_after.data} + + # Find the new job ID (should be exactly one) + new_job_ids = job_ids_after - job_ids_before + + if len(new_job_ids) == 1: + job_id = list(new_job_ids)[0] + submitted_jobs.append( + { + "example": example.name, + "process": process, + "job_id": job_id, + "completed": False, + } + ) + print(f" ✓ Matched {example.name} -> {job_id}") + elif len(new_job_ids) == 0: + print( + f" ⚠ No new job found for {example.name}, waiting longer..." + ) + time.sleep(10) + # Try again + jobs_after = ( + ow._supabase.table("jobs") + .select("id") + .eq("organization_id", ow.organization_id) + .execute() + ) + job_ids_after = {job["id"] for job in jobs_after.data} + new_job_ids = job_ids_after - job_ids_before + + if len(new_job_ids) == 1: + job_id = list(new_job_ids)[0] + submitted_jobs.append( + { + "example": example.name, + "process": process, + "job_id": job_id, + "completed": False, + } + ) + print(f" ✓ Matched {example.name} -> {job_id}") + else: + print(f" ✗ Still couldn't find job for {example.name}") + process.terminate() + else: + print( + f" ⚠ Multiple new jobs found for {example.name}: {new_job_ids}" + ) + # Take the most recent one + job_id = list(new_job_ids)[0] + submitted_jobs.append( + { + "example": example.name, + "process": process, + "job_id": job_id, + "completed": False, + } + ) + print(f" Using {job_id}") + + except Exception as e: + print(f" ✗ Error with {example.name}: {e}") + + print(f"\nSuccessfully submitted and matched {len(submitted_jobs)} jobs") + + # Start cluster manager + print("\n2. Starting cluster manager...") + cluster_process = subprocess.Popen( + ["python", "-m", "openweights.cli", "cluster"], + cwd=self.repo_root, + stdout=subprocess.PIPE, + stderr=subprocess.PIPE, + text=True, + ) + + # Monitor job completion by checking job status in database + # Some cookbook examples wait for completion, others just submit and exit + print("\n3. Monitoring job completion...") + print("Note: This may take several hours for fine-tuning jobs...") + + max_wait = 7200 # 2 hours max + start_time = time.time() + check_interval = 30 # Check every 30 seconds + + while time.time() - start_time < max_wait: + all_done = True + + for job_info in submitted_jobs: + if job_info["completed"]: + continue + + # Check if submission process has finished (for examples that wait) + if ( + job_info["process"].poll() is not None + and "returncode" not in job_info + ): + job_info["returncode"] = job_info["process"].returncode + + # Check actual job status in database (for all examples) + try: + job_status = ow.jobs.retrieve(job_info["job_id"]) + current_status = job_status["status"] + job_info["current_status"] = current_status + + if current_status in ["completed", "failed", "canceled"]: + if not job_info["completed"]: + job_info["completed"] = True + job_info["final_status"] = current_status + returncode_info = ( + f" (exit code: {job_info.get('returncode', 'N/A')})" + if "returncode" in job_info + else "" + ) + print( + f"✓ {job_info['example']}: {current_status}{returncode_info}" + ) + else: + all_done = False + + except Exception as e: + print(f"⚠ Error checking {job_info['example']}: {e}") + all_done = False + + if all_done: + print("\n✓ All jobs completed!") + break + + completed_count = sum(1 for j in submitted_jobs if j["completed"]) + pending_count = sum( + 1 + for j in submitted_jobs + if not j["completed"] and j.get("current_status") == "pending" + ) + in_progress_count = sum( + 1 + for j in submitted_jobs + if not j["completed"] and j.get("current_status") == "in_progress" + ) + + print( + f"Progress: {completed_count}/{len(submitted_jobs)} completed | {in_progress_count} in progress | {pending_count} pending" + ) + + time.sleep(check_interval) + else: + print("\n⚠ Timeout reached, some jobs may still be running") + # Kill any remaining submission processes + for job_info in submitted_jobs: + if job_info["process"].poll() is None: + print( + f"Terminating submission process for {job_info['example']}..." + ) + job_info["process"].terminate() + + # Wait for workers to terminate (cluster manager should terminate idle workers after 5 min) + print("\n4. Waiting for workers to terminate (up to 10 minutes)...") + print( + "Cluster manager should terminate idle workers after 5 minutes of inactivity..." + ) + worker_termination_start = time.time() + max_worker_wait = 600 # 10 minutes + + while time.time() - worker_termination_start < max_worker_wait: + # Check active workers + active_workers = ( + ow._supabase.table("worker") + .select("id, status") + .eq("organization_id", ow.organization_id) + .in_("status", ["starting", "active"]) + .execute() + ) + + if not active_workers.data: + elapsed = time.time() - worker_termination_start + print(f"✓ All workers terminated after {elapsed:.1f} seconds") + break + + elapsed = time.time() - worker_termination_start + print( + f"[{elapsed:.0f}s] Waiting for {len(active_workers.data)} worker(s) to terminate..." + ) + time.sleep(30) + else: + print( + f"⚠ Warning: {len(active_workers.data)} worker(s) still active after 10 minutes" + ) + + # Now clean up cluster manager + print("\n5. Stopping cluster manager...") + cluster_process.terminate() + try: + cluster_process.wait(timeout=10) + except subprocess.TimeoutExpired: + cluster_process.kill() + print("⚠ Had to forcefully kill cluster manager") + + # Print summary table + print("\n" + "=" * 80) + print("COOKBOOK EXAMPLES SUMMARY") + print("=" * 80) + + # Create a formatted table + print(f"\n{'Example':<40} {'Job ID':<25} {'Status':<12} {'Exit Code':<10}") + print("-" * 87) + + for job in submitted_jobs: + example_name = job["example"][:39] # Truncate if too long + job_id = job.get("job_id", "N/A")[:24] + status = job.get("final_status", job.get("current_status", "unknown")) + exit_code = str(job.get("returncode", "N/A")) + + # Color coding + if status == "completed": + status_display = f"✓ {status}" + elif status in ["failed", "canceled"]: + status_display = f"✗ {status}" + else: + status_display = f"⧗ {status}" + + print( + f"{example_name:<40} {job_id:<25} {status_display:<12} {exit_code:<10}" + ) + + # Summary counts + completed = [ + j for j in submitted_jobs if j.get("final_status") == "completed" + ] + failed = [j for j in submitted_jobs if j.get("final_status") == "failed"] + canceled = [ + j for j in submitted_jobs if j.get("final_status") == "canceled" + ] + pending = [j for j in submitted_jobs if not j.get("completed", False)] + + print("-" * 87) + print( + f"Total: {len(submitted_jobs)} | Completed: {len(completed)} | Failed: {len(failed)} | Canceled: {len(canceled)} | Pending: {len(pending)}" + ) + print("=" * 80) + + # Mark test as passed if at least some jobs completed + if len(completed) > 0: + result.mark_passed() + else: + raise Exception("No cookbook jobs completed successfully") + + except Exception as e: + result.mark_failed(str(e)) + + self.results.append(result) + return result + + def run_all_tests(self): + """Run all integration tests""" + print("\n" + "=" * 80) + print("OPENWEIGHTS INTEGRATION TEST SUITE") + print("=" * 80) + print(f"Repository: {self.repo_root}") + print(f"Environment: {self.env_worker_path}") + print("\n") + + try: + # Backup environment + self.backup_env() + + # Run tests + self.test_signup_and_tokens() + self.test_worker_execution() + self.test_docker_build_and_push() + self.test_cluster_and_cookbook() + + finally: + # Always restore environment + self.restore_env() + + # Print summary + self.print_summary() + + def print_summary(self): + """Print test results summary""" + print("\n" + "=" * 80) + print("TEST RESULTS SUMMARY") + print("=" * 80 + "\n") + + for result in self.results: + print(result) + + passed = sum(1 for r in self.results if r.passed) + total = len(self.results) + + print("\n" + "=" * 80) + print(f"TOTAL: {passed}/{total} tests passed") + print("=" * 80 + "\n") + + if passed == total: + print("✓ All tests passed!") + sys.exit(0) + else: + print("✗ Some tests failed") + sys.exit(1) + + +def main(): + """Main entry point""" + runner = IntegrationTestRunner() + runner.run_all_tests() + + +if __name__ == "__main__": + main() From 9fe2e9d83049e074ac3ba096361e9958afaaa2ed Mon Sep 17 00:00:00 2001 From: Niels Warncke Date: Tue, 28 Oct 2025 15:47:02 +0100 Subject: [PATCH 25/27] dashboard: refresh JWT and auto-add default API key to org env --- openweights/dashboard/backend/database.py | 27 +++++- openweights/dashboard/frontend/src/api.ts | 58 +++++++++++- .../frontend/src/contexts/AuthContext.tsx | 93 ++++++++++++++++++- 3 files changed, 169 insertions(+), 9 deletions(-) diff --git a/openweights/dashboard/backend/database.py b/openweights/dashboard/backend/database.py index 501f53b..d45bc3a 100644 --- a/openweights/dashboard/backend/database.py +++ b/openweights/dashboard/backend/database.py @@ -105,9 +105,22 @@ async def create_organization(self, org_data: OrganizationCreate) -> Organizatio org_id = org_response.data # Create a default API token for the organization - await self.create_token(org_id, TokenCreate(name="Default API Key")) + token = await self.create_token(org_id, TokenCreate(name="Default API Key")) - # Add secrets using RPC + # Store the API token as an organization secret + secret_result = self.client.rpc( + "manage_organization_secret", + { + "org_id": org_id, + "secret_name": "OPENWEIGHTS_API_KEY", + "secret_value": token.access_token, + }, + ).execute() + + if not secret_result.data: + raise ValueError("Failed to add OPENWEIGHTS_API_KEY secret") + + # Add user-provided secrets using RPC for secret_name, secret_value in org_data.secrets.items(): secret_result = self.client.rpc( "manage_organization_secret", @@ -180,7 +193,10 @@ async def update_organization_secret( async def update_organization_secrets( self, organization_id: str, secrets: Dict[str, str] ) -> bool: - """Update all organization secrets together. Deletes secrets not in the input dict.""" + """Update all organization secrets together. Deletes secrets not in the input dict. + + Note: OPENWEIGHTS_API_KEY is protected and will never be deleted. + """ self.set_organization_id(organization_id) try: @@ -203,7 +219,10 @@ async def update_organization_secrets( new_secret_names = set(secrets.keys()) # Delete secrets that are not in the new set - secrets_to_delete = current_secret_names - new_secret_names + # But protect OPENWEIGHTS_API_KEY from deletion + secrets_to_delete = (current_secret_names - new_secret_names) - { + "OPENWEIGHTS_API_KEY" + } for secret_name in secrets_to_delete: delete_result = ( self.client.from_("organization_secrets") diff --git a/openweights/dashboard/frontend/src/api.ts b/openweights/dashboard/frontend/src/api.ts index a32263d..78d8c01 100644 --- a/openweights/dashboard/frontend/src/api.ts +++ b/openweights/dashboard/frontend/src/api.ts @@ -5,10 +5,64 @@ import { supabase } from './supabaseClient'; // In production, use relative paths. In development, use localhost const API_URL = import.meta.env.PROD ? '' : 'http://localhost:8124'; +// Helper function to refresh JWT token using API key +const refreshJwtToken = async () => { + const apiKey = localStorage.getItem('openweights_api_key'); + if (!apiKey) { + throw new Error('No API key found for token refresh'); + } + + try { + const response = await axios.post(`${API_URL}/auth/exchange-api-key`, { + api_key: apiKey + }); + + const jwt = response.data.jwt; + const expiresAt = Math.floor(Date.now() / 1000) + 3600; // JWT expires in 1 hour + + // Update the stored JWT and expiration time + localStorage.setItem('openweights_jwt', jwt); + localStorage.setItem('openweights_jwt_expires_at', expiresAt.toString()); + + return jwt; + } catch (error) { + console.error('Failed to refresh JWT token:', error); + throw error; + } +}; + const getAuthHeaders = async () => { // First check for API key JWT in localStorage - const apiKeyJwt = localStorage.getItem('openweights_jwt'); - if (apiKeyJwt) { + let apiKeyJwt = localStorage.getItem('openweights_jwt'); + const expiresAt = localStorage.getItem('openweights_jwt_expires_at'); + + if (apiKeyJwt && expiresAt) { + const expiresAtSeconds = parseInt(expiresAt, 10); + const nowSeconds = Math.floor(Date.now() / 1000); + const timeUntilExpiry = expiresAtSeconds - nowSeconds; + + // Refresh token if it expires in less than 5 minutes (300 seconds) or has already expired + if (timeUntilExpiry < 300) { + console.log('JWT token expired or expiring soon, refreshing before API call...'); + try { + apiKeyJwt = await refreshJwtToken(); + } catch (error) { + console.error('Token refresh failed, clearing auth state'); + localStorage.removeItem('openweights_api_key'); + localStorage.removeItem('openweights_jwt'); + localStorage.removeItem('openweights_jwt_expires_at'); + throw new Error('Authentication expired. Please sign in again.'); + } + } + + return { + headers: { + 'Authorization': `Bearer ${apiKeyJwt}`, + 'Content-Type': 'application/json' + } + }; + } else if (apiKeyJwt) { + // JWT exists but no expiration time (legacy case) return { headers: { 'Authorization': `Bearer ${apiKeyJwt}`, diff --git a/openweights/dashboard/frontend/src/contexts/AuthContext.tsx b/openweights/dashboard/frontend/src/contexts/AuthContext.tsx index 1a5bbda..a277ce4 100644 --- a/openweights/dashboard/frontend/src/contexts/AuthContext.tsx +++ b/openweights/dashboard/frontend/src/contexts/AuthContext.tsx @@ -14,6 +14,7 @@ interface AuthContextType { signUp: (email: string, password: string) => Promise<{ error: Error | null }>; signOut: () => Promise; resetPassword: (email: string) => Promise<{ error: Error | null }>; + refreshToken: () => Promise<{ error: Error | null }>; } const AuthContext = createContext(undefined); @@ -92,9 +93,12 @@ export function AuthProvider({ children }: { children: React.ReactNode }) { }); const jwt = response.data.jwt; + const expiresAt = Math.floor(Date.now() / 1000) + 3600; // JWT expires in 1 hour - // Store the JWT in localStorage for API calls + // Store the API key, JWT, and expiration time in localStorage + localStorage.setItem('openweights_api_key', apiKey); localStorage.setItem('openweights_jwt', jwt); + localStorage.setItem('openweights_jwt_expires_at', expiresAt.toString()); // Create a mock session for the auth context // This JWT is for database access, not Supabase Auth @@ -102,7 +106,57 @@ export function AuthProvider({ children }: { children: React.ReactNode }) { access_token: jwt, refresh_token: jwt, expires_in: 3600, - expires_at: Math.floor(Date.now() / 1000) + 3600, + expires_at: expiresAt, + token_type: 'bearer', + user: { + id: 'api-key-user', + email: 'api-key@openweights.com', + aud: 'authenticated', + role: 'authenticated', + created_at: new Date().toISOString(), + app_metadata: {}, + user_metadata: {}, + } + } as Session; + + setSession(mockSession); + setUser(mockSession.user); + + return { error: null }; + } catch (error) { + if (axios.isAxiosError(error)) { + const message = error.response?.data?.detail || error.message; + return { error: new Error(message) }; + } + return { error: error as Error }; + } + }; + + const refreshToken = async () => { + try { + const apiKey = localStorage.getItem('openweights_api_key'); + if (!apiKey) { + return { error: new Error('No API key found') }; + } + + // Exchange API key for a new JWT + const response = await axios.post(`${API_URL}/auth/exchange-api-key`, { + api_key: apiKey + }); + + const jwt = response.data.jwt; + const expiresAt = Math.floor(Date.now() / 1000) + 3600; // JWT expires in 1 hour + + // Update the stored JWT and expiration time + localStorage.setItem('openweights_jwt', jwt); + localStorage.setItem('openweights_jwt_expires_at', expiresAt.toString()); + + // Update the session with the new token + const mockSession = { + access_token: jwt, + refresh_token: jwt, + expires_in: 3600, + expires_at: expiresAt, token_type: 'bearer', user: { id: 'api-key-user', @@ -144,8 +198,10 @@ export function AuthProvider({ children }: { children: React.ReactNode }) { }; const signOut = async () => { - // Clear API key JWT if present + // Clear API key, JWT, and expiration time if present + localStorage.removeItem('openweights_api_key'); localStorage.removeItem('openweights_jwt'); + localStorage.removeItem('openweights_jwt_expires_at'); // Also sign out from Supabase Auth await supabase.auth.signOut(); @@ -166,6 +222,36 @@ export function AuthProvider({ children }: { children: React.ReactNode }) { } }; + // Set up periodic token refresh check + useEffect(() => { + const checkAndRefreshToken = async () => { + const apiKey = localStorage.getItem('openweights_api_key'); + const expiresAt = localStorage.getItem('openweights_jwt_expires_at'); + + if (!apiKey || !expiresAt) { + return; // Not using API key auth + } + + const expiresAtSeconds = parseInt(expiresAt, 10); + const nowSeconds = Math.floor(Date.now() / 1000); + const timeUntilExpiry = expiresAtSeconds - nowSeconds; + + // Refresh token if it expires in less than 5 minutes (300 seconds) + if (timeUntilExpiry < 300) { + console.log('JWT token expiring soon, refreshing...'); + await refreshToken(); + } + }; + + // Check immediately on mount + checkAndRefreshToken(); + + // Then check every minute + const interval = setInterval(checkAndRefreshToken, 60000); + + return () => clearInterval(interval); + }, []); + const value = { session, user, @@ -175,6 +261,7 @@ export function AuthProvider({ children }: { children: React.ReactNode }) { signUp, signOut, resetPassword, + refreshToken, }; return {children}; From 097e3b7f4ddaa706a45118103db3b7970a0961cd Mon Sep 17 00:00:00 2001 From: Niels Warncke Date: Fri, 31 Oct 2025 14:50:55 +0100 Subject: [PATCH 26/27] Final clean up before v0.7 release --- Dockerfile | 3 +- README.md | 6 +- cookbook/api-deployment/gradio_ui.py | 2 +- cookbook/custom_job/client_side.py | 24 +- ...a3_70b.py => multi_gpu_llama3_70b.py.skip} | 3 + cookbook/sft/sampling_callback.py | 2 +- openweights/cli/exec.py | 2 +- openweights/client/__init__.py | 4 +- openweights/cluster/org_manager.py | 82 ++-- openweights/cluster/start_runpod.py | 14 +- run_integration_tests.sh | 89 ---- tests/test_integration.py | 444 ++++++++++++++---- 12 files changed, 425 insertions(+), 250 deletions(-) rename cookbook/sft/{multi_gpu_llama3_70b.py => multi_gpu_llama3_70b.py.skip} (93%) delete mode 100755 run_integration_tests.sh diff --git a/Dockerfile b/Dockerfile index ea6d695..6109377 100644 --- a/Dockerfile +++ b/Dockerfile @@ -1,5 +1,4 @@ -# FROM vllm/vllm-openai:latest -FROM unsloth/unsloth +FROM unsloth/unsloth:stable USER root diff --git a/README.md b/README.md index b3089ab..10320a4 100644 --- a/README.md +++ b/README.md @@ -12,11 +12,11 @@ Run `pip install openweights` or install from source via `pip install -e .` ## Quickstart 1. **Create an API key** -You can create one via the `ow signup` or using the [dashboard](https://yzxz5i6z2x2f0y-8124.proxy.runpod.net/). +You can create one via the `ow signup` or using the [dashboard](https://vy6y4zlof9jee0-8124.proxy.runpod.net). 2. **Start the cluster manager** (skip this if you got an API key for a managed cluster) The cluster manager is the service that monitors the job queue and starts runpod workers. You have different options to start the cluster -``` +```bash ow cluster --env-file path/to/env # Run locally ow deploy --env-file path/to/env # Run on a runpod cpu instance @@ -142,7 +142,7 @@ if job.status == 'completed': ## CLI Use `ow {cmd} --help` for more help on the available commands: -``` +```bash ❯ ow --help usage: ow [-h] {ssh,exec,signup,cluster,worker,token,ls,cancel,logs,fetch,serve,deploy,env,manage} ... diff --git a/cookbook/api-deployment/gradio_ui.py b/cookbook/api-deployment/gradio_ui.py index b419fea..e5393a2 100644 --- a/cookbook/api-deployment/gradio_ui.py +++ b/cookbook/api-deployment/gradio_ui.py @@ -1,5 +1,5 @@ """Usage: -python gradio_ui_with_temporary_api.py unsloth/DeepSeek-R1-Distill-Qwen-1.5B +python gradio_ui.py unsloth/Qwen3-4B """ import gradio as gr # type: ignore diff --git a/cookbook/custom_job/client_side.py b/cookbook/custom_job/client_side.py index 802a70b..9c5c6d4 100644 --- a/cookbook/custom_job/client_side.py +++ b/cookbook/custom_job/client_side.py @@ -1,14 +1,10 @@ import json import os -from dotenv import load_dotenv from pydantic import BaseModel, Field from openweights import Jobs, OpenWeights, register -# Load environment variables -load_dotenv(override=True) - ow = OpenWeights() @@ -41,25 +37,23 @@ def get_entrypoint(self, validated_params: AdditionParams) -> str: def main(): # Submit the job with some parameters - result = ow.addition.create(a=5, b=9) - print(f"Created job: {result['id']}") + job = ow.addition.create(a=5, b=9) + print(f"Created job: {job.id}") - # Optional: wait for job completion and print results + # Optional: wait for job completion and print jobs import time while True: - job = ow.addition.retrieve(result["id"]) - if job["status"] in ["completed", "failed"]: + job.refresh() + if job.status in ["completed", "failed"]: break print("Waiting for job completion...") time.sleep(2) - if job["status"] == "completed": - print( - f"Job completed successfully: {job['outputs']}" - ) # Will contain the latest event data: {'result': 8.0} - # Get the results from the events - events = ow.events.list(job_id=result["id"]) + if job.status == "completed": + print(f"Job completed successfully: {job.outputs}") + # Get the jobs from the events + events = ow.events.list(job_id=job.id) for event in events: print(f"Event data: {event['data']}") else: diff --git a/cookbook/sft/multi_gpu_llama3_70b.py b/cookbook/sft/multi_gpu_llama3_70b.py.skip similarity index 93% rename from cookbook/sft/multi_gpu_llama3_70b.py rename to cookbook/sft/multi_gpu_llama3_70b.py.skip index 3069080..e34b361 100644 --- a/cookbook/sft/multi_gpu_llama3_70b.py +++ b/cookbook/sft/multi_gpu_llama3_70b.py.skip @@ -1,3 +1,6 @@ +""" +Warning: multi-gpu training does not work as of v0.7 +""" from openweights import OpenWeights ow = OpenWeights() diff --git a/cookbook/sft/sampling_callback.py b/cookbook/sft/sampling_callback.py index e1cc574..cc306f2 100644 --- a/cookbook/sft/sampling_callback.py +++ b/cookbook/sft/sampling_callback.py @@ -1,5 +1,5 @@ """ -Note v0.6: sampling callbacks are currently broken due to an issue with unsloth. You can use save checkpoints at intermediate steps instead, and sample from those. +Note v0.7: sampling callbacks are currently broken due to an issue with unsloth. You can use save checkpoints at intermediate steps instead, and sample from those. """ import json diff --git a/openweights/cli/exec.py b/openweights/cli/exec.py index d25821f..7912391 100644 --- a/openweights/cli/exec.py +++ b/openweights/cli/exec.py @@ -45,7 +45,7 @@ class ExecJob(Jobs): def get_entrypoint(self, validated_params): return args.command - exec_job = ExecJob(client=ow) + exec_job = ExecJob(ow_instance=ow) # Build job parameters job_params = {"command": args.command} diff --git a/openweights/client/__init__.py b/openweights/client/__init__.py index 01cb9dd..04b2a4a 100644 --- a/openweights/client/__init__.py +++ b/openweights/client/__init__.py @@ -119,11 +119,11 @@ def __init__( Can be either a session token or a service account JWT token """ self.supabase_url = supabase_url or os.environ.get( - "SUPABASE_URL", "https://taofkfabrhpgtohaikst.supabase.co" + "SUPABASE_URL", "https://cmaguqyuzweixkrqjvnf.supabase.co" ) self.supabase_key = supabase_key or os.environ.get( "SUPABASE_ANON_KEY", - "eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpc3MiOiJzdXBhYmFzZSIsInJlZiI6InRhb2ZrZmFicmhwZ3RvaGFpa3N0Iiwicm9sZSI6ImFub24iLCJpYXQiOjE3MzE5MjkyMjcsImV4cCI6MjA0NzUwNTIyN30.KRufleTgprt16mfm0_91YjKIFZAne1-IW8buMxWVMeE", + "eyJhbGciOiJIUzI1NiIsInR5cCI6IkpXVCJ9.eyJpc3MiOiJzdXBhYmFzZSIsInJlZiI6ImNtYWd1cXl1endlaXhrcnFqdm5mIiwicm9sZSI6ImFub24iLCJpYXQiOjE3NjE2ODA1ODIsImV4cCI6MjA3NzI1NjU4Mn0.SlD0g3sWHsc3_SKEofR6Y6H01oWiEYBlmXYQiw0379s", ) self.auth_token = auth_token or os.getenv("OPENWEIGHTS_API_KEY") self.deploy_kwargs = deploy_kwargs diff --git a/openweights/cluster/org_manager.py b/openweights/cluster/org_manager.py index 9fd4d4f..62e7a38 100644 --- a/openweights/cluster/org_manager.py +++ b/openweights/cluster/org_manager.py @@ -19,6 +19,7 @@ from dotenv import load_dotenv from openweights.client import OpenWeights +from openweights.client.decorators import supabase_retry from openweights.cluster.start_runpod import HARDWARE_CONFIG, populate_hardware_config from openweights.cluster.start_runpod import start_worker as runpod_start_worker @@ -77,10 +78,9 @@ def determine_gpu_type(required_vram, allowed_hardware=None): class OrganizationManager: def __init__(self): - self.openweights = OpenWeights() - self.org_id = self.openweights.organization_id - print("org name", self.openweights.org_name) - self.supabase = self.openweights._supabase + self._ow = OpenWeights() + self.org_id = self._ow.organization_id + print("org name", self._ow.org_name) self.shutdown_flag = False # Set up RunPod client @@ -104,6 +104,7 @@ def worker_env(self): **secrets, ) + @supabase_retry() def get_secrets(self) -> Dict[str, str]: """Get organization secrets from the database, with local environment overrides. @@ -140,7 +141,7 @@ def get_secrets(self) -> Dict[str, str]: # Try to get overrides from database (optional) try: result = ( - self.supabase.table("organization_secrets") + self._ow._supabase.table("organization_secrets") .select("name, value") .eq("organization_id", self.org_id) .execute() @@ -163,10 +164,11 @@ def handle_shutdown(self, _signum, _frame): ) self.shutdown_flag = True + @supabase_retry() def get_running_workers(self): """Get all active and starting workers for this organization.""" return ( - self.supabase.table("worker") + self._ow._supabase.table("worker") .select("*") .eq("organization_id", self.org_id) .in_("status", ["active", "starting", "shutdown"]) @@ -174,10 +176,11 @@ def get_running_workers(self): .data ) + @supabase_retry() def get_pending_jobs(self): """Get all pending jobs for this organization.""" return ( - self.supabase.table("jobs") + self._ow._supabase.table("jobs") .select("*") .eq("organization_id", self.org_id) .eq("status", "pending") @@ -187,6 +190,7 @@ def get_pending_jobs(self): .data ) + @supabase_retry() def get_idle_workers(self, running_workers): """Returns a list of idle workers.""" idle_workers = [] @@ -205,7 +209,7 @@ def get_idle_workers(self, running_workers): # Find the latest run associated with the worker runs = ( - self.supabase.table("runs") + self._ow._supabase.table("runs") .select("*") .eq("worker_id", worker["id"]) .execute() @@ -228,6 +232,7 @@ def get_idle_workers(self, running_workers): return idle_workers + @supabase_retry() def fetch_and_save_worker_logs(self, worker): """Fetch logs from a worker and save them to a file.""" try: @@ -246,12 +251,12 @@ def fetch_and_save_worker_logs(self, worker): # Save logs to a file using OpenWeights client logs = response.text - file_id = self.openweights.files.create( + file_id = self._ow.files.create( file=io.BytesIO(logs.encode("utf-8")), purpose="logs" ) # Update worker record with logfile ID - self.supabase.table("worker").update({"logfile": file_id}).eq( + self._ow._supabase.table("worker").update({"logfile": file_id}).eq( "id", worker["id"] ).execute() @@ -260,6 +265,7 @@ def fetch_and_save_worker_logs(self, worker): logger.error(f"Error saving logs for worker {worker['id']}: {e}") return None + @supabase_retry() def clean_up_unresponsive_workers(self, workers): """ Clean up workers that haven't pinged in more than UNRESPONSIVE_THRESHOLD seconds @@ -296,7 +302,7 @@ def clean_up_unresponsive_workers(self, workers): # 1) Find any runs currently 'in_progress' for this worker. runs = ( - self.supabase.table("runs") + self._ow._supabase.table("runs") .select("*") .eq("worker_id", worker["id"]) .eq("status", "in_progress") @@ -308,14 +314,14 @@ def clean_up_unresponsive_workers(self, workers): # revert the job to 'pending' *only if* it's still in_progress for THIS worker. for run in runs: # Mark the run as failed - self.supabase.table("runs").update({"status": "failed"}).eq( + self._ow._supabase.table("runs").update({"status": "failed"}).eq( "id", run["id"] ).execute() # Safely revert the job to 'pending' using your RPC that only updates # if status='in_progress' for the same worker_id. try: - self.supabase.rpc( + self._ow._supabase.rpc( "update_job_status_if_in_progress", { "_job_id": run["job_id"], @@ -339,7 +345,7 @@ def clean_up_unresponsive_workers(self, workers): logger.error(f"Failed to terminate pod {worker['pod_id']}: {e}") # 4) Finally, mark the worker as 'terminated' in the DB - self.supabase.table("worker").update({"status": "terminated"}).eq( + self._ow._supabase.table("worker").update({"status": "terminated"}).eq( "id", worker["id"] ).execute() @@ -363,6 +369,7 @@ def group_jobs_by_hardware_requirements(self, pending_jobs): return job_groups + @supabase_retry() def scale_workers(self, running_workers, pending_jobs): """Scale workers according to pending jobs and limits.""" # Group active workers by docker image @@ -462,7 +469,9 @@ def scale_workers(self, running_workers, pending_jobs): "id": worker_id, "organization_id": self.org_id, } - self.supabase.table("worker").insert(worker_data).execute() + self._ow._supabase.table("worker").insert( + worker_data + ).execute() try: # Start the worker @@ -472,12 +481,12 @@ def scale_workers(self, running_workers, pending_jobs): worker_id=worker_id, image=docker_image, env=self.worker_env, - name=f"{self.openweights.org_name}-{time.time()}-ow-1day", + name=f"{self._ow.org_name}-{time.time()}-ow-1day", runpod_client=runpod, ) # Update worker with pod_id assert pod is not None - self.supabase.table("worker").update( + self._ow._supabase.table("worker").update( {"pod_id": pod["id"]} ).eq("id", worker_id).execute() except Exception as e: @@ -496,7 +505,7 @@ def scale_workers(self, running_workers, pending_jobs): and allowed_hw[0] == current_hw ): # Mark job as failed - self.supabase.table("jobs").update( + self._ow._supabase.table("jobs").update( { "status": "failed", "outputs": { @@ -512,12 +521,12 @@ def scale_workers(self, running_workers, pending_jobs): new_allowed_hw = [ hw for hw in allowed_hw if hw != current_hw ] - self.supabase.table("jobs").update( + self._ow._supabase.table("jobs").update( {"allowed_hardware": new_allowed_hw} ).eq("id", job["id"]).execute() logger.error(f"Failed to start worker: {e}") # If worker creation fails, clean up the worker - self.supabase.table("worker").update( + self._ow._supabase.table("worker").update( {"status": "terminated"} ).eq("id", worker_id).execute() except Exception as e: @@ -527,6 +536,21 @@ def scale_workers(self, running_workers, pending_jobs): ) continue + @supabase_retry() + def set_shutdown_flags(self, idle_workers): + for idle_worker in idle_workers: + logger.info(f"Setting shutdown flag for idle worker: {idle_worker['id']}") + try: + # Save logs before marking for shutdown + self.fetch_and_save_worker_logs(idle_worker) + self._ow._supabase.table("worker").update({"status": "shutdown"}).eq( + "id", idle_worker["id"] + ).execute() + except Exception as e: + logger.error( + f"Failed to set shutdown flag for worker {idle_worker['id']}: {e}" + ) + def manage_cluster(self): """Main loop for managing the organization's cluster.""" logger.info(f"Starting cluster management for organization {self.org_id}") @@ -558,23 +582,7 @@ def manage_cluster(self): w for w in running_workers if w["status"] in ["active", "starting"] ] idle_workers = self.get_idle_workers(active_and_starting_workers) - for idle_worker in idle_workers: - logger.info( - f"Setting shutdown flag for idle worker: {idle_worker['id']}" - ) - try: - # Save logs before marking for shutdown - self.fetch_and_save_worker_logs(idle_worker) - self.supabase.table("worker").update({"status": "shutdown"}).eq( - "id", idle_worker["id"] - ).execute() - except Exception as e: - logger.error( - f"Failed to set shutdown flag for worker {idle_worker['id']}: {e}" - ) - - # except Exception as e: - # logger.error(f"Error in management loop: {e}") + self.set_shutdown_flags(idle_workers) time.sleep(POLL_INTERVAL) diff --git a/openweights/cluster/start_runpod.py b/openweights/cluster/start_runpod.py index bdb5122..a962f59 100644 --- a/openweights/cluster/start_runpod.py +++ b/openweights/cluster/start_runpod.py @@ -40,12 +40,11 @@ GPUs = { # References found at https://rest.runpod.io/v1/docs#v-0-106 # GPUs for compute-intensive tasks (e.g. LoRAfinetuning) - "6000Ada": "NVIDIA RTX 6000 Ada Generation", # Not available with cuda 12.8 + "6000Ada": "NVIDIA RTX 6000 Ada Generation", # Not available with cuda 12.8 "4000Ada": "NVIDIA RTX 4000 Ada Generation", "L40": "NVIDIA L40", - "L40S": "NVIDIA L40S", # not available with cuda 12.8 - "A30": "NVIDIA A30", # not available with cuda 12.8 - + "L40S": "NVIDIA L40S", # not available with cuda 12.8 + "A30": "NVIDIA A30", # not available with cuda 12.8 # Belows, GPUs are only good for high-memory task (e.g., pretraining and vanilla finetuning) "A100": "NVIDIA A100 80GB PCIe", # Default A100 - 80GB "A100S": "NVIDIA A100-SXM4-80GB", @@ -53,8 +52,7 @@ "H100N": "NVIDIA H100 NVL", "H100S": "NVIDIA H100 80GB HBM3", "H200": "NVIDIA H200", - "B200": "NVIDIA B200", # CUDA error: CUDA error (/__w/xformers/xformers/third_party/flash-attention/hopper/flash_fwd_launch_template.h:175): no kernel image is available for execution on the device - + "B200": "NVIDIA B200", # CUDA error: CUDA error (/__w/xformers/xformers/third_party/flash-attention/hopper/flash_fwd_launch_template.h:175): no kernel image is available for execution on the device # Below, GPUs are cost inefficient "RTX4080": "NVIDIA GeForce RTX 4080", "RTX3090": "NVIDIA GeForce RTX 3090", @@ -78,7 +76,6 @@ } - VERIFIED_GPUs = { # References found at https://rest.runpod.io/v1/docs#v-0-106 # GPUs for compute-intensive tasks (e.g. LoRAfinetuning) @@ -132,6 +129,7 @@ if not len(gpu_full) == len(set(gpu_full)): # print duplicates from collections import Counter + counts = Counter(gpu_full) duplicates = {k: v for k, v in counts.items() if v > 1} raise ValueError(f"Duplicate GPU full names found: {duplicates}") @@ -273,7 +271,7 @@ def check_correct_cuda(pod, allowed=allowed_cuda_versions, runpod_client=None): return any([f"CUDA Version: {i}" in logs for i in allowed]) -@backoff.on_exception(backoff.expo, Exception, max_time=60, max_tries=5) +@backoff.on_exception(backoff.expo, Exception, max_time=60, max_tries=5, logger=None) def _start_worker( gpu, image, diff --git a/run_integration_tests.sh b/run_integration_tests.sh deleted file mode 100755 index 60eadbf..0000000 --- a/run_integration_tests.sh +++ /dev/null @@ -1,89 +0,0 @@ -#!/bin/bash - -# Integration test runner for OpenWeights -# This script runs the full integration test suite against the dev Supabase database - -set -e - -# Color output -RED='\033[0;31m' -GREEN='\033[0;32m' -YELLOW='\033[1;33m' -NC='\033[0m' # No Color - -echo "==========================================" -echo "OpenWeights Integration Test Suite" -echo "==========================================" -echo "" - -# Check prerequisites -echo "Checking prerequisites..." - -# Check Python -if ! command -v python &> /dev/null; then - echo -e "${RED}✗ Python not found${NC}" - exit 1 -fi -echo -e "${GREEN}✓ Python found: $(python --version)${NC}" - -# Check Docker -if ! command -v docker &> /dev/null; then - echo -e "${RED}✗ Docker not found${NC}" - exit 1 -fi -echo -e "${GREEN}✓ Docker found: $(docker --version)${NC}" - -# Check if Docker is running -if ! docker info &> /dev/null; then - echo -e "${RED}✗ Docker is not running${NC}" - exit 1 -fi -echo -e "${GREEN}✓ Docker is running${NC}" - -# Check .env.worker -if [ ! -f ".env.worker" ]; then - echo -e "${RED}✗ .env.worker file not found${NC}" - exit 1 -fi -echo -e "${GREEN}✓ .env.worker found${NC}" - -# Check required env variables -source .env.worker -if [ -z "$SUPABASE_URL" ]; then - echo -e "${RED}✗ SUPABASE_URL not set in .env.worker${NC}" - exit 1 -fi -if [ -z "$SUPABASE_ANON_KEY" ]; then - echo -e "${RED}✗ SUPABASE_ANON_KEY not set in .env.worker${NC}" - exit 1 -fi -if [ -z "$RUNPOD_API_KEY" ]; then - echo -e "${RED}✗ RUNPOD_API_KEY not set in .env.worker${NC}" - exit 1 -fi -echo -e "${GREEN}✓ Required environment variables set${NC}" - -echo "" -echo "==========================================" -echo "Starting Integration Tests" -echo "==========================================" -echo "" - -# Run the tests -python tests/test_integration.py - -exit_code=$? - -if [ $exit_code -eq 0 ]; then - echo "" - echo -e "${GREEN}==========================================" - echo "✓ All integration tests passed!" - echo -e "==========================================${NC}" -else - echo "" - echo -e "${RED}==========================================" - echo "✗ Some integration tests failed" - echo -e "==========================================${NC}" -fi - -exit $exit_code diff --git a/tests/test_integration.py b/tests/test_integration.py index 2b85881..bc7aece 100644 --- a/tests/test_integration.py +++ b/tests/test_integration.py @@ -9,6 +9,7 @@ Usage: python tests/test_integration.py + python tests/test_integration.py --skip-until test_cluster_and_cookbook Requirements: - .env.worker file must exist with SUPABASE_URL, SUPABASE_ANON_KEY, etc. @@ -17,6 +18,7 @@ - RunPod API key configured """ +import argparse import json import os import shutil @@ -64,16 +66,23 @@ def __str__(self): class IntegrationTestRunner: """Run integration tests for OpenWeights""" - def __init__(self): + def __init__(self, debug: bool = False): self.results: List[TestResult] = [] self.env_backup: Optional[str] = None self.test_token: Optional[str] = None self.initial_token: Optional[str] = None + self.debug = debug # Paths self.repo_root = Path(__file__).parent.parent self.env_worker_path = self.repo_root / ".env.worker" self.env_backup_path = self.repo_root / ".env.worker.backup" + self.env_test_path = self.repo_root / ".env.test" + self.logs_dir = self.repo_root / "logs" + + # Create logs directory structure + self.logs_dir.mkdir(exist_ok=True) + (self.logs_dir / "cookbook").mkdir(exist_ok=True) def backup_env(self): """Backup .env.worker file""" @@ -88,6 +97,43 @@ def restore_env(self): self.env_backup_path.unlink() print(f"Restored .env.worker from backup") + def save_test_state(self): + """Save current test state to .env.test for resumption""" + if self.env_worker_path.exists(): + shutil.copy(self.env_worker_path, self.env_test_path) + print(f"Saved test state to {self.env_test_path}") + + def load_test_state(self): + """Load test state from .env.test when skipping tests""" + if self.env_test_path.exists(): + shutil.copy(self.env_test_path, self.env_worker_path) + print(f"Loaded test state from {self.env_test_path}") + + # Extract tokens from the loaded env + from dotenv import load_dotenv + + load_dotenv(self.env_worker_path, override=True) + + # Try to extract the token + import re + + env_content = self.env_worker_path.read_text() + token_match = re.search( + r"OPENWEIGHTS_API_KEY=(ow_[a-f0-9]{48})", env_content + ) + if token_match: + self.initial_token = token_match.group(1) + print( + f"Loaded initial token from test state: {self.initial_token[:20]}..." + ) + else: + print("Warning: Could not extract token from .env.test") + else: + raise FileNotFoundError( + f".env.test not found at {self.env_test_path}. " + "You must run the full test suite first before using --skip-until." + ) + def update_env_token(self, token: str): """Update OPENWEIGHTS_API_KEY in .env.worker""" if not self.env_worker_path.exists(): @@ -121,6 +167,120 @@ def _get_env_with_token(self) -> Dict[str, str]: return cmd_env + def _prompt_manual_execution( + self, command_desc: str, cwd: Optional[Path] = None + ) -> bool: + """Prompt user to run command manually in debug mode + + Returns: + True if user wants to run manually, False to auto-run + """ + if not self.debug: + return False + + print("\n" + "=" * 80) + print("DEBUG MODE - SUBPROCESS CONTROL") + print("=" * 80) + print(f"About to start: {command_desc}") + print(f"Working directory: {cwd or self.repo_root}") + print("\nOptions:") + print(" [m] Run MANUALLY in a separate terminal (you control it)") + print(" [a] AUTO-START as background subprocess (default)") + print("=" * 80) + + response = input("Your choice [m/a]: ").strip().lower() + return response in ["m", "manual"] + + def _start_subprocess( + self, + command: List[str], + log_name: str, + command_desc: str, + cwd: Optional[Path] = None, + ) -> Optional[subprocess.Popen]: + """Start a subprocess with logging or prompt for manual execution + + Args: + command: Command to run (e.g., ["python", "-m", "openweights.cli", "worker"]) + log_name: Name for log file (e.g., "worker", "cluster", "cookbook/custom_job/client_side") + command_desc: Human-readable command description (e.g., "ow worker") + cwd: Working directory for the command + + Returns: + Popen object if subprocess was started, None if running manually + """ + # Check if user wants to run manually + if self._prompt_manual_execution(command_desc, cwd): + print("\n" + ">" * 80) + print("MANUAL EXECUTION MODE") + print(">" * 80) + print(f"Please run the following command in a separate terminal:\n") + print(f" cd {cwd or self.repo_root}") + print(f" {command_desc}\n") + print(">" * 80) + print( + "IMPORTANT: Start the command above, then press Enter here to continue..." + ) + print(">" * 80) + input("\nPress Enter after you've started the command: ") + print("✓ Continuing with test (assuming manual process is running)...\n") + return None + + # Auto-start mode: Create log file + log_path = self.logs_dir / f"{log_name}.log" + log_path.parent.mkdir(parents=True, exist_ok=True) + + print(f"\n✓ Auto-starting: {command_desc}") + print(f" Logging to: {log_path}\n") + + log_file = open(log_path, "w") + + process = subprocess.Popen( + command, + cwd=cwd or self.repo_root, + stdout=log_file, + stderr=subprocess.STDOUT, + text=True, + env=self._get_env_with_token(), + ) + + # Store log file handle so it stays open + process._log_file = log_file # type: ignore + + return process + + def _cleanup_subprocess( + self, process: Optional[subprocess.Popen], timeout: int = 10 + ): + """Clean up a subprocess gracefully + + Args: + process: Process to clean up (None if running manually) + timeout: Seconds to wait before force killing + """ + if process is None: + # Manual mode - ask user to stop + print("\n" + ">" * 80) + print("MANUAL PROCESS CLEANUP") + print(">" * 80) + print("Please STOP the manually-run process (Ctrl+C in that terminal)") + print(">" * 80) + input("Press Enter after you've stopped the process: ") + print("✓ Continuing...\n") + return + + # Auto mode - terminate subprocess + process.terminate() + try: + process.wait(timeout=timeout) + except subprocess.TimeoutExpired: + process.kill() + print("⚠ Had to forcefully kill process") + + # Close log file if it exists + if hasattr(process, "_log_file"): + process._log_file.close() + def run_cli_command( self, command: List[str], @@ -129,6 +289,34 @@ def run_cli_command( ) -> subprocess.CompletedProcess: """Run an ow CLI command""" full_command = ["python", "-m", "openweights.cli"] + command + command_desc = "ow " + " ".join(command) + + # In debug mode, ask if user wants to run manually + if self._prompt_manual_execution(command_desc, self.repo_root): + print("\n" + ">" * 80) + print("MANUAL EXECUTION MODE - CLI COMMAND") + print(">" * 80) + print(f"Please run the following command in a separate terminal:\n") + print(f" cd {self.repo_root}") + print(f" {command_desc}\n") + print(">" * 80) + print( + "IMPORTANT: Run the command above, then press Enter here to continue..." + ) + print(">" * 80) + input("\nPress Enter after you've run the command: ") + print("✓ Continuing with test (assuming command completed)...\n") + + # Return a mock result for manual execution + # The test will continue but won't have actual output + return subprocess.CompletedProcess( + args=full_command, + returncode=0, + stdout="[Manual execution - no output captured]", + stderr="", + ) + + # Auto mode - run normally print(f"Running: {' '.join(full_command)}") # Get environment with token from .env.worker @@ -400,12 +588,10 @@ def get_entrypoint(self, validated_params: AdditionParams) -> str: # Start worker in background print("\n2. Starting worker...") - worker_process = subprocess.Popen( - ["python", "-m", "openweights.cli", "worker"], - cwd=self.repo_root, - stdout=subprocess.PIPE, - stderr=subprocess.PIPE, - text=True, + worker_process = self._start_subprocess( + command=["python", "-m", "openweights.cli", "worker"], + log_name="worker", + command_desc="ow worker", ) # Wait for job completion (timeout after 5 minutes) @@ -444,11 +630,7 @@ def get_entrypoint(self, validated_params: AdditionParams) -> str: # Clean up worker print("\n5. Stopping worker...") - worker_process.terminate() - try: - worker_process.wait(timeout=10) - except subprocess.TimeoutExpired: - worker_process.kill() + self._cleanup_subprocess(worker_process) result.mark_passed() @@ -592,6 +774,7 @@ def test_cluster_and_cookbook(self) -> TestResult: # Submit cookbook jobs one by one, matching each to its job ID print("\n1. Submitting cookbook jobs and matching to job IDs...") submitted_jobs = [] + job_match_timeout = 30 # seconds to wait for job to appear in database for example in cookbook_examples: try: @@ -606,47 +789,26 @@ def test_cluster_and_cookbook(self) -> TestResult: ) job_ids_before = {job["id"] for job in jobs_before.data} + # Determine log path for this cookbook example + # e.g., cookbook/custom_job/client_side.py -> cookbook/custom_job/client_side + rel_path = example.relative_to(self.repo_root / "cookbook") + log_name = f"cookbook/{rel_path.parent / rel_path.stem}" + # Start the process in background - it will wait for job completion - process = subprocess.Popen( - ["python", str(example)], + process = self._start_subprocess( + command=["python", str(example)], + log_name=log_name, + command_desc=f"python {example.relative_to(self.repo_root)}", cwd=example.parent, - stdout=subprocess.PIPE, - stderr=subprocess.PIPE, - text=True, ) - # Wait a moment for job to be created - time.sleep(5) + # Poll for new job ID with configurable timeout + job_id = None + start_time = time.time() + check_interval = 2 # seconds - # Get job IDs after submission - jobs_after = ( - ow._supabase.table("jobs") - .select("id") - .eq("organization_id", ow.organization_id) - .execute() - ) - job_ids_after = {job["id"] for job in jobs_after.data} - - # Find the new job ID (should be exactly one) - new_job_ids = job_ids_after - job_ids_before - - if len(new_job_ids) == 1: - job_id = list(new_job_ids)[0] - submitted_jobs.append( - { - "example": example.name, - "process": process, - "job_id": job_id, - "completed": False, - } - ) - print(f" ✓ Matched {example.name} -> {job_id}") - elif len(new_job_ids) == 0: - print( - f" ⚠ No new job found for {example.name}, waiting longer..." - ) - time.sleep(10) - # Try again + while time.time() - start_time < job_match_timeout: + # Get current job IDs jobs_after = ( ow._supabase.table("jobs") .select("id") @@ -654,6 +816,8 @@ def test_cluster_and_cookbook(self) -> TestResult: .execute() ) job_ids_after = {job["id"] for job in jobs_after.data} + + # Find new job IDs new_job_ids = job_ids_after - job_ids_before if len(new_job_ids) == 1: @@ -667,24 +831,35 @@ def test_cluster_and_cookbook(self) -> TestResult: } ) print(f" ✓ Matched {example.name} -> {job_id}") - else: - print(f" ✗ Still couldn't find job for {example.name}") - process.terminate() - else: + break + elif len(new_job_ids) > 1: + # Multiple jobs appeared - take the first one + job_id = list(new_job_ids)[0] + submitted_jobs.append( + { + "example": example.name, + "process": process, + "job_id": job_id, + "completed": False, + } + ) + print( + f" ⚠ Multiple new jobs found for {example.name}: {new_job_ids}" + ) + print(f" Using {job_id}") + break + + # No job found yet, wait and retry + elapsed = time.time() - start_time + print(f" Waiting for job to appear... ({elapsed:.1f}s)") + time.sleep(check_interval) + + if job_id is None: print( - f" ⚠ Multiple new jobs found for {example.name}: {new_job_ids}" - ) - # Take the most recent one - job_id = list(new_job_ids)[0] - submitted_jobs.append( - { - "example": example.name, - "process": process, - "job_id": job_id, - "completed": False, - } + f" ✗ No job found for {example.name} after {job_match_timeout}s" ) - print(f" Using {job_id}") + if process is not None: + self._cleanup_subprocess(process, timeout=5) except Exception as e: print(f" ✗ Error with {example.name}: {e}") @@ -693,12 +868,10 @@ def test_cluster_and_cookbook(self) -> TestResult: # Start cluster manager print("\n2. Starting cluster manager...") - cluster_process = subprocess.Popen( - ["python", "-m", "openweights.cli", "cluster"], - cwd=self.repo_root, - stdout=subprocess.PIPE, - stderr=subprocess.PIPE, - text=True, + cluster_process = self._start_subprocess( + command=["python", "-m", "openweights.cli", "cluster"], + log_name="cluster", + command_desc="ow cluster", ) # Monitor job completion by checking job status in database @@ -719,7 +892,8 @@ def test_cluster_and_cookbook(self) -> TestResult: # Check if submission process has finished (for examples that wait) if ( - job_info["process"].poll() is not None + job_info["process"] is not None + and job_info["process"].poll() is not None and "returncode" not in job_info ): job_info["returncode"] = job_info["process"].returncode @@ -774,11 +948,14 @@ def test_cluster_and_cookbook(self) -> TestResult: print("\n⚠ Timeout reached, some jobs may still be running") # Kill any remaining submission processes for job_info in submitted_jobs: - if job_info["process"].poll() is None: + if ( + job_info["process"] is not None + and job_info["process"].poll() is None + ): print( f"Terminating submission process for {job_info['example']}..." ) - job_info["process"].terminate() + self._cleanup_subprocess(job_info["process"], timeout=5) # Wait for workers to terminate (cluster manager should terminate idle workers after 5 min) print("\n4. Waiting for workers to terminate (up to 10 minutes)...") @@ -809,18 +986,14 @@ def test_cluster_and_cookbook(self) -> TestResult: ) time.sleep(30) else: + breakpoint() print( f"⚠ Warning: {len(active_workers.data)} worker(s) still active after 10 minutes" ) # Now clean up cluster manager print("\n5. Stopping cluster manager...") - cluster_process.terminate() - try: - cluster_process.wait(timeout=10) - except subprocess.TimeoutExpired: - cluster_process.kill() - print("⚠ Had to forcefully kill cluster manager") + self._cleanup_subprocess(cluster_process) # Print summary table print("\n" + "=" * 80) @@ -877,28 +1050,83 @@ def test_cluster_and_cookbook(self) -> TestResult: self.results.append(result) return result - def run_all_tests(self): - """Run all integration tests""" + def run_all_tests(self, skip_until: Optional[str] = None): + """Run all integration tests + + Args: + skip_until: Optional test name to skip to. Will load state from .env.test + """ print("\n" + "=" * 80) print("OPENWEIGHTS INTEGRATION TEST SUITE") print("=" * 80) print(f"Repository: {self.repo_root}") print(f"Environment: {self.env_worker_path}") + if skip_until: + print(f"Skipping until: {skip_until}") print("\n") + # Define test methods in order + tests = [ + ("test_signup_and_tokens", self.test_signup_and_tokens), + ("test_worker_execution", self.test_worker_execution), + ("test_docker_build_and_push", self.test_docker_build_and_push), + ("test_cluster_and_cookbook", self.test_cluster_and_cookbook), + ] + + # Validate skip_until if provided + if skip_until: + test_names = [name for name, _ in tests] + if skip_until not in test_names: + print(f"Error: Invalid test name '{skip_until}'") + print(f"Valid test names: {', '.join(test_names)}") + sys.exit(1) + try: - # Backup environment - self.backup_env() + # Backup environment (unless we're skipping) + if not skip_until: + self.backup_env() + else: + # Load test state from .env.test + self.load_test_state() # Run tests - self.test_signup_and_tokens() - self.test_worker_execution() - self.test_docker_build_and_push() - self.test_cluster_and_cookbook() + skip_mode = skip_until is not None + for test_name, test_method in tests: + # If in skip mode, wait until we reach the target test + if skip_mode: + if test_name == skip_until: + print(f"\n{'=' * 80}") + print(f"Resuming from: {test_name}") + print(f"{'=' * 80}\n") + skip_mode = False # Start running tests from here + else: + print(f"Skipping: {test_name}") + continue + + # Run the test + result = test_method() + + # Save test state after each successful test + if result.passed: + self.save_test_state() + + # Stop immediately if a test fails before cluster test + # (cluster test is the last one, so we can run it even if it might fail) + if not result.passed and test_name != "test_cluster_and_cookbook": + print(f"\n{'=' * 80}") + print(f"STOPPING: {test_name} failed") + print(f"{'=' * 80}\n") + print(f"To resume from the next test, run:") + print( + f" python tests/test_integration.py --skip-until " + ) + print(f"\nTest state saved to: {self.env_test_path}") + break finally: - # Always restore environment - self.restore_env() + # Always restore environment (unless we're in skip mode and should keep test state) + if not skip_until: + self.restore_env() # Print summary self.print_summary() @@ -929,8 +1157,42 @@ def print_summary(self): def main(): """Main entry point""" - runner = IntegrationTestRunner() - runner.run_all_tests() + parser = argparse.ArgumentParser( + description="OpenWeights Integration Test Suite", + formatter_class=argparse.RawDescriptionHelpFormatter, + epilog=""" +Examples: + # Run all tests + python tests/test_integration.py + + # Skip to a specific test (requires .env.test from previous run) + python tests/test_integration.py --skip-until test_cluster_and_cookbook + + # Run in debug mode (manually run subprocesses) + python tests/test_integration.py --debug + +Available tests (in order): + - test_signup_and_tokens + - test_worker_execution + - test_docker_build_and_push + - test_cluster_and_cookbook + """, + ) + parser.add_argument( + "--skip-until", + type=str, + help="Skip tests until the specified test name. Requires .env.test from a previous run.", + ) + parser.add_argument( + "--debug", + action="store_true", + help="Debug mode: prompt to run subprocesses manually in separate terminals.", + ) + + args = parser.parse_args() + + runner = IntegrationTestRunner(debug=args.debug) + runner.run_all_tests(skip_until=args.skip_until) if __name__ == "__main__": From edc2d6d01ac7d6c68fe038323f50216b42bcc37b Mon Sep 17 00:00:00 2001 From: Niels Warncke Date: Fri, 31 Oct 2025 15:00:53 +0100 Subject: [PATCH 27/27] update llm.txt and related --- CLAUDE.md | 134 -------------- README.md | 3 + dev.md | 401 ----------------------------------------- llm.txt | 35 ++-- llm_dot_txt.py | 4 +- LLM.md => llm_full.txt | 35 ++-- 6 files changed, 35 insertions(+), 577 deletions(-) delete mode 100644 dev.md rename LLM.md => llm_full.txt (97%) diff --git a/CLAUDE.md b/CLAUDE.md index 98f6e5d..fe3d767 100644 --- a/CLAUDE.md +++ b/CLAUDE.md @@ -399,137 +399,3 @@ file_id = f"{purpose}:file-{sha256(content + org_id).hex()[:12]}" - Database tables provide complete audit trail - Worker status: starting, active, shutdown, terminated - Job status: pending, in_progress, completed, failed, canceled - - -# Using supabase - - -Your general approach is as follows: -- Check if a supabase project already exists, and if yes, what tables are already present. -- If no project exists, create a new project. -- Implement the solution: write the code along with tests for the new functionality. -You are very smart - if you notice that these steps are not appropriate for the task at hand, feel free to adapt them as needed. -- Check that things worked as expected before moving on to the next step. - - - -# Supabase CLI Guide - -## Prerequisites -- Supabase CLI installed -- Valid `SUPABASE_ACCESS_TOKEN` in your environment - -## Common Operations - -### Creating a New Project -```bash -supabase projects create -``` -This will prompt you to: -1. Select an organization -2. Choose a region -3. Set a database password (optional - will generate if left blank) - -### Listing Projects -```bash -supabase projects list -``` -This shows all your projects with details including: -- Organization ID -- Project Reference ID -- Project Name -- Region -- Creation Date - -### Getting Project API Keys -```bash -supabase projects api-keys --project-ref -``` -This will return two keys: -- `anon` - public key for client-side operations -- `service_role` - secret key for server-side operations - -### Project URL Format -The project URL follows this pattern: -``` -https://.supabase.co -``` - -## Database Management - -### Initial Setup -1. Initialize a Supabase project locally (if not already done): -```bash -supabase init -``` - -2. Link to your remote project: -```bash -supabase link --project-ref -``` - -### Creating and Applying Database Changes - -1. Create a new migration: -```bash -supabase migration new -``` -This creates a new file in `supabase/migrations/YYYYMMDDHHMMSS_.sql` - -2. Edit the migration file: -- Add your SQL commands -- Include table creation, alterations, policies, etc. -- Example structure: -```sql --- Enable RLS -alter table if exists "public"."my_table" enable row level security; - --- Create tables -create table if not exists "public"."my_table" ( - "id" uuid not null default gen_random_uuid(), - "created_at" timestamp with time zone default timezone('utc'::text, now()) not null, - -- ... other columns - primary key (id) -); - --- Add RLS policies -create policy "Users can view own data" - on my_table for select - using (auth.uid() = user_id); - --- Create views -create or replace view my_summary as -select ...; -``` - -3. Push changes to remote: -```bash -supabase db push -``` -This will apply your migrations to the remote database. - -### Creating Users via API -To create a user directly using the Admin API: -```bash -curl -X POST 'https://[PROJECT_REF].supabase.co/auth/v1/admin/users' \ --H "apikey: [SERVICE_ROLE_KEY]" \ --H "Authorization: Bearer [SERVICE_ROLE_KEY]" \ --H "Content-Type: application/json" \ --d '{ -"email": "user@example.com", -"password": "secure_password", -"email_confirm": true -}' -``` -Note: -- Use the service_role key (not the anon key) -- Both `apikey` and `Authorization` headers are required -- Set `email_confirm: true` to create a pre-confirmed user - - -## Using --help -You can always use the `--help` flag to get more information than covered here. - - - -Make sure that you complete one step before moving on to the next - always make sure to check if the previous step was successful before proceeding. diff --git a/README.md b/README.md index 10320a4..da1d640 100644 --- a/README.md +++ b/README.md @@ -1,3 +1,6 @@ +**Info: v0.7 is talking to a new supabase backend. v0.6 will remain online until at least December 1st, 2025.** + +--- This repo is research code. Please use github issues or contact me via email (niels dot warncke at gmail dot com) or slack when you encounter issues. # OpenWeights diff --git a/dev.md b/dev.md deleted file mode 100644 index fe3d767..0000000 --- a/dev.md +++ /dev/null @@ -1,401 +0,0 @@ -# OpenWeights Architecture - -## Overview - -OpenWeights is a Python SDK for running distributed compute jobs on managed RunPod GPU infrastructure. It provides a simple, OpenAI-like API with full flexibility for custom workloads including fine-tuning, inference, evaluations, and arbitrary Python scripts. - -**Key Features:** -- Simple Python SDK with OpenAI-compatible interfaces -- Full flexibility to define custom jobs with arbitrary Docker images and entrypoints -- Automated management of RunPod GPU infrastructure -- Multi-tenancy with organization-based isolation -- Content-addressable job and file IDs for deduplication - -## Core Concepts - -### What is a Job? - -A job is the fundamental unit of work in OpenWeights. It consists of three components: - -1. **Docker Image**: The container environment (e.g., `nielsrolf/ow-default`, custom images) -2. **Mounted Files**: Files uploaded to Supabase storage and mounted into the container -3. **Entrypoint**: The command/script to execute (e.g., `python train.py --model=llama`) - -Jobs can be: -- **Built-in jobs**: Pre-configured templates for common tasks (fine-tuning with Unsloth, inference with vLLM, Inspect AI evaluations) -- **Custom jobs**: User-defined jobs using the `@register` decorator and `Jobs` base class - -### Job Lifecycle States - -Jobs progress through the following states: -- `pending`: Job is queued, waiting for a worker -- `in_progress`: Job is currently executing on a worker -- `completed`: Job finished successfully -- `failed`: Job encountered an error -- `canceled`: Job was manually canceled or timed out - -### Jobs, Runs, and Events - -**Jobs** are reusable templates that define what to execute: -- Identified by content hash of their parameters (e.g., `unsloth-abc123def456`) -- If you submit the same job twice, it uses the existing job (deduplication) -- Contain: docker image, script/entrypoint, parameters, VRAM requirements, hardware constraints - -**Runs** are individual executions of a job: -- Each job can have multiple runs (e.g., if restarted after failure) -- Track execution status, assigned worker, and log file -- Created when a worker picks up a job or when using `ow.run` context - -**Events** are structured logs/outputs during a run: -- Store arbitrary JSON data (metrics, checkpoints, errors) -- Can reference uploaded files (model checkpoints, outputs) -- Used to track progress and collect results - -**Relationship:** -``` -Job (1) ──< (many) Runs (1) ──< (many) Events -``` - -## System Architecture - -OpenWeights follows a queue-based architecture with three main components: - -### 1. Job Queue (Supabase) - -**Database Tables:** -- `jobs`: Job definitions and status -- `runs`: Execution records linking jobs to workers -- `events`: Structured logs and outputs from runs -- `files`: File metadata (actual files stored in Supabase Storage) -- `worker`: Worker registration and health tracking -- `organizations`: Multi-tenant isolation -- `organization_secrets`: API keys and credentials (HF_TOKEN, RUNPOD_API_KEY, etc.) -- `service_account_tokens`: JWT tokens for API authentication - -**Key Features:** -- Row Level Security (RLS) ensures organization isolation -- Atomic job acquisition using PostgreSQL functions (`acquire_job`, `update_job_status_if_in_progress`) -- Content-addressable IDs prevent duplicate jobs and files - -### 2. Cluster Manager - -**Architecture:** -- **Supervisor** (`cluster/supervisor.py`): Top-level process that spawns one manager per organization -- **Organization Manager** (`cluster/org_manager.py`): Manages GPU workers for a single organization - -**Responsibilities:** -1. Monitor job queue for pending jobs -2. Provision RunPod workers when jobs arrive -3. Scale workers based on demand (up to MAX_WORKERS per org) -4. Terminate idle workers (idle > 5 minutes) -5. Clean up unresponsive workers (no ping > 2 minutes) -6. Match jobs to hardware based on VRAM requirements and `allowed_hardware` constraints - -**Worker Provisioning:** -- Determines GPU type based on job's `requires_vram_gb` and `allowed_hardware` -- Supports multi-GPU configurations (1x, 2x, 4x, 8x GPUs) -- Creates worker record in database with `status='starting'` -- Launches RunPod pod with appropriate Docker image and environment variables -- Updates worker record with `pod_id` when pod is ready - -### 3. Workers - -**Worker Lifecycle:** -1. **Initialization** (`worker/main.py`): - - Detects GPU configuration (type, count, VRAM) - - Runs GPU health checks - - Registers in database with hardware specs - - Starts health check background thread - -2. **Job Acquisition:** - - Polls database for pending jobs matching its Docker image - - Filters by hardware compatibility (VRAM or `allowed_hardware`) - - Prefers jobs with cached models - - Uses `acquire_job()` RPC for atomic job claiming - -3. **Job Execution:** - - Downloads mounted files from Supabase Storage - - Creates temporary directory for job execution - - Runs job script with `OPENWEIGHTS_RUN_ID` environment variable - - Streams logs to local file and stdout - - Monitors for cancellation signals - -4. **Result Collection:** - - Uploads log file to Supabase Storage - - Uploads files from `/uploads` directory as results - - Creates events with file references - - Updates job status atomically - -5. **Health Monitoring:** - - Pings database every 5 seconds - - Checks for job cancellation or timeout - - Listens for shutdown signal from cluster manager - -6. **Shutdown:** - - Reverts in-progress jobs to pending (if worker dies) - - Uploads final logs - - Terminates RunPod pod - -## Authentication & Authorization - -### User Authentication Flow - -1. **Sign Up**: Users create accounts via Supabase Auth in the dashboard -2. **Organization Creation**: Users create organizations in the dashboard UI -3. **API Key Generation**: - - Users create API tokens via the CLI: `ow token create --name "my-token"` - - API tokens are prefixed with `ow_` and stored securely in the `api_tokens` table - - Tokens can optionally have expiration dates and can be revoked - - Format: `ow_` followed by a randomly generated secure token - -### Authorization Mechanism - -**Client-Side:** -```python -ow = OpenWeights(auth_token=os.getenv("OPENWEIGHTS_API_KEY")) -``` - -The client: -- Accepts an OpenWeights API token (starting with `ow_`) -- Automatically exchanges the API token for a short-lived JWT using `exchange_api_token_for_jwt()` RPC -- Passes the JWT in the `Authorization` header to Supabase -- Extracts organization ID from the JWT using `get_organization_from_token()` RPC -- Supports backwards compatibility: if the token is already a JWT (doesn't start with `ow_`), it uses it directly - -**Database-Side:** -- Supabase Row Level Security (RLS) policies automatically filter queries -- Policies check `organization_id` column against the authenticated token's org -- Ensures users can only access their organization's jobs, runs, events, files, workers - -**Key RLS Policies:** -- Jobs: Can only query/insert/update jobs where `organization_id` matches token -- Files: Can only access files stored under `organizations/{org_id}/` path -- Workers: Can only view workers belonging to their organization -- Events/Runs: Accessible through their parent job's organization - -### Worker Authentication - -Workers can operate in two modes: - -1. **User-Provided Token**: Uses the organization's service account token from environment -2. **Auto-Generated Token**: Worker creates its own service account token at startup using `create_service_account_token()` RPC - -Both approaches leverage RLS to ensure workers can only access their organization's data. - -## Client SDK (`openweights/client/`) - -### Main Components - -**`OpenWeights` class** (`__init__.py`): -- Entry point for SDK -- Initializes Supabase client with auth token -- Provides accessors for jobs, runs, events, files, chat -- Supports custom job registration via `@register` decorator - -**`Jobs` class** (`jobs.py`): -- Base class for job definitions -- Handles file uploads and mounting -- Computes content-addressable job IDs -- Implements `get_or_create_or_reset()` for job deduplication - -**`Run` class** (`run.py`): -- Represents a single job execution -- Created automatically when jobs execute -- Provides logging and file upload from within jobs -- Can be used standalone for script-based jobs - -**`Files` class** (`files.py`): -- Content-addressable file storage -- Format: `{purpose}:file-{hash[:12]}` -- Validates conversation/preference datasets -- Handles organization-specific storage paths - -**`Events` class** (`events.py`): -- Structured logging for runs -- Supports file attachments -- Provides `latest()` to extract most recent metric values - -## Built-in Jobs - -### Fine-Tuning (`openweights/jobs/unsloth/`) - -**Jobs:** -- SFT (Supervised Fine-Tuning) -- DPO (Direct Preference Optimization) -- ORPO (Odds Ratio Preference Optimization) -- Weighted SFT (token-level loss weighting) - -**Features:** -- Built on Unsloth for memory-efficient training -- Automatic model upload to Hugging Face -- Support for LoRA/QLoRA -- Checkpoint tracking via events -- Log probability tracking - -### Inference (`openweights/jobs/inference/`) - -**Backend:** vLLM - -**Features:** -- Batch inference on JSONL datasets -- OpenAI-compatible API endpoints -- Support for conversation and text completion formats -- Automatic result file upload - -### Evaluation (`openweights/jobs/inspect_ai.py`) - -**Backend:** Inspect AI framework - -**Features:** -- Run evaluations from the Inspect AI library -- Automatic result download -- Flexible eval options pass-through - -### Custom Jobs - -Users can define custom jobs: - -```python -from openweights import OpenWeights, register, Jobs -from pydantic import BaseModel - -@register('my_job') -class MyCustomJob(Jobs): - mount = {'local/script.py': 'script.py'} - params = MyParamsModel # Pydantic model - requires_vram_gb = 24 - base_image = 'nielsrolf/ow-default' - - def get_entrypoint(self, params): - return f'python script.py --arg={params.arg}' -``` - -## Default Jobs Directory - -The `openweights/jobs/` directory contains several built-in job implementations: -- `unsloth/`: Fine-tuning jobs -- `weighted_sft/`: Token-weighted SFT -- `inference/`: vLLM inference -- `vllm/`: vLLM configuration -- `inspect_ai.py`: Inspect AI evaluations -- `mmlu_pro/`: MMLU Pro evaluation - -**Important:** These are simply convenient job definitions included in the repository. There is nothing architecturally special about them—they could just as easily live in external repositories or be defined by users in their own codebases. - -## Dashboard (`openweights/dashboard/`) - -**Backend** (`backend/main.py`): FastAPI service -- REST API for job/run/worker management -- Proxies Supabase with additional business logic -- Token management endpoints -- File content serving - -**Frontend** (`frontend/src/`): React + TypeScript -- Job/run/worker list and detail views -- Real-time log streaming -- Metrics visualization -- Organization management -- Token creation and management - -## Storage Architecture - -**Supabase Storage** (`files` bucket): -- Organization-scoped paths: `organizations/{org_id}/{file_id}` -- Files are content-addressed with purpose prefix: `{purpose}:file-{hash[:12]}` -- RLS policies enforce organization boundaries - -**File Types:** -- `conversations`: Training datasets (validated JSONL) -- `preference`: Preference datasets for DPO/ORPO -- `result`: Job outputs (model checkpoints, predictions) -- `log`: Execution logs -- `custom_job_file`: Mounted files for custom jobs - -## Hardware Management - -**GPU Selection:** -- Jobs specify `requires_vram_gb` (default: 24) -- Optionally specify `allowed_hardware` list (e.g., `["2x A100", "4x H100"]`) -- Cluster manager determines GPU type and count from `HARDWARE_CONFIG` mapping -- Workers register their exact hardware type (e.g., "2x L40") - -**Supported GPUs:** -- NVIDIA L40, A100, A100S, H100N, H100S, H200 -- Multi-GPU: 1x, 2x, 4x, 8x configurations -- Configurable in `cluster/start_runpod.py` - -**Worker Matching:** -- Workers filter jobs by Docker image first -- Then by hardware compatibility (VRAM or `allowed_hardware` match) -- Prefer jobs with cached models - -## Fault Tolerance - -**Job Atomicity:** -- `acquire_job()`: Atomically transitions job from pending → in_progress -- `update_job_status_if_in_progress()`: Only updates if still assigned to worker -- Prevents race conditions when multiple workers or managers interact - -**Worker Failure Handling:** -1. **Unresponsive Workers** (no ping > 2 min): - - Cluster manager reverts their in-progress jobs to pending - - Terminates RunPod pod - - Marks worker as terminated - -2. **Worker Crashes**: - - `atexit` handler attempts to revert jobs to pending - - Cluster manager's health check catches missed cases - -3. **Repeated Failures**: - - Workers track last 5 job outcomes - - Self-terminate if all 5 failed (likely bad worker) - -## Content Addressing - -**Job IDs:** -```python -job_id = f"{job_type}-{sha256(params + org_id).hex()[:12]}" -``` -- Deterministic based on parameters and organization -- Resubmitting identical job returns existing job -- Optional suffix for manual job variants - -**File IDs:** -```python -file_id = f"{purpose}:file-{sha256(content + org_id).hex()[:12]}" -``` -- Automatic deduplication within organization -- Content changes = new file ID - -## Scaling & Performance - -**Horizontal Scaling:** -- One organization manager per organization -- Managers provision workers dynamically -- Workers execute jobs concurrently - -**Cost Optimization:** -- Idle workers terminated after 5 minutes -- Content addressing prevents redundant work -- Workers prefer cached models to reduce download time - -**Limits:** -- `MAX_WORKERS_PER_ORG`: Default 8 (configurable per org) -- Worker TTL: 24 hours (configurable, extendable from within pod) - -## Monitoring & Observability - -**Worker Health:** -- Ping every 5 seconds -- GPU health checks at startup -- Log aggregation via Supabase Storage - -**Job Progress:** -- Events table for structured logging -- Real-time log streaming in dashboard -- Metrics visualization (loss curves, accuracy, etc.) - -**System State:** -- Database tables provide complete audit trail -- Worker status: starting, active, shutdown, terminated -- Job status: pending, in_progress, completed, failed, canceled diff --git a/llm.txt b/llm.txt index 19c072a..db56a31 100644 --- a/llm.txt +++ b/llm.txt @@ -10,11 +10,11 @@ Run `pip install openweights` or install from source via `pip install -e .` ## Quickstart 1. **Create an API key** -You can create one via the `ow signup` or using the [dashboard](https://yzxz5i6z2x2f0y-8124.proxy.runpod.net/). +You can create one via the `ow signup` or using the [dashboard](https://vy6y4zlof9jee0-8124.proxy.runpod.net). 2. **Start the cluster manager** (skip this if you got an API key for a managed cluster) The cluster manager is the service that monitors the job queue and starts runpod workers. You have different options to start the cluster -``` +```bash ow cluster --env-file path/to/env # Run locally ow deploy --env-file path/to/env # Run on a runpod cpu instance @@ -140,7 +140,7 @@ if job.status == 'completed': ## CLI Use `ow {cmd} --help` for more help on the available commands: -``` +```bash ❯ ow --help usage: ow [-h] {ssh,exec,signup,cluster,worker,token,ls,cancel,logs,fetch,serve,deploy,env,manage} ... @@ -187,6 +187,7 @@ If you find this repo useful for your research and want to cite it, you can do s year = {2025} } ``` + <.env.worker.example> OPENWEIGHTS_API_KEY=... RUNPOD_API_KEY=... @@ -503,7 +504,7 @@ if __name__ == "__main__": """ -Note v0.6: sampling callbacks are currently broken due to an issue with unsloth. You can use save checkpoints at intermediate steps instead, and sample from those. +Note v0.7: sampling callbacks are currently broken due to an issue with unsloth. You can use save checkpoints at intermediate steps instead, and sample from those. """ import json @@ -649,7 +650,7 @@ with ow.api.deploy(model): # async with ow.api.deploy(model) also works """Usage: -python gradio_ui_with_temporary_api.py unsloth/DeepSeek-R1-Distill-Qwen-1.5B +python gradio_ui.py unsloth/Qwen3-4B """ import gradio as gr # type: ignore @@ -724,14 +725,10 @@ Jobs can log data via `ow.run.log({"foo": "bar"})`. Logs can be retrieved via `e import json import os -from dotenv import load_dotenv from pydantic import BaseModel, Field from openweights import Jobs, OpenWeights, register -# Load environment variables -load_dotenv(override=True) - ow = OpenWeights() @@ -764,25 +761,23 @@ class AdditionJob(Jobs): def main(): # Submit the job with some parameters - result = ow.addition.create(a=5, b=9) - print(f"Created job: {result['id']}") + job = ow.addition.create(a=5, b=9) + print(f"Created job: {job.id}") - # Optional: wait for job completion and print results + # Optional: wait for job completion and print jobs import time while True: - job = ow.addition.retrieve(result["id"]) - if job["status"] in ["completed", "failed"]: + job.refresh() + if job.status in ["completed", "failed"]: break print("Waiting for job completion...") time.sleep(2) - if job["status"] == "completed": - print( - f"Job completed successfully: {job['outputs']}" - ) # Will contain the latest event data: {'result': 8.0} - # Get the results from the events - events = ow.events.list(job_id=result["id"]) + if job.status == "completed": + print(f"Job completed successfully: {job.outputs}") + # Get the jobs from the events + events = ow.events.list(job_id=job.id) for event in events: print(f"Event data: {event['data']}") else: diff --git a/llm_dot_txt.py b/llm_dot_txt.py index 5d39fa6..67a8b7a 100644 --- a/llm_dot_txt.py +++ b/llm_dot_txt.py @@ -59,10 +59,10 @@ def main(): with open("llm.txt", "w", encoding="utf-8") as f: f.write(combined) - with open("dev.md", "r") as f: + with open("CLAUDE.md", "r") as f: dev = f.read() - with open("LLM.md", "w", encoding="utf-8") as f: + with open("llm_full.txt", "w", encoding="utf-8") as f: f.write(combined + "\n" + dev) diff --git a/LLM.md b/llm_full.txt similarity index 97% rename from LLM.md rename to llm_full.txt index b6e9b3c..980a9cb 100644 --- a/LLM.md +++ b/llm_full.txt @@ -10,11 +10,11 @@ Run `pip install openweights` or install from source via `pip install -e .` ## Quickstart 1. **Create an API key** -You can create one via the `ow signup` or using the [dashboard](https://yzxz5i6z2x2f0y-8124.proxy.runpod.net/). +You can create one via the `ow signup` or using the [dashboard](https://vy6y4zlof9jee0-8124.proxy.runpod.net). 2. **Start the cluster manager** (skip this if you got an API key for a managed cluster) The cluster manager is the service that monitors the job queue and starts runpod workers. You have different options to start the cluster -``` +```bash ow cluster --env-file path/to/env # Run locally ow deploy --env-file path/to/env # Run on a runpod cpu instance @@ -140,7 +140,7 @@ if job.status == 'completed': ## CLI Use `ow {cmd} --help` for more help on the available commands: -``` +```bash ❯ ow --help usage: ow [-h] {ssh,exec,signup,cluster,worker,token,ls,cancel,logs,fetch,serve,deploy,env,manage} ... @@ -187,6 +187,7 @@ If you find this repo useful for your research and want to cite it, you can do s year = {2025} } ``` + <.env.worker.example> OPENWEIGHTS_API_KEY=... RUNPOD_API_KEY=... @@ -503,7 +504,7 @@ if __name__ == "__main__": """ -Note v0.6: sampling callbacks are currently broken due to an issue with unsloth. You can use save checkpoints at intermediate steps instead, and sample from those. +Note v0.7: sampling callbacks are currently broken due to an issue with unsloth. You can use save checkpoints at intermediate steps instead, and sample from those. """ import json @@ -649,7 +650,7 @@ with ow.api.deploy(model): # async with ow.api.deploy(model) also works """Usage: -python gradio_ui_with_temporary_api.py unsloth/DeepSeek-R1-Distill-Qwen-1.5B +python gradio_ui.py unsloth/Qwen3-4B """ import gradio as gr # type: ignore @@ -724,14 +725,10 @@ Jobs can log data via `ow.run.log({"foo": "bar"})`. Logs can be retrieved via `e import json import os -from dotenv import load_dotenv from pydantic import BaseModel, Field from openweights import Jobs, OpenWeights, register -# Load environment variables -load_dotenv(override=True) - ow = OpenWeights() @@ -764,25 +761,23 @@ class AdditionJob(Jobs): def main(): # Submit the job with some parameters - result = ow.addition.create(a=5, b=9) - print(f"Created job: {result['id']}") + job = ow.addition.create(a=5, b=9) + print(f"Created job: {job.id}") - # Optional: wait for job completion and print results + # Optional: wait for job completion and print jobs import time while True: - job = ow.addition.retrieve(result["id"]) - if job["status"] in ["completed", "failed"]: + job.refresh() + if job.status in ["completed", "failed"]: break print("Waiting for job completion...") time.sleep(2) - if job["status"] == "completed": - print( - f"Job completed successfully: {job['outputs']}" - ) # Will contain the latest event data: {'result': 8.0} - # Get the results from the events - events = ow.events.list(job_id=result["id"]) + if job.status == "completed": + print(f"Job completed successfully: {job.outputs}") + # Get the jobs from the events + events = ow.events.list(job_id=job.id) for event in events: print(f"Event data: {event['data']}") else: