diff --git a/.devcontainer/Dockerfile b/.devcontainer/Dockerfile index 2198e073..1ecd7950 100644 --- a/.devcontainer/Dockerfile +++ b/.devcontainer/Dockerfile @@ -1,2 +1,2 @@ -FROM nvidia/cuda:11.8.0-cudnn8-devel-ubuntu22.04 +FROM nvidia/cuda:12.1.0-cudnn8-devel-ubuntu22.04 RUN apt-get update && apt-get install -y libgl1 libglib2.0-0 ffmpeg diff --git a/aana/api/api_generation.py b/aana/api/api_generation.py index c88c0f5d..3d716888 100644 --- a/aana/api/api_generation.py +++ b/aana/api/api_generation.py @@ -7,7 +7,7 @@ from fastapi.responses import StreamingResponse from mobius_pipeline.node.socket import Socket from mobius_pipeline.pipeline.pipeline import Pipeline -from pydantic import BaseModel, Field, ValidationError, create_model, parse_raw_as +from pydantic import BaseModel, Field, ValidationError, create_model from aana.api.app import custom_exception_handler from aana.api.responses import AanaJSONResponse @@ -237,9 +237,9 @@ def get_file_upload_field( continue # check if pydantic model has file_upload field and it's set to True - file_upload_enabled = getattr(data_model.Config, "file_upload", False) - file_upload_description = getattr( - data_model.Config, "file_upload_description", "" + file_upload_enabled = data_model.model_config.get("file_upload", False) + file_upload_description = data_model.model_config.get( + "file_upload_description", "" ) if file_upload_enabled and file_upload_field is None: @@ -330,7 +330,7 @@ def create_endpoint_func( # noqa: C901 async def route_func_body(body: str, files: list[UploadFile] | None = None): # noqa: C901 # parse form data as a pydantic model and validate it - data = parse_raw_as(RequestModel, body) + data = RequestModel.model_validate_json(body) # if the input requires file upload, add the files to the data if file_upload_field and files: @@ -341,7 +341,7 @@ async def route_func_body(body: str, files: list[UploadFile] | None = None): # # data.dict() will convert all nested models to dicts # and we want to keep them as pydantic models data_dict = {} - for field_name in data.__fields__: + for field_name in data.model_fields: field_value = getattr(data, field_name) data_dict[field_name] = field_value diff --git a/aana/api/app.py b/aana/api/app.py index af9cc0ca..0dbb715f 100644 --- a/aana/api/app.py +++ b/aana/api/app.py @@ -28,7 +28,7 @@ async def validation_exception_handler(request: Request, exc: ValidationError): error="ValidationError", message="Validation error", data=exc.errors(), - ).dict(), + ).model_dump(), ) @@ -77,7 +77,7 @@ def custom_exception_handler(request: Request | None, exc_raw: Exception): status_code=status_code, content=ExceptionResponseModel( error=error, message=message, data=data, stacktrace=stacktrace - ).dict(), + ).model_dump(), ) diff --git a/aana/api/request_handler.py b/aana/api/request_handler.py index fecb7fe3..58f766d9 100644 --- a/aana/api/request_handler.py +++ b/aana/api/request_handler.py @@ -11,7 +11,7 @@ # TODO: improve type annotations -@serve.deployment(route_prefix="/", num_replicas=1, ray_actor_options={"num_cpus": 0.1}) +@serve.deployment(ray_actor_options={"num_cpus": 0.1}) @serve.ingress(app) class RequestHandler: """This class is used to handle requests to the Aana application.""" diff --git a/aana/configs/db.py b/aana/configs/db.py index 00349b0b..56d2d844 100644 --- a/aana/configs/db.py +++ b/aana/configs/db.py @@ -1,11 +1,12 @@ from enum import Enum from os import PathLike from pathlib import Path -from typing import TypeAlias, TypedDict +from typing import TypeAlias from alembic import command from alembic.config import Config from sqlalchemy import String, TypeDecorator, create_engine +from typing_extensions import TypedDict from aana.models.pydantic.media_id import MediaId diff --git a/aana/configs/deployments.py b/aana/configs/deployments.py index fe2bd695..83f6efb6 100644 --- a/aana/configs/deployments.py +++ b/aana/configs/deployments.py @@ -22,12 +22,13 @@ model="TheBloke/Llama-2-7b-Chat-AWQ", dtype="auto", quantization="awq", - gpu_memory_reserved=10000, + gpu_memory_reserved=13000, + enforce_eager=True, default_sampling_params=SamplingParams( temperature=0.0, top_p=1.0, top_k=-1, max_tokens=1024 ), chat_template="llama2", - ).dict(), + ).model_dump(), ), "hf_blip2_deployment_opt_2_7b": HFBlip2Deployment.options( num_replicas=1, @@ -38,7 +39,7 @@ dtype=Dtype.FLOAT16, batch_size=2, num_processing_threads=2, - ).dict(), + ).model_dump(), ), "whisper_deployment_medium": WhisperDeployment.options( num_replicas=1, @@ -47,7 +48,7 @@ user_config=WhisperConfig( model_size=WhisperModelSize.MEDIUM, compute_type=WhisperComputeType.FLOAT16, - ).dict(), + ).model_dump(), ), "stablediffusion2_deployment": StableDiffusion2Deployment.options( num_replicas=1, diff --git a/aana/configs/settings.py b/aana/configs/settings.py index 13d3ba89..e07fb11e 100644 --- a/aana/configs/settings.py +++ b/aana/configs/settings.py @@ -1,6 +1,6 @@ from pathlib import Path -from pydantic import BaseSettings +from pydantic_settings import BaseSettings from aana.configs.db import DBConfig @@ -17,8 +17,8 @@ class Settings(BaseSettings): """A pydantic model for SDK settings.""" tmp_data_dir: Path = Path("/tmp/aana_data") # noqa: S108 - image_dir = tmp_data_dir / "images" - video_dir = tmp_data_dir / "videos" + image_dir: Path = tmp_data_dir / "images" + video_dir: Path = tmp_data_dir / "videos" num_workers: int = 2 db_config: DBConfig = { diff --git a/aana/deployments/hf_blip2_deployment.py b/aana/deployments/hf_blip2_deployment.py index 655758da..be6a49e1 100644 --- a/aana/deployments/hf_blip2_deployment.py +++ b/aana/deployments/hf_blip2_deployment.py @@ -1,10 +1,11 @@ -from typing import Any, TypedDict +from typing import Any import torch import transformers from pydantic import BaseModel, Field from ray import serve from transformers import Blip2ForConditionalGeneration, Blip2Processor +from typing_extensions import TypedDict from aana.deployments.base_deployment import BaseDeployment from aana.exceptions.general import InferenceException diff --git a/aana/deployments/vllm_deployment.py b/aana/deployments/vllm_deployment.py index 34378eed..c4f0acad 100644 --- a/aana/deployments/vllm_deployment.py +++ b/aana/deployments/vllm_deployment.py @@ -1,20 +1,26 @@ +import contextlib from collections.abc import AsyncGenerator -from typing import Any, TypedDict +from typing import Any from pydantic import BaseModel, Field from ray import serve +from typing_extensions import TypedDict from vllm.engine.arg_utils import AsyncEngineArgs from vllm.engine.async_llm_engine import AsyncLLMEngine -from vllm.model_executor.utils import set_random_seed + +with contextlib.suppress(ImportError): + from vllm.model_executor.utils import ( + set_random_seed, # Ignore if we don't have GPU and only run on CPU with test cache + ) from vllm.sampling_params import SamplingParams as VLLMSamplingParams -from vllm.utils import get_gpu_memory, random_uuid +from vllm.utils import random_uuid from aana.deployments.base_deployment import BaseDeployment from aana.exceptions.general import InferenceException, PromptTooLongException from aana.models.pydantic.chat_message import ChatDialog, ChatMessage from aana.models.pydantic.sampling_params import SamplingParams from aana.utils.chat_template import apply_chat_template -from aana.utils.general import merged_options +from aana.utils.general import get_gpu_memory, merged_options from aana.utils.test import test_cache @@ -28,6 +34,9 @@ class VLLMConfig(BaseModel): gpu_memory_reserved (float): the GPU memory reserved for the model in mb default_sampling_params (SamplingParams): the default sampling parameters. max_model_len (int): the maximum generated text length in tokens (optional, default: None) + chat_template (str): the name of the chat template, if not provided, the chat template from the model will be used + but some models may not have a chat template (optional, default: None) + enforce_eager (bool): whether to enforce eager execution (optional, default: False) """ model: str @@ -37,6 +46,7 @@ class VLLMConfig(BaseModel): default_sampling_params: SamplingParams max_model_len: int | None = Field(default=None) chat_template: str | None = Field(default=None) + enforce_eager: bool | None = Field(default=False) class LLMOutput(TypedDict): @@ -107,6 +117,7 @@ async def apply_config(self, config: dict[str, Any]): model=config_obj.model, dtype=config_obj.dtype, quantization=config_obj.quantization, + enforce_eager=config_obj.enforce_eager, gpu_memory_utilization=self.gpu_memory_utilization, max_model_len=config_obj.max_model_len, ) @@ -116,7 +127,7 @@ async def apply_config(self, config: dict[str, Any]): # create the engine self.engine = AsyncLLMEngine.from_engine_args(args) - self.tokenizer = self.engine.engine.tokenizer + self.tokenizer = self.engine.engine.tokenizer.tokenizer self.model_config = await self.engine.get_model_config() @test_cache @@ -148,7 +159,7 @@ async def generate_stream( try: # convert SamplingParams to VLLMSamplingParams sampling_params_vllm = VLLMSamplingParams( - **sampling_params.dict(exclude_unset=True) + **sampling_params.model_dump(exclude_unset=True) ) # start the request request_id = random_uuid() diff --git a/aana/deployments/whisper_deployment.py b/aana/deployments/whisper_deployment.py index f371bfe8..7ce378f6 100644 --- a/aana/deployments/whisper_deployment.py +++ b/aana/deployments/whisper_deployment.py @@ -1,11 +1,12 @@ from collections.abc import AsyncGenerator from enum import Enum -from typing import Any, TypedDict, cast +from typing import Any, cast import torch from faster_whisper import WhisperModel from pydantic import BaseModel, Field from ray import serve +from typing_extensions import TypedDict from aana.deployments.base_deployment import BaseDeployment from aana.exceptions.general import InferenceException @@ -161,7 +162,7 @@ async def transcribe( params = WhisperParams() media_path: str = str(media.path) try: - segments, info = self.model.transcribe(media_path, **params.dict()) + segments, info = self.model.transcribe(media_path, **params.model_dump()) except Exception as e: raise InferenceException(self.model_name) from e @@ -196,7 +197,7 @@ async def transcribe_stream( params = WhisperParams() media_path: str = str(media.path) try: - segments, info = self.model.transcribe(media_path, **params.dict()) + segments, info = self.model.transcribe(media_path, **params.model_dump()) except Exception as e: raise InferenceException(self.model_name) from e diff --git a/aana/models/db/transcript.py b/aana/models/db/transcript.py index a156f9eb..0e3ed094 100644 --- a/aana/models/db/transcript.py +++ b/aana/models/db/transcript.py @@ -69,5 +69,5 @@ def from_asr_output( language=info.language, language_confidence=info.language_confidence, transcript=transcription.text, - segments=[s.dict() for s in segments], + segments=[s.model_dump() for s in segments], ) diff --git a/aana/models/pydantic/asr_output.py b/aana/models/pydantic/asr_output.py index 634821ef..1c33fa2c 100644 --- a/aana/models/pydantic/asr_output.py +++ b/aana/models/pydantic/asr_output.py @@ -1,4 +1,3 @@ -from types import MappingProxyType # for immutable dictionary import numpy as np from faster_whisper.transcribe import ( @@ -10,7 +9,7 @@ from faster_whisper.transcribe import ( Word as WhisperWord, ) -from pydantic import BaseModel, Field +from pydantic import BaseModel, ConfigDict, Field from aana.models.pydantic.base import BaseListModel from aana.models.pydantic.time_interval import TimeInterval @@ -40,12 +39,11 @@ def from_whisper(cls, whisper_word: WhisperWord) -> "AsrWord": alignment_confidence=whisper_word.probability, ) - class Config: - schema_extra = MappingProxyType( - { - "description": "Word", - } - ) + model_config = ConfigDict( + json_schema_extra={ + "description": "Word", + } + ) class AsrSegment(BaseModel): @@ -89,12 +87,11 @@ def from_whisper(cls, whisper_segment: WhisperSegment) -> "AsrSegment": words=words, ) - class Config: - schema_extra = MappingProxyType( - { - "description": "Segment", - } - ) + model_config = ConfigDict( + json_schema_extra={ + "description": "Segment", + } + ) class AsrTranscriptionInfo(BaseModel): @@ -135,12 +132,11 @@ def __add__(self, other: "AsrTranscriptionInfo") -> "AsrTranscriptionInfo": language=language, language_confidence=language_confidence ) - class Config: - schema_extra = MappingProxyType( - { - "description": "Transcription info", - } - ) + model_config = ConfigDict( + json_schema_extra={ + "description": "Transcription info", + } + ) class AsrTranscription(BaseModel): @@ -160,63 +156,54 @@ def __add__(self, other: "AsrTranscription") -> "AsrTranscription": text = self.text + "\n" + other.text return AsrTranscription(text=text) - class Config: - schema_extra = MappingProxyType( - { - "description": "Transcription/Translation", - } - ) + model_config = ConfigDict( + json_schema_extra={ + "description": "Transcription/Translation", + } + ) class AsrSegments(BaseListModel): """Pydantic schema for the list of ASR segments.""" - __root__: list[AsrSegment] = Field( + root: list[AsrSegment] = Field( description="List of ASR segments", default_factory=list ) - - class Config: - schema_extra = MappingProxyType( - { - "description": "List of ASR segments", - } - ) + model_config = ConfigDict( + json_schema_extra={ + "description": "List of ASR segments", + } + ) class AsrSegmentsList(BaseListModel): """Pydantic schema for the list of lists of ASR segments.""" - __root__: list[AsrSegments] - - class Config: - schema_extra = MappingProxyType( - { - "description": "List of lists of ASR segments", - } - ) + root: list[AsrSegments] + model_config = ConfigDict( + json_schema_extra={ + "description": "List of lists of ASR segments", + } + ) class AsrTranscriptionInfoList(BaseListModel): """Pydantic schema for the list of ASR transcription info.""" - __root__: list[AsrTranscriptionInfo] - - class Config: - schema_extra = MappingProxyType( - { - "description": "List of ASR transcription info", - } - ) + root: list[AsrTranscriptionInfo] + model_config = ConfigDict( + json_schema_extra={ + "description": "List of ASR transcription info", + } + ) class AsrTranscriptionList(BaseListModel): """Pydantic schema for the list of ASR transcription.""" - __root__: list[AsrTranscription] - - class Config: - schema_extra = MappingProxyType( - { - "description": "List of ASR transcription", - } - ) + root: list[AsrTranscription] + model_config = ConfigDict( + json_schema_extra={ + "description": "List of ASR transcription", + } + ) diff --git a/aana/models/pydantic/base.py b/aana/models/pydantic/base.py index 10c749f4..3b30a028 100644 --- a/aana/models/pydantic/base.py +++ b/aana/models/pydantic/base.py @@ -1,8 +1,8 @@ -from pydantic import BaseModel +from pydantic import RootModel from pyparsing import Any -class BaseListModel(BaseModel): +class BaseListModel(RootModel[list]): """The base model for pydantic models with list as root. It makes pydantic models with list as root behave like normal lists. @@ -10,96 +10,89 @@ class BaseListModel(BaseModel): def __iter__(self): """Get iterator for model.""" - return iter(self.__root__) + return iter(self.root) def __len__(self): """Get length of model.""" - return len(self.__root__) + return len(self.root) def __getitem__(self, index): """Get item at index of model.""" - return self.__root__[index] + return self.root[index] def __setitem__(self, index, value): """Set item at index of model.""" - self.__root__[index] = value + self.root[index] = value def __delitem__(self, index): """Remove item at index of model.""" - del self.__root__[index] + del self.root[index] def __contains__(self, item): """Check if modle contains item.""" - return item in self.__root__ + return item in self.root def __add__(self, other): """Add two models.""" - return self.__class__(__root__=self.__root__ + other.__root__) + return self.__class__(root=self.root + other.root) -class BaseStringModel(BaseModel): +class BaseStringModel(RootModel[str]): """The base model for pydantic models that are just strings.""" - __root__: str - - def __init__(self, __root__value: Any = None, **data): - """Initialize the model.""" - if __root__value is not None: - super().__init__(__root__=__root__value, **data) - else: - super().__init__(**data) + root: str def __str__(self) -> str: """Convert to a string.""" - return self.__root__ + return self.root def __repr__(self) -> str: """Convert to a string representation.""" - return f"{self.__class__.__name__}({self.__root__!r})" + return f"{self.__class__.__name__}({self.root!r})" def __eq__(self, other: Any) -> bool: """Check if two models are equal.""" if isinstance(other, self.__class__): - return self.__root__ == other.__root__ + return self.root == other.root if isinstance(other, str): - return self.__root__ == other + return self.root == other return NotImplemented def __hash__(self) -> int: """Get hash of model.""" - return hash(self.__root__) + return hash(self.root) def __getitem__(self, key): """Get item at key of model.""" - return self.__root__[key] + return self.root[key] def __len__(self) -> int: """Get length of model.""" - return len(self.__root__) + return len(self.root) def __iter__(self): """Get iterator for model.""" - return iter(self.__root__) + return iter(self.root) def __contains__(self, item): """Check if modle contains item.""" - return item in self.__root__ + return item in self.root def __add__(self, other): """Add two models or a model and a string.""" if isinstance(other, self.__class__): - return self.__class__(__root__=self.__root__ + other.__root__) + return self.__class__(root=self.root + other.root) if isinstance(other, str): - return str(self.__root__) + other + return str(self.root) + other return NotImplemented def __getattr__(self, item): - """Automatically delegate method calls to self.__root__ if they are not found in the model. + """Automatically delegate method calls to self.root if they are not found in the model. - Check if the attribute is a callable (method) of __root__ and return a wrapped call if it is. + Check if the attribute is a callable (method) of root and return a wrapped call if it is. This will handle methods like startswith, endswith, and split. """ - attr = getattr(self.__root__, item) + attr = getattr(self.root, item) if callable(attr): def wrapper(*args, **kwargs): diff --git a/aana/models/pydantic/captions.py b/aana/models/pydantic/captions.py index 96ed2d13..06dff615 100644 --- a/aana/models/pydantic/captions.py +++ b/aana/models/pydantic/captions.py @@ -1,44 +1,32 @@ -from types import MappingProxyType -from pydantic import BaseModel +from pydantic import ConfigDict -from aana.models.pydantic.base import BaseListModel +from aana.models.pydantic.base import BaseListModel, BaseStringModel -class Caption(BaseModel): +class Caption(BaseStringModel): """A model for a caption.""" - __root__: str - - def __str__(self): - """Convert to string.""" - return self.__root__ - - class Config: - schema_extra = MappingProxyType({"description": "A caption."}) + model_config = ConfigDict(json_schema_extra={"description": "A caption."}) class CaptionsList(BaseListModel): """A model for a list of captions.""" - __root__: list[Caption] - - class Config: - schema_extra = MappingProxyType({"description": "A list of captions."}) + root: list[Caption] + model_config = ConfigDict(json_schema_extra={"description": "A list of captions."}) class VideoCaptionsList(BaseListModel): """A model for a list of captions for a list of videos.""" - __root__: list[CaptionsList] - - class Config: - schema_extra = MappingProxyType( - { - "description": ( - "A list of a list of captions. " - "For a list of videos and a list of captions for each video " - "and for each video we have a list of captions" - ) - } - ) + root: list[CaptionsList] + model_config = ConfigDict( + json_schema_extra={ + "description": ( + "A list of a list of captions. " + "For a list of videos and a list of captions for each video " + "and for each video we have a list of captions" + ) + } + ) diff --git a/aana/models/pydantic/chat_message.py b/aana/models/pydantic/chat_message.py index 7597c345..eed6f67b 100644 --- a/aana/models/pydantic/chat_message.py +++ b/aana/models/pydantic/chat_message.py @@ -1,7 +1,6 @@ -from types import MappingProxyType from typing import Literal -from pydantic import BaseModel +from pydantic import BaseModel, ConfigDict Role = Literal["system", "user", "assistant"] @@ -16,27 +15,25 @@ class ChatMessage(BaseModel): content: str role: Role - - class Config: - schema_extra = MappingProxyType( - { - "description": "A chat message.", - "examples": [ - { - "role": "system", - "content": "You are a helpful assistant.", - }, - { - "role": "user", - "content": "Hello, how are you?", - }, - { - "role": "assistant", - "content": "I am doing well, thank you.", - }, - ], - } - ) + model_config = ConfigDict( + json_schema_extra={ + "description": "A chat message.", + "examples": [ + { + "role": "system", + "content": "You are a helpful assistant.", + }, + { + "role": "user", + "content": "Hello, how are you?", + }, + { + "role": "assistant", + "content": "I am doing well, thank you.", + }, + ], + } + ) class ChatDialog(BaseModel): @@ -47,28 +44,26 @@ class ChatDialog(BaseModel): """ messages: list[ChatMessage] - - class Config: - schema_extra = MappingProxyType( - { - "description": "A chat dialog.", - "examples": [ - { - "messages": [ - { - "role": "system", - "content": "You are a helpful assistant.", - }, - { - "role": "user", - "content": "Hello, how are you?", - }, - { - "role": "assistant", - "content": "I am doing well, thank you.", - }, - ] - } - ], - } - ) + model_config = ConfigDict( + json_schema_extra={ + "description": "A chat dialog.", + "examples": [ + { + "messages": [ + { + "role": "system", + "content": "You are a helpful assistant.", + }, + { + "role": "user", + "content": "Hello, how are you?", + }, + { + "role": "assistant", + "content": "I am doing well, thank you.", + }, + ] + } + ], + } + ) diff --git a/aana/models/pydantic/exception_response.py b/aana/models/pydantic/exception_response.py index 753f01d5..2e8cc1da 100644 --- a/aana/models/pydantic/exception_response.py +++ b/aana/models/pydantic/exception_response.py @@ -1,6 +1,6 @@ from typing import Any -from pydantic import BaseModel, Extra +from pydantic import BaseModel, ConfigDict class ExceptionResponseModel(BaseModel): @@ -17,6 +17,4 @@ class ExceptionResponseModel(BaseModel): message: str data: Any | None = None stacktrace: str | None = None - - class Config: - extra = Extra.forbid + model_config = ConfigDict(extra="forbid") diff --git a/aana/models/pydantic/image_input.py b/aana/models/pydantic/image_input.py index 3926c14d..0cbba840 100644 --- a/aana/models/pydantic/image_input.py +++ b/aana/models/pydantic/image_input.py @@ -1,10 +1,17 @@ import io from pathlib import Path -from types import MappingProxyType import numpy as np -from pydantic import BaseModel, Field, ValidationError, root_validator, validator -from pydantic.error_wrappers import ErrorWrapper +from pydantic import ( + BaseModel, + ConfigDict, + Field, + ValidationError, + field_validator, + model_validator, +) +from pydantic_core import InitErrorDetails +from typing_extensions import Self from aana.models.core.image import Image from aana.models.pydantic.base import BaseListModel @@ -50,7 +57,8 @@ class ImageInput(BaseModel): description="The ID of the image. If not provided, it will be generated automatically.", ) - @validator("media_id") + @field_validator("media_id") + @classmethod def media_id_must_not_be_empty(cls, media_id): """Validates that the media_id is not an empty string. @@ -100,36 +108,42 @@ def set_files(self, files: list[bytes]): ValidationError: if the number of images and files aren't the same """ if len(files) != 1: - error = ErrorWrapper( - ValueError("The number of images and files must be the same."), - loc=("images",), + raise ValidationError.from_exception_data( + title=self.__class__.__name__, + line_errors=[ + InitErrorDetails( + loc=("images",), + type="value_error", + ctx={ + "error": ValueError( + "The number of images and files must be the same." + ) + }, + input=None, + ) + ], ) - raise ValidationError([error], self.__class__) self.set_file(files[0]) - @root_validator - def check_only_one_field(cls, values: dict) -> dict: + @model_validator(mode="after") + def check_only_one_field(self) -> Self: """Check that exactly one of 'path', 'url', 'content' or 'numpy' is provided. - Args: - values (Dict): the values of the fields - - Returns: - Dict: the values of the fields - Raises: ValueError: if not exactly one of 'path', 'url', 'content' or 'numpy' is provided + + Returns: + Self: the instance """ count = sum( value is not None - for key, value in values.items() - if key in ["path", "url", "content", "numpy"] + for value in [self.path, self.url, self.content, self.numpy] ) if count != 1: raise ValueError( # noqa: TRY003 "Exactly one of 'path', 'url', 'content' or 'numpy' must be provided." ) - return values + return self def convert_input_to_object(self) -> Image: """Convert the image input to an image object. @@ -158,22 +172,21 @@ def convert_input_to_object(self) -> Image: media_id=self.media_id, ) - class Config: - schema_extra = MappingProxyType( - { - "description": ( - "An image. \n" - "Exactly one of 'path', 'url', or 'content' must be provided. \n" - "If 'path' is provided, the image will be loaded from the path. \n" - "If 'url' is provided, the image will be downloaded from the url. \n" - "The 'content' will be loaded automatically " - "if files are uploaded to the endpoint (should be set to 'file' for that)." - ) - } - ) - validate_assignment = True - file_upload = True - file_upload_description = "Upload image file." + model_config = ConfigDict( + json_schema_extra={ + "description": ( + "An image. \n" + "Exactly one of 'path', 'url', or 'content' must be provided. \n" + "If 'path' is provided, the image will be loaded from the path. \n" + "If 'url' is provided, the image will be downloaded from the url. \n" + "The 'content' will be loaded automatically " + "if files are uploaded to the endpoint (should be set to 'file' for that)." + ) + }, + validate_assignment=True, + file_upload=True, + file_upload_description="Upload image file.", + ) class ImageInputList(BaseListModel): @@ -183,24 +196,21 @@ class ImageInputList(BaseListModel): Convert it to a list of image objects with convert_input_to_object(). """ - __root__: list[ImageInput] + root: list[ImageInput] - @validator("__root__", pre=True) - def check_non_empty(cls, v: list[ImageInput]) -> list[ImageInput]: + @model_validator(mode="after") + def check_non_empty(self) -> Self: """Check that the list of images isn't empty. - Args: - v (List[ImageInput]): the list of images - - Returns: - List[ImageInput]: the list of images - Raises: ValueError: if the list of images is empty + + Returns: + Self: the instance """ - if len(v) == 0: + if len(self.root) == 0: raise ValueError("The list of images must not be empty.") # noqa: TRY003 - return v + return self def set_files(self, files: list[bytes]): """Set the files for the images. @@ -211,13 +221,11 @@ def set_files(self, files: list[bytes]): Raises: ValidationError: if the number of images and files aren't the same """ - if len(self.__root__) != len(files): - error = ErrorWrapper( - ValueError("The number of images and files must be the same."), - loc=("images",), - ) - raise ValidationError([error], self.__class__) - for image, file in zip(self.__root__, files, strict=False): + if len(self.root) != len(files): + error = ValueError("The number of images and files must be the same.") + # raise ValidationError(error, + raise error + for image, file in zip(self.root, files, strict=False): image.set_file(file) def convert_input_to_object(self) -> list[Image]: @@ -226,20 +234,19 @@ def convert_input_to_object(self) -> list[Image]: Returns: List[Image]: the list of image objects corresponding to the image inputs """ - return [image.convert_input_to_object() for image in self.__root__] - - class Config: - schema_extra = MappingProxyType( - { - "description": ( - "A list of images. \n" - "Exactly one of 'path', 'url', or 'content' must be provided for each image. \n" - "If 'path' is provided, the image will be loaded from the path. \n" - "If 'url' is provided, the image will be downloaded from the url. \n" - "The 'content' will be loaded automatically " - "if files are uploaded to the endpoint (should be set to 'file' for that)." - ) - } - ) - file_upload = True - file_upload_description = "Upload image files." + return [image.convert_input_to_object() for image in self.root] + + model_config = ConfigDict( + json_schema_extra={ + "description": ( + "A list of images. \n" + "Exactly one of 'path', 'url', or 'content' must be provided for each image. \n" + "If 'path' is provided, the image will be loaded from the path. \n" + "If 'url' is provided, the image will be downloaded from the url. \n" + "The 'content' will be loaded automatically " + "if files are uploaded to the endpoint (should be set to 'file' for that)." + ) + }, + file_upload=True, + file_upload_description="Upload image files.", + ) diff --git a/aana/models/pydantic/media_id.py b/aana/models/pydantic/media_id.py index 07319b27..1f2f58be 100644 --- a/aana/models/pydantic/media_id.py +++ b/aana/models/pydantic/media_id.py @@ -1,7 +1,7 @@ import uuid -from types import MappingProxyType -from pydantic import root_validator +from pydantic import ConfigDict, model_validator +from typing_extensions import Self from aana.models.pydantic.base import BaseStringModel @@ -13,11 +13,11 @@ class MediaId(BaseStringModel): @classmethod def random(cls) -> "MediaId": """Generate a random media id.""" - return cls(__root__=str(uuid.uuid4())) + return cls(str(uuid.uuid4())) # check if the media id is not empty string - @root_validator - def media_id_must_not_be_empty(cls, values): + @model_validator(mode="after") + def verify_media_id_must_not_be_empty(self) -> Self: """Validates that the media_id is not an empty string. Args: @@ -29,11 +29,8 @@ def media_id_must_not_be_empty(cls, values): Raises: ValueError: if the media_id is an empty string. """ - if "__root__" not in values: - raise ValueError("media_id is not provided") # noqa: TRY003 - if values["__root__"] == "": + if self.root == "": raise ValueError("media_id cannot be an empty string") # noqa: TRY003 - return values + return self - class Config: - schema_extra = MappingProxyType({"description": "Media ID"}) + model_config = ConfigDict(json_schema_extra={"description": "Media ID"}) diff --git a/aana/models/pydantic/prompt.py b/aana/models/pydantic/prompt.py index 9cd8e709..ac0e79c4 100644 --- a/aana/models/pydantic/prompt.py +++ b/aana/models/pydantic/prompt.py @@ -1,16 +1,10 @@ -from types import MappingProxyType -from pydantic import BaseModel +from pydantic import ConfigDict +from aana.models.pydantic.base import BaseStringModel -class Prompt(BaseModel): - """A model for a user prompt to LLM.""" - - __root__: str - def __str__(self): - """Convert to a string.""" - return self.__root__ +class Prompt(BaseStringModel): + """A model for a user prompt to LLM.""" - class Config: - schema_extra = MappingProxyType({"description": "A prompt to LLM."}) + model_config = ConfigDict(json_schema_extra={"description": "A prompt to LLM."}) diff --git a/aana/models/pydantic/question.py b/aana/models/pydantic/question.py index 5fec3ad6..22f19211 100644 --- a/aana/models/pydantic/question.py +++ b/aana/models/pydantic/question.py @@ -1,4 +1,5 @@ -from types import MappingProxyType + +from pydantic import ConfigDict from aana.models.pydantic.base import BaseStringModel @@ -6,5 +7,4 @@ class Question(BaseStringModel): """A model for a question.""" - class Config: - schema_extra = MappingProxyType({"description": "A question."}) + model_config = ConfigDict(json_schema_extra={"description": "A question."}) diff --git a/aana/models/pydantic/sampling_params.py b/aana/models/pydantic/sampling_params.py index e487f026..96cb7a24 100644 --- a/aana/models/pydantic/sampling_params.py +++ b/aana/models/pydantic/sampling_params.py @@ -1,6 +1,5 @@ -from types import MappingProxyType -from pydantic import BaseModel, Field, validator +from pydantic import BaseModel, ConfigDict, Field, field_validator class SamplingParams(BaseModel): @@ -47,7 +46,7 @@ class SamplingParams(BaseModel): default=None, ge=1, description="The maximum number of tokens to generate." ) - @validator("top_k", always=True, pre=True) + @field_validator("top_k") def check_top_k(cls, v: int): """Validates a top_k argument. @@ -68,7 +67,6 @@ def check_top_k(cls, v: int): raise ValueError(f"top_k must be -1 (disable), or at least 1, got {v}.") # noqa: TRY003 return v - class Config: - schema_extra = MappingProxyType( - {"description": "Sampling parameters for generating text."} - ) + model_config = ConfigDict( + json_schema_extra={"description": "Sampling parameters for generating text."} + ) diff --git a/aana/models/pydantic/time_interval.py b/aana/models/pydantic/time_interval.py index 53602fdf..3a760101 100644 --- a/aana/models/pydantic/time_interval.py +++ b/aana/models/pydantic/time_interval.py @@ -1,6 +1,5 @@ -from types import MappingProxyType -from pydantic import BaseModel, Field +from pydantic import BaseModel, ConfigDict, Field class TimeInterval(BaseModel): @@ -13,10 +12,8 @@ class TimeInterval(BaseModel): start: float = Field(ge=0.0, description="Start time in seconds") end: float = Field(ge=0.0, description="End time in seconds") - - class Config: - schema_extra = MappingProxyType( - { - "description": "Time interval in seconds", - } - ) + model_config = ConfigDict( + json_schema_extra={ + "description": "Time interval in seconds", + } + ) diff --git a/aana/models/pydantic/video_input.py b/aana/models/pydantic/video_input.py index e146be97..ac45ca79 100644 --- a/aana/models/pydantic/video_input.py +++ b/aana/models/pydantic/video_input.py @@ -1,8 +1,15 @@ from pathlib import Path -from types import MappingProxyType -from pydantic import BaseModel, Field, ValidationError, root_validator, validator -from pydantic.error_wrappers import ErrorWrapper +from pydantic import ( + BaseModel, + ConfigDict, + Field, + ValidationError, + field_validator, + model_validator, +) +from pydantic_core import InitErrorDetails +from typing_extensions import Self from aana.models.core.video import Video from aana.models.pydantic.base import BaseListModel @@ -40,7 +47,8 @@ class VideoInput(BaseModel): description="The ID of the video. If not provided, it will be generated automatically.", ) - @validator("url") + @field_validator("url") + @classmethod def check_url(cls, url: str) -> str: """Check that the URL is valid and supported. @@ -58,7 +66,8 @@ def check_url(cls, url: str) -> str: # TODO: implement the youtube URL validation return url - @validator("media_id") + @field_validator("media_id") + @classmethod def media_id_must_not_be_empty(cls, media_id): """Validates that the media_id is not an empty string. @@ -75,29 +84,22 @@ def media_id_must_not_be_empty(cls, media_id): raise ValueError("media_id cannot be an empty string") # noqa: TRY003 return media_id - @root_validator - def check_only_one_field(cls, values): + @model_validator(mode="after") + def check_only_one_field(self) -> Self: """Check that exactly one of 'path', 'url', or 'content' is provided. - Args: - values (Dict): the values of the fields - - Returns: - Dict: the values of the fields - Raises: ValueError: if not exactly one of 'path', 'url', or 'content' is provided + + Returns: + Self: the instance """ - count = sum( - value is not None - for key, value in values.items() - if key in ["path", "url", "content"] - ) + count = sum(value is not None for value in [self.path, self.url, self.content]) if count != 1: raise ValueError( # noqa: TRY003 "Exactly one of 'path', 'url', or 'content' must be provided." ) - return values + return self def set_file(self, file: bytes): """Sets the file. @@ -128,11 +130,21 @@ def set_files(self, files: list[bytes]): ValidationError: if the number of files isn't 1 """ if len(files) != 1: - error = ErrorWrapper( - ValueError("The number of videos and files must be the same."), - loc=("video",), + raise ValidationError.from_exception_data( + title=self.__class__.__name__, + line_errors=[ + InitErrorDetails( + loc=("video",), + type="value_error", + ctx={ + "error": ValueError( + "The number of videos and files must be the same." + ) + }, + input=None, + ) + ], ) - raise ValidationError([error], self.__class__) self.set_file(files[0]) def convert_input_to_object(self) -> Video: @@ -152,22 +164,21 @@ def convert_input_to_object(self) -> Video: media_id=self.media_id, ) - class Config: - schema_extra = MappingProxyType( - { - "description": ( - "A video. \n" - "Exactly one of 'path', 'url', or 'content' must be provided. \n" - "If 'path' is provided, the video will be loaded from the path. \n" - "If 'url' is provided, the video will be downloaded from the url. \n" - "The 'content' will be loaded automatically " - "if files are uploaded to the endpoint (should be set to 'file' for that)." - ) - } - ) - validate_assignment = True - file_upload = True - file_upload_description = "Upload video file." + model_config = ConfigDict( + json_schema_extra={ + "description": ( + "A video. \n" + "Exactly one of 'path', 'url', or 'content' must be provided. \n" + "If 'path' is provided, the video will be loaded from the path. \n" + "If 'url' is provided, the video will be downloaded from the url. \n" + "The 'content' will be loaded automatically " + "if files are uploaded to the endpoint (should be set to 'file' for that)." + ) + }, + validate_assignment=True, + file_upload=True, + file_upload_description="Upload video file.", + ) class VideoInputList(BaseListModel): @@ -178,24 +189,21 @@ class VideoInputList(BaseListModel): Convert it to a list of video objects with convert_input_to_object(). """ - __root__: list[VideoInput] + root: list[VideoInput] - @validator("__root__", pre=True) - def check_non_empty(cls, videos: list[VideoInput]) -> list[VideoInput]: + @model_validator(mode="after") + def check_non_empty(self) -> Self: """Check that the list of videos isn't empty. - Args: - videos (List[VideoInput]): the list of videos - - Returns: - List[VideoInput]: the list of videos - Raises: ValueError: if the list of videos is empty + + Returns: + Self: the instance """ - if len(videos) == 0: + if len(self.root) == 0: raise ValueError("The list of videos must not be empty.") # noqa: TRY003 - return videos + return self def set_files(self, files: list[bytes]): """Set the files for the videos. @@ -206,13 +214,23 @@ def set_files(self, files: list[bytes]): Raises: ValidationError: if the number of videos and files aren't the same """ - if len(self.__root__) != len(files): - error = ErrorWrapper( - ValueError("The number of videos and files must be the same."), - loc=("videos",), + if len(self.root) != len(files): + raise ValidationError.from_exception_data( + title=self.__class__.__name__, + line_errors=[ + InitErrorDetails( + loc=("videos",), + type="value_error", + ctx={ + "error": ValueError( + "The number of videos and files must be the same." + ) + }, + input=None, + ) + ], ) - raise ValidationError([error], self.__class__) - for video, file in zip(self.__root__, files, strict=False): + for video, file in zip(self.root, files, strict=False): video.set_file(file) def convert_input_to_object(self) -> list[VideoInput]: @@ -221,20 +239,19 @@ def convert_input_to_object(self) -> list[VideoInput]: Returns: List[VideoInput]: the list of video inputs """ - return self.__root__ - - class Config: - schema_extra = MappingProxyType( - { - "description": ( - "A list of videos. \n" - "Exactly one of 'path', 'url', or 'content' must be provided for each video. \n" - "If 'path' is provided, the video will be loaded from the path. \n" - "If 'url' is provided, the video will be downloaded from the url. \n" - "The 'content' will be loaded automatically " - "if files are uploaded to the endpoint (should be set to 'file' for that)." - ) - } - ) - file_upload = True - file_upload_description = "Upload video files." + return self.root + + model_config = ConfigDict( + json_schema_extra={ + "description": ( + "A list of videos. \n" + "Exactly one of 'path', 'url', or 'content' must be provided for each video. \n" + "If 'path' is provided, the video will be loaded from the path. \n" + "If 'url' is provided, the video will be downloaded from the url. \n" + "The 'content' will be loaded automatically " + "if files are uploaded to the endpoint (should be set to 'file' for that)." + ) + }, + file_upload=True, + file_upload_description="Upload video files.", + ) diff --git a/aana/models/pydantic/video_metadata.py b/aana/models/pydantic/video_metadata.py index 8e46ed18..535675ac 100644 --- a/aana/models/pydantic/video_metadata.py +++ b/aana/models/pydantic/video_metadata.py @@ -1,6 +1,5 @@ -from types import MappingProxyType -from pydantic import BaseModel, Field +from pydantic import BaseModel, ConfigDict, Field class VideoMetadata(BaseModel): @@ -13,10 +12,8 @@ class VideoMetadata(BaseModel): title: str = Field(None, description="The title of the video.") description: str = Field(None, description="The description of the video.") - - class Config: - schema_extra = MappingProxyType( - { - "description": "Metadata of a video.", - } - ) + model_config = ConfigDict( + json_schema_extra={ + "description": "Metadata of a video.", + } + ) diff --git a/aana/models/pydantic/video_params.py b/aana/models/pydantic/video_params.py index 10620645..5007d99e 100644 --- a/aana/models/pydantic/video_params.py +++ b/aana/models/pydantic/video_params.py @@ -1,6 +1,5 @@ -from types import MappingProxyType -from pydantic import BaseModel, Field +from pydantic import BaseModel, ConfigDict, Field class VideoParams(BaseModel): @@ -26,7 +25,6 @@ class VideoParams(BaseModel): "extract_fps will be ignored if this is set to True." ), ) - - class Config: - schema_extra = MappingProxyType({"description": "Video parameters."}) - validate_assignment = True + model_config = ConfigDict( + json_schema_extra={"description": "Video parameters."}, validate_assignment=True + ) diff --git a/aana/models/pydantic/whisper_params.py b/aana/models/pydantic/whisper_params.py index 28f92111..97e6c608 100644 --- a/aana/models/pydantic/whisper_params.py +++ b/aana/models/pydantic/whisper_params.py @@ -1,7 +1,6 @@ import collections.abc -from types import MappingProxyType -from pydantic import BaseModel, Field, validator +from pydantic import BaseModel, ConfigDict, Field, field_validator class WhisperParams(BaseModel): @@ -45,7 +44,8 @@ class WhisperParams(BaseModel): description="Whether to enable voice activity detection filtering.", ) - @validator("temperature") + @field_validator("temperature") + @classmethod def check_temperature(cls, v: float): """Validates a temperature value. @@ -68,7 +68,8 @@ def check_temperature(cls, v: float): ) return v - class Config: - schema_extra = MappingProxyType( - {"description": "Parameters for the Whisper audio-to-text model."} - ) + model_config = ConfigDict( + json_schema_extra={ + "description": "Parameters for the Whisper audio-to-text model." + } + ) diff --git a/aana/tests/db/datastore/test_utils.py b/aana/tests/db/datastore/test_utils.py index 0f3fb877..0b461b06 100644 --- a/aana/tests/db/datastore/test_utils.py +++ b/aana/tests/db/datastore/test_utils.py @@ -119,7 +119,7 @@ def test_save_video_transcription(mock_session): ) segments = AsrSegments( - __root__=[ + [ AsrSegment( text="This is a transcript.", time_interval=TimeInterval(start=0, end=1), @@ -159,9 +159,7 @@ def test_save_captions_batch(mock_session): media_ids = ["0"] models = "test_model" captions = ["A caption", "Another caption", "A third caption"] - captions_list = [ - CaptionsList(__root__=[Caption(__root__=caption) for caption in captions]) - ] + captions_list = [CaptionsList([Caption(caption) for caption in captions])] timestamps = [[0.1, 0.2, 0.3, 0.4]] frame_ids = [[0, 1, 2]] with pytest.raises(NotImplementedError): @@ -184,9 +182,7 @@ def test_save_captions_single(mock_session): media_id = "0" model_name = "test_model" captions = ["A caption", "Another caption", "A third caption"] - captions_list = CaptionsList( - __root__=[Caption(__root__=caption) for caption in captions] - ) + captions_list = CaptionsList([Caption(caption) for caption in captions]) timestamps = [0.1, 0.2, 0.3] frame_ids = [0, 1, 2] diff --git a/aana/tests/deployments/test_vllm_deployment.py b/aana/tests/deployments/test_vllm_deployment.py index 39627eb1..af7379e6 100644 --- a/aana/tests/deployments/test_vllm_deployment.py +++ b/aana/tests/deployments/test_vllm_deployment.py @@ -57,7 +57,6 @@ async def test_vllm_deployments(setup_vllm_deployment): ) text = "" async for chunk in stream: - chunk = await chunk text += chunk["text"] compare_texts(expected_text, text) @@ -103,7 +102,6 @@ async def test_vllm_deployments(setup_vllm_deployment): text = "" async for chunk in stream: - chunk = await chunk text += chunk["text"] compare_texts(expected_text, text) diff --git a/aana/tests/deployments/test_whisper_deployment.py b/aana/tests/deployments/test_whisper_deployment.py index eb2b3c82..1134e09b 100644 --- a/aana/tests/deployments/test_whisper_deployment.py +++ b/aana/tests/deployments/test_whisper_deployment.py @@ -95,7 +95,6 @@ async def test_whisper_deployment(setup_whisper_deployment, video_file): grouped_dict = defaultdict(list) transcript = "" async for chunk in stream: - chunk = await chunk output = pydantic_to_dict(chunk) transcript += output["transcription"]["text"] grouped_dict["segments"].append(output.get("segments")[0]) diff --git a/aana/tests/files/cache/HFBlip2Deployment/generate_batch_96c505a087651f58a669e3d1ee5db509_1d8b476e0644321a6b1c03c8d3ffe1ae.pkl b/aana/tests/files/cache/HFBlip2Deployment/generate_batch_96c505a087651f58a669e3d1ee5db509_1d8b476e0644321a6b1c03c8d3ffe1ae.pkl index 75354d95..7a36fbc8 100644 Binary files a/aana/tests/files/cache/HFBlip2Deployment/generate_batch_96c505a087651f58a669e3d1ee5db509_1d8b476e0644321a6b1c03c8d3ffe1ae.pkl and b/aana/tests/files/cache/HFBlip2Deployment/generate_batch_96c505a087651f58a669e3d1ee5db509_1d8b476e0644321a6b1c03c8d3ffe1ae.pkl differ diff --git a/aana/tests/files/cache/HFBlip2Deployment/generate_batch_96c505a087651f58a669e3d1ee5db509_2c9e4d9bb7162b75c17e74e21922c0a1.pkl b/aana/tests/files/cache/HFBlip2Deployment/generate_batch_96c505a087651f58a669e3d1ee5db509_2c9e4d9bb7162b75c17e74e21922c0a1.pkl index 29b16680..4548ca2f 100644 Binary files a/aana/tests/files/cache/HFBlip2Deployment/generate_batch_96c505a087651f58a669e3d1ee5db509_2c9e4d9bb7162b75c17e74e21922c0a1.pkl and b/aana/tests/files/cache/HFBlip2Deployment/generate_batch_96c505a087651f58a669e3d1ee5db509_2c9e4d9bb7162b75c17e74e21922c0a1.pkl differ diff --git a/aana/tests/files/cache/HFBlip2Deployment/generate_batch_96c505a087651f58a669e3d1ee5db509_3ab4c9d4b6e6ddf39b1d44bd152e17ab.pkl b/aana/tests/files/cache/HFBlip2Deployment/generate_batch_96c505a087651f58a669e3d1ee5db509_3ab4c9d4b6e6ddf39b1d44bd152e17ab.pkl index 42ead4ab..cb8c6ab3 100644 Binary files a/aana/tests/files/cache/HFBlip2Deployment/generate_batch_96c505a087651f58a669e3d1ee5db509_3ab4c9d4b6e6ddf39b1d44bd152e17ab.pkl and b/aana/tests/files/cache/HFBlip2Deployment/generate_batch_96c505a087651f58a669e3d1ee5db509_3ab4c9d4b6e6ddf39b1d44bd152e17ab.pkl differ diff --git a/aana/tests/files/cache/HFBlip2Deployment/generate_batch_96c505a087651f58a669e3d1ee5db509_7f6f953c8b354d39add0ce78a4703175.pkl b/aana/tests/files/cache/HFBlip2Deployment/generate_batch_96c505a087651f58a669e3d1ee5db509_7f6f953c8b354d39add0ce78a4703175.pkl index 2f1a6d80..90a97a16 100644 Binary files a/aana/tests/files/cache/HFBlip2Deployment/generate_batch_96c505a087651f58a669e3d1ee5db509_7f6f953c8b354d39add0ce78a4703175.pkl and b/aana/tests/files/cache/HFBlip2Deployment/generate_batch_96c505a087651f58a669e3d1ee5db509_7f6f953c8b354d39add0ce78a4703175.pkl differ diff --git a/aana/tests/files/cache/HFBlip2Deployment/generate_batch_96c505a087651f58a669e3d1ee5db509_9b4d67b8fa6561926befa940b9311f94.pkl b/aana/tests/files/cache/HFBlip2Deployment/generate_batch_96c505a087651f58a669e3d1ee5db509_9b4d67b8fa6561926befa940b9311f94.pkl index 10ad8772..97d061fd 100644 Binary files a/aana/tests/files/cache/HFBlip2Deployment/generate_batch_96c505a087651f58a669e3d1ee5db509_9b4d67b8fa6561926befa940b9311f94.pkl and b/aana/tests/files/cache/HFBlip2Deployment/generate_batch_96c505a087651f58a669e3d1ee5db509_9b4d67b8fa6561926befa940b9311f94.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_8871a835ee2ddeecc5d249f668949779_0d029208e00321165d3c75b06ddab39e.pkl b/aana/tests/files/cache/VLLMDeployment/chat_8871a835ee2ddeecc5d249f668949779_0d029208e00321165d3c75b06ddab39e.pkl index 80851ba9..d0a087ff 100644 Binary files a/aana/tests/files/cache/VLLMDeployment/chat_8871a835ee2ddeecc5d249f668949779_0d029208e00321165d3c75b06ddab39e.pkl and b/aana/tests/files/cache/VLLMDeployment/chat_8871a835ee2ddeecc5d249f668949779_0d029208e00321165d3c75b06ddab39e.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_8871a835ee2ddeecc5d249f668949779_570ac04251b8808bdb96e591536ab65b.pkl b/aana/tests/files/cache/VLLMDeployment/chat_8871a835ee2ddeecc5d249f668949779_570ac04251b8808bdb96e591536ab65b.pkl index a9f2e344..fd2b6a03 100644 Binary files a/aana/tests/files/cache/VLLMDeployment/chat_8871a835ee2ddeecc5d249f668949779_570ac04251b8808bdb96e591536ab65b.pkl and b/aana/tests/files/cache/VLLMDeployment/chat_8871a835ee2ddeecc5d249f668949779_570ac04251b8808bdb96e591536ab65b.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_8871a835ee2ddeecc5d249f668949779_72317694ca5cd08a5893ac5dfbb5f8f2.pkl b/aana/tests/files/cache/VLLMDeployment/chat_8871a835ee2ddeecc5d249f668949779_72317694ca5cd08a5893ac5dfbb5f8f2.pkl index ba240edf..875a019b 100644 Binary files a/aana/tests/files/cache/VLLMDeployment/chat_8871a835ee2ddeecc5d249f668949779_72317694ca5cd08a5893ac5dfbb5f8f2.pkl and b/aana/tests/files/cache/VLLMDeployment/chat_8871a835ee2ddeecc5d249f668949779_72317694ca5cd08a5893ac5dfbb5f8f2.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_8cb495ff8535c182d2d7b207d996b5ae_570ac04251b8808bdb96e591536ab65b.pkl b/aana/tests/files/cache/VLLMDeployment/chat_8cb495ff8535c182d2d7b207d996b5ae_570ac04251b8808bdb96e591536ab65b.pkl new file mode 100644 index 00000000..fd2b6a03 Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/chat_8cb495ff8535c182d2d7b207d996b5ae_570ac04251b8808bdb96e591536ab65b.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_8cb495ff8535c182d2d7b207d996b5ae_72317694ca5cd08a5893ac5dfbb5f8f2.pkl b/aana/tests/files/cache/VLLMDeployment/chat_8cb495ff8535c182d2d7b207d996b5ae_72317694ca5cd08a5893ac5dfbb5f8f2.pkl new file mode 100644 index 00000000..875a019b Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/chat_8cb495ff8535c182d2d7b207d996b5ae_72317694ca5cd08a5893ac5dfbb5f8f2.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_8cb495ff8535c182d2d7b207d996b5ae_b56a6e32264dc099e77a8839ea070c27.pkl b/aana/tests/files/cache/VLLMDeployment/chat_8cb495ff8535c182d2d7b207d996b5ae_b56a6e32264dc099e77a8839ea070c27.pkl new file mode 100644 index 00000000..ddddba7f Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/chat_8cb495ff8535c182d2d7b207d996b5ae_b56a6e32264dc099e77a8839ea070c27.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_90417c2a15b76361a6b09dbd7619d9e4_0d029208e00321165d3c75b06ddab39e.pkl b/aana/tests/files/cache/VLLMDeployment/chat_90417c2a15b76361a6b09dbd7619d9e4_0d029208e00321165d3c75b06ddab39e.pkl new file mode 100644 index 00000000..d0a087ff Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/chat_90417c2a15b76361a6b09dbd7619d9e4_0d029208e00321165d3c75b06ddab39e.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_90417c2a15b76361a6b09dbd7619d9e4_41ce6839d65bccea26ee9d05a965ac84.pkl b/aana/tests/files/cache/VLLMDeployment/chat_90417c2a15b76361a6b09dbd7619d9e4_41ce6839d65bccea26ee9d05a965ac84.pkl new file mode 100644 index 00000000..d18d6a1f Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/chat_90417c2a15b76361a6b09dbd7619d9e4_41ce6839d65bccea26ee9d05a965ac84.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_90417c2a15b76361a6b09dbd7619d9e4_570ac04251b8808bdb96e591536ab65b.pkl b/aana/tests/files/cache/VLLMDeployment/chat_90417c2a15b76361a6b09dbd7619d9e4_570ac04251b8808bdb96e591536ab65b.pkl new file mode 100644 index 00000000..fd2b6a03 Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/chat_90417c2a15b76361a6b09dbd7619d9e4_570ac04251b8808bdb96e591536ab65b.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_90417c2a15b76361a6b09dbd7619d9e4_72317694ca5cd08a5893ac5dfbb5f8f2.pkl b/aana/tests/files/cache/VLLMDeployment/chat_90417c2a15b76361a6b09dbd7619d9e4_72317694ca5cd08a5893ac5dfbb5f8f2.pkl new file mode 100644 index 00000000..875a019b Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/chat_90417c2a15b76361a6b09dbd7619d9e4_72317694ca5cd08a5893ac5dfbb5f8f2.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_90417c2a15b76361a6b09dbd7619d9e4_b56a6e32264dc099e77a8839ea070c27.pkl b/aana/tests/files/cache/VLLMDeployment/chat_90417c2a15b76361a6b09dbd7619d9e4_b56a6e32264dc099e77a8839ea070c27.pkl new file mode 100644 index 00000000..ddddba7f Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/chat_90417c2a15b76361a6b09dbd7619d9e4_b56a6e32264dc099e77a8839ea070c27.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_950b0eacc7d86208f8c0aa1c92114fa3_41ce6839d65bccea26ee9d05a965ac84.pkl b/aana/tests/files/cache/VLLMDeployment/chat_950b0eacc7d86208f8c0aa1c92114fa3_41ce6839d65bccea26ee9d05a965ac84.pkl new file mode 100644 index 00000000..38355404 Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/chat_950b0eacc7d86208f8c0aa1c92114fa3_41ce6839d65bccea26ee9d05a965ac84.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_950b0eacc7d86208f8c0aa1c92114fa3_570ac04251b8808bdb96e591536ab65b.pkl b/aana/tests/files/cache/VLLMDeployment/chat_950b0eacc7d86208f8c0aa1c92114fa3_570ac04251b8808bdb96e591536ab65b.pkl new file mode 100644 index 00000000..bbf7c226 Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/chat_950b0eacc7d86208f8c0aa1c92114fa3_570ac04251b8808bdb96e591536ab65b.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_950b0eacc7d86208f8c0aa1c92114fa3_72317694ca5cd08a5893ac5dfbb5f8f2.pkl b/aana/tests/files/cache/VLLMDeployment/chat_950b0eacc7d86208f8c0aa1c92114fa3_72317694ca5cd08a5893ac5dfbb5f8f2.pkl new file mode 100644 index 00000000..bb273c65 Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/chat_950b0eacc7d86208f8c0aa1c92114fa3_72317694ca5cd08a5893ac5dfbb5f8f2.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_950b0eacc7d86208f8c0aa1c92114fa3_b56a6e32264dc099e77a8839ea070c27.pkl b/aana/tests/files/cache/VLLMDeployment/chat_950b0eacc7d86208f8c0aa1c92114fa3_b56a6e32264dc099e77a8839ea070c27.pkl new file mode 100644 index 00000000..ddddba7f Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/chat_950b0eacc7d86208f8c0aa1c92114fa3_b56a6e32264dc099e77a8839ea070c27.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_abf657f163e6cde645210ade79effaab_41ce6839d65bccea26ee9d05a965ac84.pkl b/aana/tests/files/cache/VLLMDeployment/chat_abf657f163e6cde645210ade79effaab_41ce6839d65bccea26ee9d05a965ac84.pkl new file mode 100644 index 00000000..d18d6a1f Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/chat_abf657f163e6cde645210ade79effaab_41ce6839d65bccea26ee9d05a965ac84.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_abf657f163e6cde645210ade79effaab_570ac04251b8808bdb96e591536ab65b.pkl b/aana/tests/files/cache/VLLMDeployment/chat_abf657f163e6cde645210ade79effaab_570ac04251b8808bdb96e591536ab65b.pkl new file mode 100644 index 00000000..fd2b6a03 Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/chat_abf657f163e6cde645210ade79effaab_570ac04251b8808bdb96e591536ab65b.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_abf657f163e6cde645210ade79effaab_72317694ca5cd08a5893ac5dfbb5f8f2.pkl b/aana/tests/files/cache/VLLMDeployment/chat_abf657f163e6cde645210ade79effaab_72317694ca5cd08a5893ac5dfbb5f8f2.pkl new file mode 100644 index 00000000..875a019b Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/chat_abf657f163e6cde645210ade79effaab_72317694ca5cd08a5893ac5dfbb5f8f2.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_abf657f163e6cde645210ade79effaab_b56a6e32264dc099e77a8839ea070c27.pkl b/aana/tests/files/cache/VLLMDeployment/chat_abf657f163e6cde645210ade79effaab_b56a6e32264dc099e77a8839ea070c27.pkl new file mode 100644 index 00000000..ddddba7f Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/chat_abf657f163e6cde645210ade79effaab_b56a6e32264dc099e77a8839ea070c27.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_b86655cbe15a189bb214ca0c49f7d8d4_41ce6839d65bccea26ee9d05a965ac84.pkl b/aana/tests/files/cache/VLLMDeployment/chat_b86655cbe15a189bb214ca0c49f7d8d4_41ce6839d65bccea26ee9d05a965ac84.pkl new file mode 100644 index 00000000..d18d6a1f Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/chat_b86655cbe15a189bb214ca0c49f7d8d4_41ce6839d65bccea26ee9d05a965ac84.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_b86655cbe15a189bb214ca0c49f7d8d4_570ac04251b8808bdb96e591536ab65b.pkl b/aana/tests/files/cache/VLLMDeployment/chat_b86655cbe15a189bb214ca0c49f7d8d4_570ac04251b8808bdb96e591536ab65b.pkl new file mode 100644 index 00000000..fd2b6a03 Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/chat_b86655cbe15a189bb214ca0c49f7d8d4_570ac04251b8808bdb96e591536ab65b.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_b86655cbe15a189bb214ca0c49f7d8d4_72317694ca5cd08a5893ac5dfbb5f8f2.pkl b/aana/tests/files/cache/VLLMDeployment/chat_b86655cbe15a189bb214ca0c49f7d8d4_72317694ca5cd08a5893ac5dfbb5f8f2.pkl new file mode 100644 index 00000000..875a019b Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/chat_b86655cbe15a189bb214ca0c49f7d8d4_72317694ca5cd08a5893ac5dfbb5f8f2.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_b86655cbe15a189bb214ca0c49f7d8d4_b56a6e32264dc099e77a8839ea070c27.pkl b/aana/tests/files/cache/VLLMDeployment/chat_b86655cbe15a189bb214ca0c49f7d8d4_b56a6e32264dc099e77a8839ea070c27.pkl new file mode 100644 index 00000000..ddddba7f Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/chat_b86655cbe15a189bb214ca0c49f7d8d4_b56a6e32264dc099e77a8839ea070c27.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_stream_74fe74a3125d3b77bba20d91cae0998e_e4edb4d5a7e5f385516952ca99ffef52.pkl b/aana/tests/files/cache/VLLMDeployment/chat_stream_74fe74a3125d3b77bba20d91cae0998e_e4edb4d5a7e5f385516952ca99ffef52.pkl new file mode 100644 index 00000000..3ec36267 Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/chat_stream_74fe74a3125d3b77bba20d91cae0998e_e4edb4d5a7e5f385516952ca99ffef52.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_stream_8871a835ee2ddeecc5d249f668949779_3ca595770f128bbf8ce95e9435171691.pkl b/aana/tests/files/cache/VLLMDeployment/chat_stream_8871a835ee2ddeecc5d249f668949779_3ca595770f128bbf8ce95e9435171691.pkl deleted file mode 100644 index 18aacf7f..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/chat_stream_8871a835ee2ddeecc5d249f668949779_3ca595770f128bbf8ce95e9435171691.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_stream_8871a835ee2ddeecc5d249f668949779_c9f54d4c4221565489be2eafe77ebfbe.pkl b/aana/tests/files/cache/VLLMDeployment/chat_stream_8871a835ee2ddeecc5d249f668949779_c9f54d4c4221565489be2eafe77ebfbe.pkl index 80fb05a8..6bf9c8f7 100644 Binary files a/aana/tests/files/cache/VLLMDeployment/chat_stream_8871a835ee2ddeecc5d249f668949779_c9f54d4c4221565489be2eafe77ebfbe.pkl and b/aana/tests/files/cache/VLLMDeployment/chat_stream_8871a835ee2ddeecc5d249f668949779_c9f54d4c4221565489be2eafe77ebfbe.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_stream_8871a835ee2ddeecc5d249f668949779_e4edb4d5a7e5f385516952ca99ffef52.pkl b/aana/tests/files/cache/VLLMDeployment/chat_stream_8871a835ee2ddeecc5d249f668949779_e4edb4d5a7e5f385516952ca99ffef52.pkl new file mode 100644 index 00000000..576edb58 Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/chat_stream_8871a835ee2ddeecc5d249f668949779_e4edb4d5a7e5f385516952ca99ffef52.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_stream_8cb495ff8535c182d2d7b207d996b5ae_570ac04251b8808bdb96e591536ab65b.pkl b/aana/tests/files/cache/VLLMDeployment/chat_stream_8cb495ff8535c182d2d7b207d996b5ae_570ac04251b8808bdb96e591536ab65b.pkl new file mode 100644 index 00000000..056818b8 Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/chat_stream_8cb495ff8535c182d2d7b207d996b5ae_570ac04251b8808bdb96e591536ab65b.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_stream_8cb495ff8535c182d2d7b207d996b5ae_72317694ca5cd08a5893ac5dfbb5f8f2.pkl b/aana/tests/files/cache/VLLMDeployment/chat_stream_8cb495ff8535c182d2d7b207d996b5ae_72317694ca5cd08a5893ac5dfbb5f8f2.pkl new file mode 100644 index 00000000..b2729f83 Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/chat_stream_8cb495ff8535c182d2d7b207d996b5ae_72317694ca5cd08a5893ac5dfbb5f8f2.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_stream_8cb495ff8535c182d2d7b207d996b5ae_b56a6e32264dc099e77a8839ea070c27.pkl b/aana/tests/files/cache/VLLMDeployment/chat_stream_8cb495ff8535c182d2d7b207d996b5ae_b56a6e32264dc099e77a8839ea070c27.pkl new file mode 100644 index 00000000..ddddba7f Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/chat_stream_8cb495ff8535c182d2d7b207d996b5ae_b56a6e32264dc099e77a8839ea070c27.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_stream_90417c2a15b76361a6b09dbd7619d9e4_0d029208e00321165d3c75b06ddab39e.pkl b/aana/tests/files/cache/VLLMDeployment/chat_stream_90417c2a15b76361a6b09dbd7619d9e4_0d029208e00321165d3c75b06ddab39e.pkl new file mode 100644 index 00000000..b8350684 Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/chat_stream_90417c2a15b76361a6b09dbd7619d9e4_0d029208e00321165d3c75b06ddab39e.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_stream_90417c2a15b76361a6b09dbd7619d9e4_41ce6839d65bccea26ee9d05a965ac84.pkl b/aana/tests/files/cache/VLLMDeployment/chat_stream_90417c2a15b76361a6b09dbd7619d9e4_41ce6839d65bccea26ee9d05a965ac84.pkl new file mode 100644 index 00000000..5b137956 Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/chat_stream_90417c2a15b76361a6b09dbd7619d9e4_41ce6839d65bccea26ee9d05a965ac84.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_stream_90417c2a15b76361a6b09dbd7619d9e4_570ac04251b8808bdb96e591536ab65b.pkl b/aana/tests/files/cache/VLLMDeployment/chat_stream_90417c2a15b76361a6b09dbd7619d9e4_570ac04251b8808bdb96e591536ab65b.pkl new file mode 100644 index 00000000..056818b8 Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/chat_stream_90417c2a15b76361a6b09dbd7619d9e4_570ac04251b8808bdb96e591536ab65b.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_stream_90417c2a15b76361a6b09dbd7619d9e4_72317694ca5cd08a5893ac5dfbb5f8f2.pkl b/aana/tests/files/cache/VLLMDeployment/chat_stream_90417c2a15b76361a6b09dbd7619d9e4_72317694ca5cd08a5893ac5dfbb5f8f2.pkl new file mode 100644 index 00000000..b2729f83 Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/chat_stream_90417c2a15b76361a6b09dbd7619d9e4_72317694ca5cd08a5893ac5dfbb5f8f2.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_stream_90417c2a15b76361a6b09dbd7619d9e4_b56a6e32264dc099e77a8839ea070c27.pkl b/aana/tests/files/cache/VLLMDeployment/chat_stream_90417c2a15b76361a6b09dbd7619d9e4_b56a6e32264dc099e77a8839ea070c27.pkl new file mode 100644 index 00000000..ddddba7f Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/chat_stream_90417c2a15b76361a6b09dbd7619d9e4_b56a6e32264dc099e77a8839ea070c27.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_stream_90417c2a15b76361a6b09dbd7619d9e4_c9f54d4c4221565489be2eafe77ebfbe.pkl b/aana/tests/files/cache/VLLMDeployment/chat_stream_90417c2a15b76361a6b09dbd7619d9e4_c9f54d4c4221565489be2eafe77ebfbe.pkl new file mode 100644 index 00000000..80fb05a8 Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/chat_stream_90417c2a15b76361a6b09dbd7619d9e4_c9f54d4c4221565489be2eafe77ebfbe.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_stream_90417c2a15b76361a6b09dbd7619d9e4_e4edb4d5a7e5f385516952ca99ffef52.pkl b/aana/tests/files/cache/VLLMDeployment/chat_stream_90417c2a15b76361a6b09dbd7619d9e4_e4edb4d5a7e5f385516952ca99ffef52.pkl new file mode 100644 index 00000000..3ec36267 Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/chat_stream_90417c2a15b76361a6b09dbd7619d9e4_e4edb4d5a7e5f385516952ca99ffef52.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_stream_90417c2a15b76361a6b09dbd7619d9e4_fd9377c21f3ea3fa3d2229b8da17543d.pkl b/aana/tests/files/cache/VLLMDeployment/chat_stream_90417c2a15b76361a6b09dbd7619d9e4_fd9377c21f3ea3fa3d2229b8da17543d.pkl new file mode 100644 index 00000000..0b34c4bf Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/chat_stream_90417c2a15b76361a6b09dbd7619d9e4_fd9377c21f3ea3fa3d2229b8da17543d.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_stream_950b0eacc7d86208f8c0aa1c92114fa3_41ce6839d65bccea26ee9d05a965ac84.pkl b/aana/tests/files/cache/VLLMDeployment/chat_stream_950b0eacc7d86208f8c0aa1c92114fa3_41ce6839d65bccea26ee9d05a965ac84.pkl new file mode 100644 index 00000000..5b137956 Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/chat_stream_950b0eacc7d86208f8c0aa1c92114fa3_41ce6839d65bccea26ee9d05a965ac84.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_stream_950b0eacc7d86208f8c0aa1c92114fa3_570ac04251b8808bdb96e591536ab65b.pkl b/aana/tests/files/cache/VLLMDeployment/chat_stream_950b0eacc7d86208f8c0aa1c92114fa3_570ac04251b8808bdb96e591536ab65b.pkl new file mode 100644 index 00000000..056818b8 Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/chat_stream_950b0eacc7d86208f8c0aa1c92114fa3_570ac04251b8808bdb96e591536ab65b.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_stream_950b0eacc7d86208f8c0aa1c92114fa3_72317694ca5cd08a5893ac5dfbb5f8f2.pkl b/aana/tests/files/cache/VLLMDeployment/chat_stream_950b0eacc7d86208f8c0aa1c92114fa3_72317694ca5cd08a5893ac5dfbb5f8f2.pkl new file mode 100644 index 00000000..b2729f83 Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/chat_stream_950b0eacc7d86208f8c0aa1c92114fa3_72317694ca5cd08a5893ac5dfbb5f8f2.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_stream_950b0eacc7d86208f8c0aa1c92114fa3_b56a6e32264dc099e77a8839ea070c27.pkl b/aana/tests/files/cache/VLLMDeployment/chat_stream_950b0eacc7d86208f8c0aa1c92114fa3_b56a6e32264dc099e77a8839ea070c27.pkl new file mode 100644 index 00000000..ddddba7f Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/chat_stream_950b0eacc7d86208f8c0aa1c92114fa3_b56a6e32264dc099e77a8839ea070c27.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_stream_abf657f163e6cde645210ade79effaab_41ce6839d65bccea26ee9d05a965ac84.pkl b/aana/tests/files/cache/VLLMDeployment/chat_stream_abf657f163e6cde645210ade79effaab_41ce6839d65bccea26ee9d05a965ac84.pkl new file mode 100644 index 00000000..5b137956 Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/chat_stream_abf657f163e6cde645210ade79effaab_41ce6839d65bccea26ee9d05a965ac84.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_stream_abf657f163e6cde645210ade79effaab_570ac04251b8808bdb96e591536ab65b.pkl b/aana/tests/files/cache/VLLMDeployment/chat_stream_abf657f163e6cde645210ade79effaab_570ac04251b8808bdb96e591536ab65b.pkl new file mode 100644 index 00000000..056818b8 Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/chat_stream_abf657f163e6cde645210ade79effaab_570ac04251b8808bdb96e591536ab65b.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_stream_abf657f163e6cde645210ade79effaab_72317694ca5cd08a5893ac5dfbb5f8f2.pkl b/aana/tests/files/cache/VLLMDeployment/chat_stream_abf657f163e6cde645210ade79effaab_72317694ca5cd08a5893ac5dfbb5f8f2.pkl new file mode 100644 index 00000000..b2729f83 Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/chat_stream_abf657f163e6cde645210ade79effaab_72317694ca5cd08a5893ac5dfbb5f8f2.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_stream_abf657f163e6cde645210ade79effaab_b56a6e32264dc099e77a8839ea070c27.pkl b/aana/tests/files/cache/VLLMDeployment/chat_stream_abf657f163e6cde645210ade79effaab_b56a6e32264dc099e77a8839ea070c27.pkl new file mode 100644 index 00000000..ddddba7f Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/chat_stream_abf657f163e6cde645210ade79effaab_b56a6e32264dc099e77a8839ea070c27.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_stream_b84d6c0c470e61b22dc7c50752ea1cf0_e4edb4d5a7e5f385516952ca99ffef52.pkl b/aana/tests/files/cache/VLLMDeployment/chat_stream_b84d6c0c470e61b22dc7c50752ea1cf0_e4edb4d5a7e5f385516952ca99ffef52.pkl new file mode 100644 index 00000000..0ddec187 Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/chat_stream_b84d6c0c470e61b22dc7c50752ea1cf0_e4edb4d5a7e5f385516952ca99ffef52.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_stream_b86655cbe15a189bb214ca0c49f7d8d4_41ce6839d65bccea26ee9d05a965ac84.pkl b/aana/tests/files/cache/VLLMDeployment/chat_stream_b86655cbe15a189bb214ca0c49f7d8d4_41ce6839d65bccea26ee9d05a965ac84.pkl new file mode 100644 index 00000000..5b137956 Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/chat_stream_b86655cbe15a189bb214ca0c49f7d8d4_41ce6839d65bccea26ee9d05a965ac84.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_stream_b86655cbe15a189bb214ca0c49f7d8d4_570ac04251b8808bdb96e591536ab65b.pkl b/aana/tests/files/cache/VLLMDeployment/chat_stream_b86655cbe15a189bb214ca0c49f7d8d4_570ac04251b8808bdb96e591536ab65b.pkl new file mode 100644 index 00000000..056818b8 Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/chat_stream_b86655cbe15a189bb214ca0c49f7d8d4_570ac04251b8808bdb96e591536ab65b.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_stream_b86655cbe15a189bb214ca0c49f7d8d4_72317694ca5cd08a5893ac5dfbb5f8f2.pkl b/aana/tests/files/cache/VLLMDeployment/chat_stream_b86655cbe15a189bb214ca0c49f7d8d4_72317694ca5cd08a5893ac5dfbb5f8f2.pkl new file mode 100644 index 00000000..b2729f83 Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/chat_stream_b86655cbe15a189bb214ca0c49f7d8d4_72317694ca5cd08a5893ac5dfbb5f8f2.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_stream_b86655cbe15a189bb214ca0c49f7d8d4_b56a6e32264dc099e77a8839ea070c27.pkl b/aana/tests/files/cache/VLLMDeployment/chat_stream_b86655cbe15a189bb214ca0c49f7d8d4_b56a6e32264dc099e77a8839ea070c27.pkl new file mode 100644 index 00000000..ddddba7f Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/chat_stream_b86655cbe15a189bb214ca0c49f7d8d4_b56a6e32264dc099e77a8839ea070c27.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_stream_c61ba27afcc645aff20d577b53a47ac2_c9f54d4c4221565489be2eafe77ebfbe.pkl b/aana/tests/files/cache/VLLMDeployment/chat_stream_c61ba27afcc645aff20d577b53a47ac2_c9f54d4c4221565489be2eafe77ebfbe.pkl new file mode 100644 index 00000000..80fb05a8 Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/chat_stream_c61ba27afcc645aff20d577b53a47ac2_c9f54d4c4221565489be2eafe77ebfbe.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_stream_c61ba27afcc645aff20d577b53a47ac2_e4edb4d5a7e5f385516952ca99ffef52.pkl b/aana/tests/files/cache/VLLMDeployment/chat_stream_c61ba27afcc645aff20d577b53a47ac2_e4edb4d5a7e5f385516952ca99ffef52.pkl new file mode 100644 index 00000000..3ec36267 Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/chat_stream_c61ba27afcc645aff20d577b53a47ac2_e4edb4d5a7e5f385516952ca99ffef52.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_stream_c61ba27afcc645aff20d577b53a47ac2_fd9377c21f3ea3fa3d2229b8da17543d.pkl b/aana/tests/files/cache/VLLMDeployment/chat_stream_c61ba27afcc645aff20d577b53a47ac2_fd9377c21f3ea3fa3d2229b8da17543d.pkl new file mode 100644 index 00000000..0b34c4bf Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/chat_stream_c61ba27afcc645aff20d577b53a47ac2_fd9377c21f3ea3fa3d2229b8da17543d.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_stream_fd047fede46cacb2edb0fbe72fd03f35_e4edb4d5a7e5f385516952ca99ffef52.pkl b/aana/tests/files/cache/VLLMDeployment/chat_stream_fd047fede46cacb2edb0fbe72fd03f35_e4edb4d5a7e5f385516952ca99ffef52.pkl new file mode 100644 index 00000000..576edb58 Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/chat_stream_fd047fede46cacb2edb0fbe72fd03f35_e4edb4d5a7e5f385516952ca99ffef52.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_8871a835ee2ddeecc5d249f668949779_e43fc04bfd9ee6cd6648a852acd2b409.pkl b/aana/tests/files/cache/VLLMDeployment/generate_8871a835ee2ddeecc5d249f668949779_37d636db1d8cb35289373e9ab43c54d2.pkl similarity index 92% rename from aana/tests/files/cache/VLLMDeployment/generate_8871a835ee2ddeecc5d249f668949779_e43fc04bfd9ee6cd6648a852acd2b409.pkl rename to aana/tests/files/cache/VLLMDeployment/generate_8871a835ee2ddeecc5d249f668949779_37d636db1d8cb35289373e9ab43c54d2.pkl index b3616f26..74f6d249 100644 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_8871a835ee2ddeecc5d249f668949779_e43fc04bfd9ee6cd6648a852acd2b409.pkl and b/aana/tests/files/cache/VLLMDeployment/generate_8871a835ee2ddeecc5d249f668949779_37d636db1d8cb35289373e9ab43c54d2.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_8871a835ee2ddeecc5d249f668949779_583c5c9e550c0f0f3063302cf8bb2668.pkl b/aana/tests/files/cache/VLLMDeployment/generate_8871a835ee2ddeecc5d249f668949779_583c5c9e550c0f0f3063302cf8bb2668.pkl deleted file mode 100644 index dec3903d..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_8871a835ee2ddeecc5d249f668949779_583c5c9e550c0f0f3063302cf8bb2668.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_8871a835ee2ddeecc5d249f668949779_7c35219a74f5d76b1ccf665bdaa2924c.pkl b/aana/tests/files/cache/VLLMDeployment/generate_8871a835ee2ddeecc5d249f668949779_7c35219a74f5d76b1ccf665bdaa2924c.pkl new file mode 100644 index 00000000..889fcc5c Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_8871a835ee2ddeecc5d249f668949779_7c35219a74f5d76b1ccf665bdaa2924c.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_8871a835ee2ddeecc5d249f668949779_89b5fa1f22362426bba16a1325a294c7.pkl b/aana/tests/files/cache/VLLMDeployment/generate_8871a835ee2ddeecc5d249f668949779_89b5fa1f22362426bba16a1325a294c7.pkl deleted file mode 100644 index 3d23726c..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_8871a835ee2ddeecc5d249f668949779_89b5fa1f22362426bba16a1325a294c7.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_8871a835ee2ddeecc5d249f668949779_90001c97274868c39f2cfb01a30b0ceb.pkl b/aana/tests/files/cache/VLLMDeployment/generate_8871a835ee2ddeecc5d249f668949779_90001c97274868c39f2cfb01a30b0ceb.pkl new file mode 100644 index 00000000..98e9bd5d Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_8871a835ee2ddeecc5d249f668949779_90001c97274868c39f2cfb01a30b0ceb.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_8cb495ff8535c182d2d7b207d996b5ae_13ace93eb367dc7d1825cf7d14a46bc8.pkl b/aana/tests/files/cache/VLLMDeployment/generate_8cb495ff8535c182d2d7b207d996b5ae_13ace93eb367dc7d1825cf7d14a46bc8.pkl new file mode 100644 index 00000000..cf6e739e Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_8cb495ff8535c182d2d7b207d996b5ae_13ace93eb367dc7d1825cf7d14a46bc8.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_8cb495ff8535c182d2d7b207d996b5ae_6e5a7aba1f9ef8020bd0540082532452.pkl b/aana/tests/files/cache/VLLMDeployment/generate_8cb495ff8535c182d2d7b207d996b5ae_6e5a7aba1f9ef8020bd0540082532452.pkl new file mode 100644 index 00000000..1fbd5cce Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_8cb495ff8535c182d2d7b207d996b5ae_6e5a7aba1f9ef8020bd0540082532452.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_8cb495ff8535c182d2d7b207d996b5ae_72fd1b6fe51b0112a38e4341bd01393b.pkl b/aana/tests/files/cache/VLLMDeployment/generate_8cb495ff8535c182d2d7b207d996b5ae_72fd1b6fe51b0112a38e4341bd01393b.pkl new file mode 100644 index 00000000..6cc7e03e Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_8cb495ff8535c182d2d7b207d996b5ae_72fd1b6fe51b0112a38e4341bd01393b.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_90417c2a15b76361a6b09dbd7619d9e4_13ace93eb367dc7d1825cf7d14a46bc8.pkl b/aana/tests/files/cache/VLLMDeployment/generate_90417c2a15b76361a6b09dbd7619d9e4_13ace93eb367dc7d1825cf7d14a46bc8.pkl new file mode 100644 index 00000000..cf6e739e Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_90417c2a15b76361a6b09dbd7619d9e4_13ace93eb367dc7d1825cf7d14a46bc8.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_90417c2a15b76361a6b09dbd7619d9e4_37d636db1d8cb35289373e9ab43c54d2.pkl b/aana/tests/files/cache/VLLMDeployment/generate_90417c2a15b76361a6b09dbd7619d9e4_37d636db1d8cb35289373e9ab43c54d2.pkl new file mode 100644 index 00000000..74f6d249 Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_90417c2a15b76361a6b09dbd7619d9e4_37d636db1d8cb35289373e9ab43c54d2.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_90417c2a15b76361a6b09dbd7619d9e4_6e5a7aba1f9ef8020bd0540082532452.pkl b/aana/tests/files/cache/VLLMDeployment/generate_90417c2a15b76361a6b09dbd7619d9e4_6e5a7aba1f9ef8020bd0540082532452.pkl new file mode 100644 index 00000000..1fbd5cce Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_90417c2a15b76361a6b09dbd7619d9e4_6e5a7aba1f9ef8020bd0540082532452.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_90417c2a15b76361a6b09dbd7619d9e4_70b0847f130d1b7cf7e64aa87e8fd6ce.pkl b/aana/tests/files/cache/VLLMDeployment/generate_90417c2a15b76361a6b09dbd7619d9e4_70b0847f130d1b7cf7e64aa87e8fd6ce.pkl new file mode 100644 index 00000000..fec37317 Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_90417c2a15b76361a6b09dbd7619d9e4_70b0847f130d1b7cf7e64aa87e8fd6ce.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_90417c2a15b76361a6b09dbd7619d9e4_72f1270183455963e395485ef0fd6547.pkl b/aana/tests/files/cache/VLLMDeployment/generate_90417c2a15b76361a6b09dbd7619d9e4_72f1270183455963e395485ef0fd6547.pkl new file mode 100644 index 00000000..39d8751c Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_90417c2a15b76361a6b09dbd7619d9e4_72f1270183455963e395485ef0fd6547.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_90417c2a15b76361a6b09dbd7619d9e4_72fd1b6fe51b0112a38e4341bd01393b.pkl b/aana/tests/files/cache/VLLMDeployment/generate_90417c2a15b76361a6b09dbd7619d9e4_72fd1b6fe51b0112a38e4341bd01393b.pkl new file mode 100644 index 00000000..6cc7e03e Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_90417c2a15b76361a6b09dbd7619d9e4_72fd1b6fe51b0112a38e4341bd01393b.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_90417c2a15b76361a6b09dbd7619d9e4_7c35219a74f5d76b1ccf665bdaa2924c.pkl b/aana/tests/files/cache/VLLMDeployment/generate_90417c2a15b76361a6b09dbd7619d9e4_7c35219a74f5d76b1ccf665bdaa2924c.pkl new file mode 100644 index 00000000..889fcc5c Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_90417c2a15b76361a6b09dbd7619d9e4_7c35219a74f5d76b1ccf665bdaa2924c.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_90417c2a15b76361a6b09dbd7619d9e4_90001c97274868c39f2cfb01a30b0ceb.pkl b/aana/tests/files/cache/VLLMDeployment/generate_90417c2a15b76361a6b09dbd7619d9e4_90001c97274868c39f2cfb01a30b0ceb.pkl new file mode 100644 index 00000000..98e9bd5d Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_90417c2a15b76361a6b09dbd7619d9e4_90001c97274868c39f2cfb01a30b0ceb.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_90417c2a15b76361a6b09dbd7619d9e4_923e3563cefcaba52b37264dc850ddda.pkl b/aana/tests/files/cache/VLLMDeployment/generate_90417c2a15b76361a6b09dbd7619d9e4_923e3563cefcaba52b37264dc850ddda.pkl new file mode 100644 index 00000000..0ac376ac Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_90417c2a15b76361a6b09dbd7619d9e4_923e3563cefcaba52b37264dc850ddda.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_90417c2a15b76361a6b09dbd7619d9e4_b7bb92b050afa4bbeb816b457837a716.pkl b/aana/tests/files/cache/VLLMDeployment/generate_90417c2a15b76361a6b09dbd7619d9e4_b7bb92b050afa4bbeb816b457837a716.pkl new file mode 100644 index 00000000..2756e9b1 Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_90417c2a15b76361a6b09dbd7619d9e4_b7bb92b050afa4bbeb816b457837a716.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_90417c2a15b76361a6b09dbd7619d9e4_d06b16832ade017e1f20bcede9bb803d.pkl b/aana/tests/files/cache/VLLMDeployment/generate_90417c2a15b76361a6b09dbd7619d9e4_d06b16832ade017e1f20bcede9bb803d.pkl new file mode 100644 index 00000000..dd3fbc0b Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_90417c2a15b76361a6b09dbd7619d9e4_d06b16832ade017e1f20bcede9bb803d.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_950b0eacc7d86208f8c0aa1c92114fa3_13ace93eb367dc7d1825cf7d14a46bc8.pkl b/aana/tests/files/cache/VLLMDeployment/generate_950b0eacc7d86208f8c0aa1c92114fa3_13ace93eb367dc7d1825cf7d14a46bc8.pkl new file mode 100644 index 00000000..cf6e739e Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_950b0eacc7d86208f8c0aa1c92114fa3_13ace93eb367dc7d1825cf7d14a46bc8.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_950b0eacc7d86208f8c0aa1c92114fa3_6e5a7aba1f9ef8020bd0540082532452.pkl b/aana/tests/files/cache/VLLMDeployment/generate_950b0eacc7d86208f8c0aa1c92114fa3_6e5a7aba1f9ef8020bd0540082532452.pkl new file mode 100644 index 00000000..1fbd5cce Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_950b0eacc7d86208f8c0aa1c92114fa3_6e5a7aba1f9ef8020bd0540082532452.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_950b0eacc7d86208f8c0aa1c92114fa3_72fd1b6fe51b0112a38e4341bd01393b.pkl b/aana/tests/files/cache/VLLMDeployment/generate_950b0eacc7d86208f8c0aa1c92114fa3_72fd1b6fe51b0112a38e4341bd01393b.pkl new file mode 100644 index 00000000..6cc7e03e Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_950b0eacc7d86208f8c0aa1c92114fa3_72fd1b6fe51b0112a38e4341bd01393b.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_950b0eacc7d86208f8c0aa1c92114fa3_d06b16832ade017e1f20bcede9bb803d.pkl b/aana/tests/files/cache/VLLMDeployment/generate_950b0eacc7d86208f8c0aa1c92114fa3_d06b16832ade017e1f20bcede9bb803d.pkl new file mode 100644 index 00000000..dd3fbc0b Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_950b0eacc7d86208f8c0aa1c92114fa3_d06b16832ade017e1f20bcede9bb803d.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_abf657f163e6cde645210ade79effaab_13ace93eb367dc7d1825cf7d14a46bc8.pkl b/aana/tests/files/cache/VLLMDeployment/generate_abf657f163e6cde645210ade79effaab_13ace93eb367dc7d1825cf7d14a46bc8.pkl new file mode 100644 index 00000000..cf6e739e Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_abf657f163e6cde645210ade79effaab_13ace93eb367dc7d1825cf7d14a46bc8.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_abf657f163e6cde645210ade79effaab_6e5a7aba1f9ef8020bd0540082532452.pkl b/aana/tests/files/cache/VLLMDeployment/generate_abf657f163e6cde645210ade79effaab_6e5a7aba1f9ef8020bd0540082532452.pkl new file mode 100644 index 00000000..1fbd5cce Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_abf657f163e6cde645210ade79effaab_6e5a7aba1f9ef8020bd0540082532452.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_abf657f163e6cde645210ade79effaab_72fd1b6fe51b0112a38e4341bd01393b.pkl b/aana/tests/files/cache/VLLMDeployment/generate_abf657f163e6cde645210ade79effaab_72fd1b6fe51b0112a38e4341bd01393b.pkl new file mode 100644 index 00000000..6cc7e03e Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_abf657f163e6cde645210ade79effaab_72fd1b6fe51b0112a38e4341bd01393b.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_abf657f163e6cde645210ade79effaab_d06b16832ade017e1f20bcede9bb803d.pkl b/aana/tests/files/cache/VLLMDeployment/generate_abf657f163e6cde645210ade79effaab_d06b16832ade017e1f20bcede9bb803d.pkl new file mode 100644 index 00000000..dd3fbc0b Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_abf657f163e6cde645210ade79effaab_d06b16832ade017e1f20bcede9bb803d.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_b86655cbe15a189bb214ca0c49f7d8d4_13ace93eb367dc7d1825cf7d14a46bc8.pkl b/aana/tests/files/cache/VLLMDeployment/generate_b86655cbe15a189bb214ca0c49f7d8d4_13ace93eb367dc7d1825cf7d14a46bc8.pkl new file mode 100644 index 00000000..cf6e739e Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_b86655cbe15a189bb214ca0c49f7d8d4_13ace93eb367dc7d1825cf7d14a46bc8.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_b86655cbe15a189bb214ca0c49f7d8d4_37d636db1d8cb35289373e9ab43c54d2.pkl b/aana/tests/files/cache/VLLMDeployment/generate_b86655cbe15a189bb214ca0c49f7d8d4_37d636db1d8cb35289373e9ab43c54d2.pkl new file mode 100644 index 00000000..74f6d249 Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_b86655cbe15a189bb214ca0c49f7d8d4_37d636db1d8cb35289373e9ab43c54d2.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_b86655cbe15a189bb214ca0c49f7d8d4_6e5a7aba1f9ef8020bd0540082532452.pkl b/aana/tests/files/cache/VLLMDeployment/generate_b86655cbe15a189bb214ca0c49f7d8d4_6e5a7aba1f9ef8020bd0540082532452.pkl new file mode 100644 index 00000000..1fbd5cce Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_b86655cbe15a189bb214ca0c49f7d8d4_6e5a7aba1f9ef8020bd0540082532452.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_b86655cbe15a189bb214ca0c49f7d8d4_72fd1b6fe51b0112a38e4341bd01393b.pkl b/aana/tests/files/cache/VLLMDeployment/generate_b86655cbe15a189bb214ca0c49f7d8d4_72fd1b6fe51b0112a38e4341bd01393b.pkl new file mode 100644 index 00000000..6cc7e03e Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_b86655cbe15a189bb214ca0c49f7d8d4_72fd1b6fe51b0112a38e4341bd01393b.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_b86655cbe15a189bb214ca0c49f7d8d4_7c35219a74f5d76b1ccf665bdaa2924c.pkl b/aana/tests/files/cache/VLLMDeployment/generate_b86655cbe15a189bb214ca0c49f7d8d4_7c35219a74f5d76b1ccf665bdaa2924c.pkl new file mode 100644 index 00000000..889fcc5c Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_b86655cbe15a189bb214ca0c49f7d8d4_7c35219a74f5d76b1ccf665bdaa2924c.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_b86655cbe15a189bb214ca0c49f7d8d4_90001c97274868c39f2cfb01a30b0ceb.pkl b/aana/tests/files/cache/VLLMDeployment/generate_b86655cbe15a189bb214ca0c49f7d8d4_90001c97274868c39f2cfb01a30b0ceb.pkl new file mode 100644 index 00000000..98e9bd5d Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_b86655cbe15a189bb214ca0c49f7d8d4_90001c97274868c39f2cfb01a30b0ceb.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_b86655cbe15a189bb214ca0c49f7d8d4_d06b16832ade017e1f20bcede9bb803d.pkl b/aana/tests/files/cache/VLLMDeployment/generate_b86655cbe15a189bb214ca0c49f7d8d4_d06b16832ade017e1f20bcede9bb803d.pkl new file mode 100644 index 00000000..dd3fbc0b Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_b86655cbe15a189bb214ca0c49f7d8d4_d06b16832ade017e1f20bcede9bb803d.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_batch_90417c2a15b76361a6b09dbd7619d9e4_6bab796722e7a428e011a2fc6f66cecc.pkl b/aana/tests/files/cache/VLLMDeployment/generate_batch_90417c2a15b76361a6b09dbd7619d9e4_6bab796722e7a428e011a2fc6f66cecc.pkl new file mode 100644 index 00000000..24ab6721 Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_batch_90417c2a15b76361a6b09dbd7619d9e4_6bab796722e7a428e011a2fc6f66cecc.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_74fe74a3125d3b77bba20d91cae0998e_8af238f873ad045887bd3274f25a4fbd.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_74fe74a3125d3b77bba20d91cae0998e_8af238f873ad045887bd3274f25a4fbd.pkl new file mode 100644 index 00000000..7fc300b4 Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_stream_74fe74a3125d3b77bba20d91cae0998e_8af238f873ad045887bd3274f25a4fbd.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_8871a835ee2ddeecc5d249f668949779_142257a0760db9171074ca8681e44dbf.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_8871a835ee2ddeecc5d249f668949779_142257a0760db9171074ca8681e44dbf.pkl index 8b043ab0..c1458cdc 100644 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_stream_8871a835ee2ddeecc5d249f668949779_142257a0760db9171074ca8681e44dbf.pkl and b/aana/tests/files/cache/VLLMDeployment/generate_stream_8871a835ee2ddeecc5d249f668949779_142257a0760db9171074ca8681e44dbf.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_8871a835ee2ddeecc5d249f668949779_e43fc04bfd9ee6cd6648a852acd2b409.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_8871a835ee2ddeecc5d249f668949779_37d636db1d8cb35289373e9ab43c54d2.pkl similarity index 89% rename from aana/tests/files/cache/VLLMDeployment/generate_stream_8871a835ee2ddeecc5d249f668949779_e43fc04bfd9ee6cd6648a852acd2b409.pkl rename to aana/tests/files/cache/VLLMDeployment/generate_stream_8871a835ee2ddeecc5d249f668949779_37d636db1d8cb35289373e9ab43c54d2.pkl index 58760009..46bb8baa 100644 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_stream_8871a835ee2ddeecc5d249f668949779_e43fc04bfd9ee6cd6648a852acd2b409.pkl and b/aana/tests/files/cache/VLLMDeployment/generate_stream_8871a835ee2ddeecc5d249f668949779_37d636db1d8cb35289373e9ab43c54d2.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_8871a835ee2ddeecc5d249f668949779_4f0b73b97e8184343c7d26175bc4eb19.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_8871a835ee2ddeecc5d249f668949779_4f0b73b97e8184343c7d26175bc4eb19.pkl deleted file mode 100644 index a16728c8..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_stream_8871a835ee2ddeecc5d249f668949779_4f0b73b97e8184343c7d26175bc4eb19.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_8871a835ee2ddeecc5d249f668949779_7c35219a74f5d76b1ccf665bdaa2924c.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_8871a835ee2ddeecc5d249f668949779_7c35219a74f5d76b1ccf665bdaa2924c.pkl new file mode 100644 index 00000000..889fcc5c Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_stream_8871a835ee2ddeecc5d249f668949779_7c35219a74f5d76b1ccf665bdaa2924c.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_8871a835ee2ddeecc5d249f668949779_89b5fa1f22362426bba16a1325a294c7.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_8871a835ee2ddeecc5d249f668949779_89b5fa1f22362426bba16a1325a294c7.pkl deleted file mode 100644 index 3d23726c..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_stream_8871a835ee2ddeecc5d249f668949779_89b5fa1f22362426bba16a1325a294c7.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_8871a835ee2ddeecc5d249f668949779_8af238f873ad045887bd3274f25a4fbd.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_8871a835ee2ddeecc5d249f668949779_8af238f873ad045887bd3274f25a4fbd.pkl new file mode 100644 index 00000000..b55a3050 Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_stream_8871a835ee2ddeecc5d249f668949779_8af238f873ad045887bd3274f25a4fbd.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_8871a835ee2ddeecc5d249f668949779_583c5c9e550c0f0f3063302cf8bb2668.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_8871a835ee2ddeecc5d249f668949779_90001c97274868c39f2cfb01a30b0ceb.pkl similarity index 58% rename from aana/tests/files/cache/VLLMDeployment/generate_stream_8871a835ee2ddeecc5d249f668949779_583c5c9e550c0f0f3063302cf8bb2668.pkl rename to aana/tests/files/cache/VLLMDeployment/generate_stream_8871a835ee2ddeecc5d249f668949779_90001c97274868c39f2cfb01a30b0ceb.pkl index 954f2545..8e1cc75a 100644 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_stream_8871a835ee2ddeecc5d249f668949779_583c5c9e550c0f0f3063302cf8bb2668.pkl and b/aana/tests/files/cache/VLLMDeployment/generate_stream_8871a835ee2ddeecc5d249f668949779_90001c97274868c39f2cfb01a30b0ceb.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_8871a835ee2ddeecc5d249f668949779_9dbe27ffaf387c579bf4e2127ed04611.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_8871a835ee2ddeecc5d249f668949779_9dbe27ffaf387c579bf4e2127ed04611.pkl deleted file mode 100644 index 589fa5d0..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_stream_8871a835ee2ddeecc5d249f668949779_9dbe27ffaf387c579bf4e2127ed04611.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_8871a835ee2ddeecc5d249f668949779_dc354f07829bff98545e410720cf88f6.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_8871a835ee2ddeecc5d249f668949779_b43e016f91af8c30b40d4f4652abe73e.pkl similarity index 59% rename from aana/tests/files/cache/VLLMDeployment/generate_stream_8871a835ee2ddeecc5d249f668949779_dc354f07829bff98545e410720cf88f6.pkl rename to aana/tests/files/cache/VLLMDeployment/generate_stream_8871a835ee2ddeecc5d249f668949779_b43e016f91af8c30b40d4f4652abe73e.pkl index da053872..f494018c 100644 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_stream_8871a835ee2ddeecc5d249f668949779_dc354f07829bff98545e410720cf88f6.pkl and b/aana/tests/files/cache/VLLMDeployment/generate_stream_8871a835ee2ddeecc5d249f668949779_b43e016f91af8c30b40d4f4652abe73e.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_8871a835ee2ddeecc5d249f668949779_82b22fc32026774d95853f8c0e8acd5b.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_8871a835ee2ddeecc5d249f668949779_bfc19fb66cef6bfbffcf35d431f7fdf2.pkl similarity index 89% rename from aana/tests/files/cache/VLLMDeployment/generate_stream_8871a835ee2ddeecc5d249f668949779_82b22fc32026774d95853f8c0e8acd5b.pkl rename to aana/tests/files/cache/VLLMDeployment/generate_stream_8871a835ee2ddeecc5d249f668949779_bfc19fb66cef6bfbffcf35d431f7fdf2.pkl index b0c0b2ed..bbbf74fd 100644 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_stream_8871a835ee2ddeecc5d249f668949779_82b22fc32026774d95853f8c0e8acd5b.pkl and b/aana/tests/files/cache/VLLMDeployment/generate_stream_8871a835ee2ddeecc5d249f668949779_bfc19fb66cef6bfbffcf35d431f7fdf2.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_8871a835ee2ddeecc5d249f668949779_fc39bbc73640defb07a8179deb003908.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_8871a835ee2ddeecc5d249f668949779_fc39bbc73640defb07a8179deb003908.pkl new file mode 100644 index 00000000..7d843878 Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_stream_8871a835ee2ddeecc5d249f668949779_fc39bbc73640defb07a8179deb003908.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_8cb495ff8535c182d2d7b207d996b5ae_13ace93eb367dc7d1825cf7d14a46bc8.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_8cb495ff8535c182d2d7b207d996b5ae_13ace93eb367dc7d1825cf7d14a46bc8.pkl new file mode 100644 index 00000000..3244c0a5 Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_stream_8cb495ff8535c182d2d7b207d996b5ae_13ace93eb367dc7d1825cf7d14a46bc8.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_8cb495ff8535c182d2d7b207d996b5ae_6e5a7aba1f9ef8020bd0540082532452.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_8cb495ff8535c182d2d7b207d996b5ae_6e5a7aba1f9ef8020bd0540082532452.pkl new file mode 100644 index 00000000..3b75b84f Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_stream_8cb495ff8535c182d2d7b207d996b5ae_6e5a7aba1f9ef8020bd0540082532452.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_8cb495ff8535c182d2d7b207d996b5ae_72fd1b6fe51b0112a38e4341bd01393b.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_8cb495ff8535c182d2d7b207d996b5ae_72fd1b6fe51b0112a38e4341bd01393b.pkl new file mode 100644 index 00000000..6cc7e03e Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_stream_8cb495ff8535c182d2d7b207d996b5ae_72fd1b6fe51b0112a38e4341bd01393b.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_90417c2a15b76361a6b09dbd7619d9e4_13ace93eb367dc7d1825cf7d14a46bc8.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_90417c2a15b76361a6b09dbd7619d9e4_13ace93eb367dc7d1825cf7d14a46bc8.pkl new file mode 100644 index 00000000..3244c0a5 Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_stream_90417c2a15b76361a6b09dbd7619d9e4_13ace93eb367dc7d1825cf7d14a46bc8.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_90417c2a15b76361a6b09dbd7619d9e4_142257a0760db9171074ca8681e44dbf.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_90417c2a15b76361a6b09dbd7619d9e4_142257a0760db9171074ca8681e44dbf.pkl new file mode 100644 index 00000000..8b043ab0 Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_stream_90417c2a15b76361a6b09dbd7619d9e4_142257a0760db9171074ca8681e44dbf.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_90417c2a15b76361a6b09dbd7619d9e4_37d636db1d8cb35289373e9ab43c54d2.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_90417c2a15b76361a6b09dbd7619d9e4_37d636db1d8cb35289373e9ab43c54d2.pkl new file mode 100644 index 00000000..46bb8baa Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_stream_90417c2a15b76361a6b09dbd7619d9e4_37d636db1d8cb35289373e9ab43c54d2.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_90417c2a15b76361a6b09dbd7619d9e4_5bf963c186fa229d2feb42b00c6efe56.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_90417c2a15b76361a6b09dbd7619d9e4_5bf963c186fa229d2feb42b00c6efe56.pkl new file mode 100644 index 00000000..aba5beb2 Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_stream_90417c2a15b76361a6b09dbd7619d9e4_5bf963c186fa229d2feb42b00c6efe56.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_90417c2a15b76361a6b09dbd7619d9e4_6e5a7aba1f9ef8020bd0540082532452.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_90417c2a15b76361a6b09dbd7619d9e4_6e5a7aba1f9ef8020bd0540082532452.pkl new file mode 100644 index 00000000..3b75b84f Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_stream_90417c2a15b76361a6b09dbd7619d9e4_6e5a7aba1f9ef8020bd0540082532452.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_90417c2a15b76361a6b09dbd7619d9e4_72f1270183455963e395485ef0fd6547.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_90417c2a15b76361a6b09dbd7619d9e4_72f1270183455963e395485ef0fd6547.pkl new file mode 100644 index 00000000..b519f11d Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_stream_90417c2a15b76361a6b09dbd7619d9e4_72f1270183455963e395485ef0fd6547.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_90417c2a15b76361a6b09dbd7619d9e4_72fd1b6fe51b0112a38e4341bd01393b.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_90417c2a15b76361a6b09dbd7619d9e4_72fd1b6fe51b0112a38e4341bd01393b.pkl new file mode 100644 index 00000000..6cc7e03e Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_stream_90417c2a15b76361a6b09dbd7619d9e4_72fd1b6fe51b0112a38e4341bd01393b.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_90417c2a15b76361a6b09dbd7619d9e4_7c35219a74f5d76b1ccf665bdaa2924c.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_90417c2a15b76361a6b09dbd7619d9e4_7c35219a74f5d76b1ccf665bdaa2924c.pkl new file mode 100644 index 00000000..889fcc5c Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_stream_90417c2a15b76361a6b09dbd7619d9e4_7c35219a74f5d76b1ccf665bdaa2924c.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_90417c2a15b76361a6b09dbd7619d9e4_8af238f873ad045887bd3274f25a4fbd.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_90417c2a15b76361a6b09dbd7619d9e4_8af238f873ad045887bd3274f25a4fbd.pkl new file mode 100644 index 00000000..7fc300b4 Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_stream_90417c2a15b76361a6b09dbd7619d9e4_8af238f873ad045887bd3274f25a4fbd.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_90417c2a15b76361a6b09dbd7619d9e4_90001c97274868c39f2cfb01a30b0ceb.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_90417c2a15b76361a6b09dbd7619d9e4_90001c97274868c39f2cfb01a30b0ceb.pkl new file mode 100644 index 00000000..8e1cc75a Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_stream_90417c2a15b76361a6b09dbd7619d9e4_90001c97274868c39f2cfb01a30b0ceb.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_90417c2a15b76361a6b09dbd7619d9e4_923e3563cefcaba52b37264dc850ddda.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_90417c2a15b76361a6b09dbd7619d9e4_923e3563cefcaba52b37264dc850ddda.pkl new file mode 100644 index 00000000..4b44b672 Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_stream_90417c2a15b76361a6b09dbd7619d9e4_923e3563cefcaba52b37264dc850ddda.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_90417c2a15b76361a6b09dbd7619d9e4_b43e016f91af8c30b40d4f4652abe73e.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_90417c2a15b76361a6b09dbd7619d9e4_b43e016f91af8c30b40d4f4652abe73e.pkl new file mode 100644 index 00000000..f494018c Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_stream_90417c2a15b76361a6b09dbd7619d9e4_b43e016f91af8c30b40d4f4652abe73e.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_90417c2a15b76361a6b09dbd7619d9e4_b7bb92b050afa4bbeb816b457837a716.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_90417c2a15b76361a6b09dbd7619d9e4_b7bb92b050afa4bbeb816b457837a716.pkl new file mode 100644 index 00000000..bf39b496 Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_stream_90417c2a15b76361a6b09dbd7619d9e4_b7bb92b050afa4bbeb816b457837a716.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_90417c2a15b76361a6b09dbd7619d9e4_bfc19fb66cef6bfbffcf35d431f7fdf2.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_90417c2a15b76361a6b09dbd7619d9e4_bfc19fb66cef6bfbffcf35d431f7fdf2.pkl new file mode 100644 index 00000000..bbbf74fd Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_stream_90417c2a15b76361a6b09dbd7619d9e4_bfc19fb66cef6bfbffcf35d431f7fdf2.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_90417c2a15b76361a6b09dbd7619d9e4_c35885c1b36e695654cff5975531cac0.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_90417c2a15b76361a6b09dbd7619d9e4_c35885c1b36e695654cff5975531cac0.pkl new file mode 100644 index 00000000..b17ca1ad Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_stream_90417c2a15b76361a6b09dbd7619d9e4_c35885c1b36e695654cff5975531cac0.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_90417c2a15b76361a6b09dbd7619d9e4_d06b16832ade017e1f20bcede9bb803d.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_90417c2a15b76361a6b09dbd7619d9e4_d06b16832ade017e1f20bcede9bb803d.pkl new file mode 100644 index 00000000..21fbc46b Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_stream_90417c2a15b76361a6b09dbd7619d9e4_d06b16832ade017e1f20bcede9bb803d.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_90417c2a15b76361a6b09dbd7619d9e4_fc39bbc73640defb07a8179deb003908.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_90417c2a15b76361a6b09dbd7619d9e4_fc39bbc73640defb07a8179deb003908.pkl new file mode 100644 index 00000000..7d843878 Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_stream_90417c2a15b76361a6b09dbd7619d9e4_fc39bbc73640defb07a8179deb003908.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_950b0eacc7d86208f8c0aa1c92114fa3_13ace93eb367dc7d1825cf7d14a46bc8.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_950b0eacc7d86208f8c0aa1c92114fa3_13ace93eb367dc7d1825cf7d14a46bc8.pkl new file mode 100644 index 00000000..3244c0a5 Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_stream_950b0eacc7d86208f8c0aa1c92114fa3_13ace93eb367dc7d1825cf7d14a46bc8.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_950b0eacc7d86208f8c0aa1c92114fa3_6e5a7aba1f9ef8020bd0540082532452.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_950b0eacc7d86208f8c0aa1c92114fa3_6e5a7aba1f9ef8020bd0540082532452.pkl new file mode 100644 index 00000000..3b75b84f Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_stream_950b0eacc7d86208f8c0aa1c92114fa3_6e5a7aba1f9ef8020bd0540082532452.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_950b0eacc7d86208f8c0aa1c92114fa3_72fd1b6fe51b0112a38e4341bd01393b.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_950b0eacc7d86208f8c0aa1c92114fa3_72fd1b6fe51b0112a38e4341bd01393b.pkl new file mode 100644 index 00000000..6cc7e03e Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_stream_950b0eacc7d86208f8c0aa1c92114fa3_72fd1b6fe51b0112a38e4341bd01393b.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_950b0eacc7d86208f8c0aa1c92114fa3_d06b16832ade017e1f20bcede9bb803d.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_950b0eacc7d86208f8c0aa1c92114fa3_d06b16832ade017e1f20bcede9bb803d.pkl new file mode 100644 index 00000000..21fbc46b Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_stream_950b0eacc7d86208f8c0aa1c92114fa3_d06b16832ade017e1f20bcede9bb803d.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_abf657f163e6cde645210ade79effaab_13ace93eb367dc7d1825cf7d14a46bc8.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_abf657f163e6cde645210ade79effaab_13ace93eb367dc7d1825cf7d14a46bc8.pkl new file mode 100644 index 00000000..3244c0a5 Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_stream_abf657f163e6cde645210ade79effaab_13ace93eb367dc7d1825cf7d14a46bc8.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_abf657f163e6cde645210ade79effaab_6e5a7aba1f9ef8020bd0540082532452.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_abf657f163e6cde645210ade79effaab_6e5a7aba1f9ef8020bd0540082532452.pkl new file mode 100644 index 00000000..3b75b84f Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_stream_abf657f163e6cde645210ade79effaab_6e5a7aba1f9ef8020bd0540082532452.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_abf657f163e6cde645210ade79effaab_72fd1b6fe51b0112a38e4341bd01393b.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_abf657f163e6cde645210ade79effaab_72fd1b6fe51b0112a38e4341bd01393b.pkl new file mode 100644 index 00000000..6cc7e03e Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_stream_abf657f163e6cde645210ade79effaab_72fd1b6fe51b0112a38e4341bd01393b.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_abf657f163e6cde645210ade79effaab_d06b16832ade017e1f20bcede9bb803d.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_abf657f163e6cde645210ade79effaab_d06b16832ade017e1f20bcede9bb803d.pkl new file mode 100644 index 00000000..21fbc46b Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_stream_abf657f163e6cde645210ade79effaab_d06b16832ade017e1f20bcede9bb803d.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_b84d6c0c470e61b22dc7c50752ea1cf0_8af238f873ad045887bd3274f25a4fbd.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_b84d6c0c470e61b22dc7c50752ea1cf0_8af238f873ad045887bd3274f25a4fbd.pkl new file mode 100644 index 00000000..c1f5a65b Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_stream_b84d6c0c470e61b22dc7c50752ea1cf0_8af238f873ad045887bd3274f25a4fbd.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_b86655cbe15a189bb214ca0c49f7d8d4_13ace93eb367dc7d1825cf7d14a46bc8.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_b86655cbe15a189bb214ca0c49f7d8d4_13ace93eb367dc7d1825cf7d14a46bc8.pkl new file mode 100644 index 00000000..3244c0a5 Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_stream_b86655cbe15a189bb214ca0c49f7d8d4_13ace93eb367dc7d1825cf7d14a46bc8.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_b86655cbe15a189bb214ca0c49f7d8d4_37d636db1d8cb35289373e9ab43c54d2.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_b86655cbe15a189bb214ca0c49f7d8d4_37d636db1d8cb35289373e9ab43c54d2.pkl new file mode 100644 index 00000000..46bb8baa Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_stream_b86655cbe15a189bb214ca0c49f7d8d4_37d636db1d8cb35289373e9ab43c54d2.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_b86655cbe15a189bb214ca0c49f7d8d4_6e5a7aba1f9ef8020bd0540082532452.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_b86655cbe15a189bb214ca0c49f7d8d4_6e5a7aba1f9ef8020bd0540082532452.pkl new file mode 100644 index 00000000..3b75b84f Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_stream_b86655cbe15a189bb214ca0c49f7d8d4_6e5a7aba1f9ef8020bd0540082532452.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_b86655cbe15a189bb214ca0c49f7d8d4_72fd1b6fe51b0112a38e4341bd01393b.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_b86655cbe15a189bb214ca0c49f7d8d4_72fd1b6fe51b0112a38e4341bd01393b.pkl new file mode 100644 index 00000000..6cc7e03e Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_stream_b86655cbe15a189bb214ca0c49f7d8d4_72fd1b6fe51b0112a38e4341bd01393b.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_b86655cbe15a189bb214ca0c49f7d8d4_7c35219a74f5d76b1ccf665bdaa2924c.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_b86655cbe15a189bb214ca0c49f7d8d4_7c35219a74f5d76b1ccf665bdaa2924c.pkl new file mode 100644 index 00000000..889fcc5c Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_stream_b86655cbe15a189bb214ca0c49f7d8d4_7c35219a74f5d76b1ccf665bdaa2924c.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_b86655cbe15a189bb214ca0c49f7d8d4_90001c97274868c39f2cfb01a30b0ceb.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_b86655cbe15a189bb214ca0c49f7d8d4_90001c97274868c39f2cfb01a30b0ceb.pkl new file mode 100644 index 00000000..8e1cc75a Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_stream_b86655cbe15a189bb214ca0c49f7d8d4_90001c97274868c39f2cfb01a30b0ceb.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_b86655cbe15a189bb214ca0c49f7d8d4_b43e016f91af8c30b40d4f4652abe73e.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_b86655cbe15a189bb214ca0c49f7d8d4_b43e016f91af8c30b40d4f4652abe73e.pkl new file mode 100644 index 00000000..f494018c Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_stream_b86655cbe15a189bb214ca0c49f7d8d4_b43e016f91af8c30b40d4f4652abe73e.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_b86655cbe15a189bb214ca0c49f7d8d4_bfc19fb66cef6bfbffcf35d431f7fdf2.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_b86655cbe15a189bb214ca0c49f7d8d4_bfc19fb66cef6bfbffcf35d431f7fdf2.pkl new file mode 100644 index 00000000..bbbf74fd Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_stream_b86655cbe15a189bb214ca0c49f7d8d4_bfc19fb66cef6bfbffcf35d431f7fdf2.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_b86655cbe15a189bb214ca0c49f7d8d4_d06b16832ade017e1f20bcede9bb803d.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_b86655cbe15a189bb214ca0c49f7d8d4_d06b16832ade017e1f20bcede9bb803d.pkl new file mode 100644 index 00000000..21fbc46b Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_stream_b86655cbe15a189bb214ca0c49f7d8d4_d06b16832ade017e1f20bcede9bb803d.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_b86655cbe15a189bb214ca0c49f7d8d4_fc39bbc73640defb07a8179deb003908.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_b86655cbe15a189bb214ca0c49f7d8d4_fc39bbc73640defb07a8179deb003908.pkl new file mode 100644 index 00000000..7d843878 Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_stream_b86655cbe15a189bb214ca0c49f7d8d4_fc39bbc73640defb07a8179deb003908.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_c61ba27afcc645aff20d577b53a47ac2_142257a0760db9171074ca8681e44dbf.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_c61ba27afcc645aff20d577b53a47ac2_142257a0760db9171074ca8681e44dbf.pkl new file mode 100644 index 00000000..8b043ab0 Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_stream_c61ba27afcc645aff20d577b53a47ac2_142257a0760db9171074ca8681e44dbf.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_c61ba27afcc645aff20d577b53a47ac2_5bf963c186fa229d2feb42b00c6efe56.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_c61ba27afcc645aff20d577b53a47ac2_5bf963c186fa229d2feb42b00c6efe56.pkl new file mode 100644 index 00000000..aba5beb2 Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_stream_c61ba27afcc645aff20d577b53a47ac2_5bf963c186fa229d2feb42b00c6efe56.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_c61ba27afcc645aff20d577b53a47ac2_8af238f873ad045887bd3274f25a4fbd.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_c61ba27afcc645aff20d577b53a47ac2_8af238f873ad045887bd3274f25a4fbd.pkl new file mode 100644 index 00000000..7fc300b4 Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_stream_c61ba27afcc645aff20d577b53a47ac2_8af238f873ad045887bd3274f25a4fbd.pkl differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_fd047fede46cacb2edb0fbe72fd03f35_8af238f873ad045887bd3274f25a4fbd.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_fd047fede46cacb2edb0fbe72fd03f35_8af238f873ad045887bd3274f25a4fbd.pkl new file mode 100644 index 00000000..b55a3050 Binary files /dev/null and b/aana/tests/files/cache/VLLMDeployment/generate_stream_fd047fede46cacb2edb0fbe72fd03f35_8af238f873ad045887bd3274f25a4fbd.pkl differ diff --git a/aana/tests/files/cache/WhisperDeployment/transcribe_2e11e31958b0bf482389e1adf3420c4d_16816f10f770816669f6d2a71e631077.pkl b/aana/tests/files/cache/WhisperDeployment/transcribe_2e11e31958b0bf482389e1adf3420c4d_16816f10f770816669f6d2a71e631077.pkl index 5899b5af..7207ce36 100644 Binary files a/aana/tests/files/cache/WhisperDeployment/transcribe_2e11e31958b0bf482389e1adf3420c4d_16816f10f770816669f6d2a71e631077.pkl and b/aana/tests/files/cache/WhisperDeployment/transcribe_2e11e31958b0bf482389e1adf3420c4d_16816f10f770816669f6d2a71e631077.pkl differ diff --git a/aana/tests/files/cache/WhisperDeployment/transcribe_2e11e31958b0bf482389e1adf3420c4d_612d535de3401a5cc19e02611669f370.pkl b/aana/tests/files/cache/WhisperDeployment/transcribe_2e11e31958b0bf482389e1adf3420c4d_612d535de3401a5cc19e02611669f370.pkl index e3c5c5f0..93302296 100644 Binary files a/aana/tests/files/cache/WhisperDeployment/transcribe_2e11e31958b0bf482389e1adf3420c4d_612d535de3401a5cc19e02611669f370.pkl and b/aana/tests/files/cache/WhisperDeployment/transcribe_2e11e31958b0bf482389e1adf3420c4d_612d535de3401a5cc19e02611669f370.pkl differ diff --git a/aana/tests/files/cache/WhisperDeployment/transcribe_stream_2e11e31958b0bf482389e1adf3420c4d_612d535de3401a5cc19e02611669f370.pkl b/aana/tests/files/cache/WhisperDeployment/transcribe_stream_2e11e31958b0bf482389e1adf3420c4d_612d535de3401a5cc19e02611669f370.pkl index c272c8b5..d0a531cb 100644 Binary files a/aana/tests/files/cache/WhisperDeployment/transcribe_stream_2e11e31958b0bf482389e1adf3420c4d_612d535de3401a5cc19e02611669f370.pkl and b/aana/tests/files/cache/WhisperDeployment/transcribe_stream_2e11e31958b0bf482389e1adf3420c4d_612d535de3401a5cc19e02611669f370.pkl differ diff --git a/aana/tests/files/cache/WhisperDeployment/transcribe_stream_2e11e31958b0bf482389e1adf3420c4d_66a38087fcdd81f03fe4446f72f5ee8c.pkl b/aana/tests/files/cache/WhisperDeployment/transcribe_stream_2e11e31958b0bf482389e1adf3420c4d_66a38087fcdd81f03fe4446f72f5ee8c.pkl index d7bfffdc..f762a73b 100644 Binary files a/aana/tests/files/cache/WhisperDeployment/transcribe_stream_2e11e31958b0bf482389e1adf3420c4d_66a38087fcdd81f03fe4446f72f5ee8c.pkl and b/aana/tests/files/cache/WhisperDeployment/transcribe_stream_2e11e31958b0bf482389e1adf3420c4d_66a38087fcdd81f03fe4446f72f5ee8c.pkl differ diff --git a/aana/tests/files/cache/WhisperDeployment/transcribe_stream_2e11e31958b0bf482389e1adf3420c4d_7a46ac1e8d8346f6180e62f9d737ed16.pkl b/aana/tests/files/cache/WhisperDeployment/transcribe_stream_2e11e31958b0bf482389e1adf3420c4d_7a46ac1e8d8346f6180e62f9d737ed16.pkl index cde6418e..8e45192a 100644 Binary files a/aana/tests/files/cache/WhisperDeployment/transcribe_stream_2e11e31958b0bf482389e1adf3420c4d_7a46ac1e8d8346f6180e62f9d737ed16.pkl and b/aana/tests/files/cache/WhisperDeployment/transcribe_stream_2e11e31958b0bf482389e1adf3420c4d_7a46ac1e8d8346f6180e62f9d737ed16.pkl differ diff --git a/aana/tests/files/cache/WhisperDeployment/transcribe_stream_2e11e31958b0bf482389e1adf3420c4d_7e8ed7a39f48a499b224b7f6be2bfb7f.pkl b/aana/tests/files/cache/WhisperDeployment/transcribe_stream_2e11e31958b0bf482389e1adf3420c4d_7e8ed7a39f48a499b224b7f6be2bfb7f.pkl index cc7390fc..494d34d2 100644 Binary files a/aana/tests/files/cache/WhisperDeployment/transcribe_stream_2e11e31958b0bf482389e1adf3420c4d_7e8ed7a39f48a499b224b7f6be2bfb7f.pkl and b/aana/tests/files/cache/WhisperDeployment/transcribe_stream_2e11e31958b0bf482389e1adf3420c4d_7e8ed7a39f48a499b224b7f6be2bfb7f.pkl differ diff --git a/aana/tests/files/expected/endpoints/chat_with_video/video_chat_stream_f78e8fea6a88ca3bca969550c2dc0af4.json b/aana/tests/files/expected/endpoints/chat_with_video/video_chat_stream_f78e8fea6a88ca3bca969550c2dc0af4.json index b4dd8768..2366a778 100644 --- a/aana/tests/files/expected/endpoints/chat_with_video/video_chat_stream_f78e8fea6a88ca3bca969550c2dc0af4.json +++ b/aana/tests/files/expected/endpoints/chat_with_video/video_chat_stream_f78e8fea6a88ca3bca969550c2dc0af4.json @@ -249,19 +249,2545 @@ "completion": " including" }, { - "completion": " scenes" + "completion": " a" + }, + { + "completion": " group" + }, + { + "completion": " of" + }, + { + "completion": " people" + }, + { + "completion": " standing" + }, + { + "completion": " in" + }, + { + "completion": " front" + }, + { + "completion": " of" + }, + { + "completion": " a" + }, + { + "completion": " large" + }, + { + "completion": " window" + }, + { + "completion": "," + }, + { + "completion": " a" + }, + { + "completion": " man" + }, + { + "completion": " and" + }, + { + "completion": " woman" + }, + { + "completion": " dan" + }, + { + "completion": "cing" + }, + { + "completion": " in" + }, + { + "completion": " front" + }, + { + "completion": " of" + }, + { + "completion": " a" + }, + { + "completion": " window" + }, + { + "completion": "," + }, + { + "completion": " and" + }, + { + "completion": " a" + }, + { + "completion": " man" + }, + { + "completion": " standing" + }, + { + "completion": " behind" + }, + { + "completion": " a" + }, + { + "completion": " bar" + }, + { + "completion": " with" + }, + { + "completion": " a" + }, + { + "completion": " glass" + }, + { + "completion": "." + }, + { + "completion": " The" + }, + { + "completion": " video" + }, + { + "completion": " then" + }, + { + "completion": " cut" + }, + { + "completion": "s" + }, + { + "completion": " to" + }, + { + "completion": " a" + }, + { + "completion": " shot" + }, + { + "completion": " of" + }, + { + "completion": " a" + }, + { + "completion": " man" + }, + { + "completion": " in" + }, + { + "completion": " a" + }, + { + "completion": " white" + }, + { + "completion": " coat" + }, + { + "completion": " standing" + }, + { + "completion": " in" + }, + { + "completion": " front" + }, + { + "completion": " of" + }, + { + "completion": " a" + }, + { + "completion": " brick" + }, + { + "completion": " wall" + }, + { + "completion": "," + }, + { + "completion": " and" + }, + { + "completion": " then" + }, + { + "completion": " cut" + }, + { + "completion": "s" + }, + { + "completion": " to" + }, + { + "completion": " a" + }, + { + "completion": " shot" + }, + { + "completion": " of" + }, + { + "completion": " a" + }, + { + "completion": " man" + }, + { + "completion": " in" + }, + { + "completion": " a" + }, + { + "completion": " tren" + }, + { + "completion": "ch" + }, + { + "completion": " coat" + }, + { + "completion": " standing" + }, + { + "completion": " in" + }, + { + "completion": " front" + }, + { + "completion": " of" + }, + { + "completion": " a" + }, + { + "completion": " brick" + }, + { + "completion": " wall" + }, + { + "completion": "." + }, + { + "completion": " The" + }, + { + "completion": " video" + }, + { + "completion": " then" + }, + { + "completion": " cut" + }, + { + "completion": "s" + }, + { + "completion": " to" + }, + { + "completion": " a" + }, + { + "completion": " shot" + }, + { + "completion": " of" + }, + { + "completion": " a" + }, + { + "completion": " man" + }, + { + "completion": " in" + }, + { + "completion": " a" + }, + { + "completion": " white" + }, + { + "completion": " jack" + }, + { + "completion": "et" + }, + { + "completion": " standing" + }, + { + "completion": " in" + }, + { + "completion": " front" + }, + { + "completion": " of" + }, + { + "completion": " a" + }, + { + "completion": " brick" + }, + { + "completion": " wall" + }, + { + "completion": "," + }, + { + "completion": " and" + }, + { + "completion": " then" + }, + { + "completion": " cut" + }, + { + "completion": "s" + }, + { + "completion": " to" + }, + { + "completion": " a" + }, + { + "completion": " shot" + }, + { + "completion": " of" + }, + { + "completion": " a" + }, + { + "completion": " man" + }, + { + "completion": " singing" + }, + { + "completion": " into" + }, + { + "completion": " a" + }, + { + "completion": " micro" + }, + { + "completion": "phone" + }, + { + "completion": "." + }, + { + "completion": " The" + }, + { + "completion": " video" + }, + { + "completion": " then" + }, + { + "completion": " cut" + }, + { + "completion": "s" + }, + { + "completion": " to" + }, + { + "completion": " a" + }, + { + "completion": " shot" + }, + { + "completion": " of" + }, + { + "completion": " a" + }, + { + "completion": " man" + }, + { + "completion": " in" + }, + { + "completion": " a" + }, + { + "completion": " suit" + }, + { + "completion": " singing" + }, + { + "completion": " into" + }, + { + "completion": " a" + }, + { + "completion": " micro" + }, + { + "completion": "phone" + }, + { + "completion": "," + }, + { + "completion": " and" + }, + { + "completion": " then" + }, + { + "completion": " cut" + }, + { + "completion": "s" + }, + { + "completion": " to" + }, + { + "completion": " a" + }, + { + "completion": " shot" + }, + { + "completion": " of" + }, + { + "completion": " a" + }, + { + "completion": " man" + }, + { + "completion": " standing" + }, + { + "completion": " in" + }, + { + "completion": " front" + }, + { + "completion": " of" + }, + { + "completion": " a" + }, + { + "completion": " wall" + }, + { + "completion": " with" + }, + { + "completion": " wine" + }, + { + "completion": " glass" + }, + { + "completion": "es" + }, + { + "completion": "." + }, + { + "completion": " The" + }, + { + "completion": " video" + }, + { + "completion": " then" + }, + { + "completion": " cut" + }, + { + "completion": "s" + }, + { + "completion": " to" + }, + { + "completion": " a" + }, + { + "completion": " shot" + }, + { + "completion": " of" + }, + { + "completion": " a" + }, + { + "completion": " man" + }, + { + "completion": " in" + }, + { + "completion": " a" + }, + { + "completion": " white" + }, + { + "completion": " sh" + }, + { + "completion": "irt" + }, + { + "completion": " and" + }, + { + "completion": " black" + }, + { + "completion": " jack" + }, + { + "completion": "et" + }, + { + "completion": "," + }, + { + "completion": " and" + }, + { + "completion": " then" + }, + { + "completion": " cut" + }, + { + "completion": "s" + }, + { + "completion": " to" + }, + { + "completion": " a" + }, + { + "completion": " shot" + }, + { + "completion": " of" + }, + { + "completion": " a" + }, + { + "completion": " man" + }, + { + "completion": " in" + }, + { + "completion": " a" + }, + { + "completion": " white" + }, + { + "completion": " sh" + }, + { + "completion": "irt" + }, + { + "completion": " and" + }, + { + "completion": " susp" + }, + { + "completion": "enders" + }, + { + "completion": " standing" + }, + { + "completion": " in" + }, + { + "completion": " front" + }, + { + "completion": " of" + }, + { + "completion": " a" + }, + { + "completion": " bar" + }, + { + "completion": "." + }, + { + "completion": " The" + }, + { + "completion": " video" + }, + { + "completion": " then" + }, + { + "completion": " cut" + }, + { + "completion": "s" + }, + { + "completion": " to" + }, + { + "completion": " a" + }, + { + "completion": " shot" + }, + { + "completion": " of" + }, + { + "completion": " a" + }, + { + "completion": " man" + }, + { + "completion": " singing" + }, + { + "completion": " into" + }, + { + "completion": " a" + }, + { + "completion": " micro" + }, + { + "completion": "phone" + }, + { + "completion": " with" + }, + { + "completion": " his" + }, + { + "completion": " eyes" + }, + { + "completion": " closed" + }, + { + "completion": "," + }, + { + "completion": " and" + }, + { + "completion": " then" + }, + { + "completion": " cut" + }, + { + "completion": "s" + }, + { + "completion": " to" + }, + { + "completion": " a" + }, + { + "completion": " shot" + }, + { + "completion": " of" + }, + { + "completion": " a" + }, + { + "completion": " group" + }, + { + "completion": " of" + }, + { + "completion": " people" + }, + { + "completion": " standing" + }, + { + "completion": " in" + }, + { + "completion": " front" + }, + { + "completion": " of" + }, + { + "completion": " ch" + }, + { + "completion": "airs" + }, + { + "completion": "." + }, + { + "completion": " The" + }, + { + "completion": " video" + }, + { + "completion": " then" + }, + { + "completion": " cut" + }, + { + "completion": "s" + }, + { + "completion": " to" + }, + { + "completion": " a" + }, + { + "completion": " shot" + }, + { + "completion": " of" + }, + { + "completion": " a" + }, + { + "completion": " man" + }, + { + "completion": " singing" + }, + { + "completion": " into" + }, + { + "completion": " a" + }, + { + "completion": " micro" + }, + { + "completion": "phone" + }, + { + "completion": " while" + }, + { + "completion": " we" + }, + { + "completion": "aring" + }, + { + "completion": " a" + }, + { + "completion": " suit" + }, + { + "completion": "," + }, + { + "completion": " and" + }, + { + "completion": " then" + }, + { + "completion": " cut" + }, + { + "completion": "s" + }, + { + "completion": " to" + }, + { + "completion": " a" + }, + { + "completion": " shot" + }, + { + "completion": " of" + }, + { + "completion": " a" + }, + { + "completion": " man" + }, + { + "completion": " standing" + }, + { + "completion": " behind" + }, + { + "completion": " a" + }, + { + "completion": " bar" + }, + { + "completion": " with" + }, + { + "completion": " a" + }, + { + "completion": " glass" + }, + { + "completion": "." + }, + { + "completion": " The" + }, + { + "completion": " video" + }, + { + "completion": " then" + }, + { + "completion": " cut" + }, + { + "completion": "s" + }, + { + "completion": " to" + }, + { + "completion": " a" + }, + { + "completion": " shot" + }, + { + "completion": " of" + }, + { + "completion": " a" + }, + { + "completion": " man" + }, + { + "completion": " and" + }, + { + "completion": " woman" + }, + { + "completion": " dan" + }, + { + "completion": "cing" + }, + { + "completion": " in" + }, + { + "completion": " front" + }, + { + "completion": " of" + }, + { + "completion": " a" + }, + { + "completion": " large" + }, + { + "completion": " window" + }, + { + "completion": "," + }, + { + "completion": " and" + }, + { + "completion": " then" + }, + { + "completion": " cut" + }, + { + "completion": "s" + }, + { + "completion": " to" + }, + { + "completion": " a" + }, + { + "completion": " shot" + }, + { + "completion": " of" + }, + { + "completion": " a" + }, + { + "completion": " man" + }, + { + "completion": " in" + }, + { + "completion": " a" + }, + { + "completion": " strip" + }, + { + "completion": "ed" + }, + { + "completion": " sh" + }, + { + "completion": "irt" + }, + { + "completion": " and" + }, + { + "completion": " jack" + }, + { + "completion": "et" + }, + { + "completion": " singing" + }, + { + "completion": " into" + }, + { + "completion": " a" + }, + { + "completion": " micro" + }, + { + "completion": "phone" + }, + { + "completion": "." + }, + { + "completion": " The" + }, + { + "completion": " video" + }, + { + "completion": " then" + }, + { + "completion": " cut" + }, + { + "completion": "s" + }, + { + "completion": " to" + }, + { + "completion": " a" + }, + { + "completion": " shot" + }, + { + "completion": " of" + }, + { + "completion": " a" + }, + { + "completion": " man" + }, + { + "completion": " in" + }, + { + "completion": " a" + }, + { + "completion": " white" + }, + { + "completion": " coat" + }, + { + "completion": " standing" + }, + { + "completion": " in" + }, + { + "completion": " front" + }, + { + "completion": " of" + }, + { + "completion": " a" + }, + { + "completion": " brick" + }, + { + "completion": " wall" + }, + { + "completion": "," + }, + { + "completion": " and" + }, + { + "completion": " then" + }, + { + "completion": " cut" + }, + { + "completion": "s" + }, + { + "completion": " to" + }, + { + "completion": " a" + }, + { + "completion": " shot" + }, + { + "completion": " of" + }, + { + "completion": " a" + }, + { + "completion": " man" + }, + { + "completion": " in" + }, + { + "completion": " a" + }, + { + "completion": " tren" + }, + { + "completion": "ch" + }, + { + "completion": " coat" + }, + { + "completion": " standing" + }, + { + "completion": " in" + }, + { + "completion": " front" + }, + { + "completion": " of" + }, + { + "completion": " a" + }, + { + "completion": " brick" + }, + { + "completion": " wall" + }, + { + "completion": "." + }, + { + "completion": " The" + }, + { + "completion": " video" + }, + { + "completion": " then" + }, + { + "completion": " cut" + }, + { + "completion": "s" + }, + { + "completion": " to" + }, + { + "completion": " a" + }, + { + "completion": " shot" + }, + { + "completion": " of" + }, + { + "completion": " a" + }, + { + "completion": " man" + }, + { + "completion": " in" + }, + { + "completion": " a" + }, + { + "completion": " white" + }, + { + "completion": " jack" + }, + { + "completion": "et" + }, + { + "completion": " standing" + }, + { + "completion": " in" + }, + { + "completion": " front" + }, + { + "completion": " of" + }, + { + "completion": " a" + }, + { + "completion": " brick" + }, + { + "completion": " wall" + }, + { + "completion": "," + }, + { + "completion": " and" + }, + { + "completion": " then" + }, + { + "completion": " cut" + }, + { + "completion": "s" + }, + { + "completion": " to" + }, + { + "completion": " a" + }, + { + "completion": " shot" + }, + { + "completion": " of" + }, + { + "completion": " a" + }, + { + "completion": " man" + }, + { + "completion": " singing" + }, + { + "completion": " into" + }, + { + "completion": " a" + }, + { + "completion": " micro" + }, + { + "completion": "phone" + }, + { + "completion": "." + }, + { + "completion": " The" + }, + { + "completion": " video" + }, + { + "completion": " then" + }, + { + "completion": " cut" + }, + { + "completion": "s" + }, + { + "completion": " to" + }, + { + "completion": " a" + }, + { + "completion": " shot" + }, + { + "completion": " of" + }, + { + "completion": " a" + }, + { + "completion": " man" + }, + { + "completion": " in" + }, + { + "completion": " a" + }, + { + "completion": " suit" + }, + { + "completion": " singing" + }, + { + "completion": " into" + }, + { + "completion": " a" + }, + { + "completion": " micro" + }, + { + "completion": "phone" + }, + { + "completion": "," + }, + { + "completion": " and" + }, + { + "completion": " then" + }, + { + "completion": " cut" + }, + { + "completion": "s" + }, + { + "completion": " to" + }, + { + "completion": " a" + }, + { + "completion": " shot" + }, + { + "completion": " of" + }, + { + "completion": " a" + }, + { + "completion": " man" + }, + { + "completion": " standing" + }, + { + "completion": " in" + }, + { + "completion": " front" + }, + { + "completion": " of" + }, + { + "completion": " a" + }, + { + "completion": " wall" + }, + { + "completion": " with" + }, + { + "completion": " wine" + }, + { + "completion": " glass" + }, + { + "completion": "es" + }, + { + "completion": "." + }, + { + "completion": " The" + }, + { + "completion": " video" + }, + { + "completion": " then" + }, + { + "completion": " cut" + }, + { + "completion": "s" + }, + { + "completion": " to" + }, + { + "completion": " a" + }, + { + "completion": " shot" + }, + { + "completion": " of" + }, + { + "completion": " a" + }, + { + "completion": " man" + }, + { + "completion": " in" + }, + { + "completion": " a" + }, + { + "completion": " white" + }, + { + "completion": " sh" + }, + { + "completion": "irt" + }, + { + "completion": " and" + }, + { + "completion": " black" + }, + { + "completion": " jack" + }, + { + "completion": "et" + }, + { + "completion": "," + }, + { + "completion": " and" + }, + { + "completion": " then" + }, + { + "completion": " cut" + }, + { + "completion": "s" + }, + { + "completion": " to" + }, + { + "completion": " a" + }, + { + "completion": " shot" + }, + { + "completion": " of" + }, + { + "completion": " a" + }, + { + "completion": " man" + }, + { + "completion": " in" + }, + { + "completion": " a" + }, + { + "completion": " white" + }, + { + "completion": " sh" + }, + { + "completion": "irt" + }, + { + "completion": " and" + }, + { + "completion": " susp" + }, + { + "completion": "enders" + }, + { + "completion": " standing" + }, + { + "completion": " in" + }, + { + "completion": " front" + }, + { + "completion": " of" + }, + { + "completion": " a" + }, + { + "completion": " bar" + }, + { + "completion": "." + }, + { + "completion": " The" + }, + { + "completion": " video" + }, + { + "completion": " then" + }, + { + "completion": " cut" + }, + { + "completion": "s" + }, + { + "completion": " to" + }, + { + "completion": " a" + }, + { + "completion": " shot" + }, + { + "completion": " of" + }, + { + "completion": " a" + }, + { + "completion": " man" + }, + { + "completion": " singing" + }, + { + "completion": " into" + }, + { + "completion": " a" + }, + { + "completion": " micro" + }, + { + "completion": "phone" + }, + { + "completion": " with" + }, + { + "completion": " his" + }, + { + "completion": " eyes" + }, + { + "completion": " closed" + }, + { + "completion": "," + }, + { + "completion": " and" + }, + { + "completion": " then" + }, + { + "completion": " cut" + }, + { + "completion": "s" + }, + { + "completion": " to" + }, + { + "completion": " a" + }, + { + "completion": " shot" + }, + { + "completion": " of" + }, + { + "completion": " a" + }, + { + "completion": " group" + }, + { + "completion": " of" + }, + { + "completion": " people" + }, + { + "completion": " standing" + }, + { + "completion": " in" + }, + { + "completion": " front" + }, + { + "completion": " of" + }, + { + "completion": " ch" + }, + { + "completion": "airs" + }, + { + "completion": "." + }, + { + "completion": " The" + }, + { + "completion": " video" + }, + { + "completion": " then" + }, + { + "completion": " cut" + }, + { + "completion": "s" + }, + { + "completion": " to" + }, + { + "completion": " a" + }, + { + "completion": " shot" + }, + { + "completion": " of" + }, + { + "completion": " a" + }, + { + "completion": " man" + }, + { + "completion": " singing" + }, + { + "completion": " into" + }, + { + "completion": " a" + }, + { + "completion": " micro" + }, + { + "completion": "phone" + }, + { + "completion": " while" + }, + { + "completion": " we" + }, + { + "completion": "aring" + }, + { + "completion": " a" + }, + { + "completion": " suit" + }, + { + "completion": "," + }, + { + "completion": " and" + }, + { + "completion": " then" + }, + { + "completion": " cut" + }, + { + "completion": "s" + }, + { + "completion": " to" + }, + { + "completion": " a" + }, + { + "completion": " shot" + }, + { + "completion": " of" + }, + { + "completion": " a" + }, + { + "completion": " man" + }, + { + "completion": " standing" + }, + { + "completion": " behind" + }, + { + "completion": " a" + }, + { + "completion": " bar" + }, + { + "completion": " with" + }, + { + "completion": " a" + }, + { + "completion": " glass" + }, + { + "completion": "." + }, + { + "completion": " The" + }, + { + "completion": " video" + }, + { + "completion": " then" + }, + { + "completion": " cut" + }, + { + "completion": "s" + }, + { + "completion": " to" + }, + { + "completion": " a" + }, + { + "completion": " shot" + }, + { + "completion": " of" + }, + { + "completion": " a" + }, + { + "completion": " man" + }, + { + "completion": " and" + }, + { + "completion": " woman" + }, + { + "completion": " dan" + }, + { + "completion": "cing" + }, + { + "completion": " in" + }, + { + "completion": " front" + }, + { + "completion": " of" + }, + { + "completion": " a" + }, + { + "completion": " large" + }, + { + "completion": " window" + }, + { + "completion": "," + }, + { + "completion": " and" + }, + { + "completion": " then" + }, + { + "completion": " cut" + }, + { + "completion": "s" + }, + { + "completion": " to" + }, + { + "completion": " a" + }, + { + "completion": " shot" + }, + { + "completion": " of" + }, + { + "completion": " a" + }, + { + "completion": " man" + }, + { + "completion": " in" + }, + { + "completion": " a" + }, + { + "completion": " strip" + }, + { + "completion": "ed" + }, + { + "completion": " sh" + }, + { + "completion": "irt" + }, + { + "completion": " and" + }, + { + "completion": " jack" + }, + { + "completion": "et" + }, + { + "completion": " singing" + }, + { + "completion": " into" + }, + { + "completion": " a" + }, + { + "completion": " micro" + }, + { + "completion": "phone" + }, + { + "completion": "." + }, + { + "completion": " The" + }, + { + "completion": " video" + }, + { + "completion": " then" + }, + { + "completion": " cut" + }, + { + "completion": "s" + }, + { + "completion": " to" + }, + { + "completion": " a" + }, + { + "completion": " shot" + }, + { + "completion": " of" + }, + { + "completion": " a" + }, + { + "completion": " man" + }, + { + "completion": " in" + }, + { + "completion": " a" + }, + { + "completion": " white" + }, + { + "completion": " coat" + }, + { + "completion": " standing" + }, + { + "completion": " in" + }, + { + "completion": " front" + }, + { + "completion": " of" + }, + { + "completion": " a" + }, + { + "completion": " brick" + }, + { + "completion": " wall" + }, + { + "completion": "," + }, + { + "completion": " and" + }, + { + "completion": " then" + }, + { + "completion": " cut" + }, + { + "completion": "s" + }, + { + "completion": " to" + }, + { + "completion": " a" + }, + { + "completion": " shot" + }, + { + "completion": " of" + }, + { + "completion": " a" + }, + { + "completion": " man" + }, + { + "completion": " in" + }, + { + "completion": " a" + }, + { + "completion": " tren" + }, + { + "completion": "ch" + }, + { + "completion": " coat" + }, + { + "completion": " standing" + }, + { + "completion": " in" + }, + { + "completion": " front" + }, + { + "completion": " of" + }, + { + "completion": " a" + }, + { + "completion": " brick" + }, + { + "completion": " wall" + }, + { + "completion": "." + }, + { + "completion": " The" + }, + { + "completion": " video" + }, + { + "completion": " then" + }, + { + "completion": " cut" + }, + { + "completion": "s" + }, + { + "completion": " to" + }, + { + "completion": " a" + }, + { + "completion": " shot" + }, + { + "completion": " of" + }, + { + "completion": " a" + }, + { + "completion": " man" + }, + { + "completion": " in" + }, + { + "completion": " a" + }, + { + "completion": " white" + }, + { + "completion": " jack" + }, + { + "completion": "et" + }, + { + "completion": " standing" + }, + { + "completion": " in" + }, + { + "completion": " front" + }, + { + "completion": " of" + }, + { + "completion": " a" + }, + { + "completion": " brick" + }, + { + "completion": " wall" + }, + { + "completion": "," + }, + { + "completion": " and" + }, + { + "completion": " then" + }, + { + "completion": " cut" + }, + { + "completion": "s" + }, + { + "completion": " to" + }, + { + "completion": " a" + }, + { + "completion": " shot" + }, + { + "completion": " of" + }, + { + "completion": " a" + }, + { + "completion": " man" + }, + { + "completion": " singing" + }, + { + "completion": " into" + }, + { + "completion": " a" + }, + { + "completion": " micro" + }, + { + "completion": "phone" + }, + { + "completion": "." + }, + { + "completion": " The" + }, + { + "completion": " video" + }, + { + "completion": " then" + }, + { + "completion": " cut" + }, + { + "completion": "s" + }, + { + "completion": " to" + }, + { + "completion": " a" + }, + { + "completion": " shot" + }, + { + "completion": " of" + }, + { + "completion": " a" + }, + { + "completion": " man" + }, + { + "completion": " in" + }, + { + "completion": " a" + }, + { + "completion": " suit" + }, + { + "completion": " singing" + }, + { + "completion": " into" + }, + { + "completion": " a" + }, + { + "completion": " micro" + }, + { + "completion": "phone" + }, + { + "completion": "," + }, + { + "completion": " and" + }, + { + "completion": " then" + }, + { + "completion": " cut" + }, + { + "completion": "s" + }, + { + "completion": " to" + }, + { + "completion": " a" + }, + { + "completion": " shot" + }, + { + "completion": " of" + }, + { + "completion": " a" + }, + { + "completion": " man" + }, + { + "completion": " standing" + }, + { + "completion": " in" + }, + { + "completion": " front" + }, + { + "completion": " of" + }, + { + "completion": " a" + }, + { + "completion": " wall" + }, + { + "completion": " with" + }, + { + "completion": " wine" + }, + { + "completion": " glass" + }, + { + "completion": "es" + }, + { + "completion": "." + }, + { + "completion": " The" + }, + { + "completion": " video" + }, + { + "completion": " then" + }, + { + "completion": " cut" + }, + { + "completion": "s" + }, + { + "completion": " to" + }, + { + "completion": " a" + }, + { + "completion": " shot" + }, + { + "completion": " of" + }, + { + "completion": " a" + }, + { + "completion": " man" + }, + { + "completion": " in" + }, + { + "completion": " a" + }, + { + "completion": " white" + }, + { + "completion": " sh" + }, + { + "completion": "irt" + }, + { + "completion": " and" + }, + { + "completion": " black" + }, + { + "completion": " jack" + }, + { + "completion": "et" + }, + { + "completion": "," + }, + { + "completion": " and" + }, + { + "completion": " then" + }, + { + "completion": " cut" + }, + { + "completion": "s" + }, + { + "completion": " to" + }, + { + "completion": " a" + }, + { + "completion": " shot" + }, + { + "completion": " of" + }, + { + "completion": " a" + }, + { + "completion": " man" + }, + { + "completion": " in" + }, + { + "completion": " a" + }, + { + "completion": " white" + }, + { + "completion": " sh" + }, + { + "completion": "irt" + }, + { + "completion": " and" + }, + { + "completion": " susp" + }, + { + "completion": "enders" + }, + { + "completion": " standing" + }, + { + "completion": " in" + }, + { + "completion": " front" + }, + { + "completion": " of" + }, + { + "completion": " a" + }, + { + "completion": " bar" + }, + { + "completion": "." + }, + { + "completion": " The" + }, + { + "completion": " video" + }, + { + "completion": " then" + }, + { + "completion": " cut" + }, + { + "completion": "s" + }, + { + "completion": " to" + }, + { + "completion": " a" + }, + { + "completion": " shot" }, { "completion": " of" }, { - "completion": " Ast" + "completion": " a" }, { - "completion": "ley" + "completion": " man" + }, + { + "completion": " singing" + }, + { + "completion": " into" + }, + { + "completion": " a" + }, + { + "completion": " micro" + }, + { + "completion": "phone" + }, + { + "completion": " with" + }, + { + "completion": " his" + }, + { + "completion": " eyes" + }, + { + "completion": " closed" + }, + { + "completion": "," + }, + { + "completion": " and" + }, + { + "completion": " then" }, { - "completion": " himself" + "completion": " cut" + }, + { + "completion": "s" + }, + { + "completion": " to" + }, + { + "completion": " a" + }, + { + "completion": " shot" + }, + { + "completion": " of" + }, + { + "completion": " a" + }, + { + "completion": " group" + }, + { + "completion": " of" + }, + { + "completion": " people" + }, + { + "completion": " standing" + }, + { + "completion": " in" + }, + { + "completion": " front" + }, + { + "completion": " of" + }, + { + "completion": " ch" + }, + { + "completion": "airs" }, { "completion": "." @@ -273,10 +2799,16 @@ "completion": " video" }, { - "completion": " ends" + "completion": " then" }, { - "completion": " with" + "completion": " cut" + }, + { + "completion": "s" + }, + { + "completion": " to" }, { "completion": " a" @@ -288,138 +2820,255 @@ "completion": " of" }, { - "completion": " Ast" + "completion": " a" }, { - "completion": "ley" + "completion": " man" }, { "completion": " singing" }, { - "completion": " the" + "completion": " into" }, { - "completion": " song" + "completion": " a" }, { - "completion": "'" + "completion": " micro" + }, + { + "completion": "phone" + }, + { + "completion": " while" + }, + { + "completion": " we" + }, + { + "completion": "aring" + }, + { + "completion": " a" + }, + { + "completion": " suit" + }, + { + "completion": "," + }, + { + "completion": " and" + }, + { + "completion": " then" + }, + { + "completion": " cut" }, { "completion": "s" }, { - "completion": " final" + "completion": " to" }, { - "completion": " lyr" + "completion": " a" }, { - "completion": "ics" + "completion": " shot" }, { - "completion": "." + "completion": " of" }, { - "completion": " Over" + "completion": " a" }, { - "completion": "all" + "completion": " man" }, { - "completion": "," + "completion": " standing" }, { - "completion": " the" + "completion": " behind" + }, + { + "completion": " a" + }, + { + "completion": " bar" + }, + { + "completion": " with" + }, + { + "completion": " a" + }, + { + "completion": " glass" + }, + { + "completion": "." + }, + { + "completion": " The" }, { "completion": " video" }, { - "completion": " appears" + "completion": " then" + }, + { + "completion": " cut" + }, + { + "completion": "s" }, { "completion": " to" }, { - "completion": " be" + "completion": " a" + }, + { + "completion": " shot" + }, + { + "completion": " of" }, { "completion": " a" }, { - "completion": " classic" + "completion": " man" }, { - "completion": " music" + "completion": " and" }, { - "completion": " video" + "completion": " woman" }, { - "completion": " from" + "completion": " dan" }, { - "completion": " the" + "completion": "cing" }, { - "completion": " " + "completion": " in" }, { - "completion": "1" + "completion": " front" }, { - "completion": "9" + "completion": " of" }, { - "completion": "8" + "completion": " a" }, { - "completion": "0" + "completion": " large" }, { - "completion": "s" + "completion": " window" }, { "completion": "," }, { - "completion": " with" + "completion": " and" + }, + { + "completion": " then" + }, + { + "completion": " cut" + }, + { + "completion": "s" + }, + { + "completion": " to" + }, + { + "completion": " a" + }, + { + "completion": " shot" + }, + { + "completion": " of" + }, + { + "completion": " a" + }, + { + "completion": " man" + }, + { + "completion": " in" }, { "completion": " a" }, { - "completion": " catch" + "completion": " strip" }, { - "completion": "y" + "completion": "ed" }, { - "completion": " t" + "completion": " sh" }, { - "completion": "une" + "completion": "irt" }, { "completion": " and" }, { - "completion": " memor" + "completion": " jack" }, { - "completion": "able" + "completion": "et" }, { - "completion": " visual" + "completion": " singing" }, { - "completion": "s" + "completion": " into" + }, + { + "completion": " a" + }, + { + "completion": " micro" + }, + { + "completion": "phone" }, { "completion": "." }, { - "completion": "" + "completion": " The" + }, + { + "completion": " video" + }, + { + "completion": " then" + }, + { + "completion": " cut" + }, + { + "completion": "s" + }, + { + "completion": " to" } ] \ No newline at end of file diff --git a/aana/tests/files/expected/endpoints/llama2/llm_chat_a4c4ceeb87403d16120077ce096a6ccc.json b/aana/tests/files/expected/endpoints/llama2/llm_chat_a4c4ceeb87403d16120077ce096a6ccc.json new file mode 100644 index 00000000..2c2c2260 --- /dev/null +++ b/aana/tests/files/expected/endpoints/llama2/llm_chat_a4c4ceeb87403d16120077ce096a6ccc.json @@ -0,0 +1,15 @@ +{ + "execution_time": { + "dialog": 0, + "prompt": 0, + "sampling_params": 0, + "vllm_llama2_7b_chat": 0, + "vllm_llama2_7b_chat_dialog": 9.53720235824585, + "vllm_llama2_7b_chat_dialog_stream": 0, + "vllm_stream_llama2_7b_chat": 0 + }, + "message": { + "content": " Elon Musk is a South African-born entrepreneur, inventor, and business magnate who is best known for his involvement in revolutionizing multiple industries through his companies, including transportation, energy, and space exploration.\nHere are some key facts about Elon Musk:\n1. Early Life: Musk was born in Pretoria, South Africa in 1971. He developed an interest in computing and programming at an early age and taught himself computer programming.\n2. Education: Musk moved to Canada in 1992 to attend college, and later transferred to the University of Pennsylvania, where he graduated with a degree in economics and physics.\n3. Career: Musk co-founded PayPal, which was later sold to eBay for $1.5 billion. He then went on to found SpaceX and Tesla, two companies that have revolutionized the transportation and energy industries.\n4. SpaceX: Musk founded SpaceX in 2002 with the goal of reducing space transportation costs and enabling the colonization of Mars. SpaceX has since become a leading player in the private space industry, with numerous successful launches and a contract with NASA to transport astronauts to the International Space Station.\n5. Tesla: Musk co-founded Tesla in 2003 with the goal of accelerating the world's transition to sustainable energy through the production of electric cars. Tesla has since become one of the leading electric vehicle manufacturers in the world, with a market value of over $1 trillion.\n6. Other Ventures: Musk has also founded or invested in other companies, including Neuralink, a neurotechnology company, and The Boring Company, a tunnel construction company.\n7. Philanthropy: Musk has donated to various charitable organizations, including the Musk Foundation, which focuses on providing support for education, renewable energy, and science.\n8. Personal Life: Musk is married to Canadian author Justine Musk and has seven children. He is known for his demanding work ethic and has stated that he works over 100 hours per week.\n9. Controversies: Musk has been involved in several controversies throughout his career, including his use of Twitter, where he has made controversial statements and faced criticism for his approach to managing his companies.\n10. Impact: Musk has had a significant impact on the technology and energy industries, and has been credited with revolutionizing the way we think about transportation and energy. He has also been a pioneer in the field of private space exploration and has played a key role in advancing the field of artificial intelligence.\nOverall, Elon Musk is a highly influential and innovative entrepreneur who has made a significant impact on multiple industries through his companies and vision for the future.", + "role": "assistant" + } +} \ No newline at end of file diff --git a/aana/tests/files/expected/endpoints/llama2/llm_chat_stream_a4c4ceeb87403d16120077ce096a6ccc.json b/aana/tests/files/expected/endpoints/llama2/llm_chat_stream_a4c4ceeb87403d16120077ce096a6ccc.json new file mode 100644 index 00000000..f20316e7 --- /dev/null +++ b/aana/tests/files/expected/endpoints/llama2/llm_chat_stream_a4c4ceeb87403d16120077ce096a6ccc.json @@ -0,0 +1,1898 @@ +[ + { + "completion": " " + }, + { + "completion": " El" + }, + { + "completion": "on" + }, + { + "completion": " Mus" + }, + { + "completion": "k" + }, + { + "completion": " is" + }, + { + "completion": " a" + }, + { + "completion": " South" + }, + { + "completion": " African" + }, + { + "completion": "-" + }, + { + "completion": "born" + }, + { + "completion": " entrepr" + }, + { + "completion": "ene" + }, + { + "completion": "ur" + }, + { + "completion": "," + }, + { + "completion": " invent" + }, + { + "completion": "or" + }, + { + "completion": "," + }, + { + "completion": " and" + }, + { + "completion": " business" + }, + { + "completion": " magn" + }, + { + "completion": "ate" + }, + { + "completion": " who" + }, + { + "completion": " is" + }, + { + "completion": " best" + }, + { + "completion": " known" + }, + { + "completion": " for" + }, + { + "completion": " his" + }, + { + "completion": " invol" + }, + { + "completion": "vement" + }, + { + "completion": " in" + }, + { + "completion": " revolution" + }, + { + "completion": "izing" + }, + { + "completion": " multiple" + }, + { + "completion": " indust" + }, + { + "completion": "ries" + }, + { + "completion": " through" + }, + { + "completion": " his" + }, + { + "completion": " companies" + }, + { + "completion": "," + }, + { + "completion": " including" + }, + { + "completion": " transport" + }, + { + "completion": "ation" + }, + { + "completion": "," + }, + { + "completion": " energy" + }, + { + "completion": "," + }, + { + "completion": " and" + }, + { + "completion": " space" + }, + { + "completion": " expl" + }, + { + "completion": "oration" + }, + { + "completion": "." + }, + { + "completion": "\n" + }, + { + "completion": "Here" + }, + { + "completion": " are" + }, + { + "completion": " some" + }, + { + "completion": " key" + }, + { + "completion": " facts" + }, + { + "completion": " about" + }, + { + "completion": " El" + }, + { + "completion": "on" + }, + { + "completion": " Mus" + }, + { + "completion": "k" + }, + { + "completion": ":" + }, + { + "completion": "\n" + }, + { + "completion": "1" + }, + { + "completion": "." + }, + { + "completion": " Early" + }, + { + "completion": " Life" + }, + { + "completion": ":" + }, + { + "completion": " Mus" + }, + { + "completion": "k" + }, + { + "completion": " was" + }, + { + "completion": " born" + }, + { + "completion": " in" + }, + { + "completion": " P" + }, + { + "completion": "ret" + }, + { + "completion": "oria" + }, + { + "completion": "," + }, + { + "completion": " South" + }, + { + "completion": " Africa" + }, + { + "completion": " in" + }, + { + "completion": " " + }, + { + "completion": "1" + }, + { + "completion": "9" + }, + { + "completion": "7" + }, + { + "completion": "1" + }, + { + "completion": "." + }, + { + "completion": " He" + }, + { + "completion": " developed" + }, + { + "completion": " an" + }, + { + "completion": " interest" + }, + { + "completion": " in" + }, + { + "completion": " computing" + }, + { + "completion": " and" + }, + { + "completion": " programming" + }, + { + "completion": " at" + }, + { + "completion": " an" + }, + { + "completion": " early" + }, + { + "completion": " age" + }, + { + "completion": " and" + }, + { + "completion": " taught" + }, + { + "completion": " himself" + }, + { + "completion": " computer" + }, + { + "completion": " programming" + }, + { + "completion": "." + }, + { + "completion": "\n" + }, + { + "completion": "2" + }, + { + "completion": "." + }, + { + "completion": " Education" + }, + { + "completion": ":" + }, + { + "completion": " Mus" + }, + { + "completion": "k" + }, + { + "completion": " moved" + }, + { + "completion": " to" + }, + { + "completion": " Canada" + }, + { + "completion": " in" + }, + { + "completion": " " + }, + { + "completion": "1" + }, + { + "completion": "9" + }, + { + "completion": "9" + }, + { + "completion": "2" + }, + { + "completion": " to" + }, + { + "completion": " attend" + }, + { + "completion": " college" + }, + { + "completion": "," + }, + { + "completion": " and" + }, + { + "completion": " later" + }, + { + "completion": " transferred" + }, + { + "completion": " to" + }, + { + "completion": " the" + }, + { + "completion": " University" + }, + { + "completion": " of" + }, + { + "completion": " Pennsylvania" + }, + { + "completion": "," + }, + { + "completion": " where" + }, + { + "completion": " he" + }, + { + "completion": " graduated" + }, + { + "completion": " with" + }, + { + "completion": " a" + }, + { + "completion": " degree" + }, + { + "completion": " in" + }, + { + "completion": " econom" + }, + { + "completion": "ics" + }, + { + "completion": " and" + }, + { + "completion": " physics" + }, + { + "completion": "." + }, + { + "completion": "\n" + }, + { + "completion": "3" + }, + { + "completion": "." + }, + { + "completion": " Career" + }, + { + "completion": ":" + }, + { + "completion": " Mus" + }, + { + "completion": "k" + }, + { + "completion": " co" + }, + { + "completion": "-" + }, + { + "completion": "f" + }, + { + "completion": "ounded" + }, + { + "completion": " Pay" + }, + { + "completion": "Pal" + }, + { + "completion": "," + }, + { + "completion": " which" + }, + { + "completion": " was" + }, + { + "completion": " later" + }, + { + "completion": " sold" + }, + { + "completion": " to" + }, + { + "completion": " e" + }, + { + "completion": "B" + }, + { + "completion": "ay" + }, + { + "completion": " for" + }, + { + "completion": " $" + }, + { + "completion": "1" + }, + { + "completion": "." + }, + { + "completion": "5" + }, + { + "completion": " billion" + }, + { + "completion": "." + }, + { + "completion": " He" + }, + { + "completion": " then" + }, + { + "completion": " went" + }, + { + "completion": " on" + }, + { + "completion": " to" + }, + { + "completion": " found" + }, + { + "completion": " Space" + }, + { + "completion": "X" + }, + { + "completion": " and" + }, + { + "completion": " T" + }, + { + "completion": "es" + }, + { + "completion": "la" + }, + { + "completion": "," + }, + { + "completion": " two" + }, + { + "completion": " companies" + }, + { + "completion": " that" + }, + { + "completion": " have" + }, + { + "completion": " revolution" + }, + { + "completion": "ized" + }, + { + "completion": " the" + }, + { + "completion": " transport" + }, + { + "completion": "ation" + }, + { + "completion": " and" + }, + { + "completion": " energy" + }, + { + "completion": " indust" + }, + { + "completion": "ries" + }, + { + "completion": "." + }, + { + "completion": "\n" + }, + { + "completion": "4" + }, + { + "completion": "." + }, + { + "completion": " Space" + }, + { + "completion": "X" + }, + { + "completion": ":" + }, + { + "completion": " Mus" + }, + { + "completion": "k" + }, + { + "completion": " founded" + }, + { + "completion": " Space" + }, + { + "completion": "X" + }, + { + "completion": " in" + }, + { + "completion": " " + }, + { + "completion": "2" + }, + { + "completion": "0" + }, + { + "completion": "0" + }, + { + "completion": "2" + }, + { + "completion": " with" + }, + { + "completion": " the" + }, + { + "completion": " goal" + }, + { + "completion": " of" + }, + { + "completion": " reducing" + }, + { + "completion": " space" + }, + { + "completion": " transport" + }, + { + "completion": "ation" + }, + { + "completion": " costs" + }, + { + "completion": " and" + }, + { + "completion": " en" + }, + { + "completion": "abling" + }, + { + "completion": " the" + }, + { + "completion": " colon" + }, + { + "completion": "ization" + }, + { + "completion": " of" + }, + { + "completion": " Mars" + }, + { + "completion": "." + }, + { + "completion": " Space" + }, + { + "completion": "X" + }, + { + "completion": " has" + }, + { + "completion": " since" + }, + { + "completion": " become" + }, + { + "completion": " a" + }, + { + "completion": " leading" + }, + { + "completion": " player" + }, + { + "completion": " in" + }, + { + "completion": " the" + }, + { + "completion": " private" + }, + { + "completion": " space" + }, + { + "completion": " industry" + }, + { + "completion": "," + }, + { + "completion": " with" + }, + { + "completion": " numerous" + }, + { + "completion": " successful" + }, + { + "completion": " launch" + }, + { + "completion": "es" + }, + { + "completion": " and" + }, + { + "completion": " a" + }, + { + "completion": " contract" + }, + { + "completion": " with" + }, + { + "completion": " NASA" + }, + { + "completion": " to" + }, + { + "completion": " transport" + }, + { + "completion": " astr" + }, + { + "completion": "onaut" + }, + { + "completion": "s" + }, + { + "completion": " to" + }, + { + "completion": " the" + }, + { + "completion": " International" + }, + { + "completion": " Space" + }, + { + "completion": " Station" + }, + { + "completion": "." + }, + { + "completion": "\n" + }, + { + "completion": "5" + }, + { + "completion": "." + }, + { + "completion": " T" + }, + { + "completion": "es" + }, + { + "completion": "la" + }, + { + "completion": ":" + }, + { + "completion": " Mus" + }, + { + "completion": "k" + }, + { + "completion": " co" + }, + { + "completion": "-" + }, + { + "completion": "f" + }, + { + "completion": "ounded" + }, + { + "completion": " T" + }, + { + "completion": "es" + }, + { + "completion": "la" + }, + { + "completion": " in" + }, + { + "completion": " " + }, + { + "completion": "2" + }, + { + "completion": "0" + }, + { + "completion": "0" + }, + { + "completion": "3" + }, + { + "completion": " with" + }, + { + "completion": " the" + }, + { + "completion": " goal" + }, + { + "completion": " of" + }, + { + "completion": " acceler" + }, + { + "completion": "ating" + }, + { + "completion": " the" + }, + { + "completion": " world" + }, + { + "completion": "'" + }, + { + "completion": "s" + }, + { + "completion": " transition" + }, + { + "completion": " to" + }, + { + "completion": " sust" + }, + { + "completion": "ain" + }, + { + "completion": "able" + }, + { + "completion": " energy" + }, + { + "completion": " through" + }, + { + "completion": " the" + }, + { + "completion": " production" + }, + { + "completion": " of" + }, + { + "completion": " electric" + }, + { + "completion": " cars" + }, + { + "completion": "." + }, + { + "completion": " T" + }, + { + "completion": "es" + }, + { + "completion": "la" + }, + { + "completion": " has" + }, + { + "completion": " since" + }, + { + "completion": " become" + }, + { + "completion": " one" + }, + { + "completion": " of" + }, + { + "completion": " the" + }, + { + "completion": " leading" + }, + { + "completion": " electric" + }, + { + "completion": " vehicle" + }, + { + "completion": " manufact" + }, + { + "completion": "ur" + }, + { + "completion": "ers" + }, + { + "completion": " in" + }, + { + "completion": " the" + }, + { + "completion": " world" + }, + { + "completion": "," + }, + { + "completion": " with" + }, + { + "completion": " a" + }, + { + "completion": " market" + }, + { + "completion": " value" + }, + { + "completion": " of" + }, + { + "completion": " over" + }, + { + "completion": " $" + }, + { + "completion": "1" + }, + { + "completion": " tr" + }, + { + "completion": "ill" + }, + { + "completion": "ion" + }, + { + "completion": "." + }, + { + "completion": "\n" + }, + { + "completion": "6" + }, + { + "completion": "." + }, + { + "completion": " Other" + }, + { + "completion": " Vent" + }, + { + "completion": "ures" + }, + { + "completion": ":" + }, + { + "completion": " Mus" + }, + { + "completion": "k" + }, + { + "completion": " has" + }, + { + "completion": " also" + }, + { + "completion": " founded" + }, + { + "completion": " or" + }, + { + "completion": " inv" + }, + { + "completion": "ested" + }, + { + "completion": " in" + }, + { + "completion": " other" + }, + { + "completion": " companies" + }, + { + "completion": "," + }, + { + "completion": " including" + }, + { + "completion": " Ne" + }, + { + "completion": "ural" + }, + { + "completion": "ink" + }, + { + "completion": "," + }, + { + "completion": " a" + }, + { + "completion": " ne" + }, + { + "completion": "uro" + }, + { + "completion": "techn" + }, + { + "completion": "ology" + }, + { + "completion": " company" + }, + { + "completion": "," + }, + { + "completion": " and" + }, + { + "completion": " The" + }, + { + "completion": " Bor" + }, + { + "completion": "ing" + }, + { + "completion": " Company" + }, + { + "completion": "," + }, + { + "completion": " a" + }, + { + "completion": " tunnel" + }, + { + "completion": " construction" + }, + { + "completion": " company" + }, + { + "completion": "." + }, + { + "completion": "\n" + }, + { + "completion": "7" + }, + { + "completion": "." + }, + { + "completion": " Phil" + }, + { + "completion": "anth" + }, + { + "completion": "ropy" + }, + { + "completion": ":" + }, + { + "completion": " Mus" + }, + { + "completion": "k" + }, + { + "completion": " has" + }, + { + "completion": " don" + }, + { + "completion": "ated" + }, + { + "completion": " to" + }, + { + "completion": " various" + }, + { + "completion": " char" + }, + { + "completion": "itable" + }, + { + "completion": " organizations" + }, + { + "completion": "," + }, + { + "completion": " including" + }, + { + "completion": " the" + }, + { + "completion": " Mus" + }, + { + "completion": "k" + }, + { + "completion": " Foundation" + }, + { + "completion": "," + }, + { + "completion": " which" + }, + { + "completion": " focus" + }, + { + "completion": "es" + }, + { + "completion": " on" + }, + { + "completion": " providing" + }, + { + "completion": " support" + }, + { + "completion": " for" + }, + { + "completion": " education" + }, + { + "completion": "," + }, + { + "completion": " renew" + }, + { + "completion": "able" + }, + { + "completion": " energy" + }, + { + "completion": "," + }, + { + "completion": " and" + }, + { + "completion": " science" + }, + { + "completion": "." + }, + { + "completion": "\n" + }, + { + "completion": "8" + }, + { + "completion": "." + }, + { + "completion": " Personal" + }, + { + "completion": " Life" + }, + { + "completion": ":" + }, + { + "completion": " Mus" + }, + { + "completion": "k" + }, + { + "completion": " is" + }, + { + "completion": " married" + }, + { + "completion": " to" + }, + { + "completion": " Canadian" + }, + { + "completion": " author" + }, + { + "completion": " Just" + }, + { + "completion": "ine" + }, + { + "completion": " Mus" + }, + { + "completion": "k" + }, + { + "completion": " and" + }, + { + "completion": " has" + }, + { + "completion": " seven" + }, + { + "completion": " children" + }, + { + "completion": "." + }, + { + "completion": " He" + }, + { + "completion": " is" + }, + { + "completion": " known" + }, + { + "completion": " for" + }, + { + "completion": " his" + }, + { + "completion": " demand" + }, + { + "completion": "ing" + }, + { + "completion": " work" + }, + { + "completion": " eth" + }, + { + "completion": "ic" + }, + { + "completion": " and" + }, + { + "completion": " has" + }, + { + "completion": " stated" + }, + { + "completion": " that" + }, + { + "completion": " he" + }, + { + "completion": " works" + }, + { + "completion": " over" + }, + { + "completion": " " + }, + { + "completion": "1" + }, + { + "completion": "0" + }, + { + "completion": "0" + }, + { + "completion": " hours" + }, + { + "completion": " per" + }, + { + "completion": " week" + }, + { + "completion": "." + }, + { + "completion": "\n" + }, + { + "completion": "9" + }, + { + "completion": "." + }, + { + "completion": " Cont" + }, + { + "completion": "ro" + }, + { + "completion": "vers" + }, + { + "completion": "ies" + }, + { + "completion": ":" + }, + { + "completion": " Mus" + }, + { + "completion": "k" + }, + { + "completion": " has" + }, + { + "completion": " been" + }, + { + "completion": " involved" + }, + { + "completion": " in" + }, + { + "completion": " several" + }, + { + "completion": " controvers" + }, + { + "completion": "ies" + }, + { + "completion": " throughout" + }, + { + "completion": " his" + }, + { + "completion": " career" + }, + { + "completion": "," + }, + { + "completion": " including" + }, + { + "completion": " his" + }, + { + "completion": " use" + }, + { + "completion": " of" + }, + { + "completion": " Twitter" + }, + { + "completion": "," + }, + { + "completion": " where" + }, + { + "completion": " he" + }, + { + "completion": " has" + }, + { + "completion": " made" + }, + { + "completion": " controvers" + }, + { + "completion": "ial" + }, + { + "completion": " statements" + }, + { + "completion": " and" + }, + { + "completion": " faced" + }, + { + "completion": " criticism" + }, + { + "completion": " for" + }, + { + "completion": " his" + }, + { + "completion": " approach" + }, + { + "completion": " to" + }, + { + "completion": " man" + }, + { + "completion": "aging" + }, + { + "completion": " his" + }, + { + "completion": " companies" + }, + { + "completion": "." + }, + { + "completion": "\n" + }, + { + "completion": "1" + }, + { + "completion": "0" + }, + { + "completion": "." + }, + { + "completion": " Imp" + }, + { + "completion": "act" + }, + { + "completion": ":" + }, + { + "completion": " Mus" + }, + { + "completion": "k" + }, + { + "completion": " has" + }, + { + "completion": " had" + }, + { + "completion": " a" + }, + { + "completion": " significant" + }, + { + "completion": " impact" + }, + { + "completion": " on" + }, + { + "completion": " the" + }, + { + "completion": " technology" + }, + { + "completion": " and" + }, + { + "completion": " energy" + }, + { + "completion": " indust" + }, + { + "completion": "ries" + }, + { + "completion": "," + }, + { + "completion": " and" + }, + { + "completion": " has" + }, + { + "completion": " been" + }, + { + "completion": " cred" + }, + { + "completion": "ited" + }, + { + "completion": " with" + }, + { + "completion": " revolution" + }, + { + "completion": "izing" + }, + { + "completion": " the" + }, + { + "completion": " way" + }, + { + "completion": " we" + }, + { + "completion": " think" + }, + { + "completion": " about" + }, + { + "completion": " transport" + }, + { + "completion": "ation" + }, + { + "completion": " and" + }, + { + "completion": " energy" + }, + { + "completion": "." + }, + { + "completion": " He" + }, + { + "completion": " has" + }, + { + "completion": " also" + }, + { + "completion": " been" + }, + { + "completion": " a" + }, + { + "completion": " pione" + }, + { + "completion": "er" + }, + { + "completion": " in" + }, + { + "completion": " the" + }, + { + "completion": " field" + }, + { + "completion": " of" + }, + { + "completion": " private" + }, + { + "completion": " space" + }, + { + "completion": " expl" + }, + { + "completion": "oration" + }, + { + "completion": " and" + }, + { + "completion": " has" + }, + { + "completion": " played" + }, + { + "completion": " a" + }, + { + "completion": " key" + }, + { + "completion": " role" + }, + { + "completion": " in" + }, + { + "completion": " adv" + }, + { + "completion": "ancing" + }, + { + "completion": " the" + }, + { + "completion": " field" + }, + { + "completion": " of" + }, + { + "completion": " artificial" + }, + { + "completion": " intelligence" + }, + { + "completion": "." + }, + { + "completion": "\n" + }, + { + "completion": "Over" + }, + { + "completion": "all" + }, + { + "completion": "," + }, + { + "completion": " El" + }, + { + "completion": "on" + }, + { + "completion": " Mus" + }, + { + "completion": "k" + }, + { + "completion": " is" + }, + { + "completion": " a" + }, + { + "completion": " highly" + }, + { + "completion": " influ" + }, + { + "completion": "ential" + }, + { + "completion": " and" + }, + { + "completion": " innov" + }, + { + "completion": "ative" + }, + { + "completion": " entrepr" + }, + { + "completion": "ene" + }, + { + "completion": "ur" + }, + { + "completion": " who" + }, + { + "completion": " has" + }, + { + "completion": " made" + }, + { + "completion": " a" + }, + { + "completion": " significant" + }, + { + "completion": " impact" + }, + { + "completion": " on" + }, + { + "completion": " multiple" + }, + { + "completion": " indust" + }, + { + "completion": "ries" + }, + { + "completion": " through" + }, + { + "completion": " his" + }, + { + "completion": " companies" + }, + { + "completion": " and" + }, + { + "completion": " vision" + }, + { + "completion": " for" + }, + { + "completion": " the" + }, + { + "completion": " future" + }, + { + "completion": "." + }, + { + "completion": "" + } +] \ No newline at end of file diff --git a/aana/tests/integration/test_llama2.py b/aana/tests/integration/test_llama2.py index 135271d7..e1a8300b 100644 --- a/aana/tests/integration/test_llama2.py +++ b/aana/tests/integration/test_llama2.py @@ -55,6 +55,10 @@ def test_llama_generate(call_endpoint, prompt, error): {"messages": [{"role": "user", "content": "Where is the Eiffel Tower?"}]}, None, ), + ( + {"messages": [{"role": "user", "content": "Who is Elon Musk?" * 100}]}, + None, + ), ( {"messages": [{"role": "user", "content": "Who is Elon Musk?" * 1000}]}, "PromptTooLongException", diff --git a/aana/tests/test_api_generation.py b/aana/tests/test_api_generation.py index 63c413a0..d0289b46 100644 --- a/aana/tests/test_api_generation.py +++ b/aana/tests/test_api_generation.py @@ -3,7 +3,7 @@ import pytest from mobius_pipeline.node.socket import Socket -from pydantic import BaseModel, Extra, Field +from pydantic import BaseModel, ConfigDict, Field from aana.api.api_generation import Endpoint, EndpointOutput from aana.exceptions.general import MultipleFileUploadNotAllowed @@ -13,9 +13,7 @@ class InputModel(BaseModel): """Model for a text input.""" input: str = Field(..., description="Input text") - - class Config: - extra = Extra.forbid + model_config = ConfigDict(extra="forbid") class FileUploadModel(BaseModel): @@ -32,20 +30,14 @@ def set_files(self, files): if isinstance(files, list): files = files[0] self.content = files - - class Config: - extra = Extra.forbid - file_upload = True - file_upload_description = "Upload image files." + model_config = ConfigDict(extra="forbid", file_upload=True, file_upload_description="Upload image files.") class OutputModel(BaseModel): """Model for outputs.""" output: str = Field(..., description="Output text") - - class Config: - extra = Extra.forbid + model_config = ConfigDict(extra="forbid") def test_get_request_model(): @@ -72,11 +64,11 @@ def test_get_request_model(): assert RequestModel.__name__ == "TestEndpointRequest" # Check that the request model has the correct fields - assert RequestModel.__fields__.keys() == {"input", "input_without_datamodel"} + assert RequestModel.model_fields.keys() == {"input", "input_without_datamodel"} # Check that the request fields have the correct types - assert RequestModel.__fields__["input"].type_ == InputModel - assert RequestModel.__fields__["input_without_datamodel"].type_ == Any + assert RequestModel.model_fields["input"].annotation == InputModel + assert RequestModel.model_fields["input_without_datamodel"].annotation == Any def test_get_response_model(): @@ -108,11 +100,11 @@ def test_get_response_model(): assert ResponseModel.__name__ == "TestEndpointResponse" # Check that the response model has the correct fields - assert ResponseModel.__fields__.keys() == {"output", "output_without_datamodel"} + assert ResponseModel.model_fields.keys() == {"output", "output_without_datamodel"} # Check that the response fields have the correct types - assert ResponseModel.__fields__["output"].type_ == OutputModel - assert ResponseModel.__fields__["output_without_datamodel"].type_ == Any + assert ResponseModel.model_fields["output"].annotation == OutputModel + assert ResponseModel.model_fields["output_without_datamodel"].annotation == Any endpoint_with_one_output = Endpoint( name="test_endpoint", @@ -131,10 +123,10 @@ def test_get_response_model(): assert ResponseModel.__name__ == "TestEndpointResponse" # Check that the response model has the correct fields - assert ResponseModel.__fields__.keys() == {"output"} + assert ResponseModel.model_fields.keys() == {"output"} # Check that the response fields have the correct types - assert ResponseModel.__fields__["output"].type_ == OutputModel + assert ResponseModel.model_fields["output"].annotation == OutputModel def test_get_file_upload_field(): diff --git a/aana/tests/test_asr_output.py b/aana/tests/test_asr_output.py index 652b4530..75e44edc 100644 --- a/aana/tests/test_asr_output.py +++ b/aana/tests/test_asr_output.py @@ -121,15 +121,15 @@ def test_sum_asr_segments(): asr_segment_1 = AsrSegment.from_whisper(whisper_segment) asr_segment_2 = AsrSegment.from_whisper(whisper_segment) - segment_1 = AsrSegments(__root__=[asr_segment_1] * 3) - segment_2 = AsrSegments(__root__=[asr_segment_2] * 3) + segment_1 = AsrSegments([asr_segment_1] * 3) + segment_2 = AsrSegments([asr_segment_2] * 3) segments = sum([segment_1, segment_2], AsrSegments()) - assert len(segments.__root__) == 6 - assert segments.__root__ == [asr_segment_1] * 3 + [asr_segment_2] * 3 - assert segments.__root__[:3] == segment_1.__root__ - assert segments.__root__[3:] == segment_2.__root__ + assert len(segments) == 6 + assert segments.root == [asr_segment_1] * 3 + [asr_segment_2] * 3 + assert segments.root[:3] == segment_1.root + assert segments.root[3:] == segment_2.root def test_sum_asr_transcription(): diff --git a/aana/tests/test_base_string_model.py b/aana/tests/test_base_string_model.py index 4d810d4f..106f0146 100644 --- a/aana/tests/test_base_string_model.py +++ b/aana/tests/test_base_string_model.py @@ -6,7 +6,7 @@ def test_str_model_creation(): """Test that a media id can be created.""" - str_model = BaseStringModel(__root__="foo") + str_model = BaseStringModel(root="foo") assert str_model == "foo" str_model = BaseStringModel("foo") diff --git a/aana/tests/test_image_input.py b/aana/tests/test_image_input.py index c73a986e..4a8e0991 100644 --- a/aana/tests/test_image_input.py +++ b/aana/tests/test_image_input.py @@ -207,8 +207,8 @@ def test_imagelistinput(): ImageInput(numpy=b"file"), ] - image_list_input = ImageInputList(__root__=images) - assert image_list_input.__root__ == images + image_list_input = ImageInputList(images) + assert image_list_input.root == images assert len(image_list_input) == len(images) assert image_list_input[0] == images[0] assert image_list_input[1] == images[1] @@ -225,7 +225,7 @@ def test_imagelistinput_set_files(): ImageInput(numpy=b"file"), ] - image_list_input = ImageInputList(__root__=images) + image_list_input = ImageInputList(images) image_list_input.set_files(files) assert image_list_input[0].content == files[0] @@ -235,4 +235,4 @@ def test_imagelistinput_set_files(): def test_imagelistinput_non_empty(): """Test that ImageInputList must not be empty.""" with pytest.raises(ValidationError): - ImageInputList(__root__=[]) + ImageInputList([]) diff --git a/aana/tests/test_media_id.py b/aana/tests/test_media_id.py index a72c77a0..46d26733 100644 --- a/aana/tests/test_media_id.py +++ b/aana/tests/test_media_id.py @@ -7,7 +7,7 @@ def test_media_id_creation(): """Test that a media id can be created.""" - media_id = MediaId(__root__="foo") + media_id = MediaId(root="foo") assert media_id == "foo" media_id = MediaId("foo") diff --git a/aana/tests/test_merge_options.py b/aana/tests/test_merge_options.py index 12f00650..2499d9fd 100644 --- a/aana/tests/test_merge_options.py +++ b/aana/tests/test_merge_options.py @@ -32,7 +32,7 @@ def test_merged_options_none(): default = MyOptions(field1="default1", field2=2, field3=True) merged = merged_options(default, None) - assert merged.dict() == default.dict() + assert merged.model_dump() == default.model_dump() def test_merged_options_type_mismatch(): diff --git a/aana/tests/test_question.py b/aana/tests/test_question.py index 47367a3d..27cb2c33 100644 --- a/aana/tests/test_question.py +++ b/aana/tests/test_question.py @@ -6,7 +6,7 @@ def test_question_creation(): """Test that a question can be created.""" - question = Question(__root__="What is the capital of France?") + question = Question(root="What is the capital of France?") assert question == "What is the capital of France?" question = Question("What is the capital of France?") diff --git a/aana/tests/test_video_input.py b/aana/tests/test_video_input.py index 99f2b3a6..25d367dc 100644 --- a/aana/tests/test_video_input.py +++ b/aana/tests/test_video_input.py @@ -136,8 +136,8 @@ def test_videoinputlist(): VideoInput(content=b"file"), ] - video_list_input = VideoInputList(__root__=videos) - assert video_list_input.__root__ == videos + video_list_input = VideoInputList(root=videos) + assert video_list_input.root == videos assert len(video_list_input) == len(videos) assert video_list_input[0] == videos[0] assert video_list_input[1] == videos[1] @@ -153,7 +153,7 @@ def test_videoinputlist_set_files(): VideoInput(content=b"file"), ] - video_list_input = VideoInputList(__root__=videos) + video_list_input = VideoInputList(root=videos) video_list_input.set_files(files) assert video_list_input[0].content == files[0] assert video_list_input[1].content == files[1] @@ -161,12 +161,12 @@ def test_videoinputlist_set_files(): # If the number of files is not the same as the number of videos, # an error should be raised. files = [b"video data", b"another video data", b"yet another video data"] - video_list_input = VideoInputList(__root__=videos) + video_list_input = VideoInputList(root=videos) with pytest.raises(ValidationError): video_list_input.set_files(files) files = [] - video_list_input = VideoInputList(__root__=videos) + video_list_input = VideoInputList(root=videos) with pytest.raises(ValidationError): video_list_input.set_files(files) @@ -174,4 +174,4 @@ def test_videoinputlist_set_files(): def test_videoinputlist_non_empty(): """Test that videoinputlist must not be empty.""" with pytest.raises(ValidationError): - VideoInputList(__root__=[]) + VideoInputList(root=[]) diff --git a/aana/utils/chat_template.py b/aana/utils/chat_template.py index 4a719316..fdeddd55 100644 --- a/aana/utils/chat_template.py +++ b/aana/utils/chat_template.py @@ -50,7 +50,7 @@ def apply_chat_template( ValueError: If the tokenizer does not have a chat template. ValueError: If the chat template does not exist. """ - messages = dialog.dict()["messages"] + messages = dialog.model_dump()["messages"] if chat_template_name is not None: chat_template = load_chat_template(chat_template_name) diff --git a/aana/utils/general.py b/aana/utils/general.py index 26d72c8c..0b51c9db 100644 --- a/aana/utils/general.py +++ b/aana/utils/general.py @@ -28,11 +28,11 @@ def merged_options(default_options: OptionType, options: OptionType) -> OptionTy # options and default_options have to be of the same type if type(default_options) != type(options): raise ValueError("Option type mismatch.") # noqa: TRY003 - default_options_dict = default_options.dict() - for k, v in options.dict().items(): + default_options_dict = default_options.model_dump() + for k, v in options.model_dump().items(): if v is not None: default_options_dict[k] = v - return options.__class__.parse_obj(default_options_dict) + return options.__class__.model_validate(default_options_dict) def download_file(url: str) -> bytes: @@ -65,7 +65,7 @@ def pydantic_to_dict(data: Any) -> Any: Any: the same structured data with Pydantic objects converted to dictionaries """ if isinstance(data, BaseModel): - return data.dict() + return data.model_dump() elif isinstance(data, list): return [pydantic_to_dict(item) for item in data] elif isinstance(data, dict): @@ -110,3 +110,9 @@ def get_object_hash(obj: Any) -> str: jsonify(obj).encode("utf-8"), usedforsecurity=False, ).hexdigest() + + +def get_gpu_memory(gpu: int = 0) -> int: + """Get the total memory of a GPU in bytes.""" + import torch + return torch.cuda.get_device_properties(gpu).total_memory \ No newline at end of file diff --git a/aana/utils/json.py b/aana/utils/json.py index a63be59e..58818ebc 100644 --- a/aana/utils/json.py +++ b/aana/utils/json.py @@ -26,7 +26,7 @@ def json_serializer_default(obj: object) -> object: TypeError: If the object is not a pydantic model, Path, or Media object. """ if isinstance(obj, BaseModel): - return obj.dict() + return obj.model_dump() if isinstance(obj, Path): return str(obj) from aana.models.core.media import Media diff --git a/aana/utils/video.py b/aana/utils/video.py index b65303c7..ca4c939a 100644 --- a/aana/utils/video.py +++ b/aana/utils/video.py @@ -4,7 +4,7 @@ from collections.abc import Generator from math import floor from pathlib import Path -from typing import TypedDict +from typing_extensions import TypedDict import numpy as np import torch, decord # noqa: F401 # See https://github.com/dmlc/decord/issues/263 diff --git a/mobius-pipeline b/mobius-pipeline index 65aa0048..059028b5 160000 --- a/mobius-pipeline +++ b/mobius-pipeline @@ -1 +1 @@ -Subproject commit 65aa004801a47036247f76d9ef058c976fdb22c1 +Subproject commit 059028b5821363abde997ea1d73d9cc7197c5d01 diff --git a/poetry.lock b/poetry.lock index 75738d35..2936b1c1 100644 --- a/poetry.lock +++ b/poetry.lock @@ -140,6 +140,26 @@ files = [ [package.dependencies] aiohttp = ">=1.1" +[[package]] +name = "aioprometheus" +version = "23.12.0" +description = "A Prometheus Python client library for asyncio-based applications" +optional = false +python-versions = ">=3.8.0" +files = [ + {file = "aioprometheus-23.12.0-py3-none-any.whl", hash = "sha256:b1a77259131153ef820b494e76439b278434eaf2a5e25dc0b8bf3d835f455960"}, +] + +[package.dependencies] +orjson = "*" +quantile-python = ">=1.1" +starlette = {version = ">=0.14.2", optional = true, markers = "extra == \"starlette\""} + +[package.extras] +aiohttp = ["aiohttp (>=3.3.2)"] +quart = ["quart (>=0.15.1)"] +starlette = ["starlette (>=0.14.2)"] + [[package]] name = "aiorwlock" version = "1.4.0" @@ -184,6 +204,17 @@ typing-extensions = ">=4" [package.extras] tz = ["backports.zoneinfo"] +[[package]] +name = "annotated-types" +version = "0.6.0" +description = "Reusable constraint types to use with typing.Annotated" +optional = false +python-versions = ">=3.8" +files = [ + {file = "annotated_types-0.6.0-py3-none-any.whl", hash = "sha256:0641064de18ba7a25dee8f96403ebc39113d0cb953a01429249d5c7564666a43"}, + {file = "annotated_types-0.6.0.tar.gz", hash = "sha256:563339e807e53ffd9c267e99fc6d9ea23eb8443c08f112651963e24e22f84a5d"}, +] + [[package]] name = "ansicon" version = "1.89.0" @@ -216,17 +247,6 @@ doc = ["Sphinx", "packaging", "sphinx-autodoc-typehints (>=1.2.0)", "sphinx-rtd- test = ["anyio[trio]", "coverage[toml] (>=4.5)", "hypothesis (>=4.0)", "mock (>=4)", "psutil (>=5.9)", "pytest (>=7.0)", "pytest-mock (>=3.6.1)", "trustme", "uvloop (>=0.17)"] trio = ["trio (<0.22)"] -[[package]] -name = "appdirs" -version = "1.4.4" -description = "A small Python module for determining appropriate platform-specific dirs, e.g. a \"user data dir\"." -optional = false -python-versions = "*" -files = [ - {file = "appdirs-1.4.4-py2.py3-none-any.whl", hash = "sha256:a841dacd6b99318a741b166adb07e19ee71a274450e68237b4650ca1055ab128"}, - {file = "appdirs-1.4.4.tar.gz", hash = "sha256:7d5d0167b2b1ba821647616af46a749d1c653740dd0d2415100fe26e27afdf41"}, -] - [[package]] name = "appnope" version = "0.1.4" @@ -288,55 +308,56 @@ tests-no-zope = ["attrs[tests-mypy]", "cloudpickle", "hypothesis", "pympler", "p [[package]] name = "av" -version = "10.0.0" +version = "11.0.0" description = "Pythonic bindings for FFmpeg's libraries." optional = false -python-versions = "*" +python-versions = ">=3.8" files = [ - {file = "av-10.0.0-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:d19bb54197155d045a2b683d993026d4bcb06e31c2acad0327e3e8711571899c"}, - {file = "av-10.0.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:7dba96a85cd37315529998e6dbbe3fa05c2344eb19a431dc24996be030a904ee"}, - {file = "av-10.0.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:27d6d38c7c8d46d578c008ffcb8aad1eae14d0621fff41f4ad62395589045fe4"}, - {file = "av-10.0.0-cp310-cp310-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:51037f4bde03daf924236af4f444e17345792ad7f6f70760a5e5863407e14f2b"}, - {file = "av-10.0.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:0577a38664e453b4ffb63d616a0d23c295827b16ae96a090e89527a753de8718"}, - {file = "av-10.0.0-cp310-cp310-win_amd64.whl", hash = "sha256:07c971573035d22ce50069d3f2bbdb4d6d02d626ab13db12fda3ce519cda3f22"}, - {file = "av-10.0.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:e5085d11345484c0097898994bb3f515002e7e1deeb43dd11d30dd6f45402c49"}, - {file = "av-10.0.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:157bde3ffd1615a9006b56e4daf3b46848d3ee2bd46b0394f7568e43ed7ab5a9"}, - {file = "av-10.0.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:115e144d5a1f205378a4b3a3657b7ed3e45918ebe5d2003a891e45984e8f443a"}, - {file = "av-10.0.0-cp311-cp311-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:7a7d6e2b3fbda6464f74fe010dbcff361394bb014b0cb4aa4dc9f2bb713ce882"}, - {file = "av-10.0.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:69fd5a38395191a0f4b71adf31057ff177c9f0762914d73d8797742339ad67d0"}, - {file = "av-10.0.0-cp311-cp311-win_amd64.whl", hash = "sha256:836d69a9543d284976b229cc8d4343ffcfc0bbaf05239e13fb7e613b13d5291d"}, - {file = "av-10.0.0-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:eba192274538617bbe60097a013d83637f1a5ba9844bbbcf3ca7e43c6499b9d5"}, - {file = "av-10.0.0-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:1301e4cf1a2c899851073720cd541066c8539b64f9eb0d52216f8d0a59f20429"}, - {file = "av-10.0.0-cp37-cp37m-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:eebd5aa9d8b1e33e715c5409544a712f13ec805bb0110d75f394ff28d2fb64ad"}, - {file = "av-10.0.0-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:04cd0ce13a87870fb0a0ea4673f04934af2b9ac7ae844eafe92e2c19c092ab11"}, - {file = "av-10.0.0-cp37-cp37m-win_amd64.whl", hash = "sha256:10facb5b933551dd6a30d8015bc91eef5d1c864ee86aa3463ffbaff1a99f6c6a"}, - {file = "av-10.0.0-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:088636ded03724a2ab51136f6f4be0bc457bdb3c0d2ac7158792fe81150d4c1a"}, - {file = "av-10.0.0-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:ff0f7d3b1003a9ed0d06038f3f521a5ff0d3e056ec5111e2a78e303f98b815a7"}, - {file = "av-10.0.0-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:ccaf786e747b126a5b3b9a8f5ffbb6a20c5f528775cc7084c95732ca72606fba"}, - {file = "av-10.0.0-cp38-cp38-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:7c579d718b52beb812ea2a7bd68f812d0920b00937804d52d31d41bb71aa5557"}, - {file = "av-10.0.0-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:a2cfd39baa5d82768d2a8898de7bfd450a083ef22b837d57e5dc1b6de3244218"}, - {file = "av-10.0.0-cp38-cp38-win_amd64.whl", hash = "sha256:81b5264d9752f49286bc1dc4d2cc66187418c4948a326dbed837c766c9892139"}, - {file = "av-10.0.0-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:16bd82b63d0b4c1b855b3c36b13337f7cdc5925bd8284fab893bdf6c290fc3a9"}, - {file = "av-10.0.0-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:a6c8f3f8c26d35eefe45b849c81fd0816ba4b6f589baec7357c25b4c5537d3c4"}, - {file = "av-10.0.0-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:91ea46fea7259abdfabe00b0ed3a9ca18e7fff7ce80d2a2c66a28f797cce838a"}, - {file = "av-10.0.0-cp39-cp39-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:a62edd533d330aa61902ae8cd82966affa487fa337a0c4f58ae8866ccb5d31c0"}, - {file = "av-10.0.0-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:b67b7d028c9cf68215376662fd2e0be6ca0cc02d32d3ed8514fec67b12db9cbd"}, - {file = "av-10.0.0-cp39-cp39-win_amd64.whl", hash = "sha256:0f9c88062ebfd2ce547c522b64f79e487ed2b0a6a9d6693c801b28df0d944607"}, - {file = "av-10.0.0-pp37-pypy37_pp73-macosx_10_9_x86_64.whl", hash = "sha256:63dbafcd02415127d97509523bc285f1ab260988f87b744d7fb1baee6ffbdf96"}, - {file = "av-10.0.0-pp37-pypy37_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:e2ea4424d0be62fe18c843420284a0907bcb38d577062d62c4b75a8e940e6057"}, - {file = "av-10.0.0-pp37-pypy37_pp73-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:8b6326fd0755761e3ee999e4bf90339e869fe71d548b679fee89157858b8d04a"}, - {file = "av-10.0.0-pp37-pypy37_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:b3fae238751ec0db6377b2106e13762ca84dbe104bd44c1ce9b424163aef4ab5"}, - {file = "av-10.0.0-pp37-pypy37_pp73-win_amd64.whl", hash = "sha256:86bb3f6e8cce62ad18cd34eb2eadd091d99f51b40be81c929b53fbd8fecf6d90"}, - {file = "av-10.0.0-pp38-pypy38_pp73-macosx_10_9_x86_64.whl", hash = "sha256:f7b508813abbc100162d305a1ac9b2dd16e5128d56f2ac69639fc6a4b5aca69e"}, - {file = "av-10.0.0-pp38-pypy38_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:98cc376199c0aa6e9365d03e0f4e67cfb209e40fe9c0cf566372f9daf2a0c779"}, - {file = "av-10.0.0-pp38-pypy38_pp73-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:1b459ca0ef25c1a0e370112556bdc5b7752f76dc9bd497acaf3e653171e4b946"}, - {file = "av-10.0.0-pp38-pypy38_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ab930735112c1f788cc4d47c42c59ba0dd214d815aa906e1addf39af91d15194"}, - {file = "av-10.0.0-pp39-pypy39_pp73-macosx_10_9_x86_64.whl", hash = "sha256:13fe0b48b9211539323ecebbf84154c86c72d16723c6d0af76e29ae5c3a614b2"}, - {file = "av-10.0.0-pp39-pypy39_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:c2eeec7beaebfe9e2213b3c94b482381187d0afdcb632f93239b44dc668b97df"}, - {file = "av-10.0.0-pp39-pypy39_pp73-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:3dac2a8b0791c3373270e32f6cd27e6b60628565a188e40a5d9660d3aab05e33"}, - {file = "av-10.0.0-pp39-pypy39_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:1cdede2325cb750b5bf79238bbf06f9c2a70b757b12726003769a43493b7233a"}, - {file = "av-10.0.0-pp39-pypy39_pp73-win_amd64.whl", hash = "sha256:9788e6e15db0910fb8e1548ba7540799d07066177710590a5794a524c4910e05"}, - {file = "av-10.0.0.tar.gz", hash = "sha256:8afd3d5610e1086f3b2d8389d66672ea78624516912c93612de64dcaa4c67e05"}, + {file = "av-11.0.0-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:a01f13b37eb6d181e03bbbbda29093fe2d68f10755795188220acdc89560ec27"}, + {file = "av-11.0.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:b2236faee1b5d71dff3cdef81ef6eec22cc8b71dbfb45eb037e6437fe80f24e7"}, + {file = "av-11.0.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:40543a08e5c84aecd2bc84da5d43548743201897f0ba21bf5ae3a4dcddefca2b"}, + {file = "av-11.0.0-cp310-cp310-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:2907376884d956376aaf3bc1905fa4e0dcb9ba4e0d183e519392a19d89317d1b"}, + {file = "av-11.0.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:e8d5581dcdc81cd601e3ce036809f14da82c46ff187bcefe981ec819390e0ab0"}, + {file = "av-11.0.0-cp310-cp310-win_amd64.whl", hash = "sha256:150490f2a62cfa470f3cb60f3a0060ff93afd807e2b7b3b0eeeb5a992eb8d67b"}, + {file = "av-11.0.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:d9bac0de62f09e2cb4e2132b5a46a89bc31c898189aa285b484c17351d991afe"}, + {file = "av-11.0.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:2122ff8bdace4ce50207920f37de472517921e2ca1f0503464f748fdb8e20506"}, + {file = "av-11.0.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:527d840697fee6ad4cf47eba987eaf30cd76bd96b2d20eaa907e166b9b8065c8"}, + {file = "av-11.0.0-cp311-cp311-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:abeaedddfca9101886eb6fc47318c5f5ece8480d330d73aacf6917d7421981a2"}, + {file = "av-11.0.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:13790fbb889b955baf885fe3761e923e85537ef414173465ec293177cedb7b99"}, + {file = "av-11.0.0-cp311-cp311-win_amd64.whl", hash = "sha256:fc27e27f52480287f44226ad4ae3eb53346bf027959d0f00a9154530bd98b371"}, + {file = "av-11.0.0-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:892583e2c6b8c2500e5d24310f499caefcdaa2e48c8f7169ad41041aaaf4da11"}, + {file = "av-11.0.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:6943679d70a9f4de974049e7ae2cf0b20afe0d7ddab650526c02a6cf9adcd08f"}, + {file = "av-11.0.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:e6d73b038ccf1df5c16bc643eee5c694fb7732e09375e2f4903c1f4ce90dfb72"}, + {file = "av-11.0.0-cp312-cp312-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:c83422db3333e97b9680700df5185139352fc3a568b14179da3bdcbeb2f0e91b"}, + {file = "av-11.0.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:8413900f6a3639e0088c018a3a516a1656d4d16799e7aa759a16ddf3bd268e2b"}, + {file = "av-11.0.0-cp312-cp312-win_amd64.whl", hash = "sha256:908e49ee336223801d8f2f7dca5a1deb64e9d8256138b8e7a79013b682a6ebb5"}, + {file = "av-11.0.0-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:82411ae4a562da07b76028d2f349fb0e6a86aa78ad2b18d2d7bf5b06b17fba14"}, + {file = "av-11.0.0-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:621104bd63e38fa4eca554da3722b1aac329619de39152f27eec8999acc72342"}, + {file = "av-11.0.0-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:442878990c094455a16c10127edcc54bc4e78d355e6a13ad2a27608b0ecda38f"}, + {file = "av-11.0.0-cp38-cp38-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:658199c92987dc72511f5ee8ade62faef6234b7a04c8b5788de99e366be5e073"}, + {file = "av-11.0.0-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ad4b381665c49267b46f87297573898b85e5c41384750fee2e70267fbc4ba318"}, + {file = "av-11.0.0-cp38-cp38-win_amd64.whl", hash = "sha256:60de14f71293e36ca4e297cc8a8460f0cf74f38a201694f3c6fc7f40301582f2"}, + {file = "av-11.0.0-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:a90f04af96374dab94028a7471597bdfcf03083338b9be2eb8ca4805a8ec7ab5"}, + {file = "av-11.0.0-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:8821ab2d23e4cb5c8abea6b08d2b1bfceca6af2d88fab1d1dc1b3ec7b34933c7"}, + {file = "av-11.0.0-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:9a92342ed307eeaf9509a6b0f3bafd4337c4880c851b50acc18df48c625b63b6"}, + {file = "av-11.0.0-cp39-cp39-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:bbe3502975bc844f5d432c1f24d331bf6ef3e05532ebf06f7ed08b60719b8ea5"}, + {file = "av-11.0.0-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:c278b3a4fd111b4c9190abe6b1a5ca358d5f91e851d470b62577b957e0187b09"}, + {file = "av-11.0.0-cp39-cp39-win_amd64.whl", hash = "sha256:478aa1d54fbc3058ea65ff41086b6adbe1326b456a027d2f3b59dbe60b4ac2ca"}, + {file = "av-11.0.0-pp310-pypy310_pp73-macosx_10_9_x86_64.whl", hash = "sha256:e8df10bb2d56a981d02a8a0b41491912b76dad06305d174a2575ef55ad451100"}, + {file = "av-11.0.0-pp310-pypy310_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:b30c51e597785a89241bd61865faff2dbd3327856a8285a1e120dbf60e18348b"}, + {file = "av-11.0.0-pp310-pypy310_pp73-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:a8b8bd92edb096699b306e7b090ad096925ca3bdae6f89656f023fa2a2da627d"}, + {file = "av-11.0.0-pp310-pypy310_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:9383af733abfc44f6fc29307a6c922fbf671ee343dc97b78b74eac6a2346a46d"}, + {file = "av-11.0.0-pp310-pypy310_pp73-win_amd64.whl", hash = "sha256:a9df4a60579198b560f641cdfe4c2139948a70193ddc096b275f2cf6d94e3e04"}, + {file = "av-11.0.0-pp38-pypy38_pp73-macosx_10_9_x86_64.whl", hash = "sha256:8ae5f7ae0a7093fb813686d4aa4c554531f80a28480427f5c155da51b747eff0"}, + {file = "av-11.0.0-pp38-pypy38_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:50fb7d606f8236891d773c701d5650b93af8dbf78eeaac36fc7e1f7f64a9d664"}, + {file = "av-11.0.0-pp38-pypy38_pp73-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:543e0f9bf6ff02dedbe66d906fbc89c8907c80a8ea7413fc3fed68ce4a6e9b44"}, + {file = "av-11.0.0-pp38-pypy38_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:daa279c884457ab194ce78bdd89c0aa391af733da95fb3258d4c6eb8c258299a"}, + {file = "av-11.0.0-pp39-pypy39_pp73-macosx_10_9_x86_64.whl", hash = "sha256:1aacc21f4cf96447117a61edfb776afb73186750a5e08a21484ddfc3599aefb5"}, + {file = "av-11.0.0-pp39-pypy39_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:2568b38eef777b916a5d02e42b8f67f92e12023531239ddd32e1ca4f3cdf8c5b"}, + {file = "av-11.0.0-pp39-pypy39_pp73-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:747c6d347e27c59cc2e78c9c505d23cd88eceff0cc9386be73693ae9009a577c"}, + {file = "av-11.0.0-pp39-pypy39_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:4bbd8f4941b9d3450eff40003b9b9d904667aec7ab085fa31f0f9bca32d755e0"}, + {file = "av-11.0.0-pp39-pypy39_pp73-win_amd64.whl", hash = "sha256:f39c1244ba0cf185b2722aeec116b8a98a2ee5728ce687cec0bda60ee0360dfc"}, + {file = "av-11.0.0.tar.gz", hash = "sha256:48223f000a252070f8e700ff634bb7fb3aa1b7bc7e450373029fbdd6f369ac31"}, ] [[package]] @@ -699,35 +720,6 @@ files = [ [package.dependencies] colorama = {version = "*", markers = "platform_system == \"Windows\""} -[[package]] -name = "cmake" -version = "3.28.1" -description = "CMake is an open-source, cross-platform family of tools designed to build, test and package software" -optional = false -python-versions = "*" -files = [ - {file = "cmake-3.28.1-py2.py3-none-macosx_10_10_universal2.macosx_10_10_x86_64.macosx_11_0_arm64.macosx_11_0_universal2.whl", hash = "sha256:9c77c47afef821c0044ba73d182c386ab02e92e6bda5296e553c12455a083f29"}, - {file = "cmake-3.28.1-py2.py3-none-manylinux2010_i686.manylinux_2_12_i686.whl", hash = "sha256:6a9549755d1178426502753d48949edae9bb0c66f15a07f09904783125beb0e3"}, - {file = "cmake-3.28.1-py2.py3-none-manylinux2010_x86_64.manylinux_2_12_x86_64.whl", hash = "sha256:d0978cdd08c0ebc76f4f8543aba1381a41580dcb9c3bcffb536c41337b75aea1"}, - {file = "cmake-3.28.1-py2.py3-none-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:96d506c417d63bbcff19b3e9eaa69fe546456a0ddeffe914bcbb23cceee6818e"}, - {file = "cmake-3.28.1-py2.py3-none-manylinux2014_i686.manylinux_2_17_i686.whl", hash = "sha256:74c9878c504ccc6ddd5b0914cbe3b86417a36a2c2dfc486040bfdfe63fbbb1ac"}, - {file = "cmake-3.28.1-py2.py3-none-manylinux2014_ppc64le.manylinux_2_17_ppc64le.whl", hash = "sha256:64d4642c48486bb4320540781a2266c2060929d1e236d6eb2b2c96273e75e958"}, - {file = "cmake-3.28.1-py2.py3-none-manylinux2014_s390x.manylinux_2_17_s390x.whl", hash = "sha256:363bd0124d71d7e3d9b1ac9bd1dce1d80ba90f48b264c3bf9dbfcfda875cafc9"}, - {file = "cmake-3.28.1-py2.py3-none-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:1be8f351271f8bcbe32288066e5add642d7c32f2f8fec3f135949c2cb13dfac2"}, - {file = "cmake-3.28.1-py2.py3-none-musllinux_1_1_aarch64.whl", hash = "sha256:3ed193134a4937bad8de2b4f62faebc8c1a4049cd37dad9767db7e7d91a08b52"}, - {file = "cmake-3.28.1-py2.py3-none-musllinux_1_1_i686.whl", hash = "sha256:6ffb1fdb0b0f7f11271d82b5892c2edc109d561e186f882def095970403e2110"}, - {file = "cmake-3.28.1-py2.py3-none-musllinux_1_1_ppc64le.whl", hash = "sha256:9ea12ebe4b8266f04d6619ed64860bd6e687522f02caf3131515dd39d614ef00"}, - {file = "cmake-3.28.1-py2.py3-none-musllinux_1_1_s390x.whl", hash = "sha256:2ad22d897d2ed38544e5ef26ee21c4dccc38e938660cd07497fd6bdba0993ea6"}, - {file = "cmake-3.28.1-py2.py3-none-musllinux_1_1_x86_64.whl", hash = "sha256:379a730b274f39e5858ef2107861b2727918493347b0ccdd5f62bcbb6a8450d9"}, - {file = "cmake-3.28.1-py2.py3-none-win32.whl", hash = "sha256:c82bc0eb1495cf518cb4f355b8a73e584e67d53453406c0498bacc454cf6c404"}, - {file = "cmake-3.28.1-py2.py3-none-win_amd64.whl", hash = "sha256:bb03ed4753185d0c70c0bc3212e5533e20eb2c17fa0ca1e7603b702c6d0db8cf"}, - {file = "cmake-3.28.1-py2.py3-none-win_arm64.whl", hash = "sha256:40f0671c05ef7eec27c4f53c63630b0b621e40f80ab38607d3a0e3a1f2c9242a"}, - {file = "cmake-3.28.1.tar.gz", hash = "sha256:0d4051d101d151d8387156c463aa45c8cd0e164f870e0ac0c8c91d3ff08528e1"}, -] - -[package.extras] -test = ["coverage (>=4.2)", "importlib-metadata (>=2.0)", "pytest (>=3.0.3)", "pytest-cov (>=2.4.0)"] - [[package]] name = "colorama" version = "0.4.6" @@ -852,36 +844,36 @@ test-no-images = ["pytest", "pytest-cov", "pytest-xdist", "wurlitzer"] [[package]] name = "ctranslate2" -version = "3.24.0" +version = "4.0.0" description = "Fast inference engine for Transformer models" optional = false python-versions = ">=3.8" files = [ - {file = "ctranslate2-3.24.0-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:1d31fecdc502ea4759313121bd39a6a3e3cd3cbe7e255e133170b040b0d07e61"}, - {file = "ctranslate2-3.24.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:cf8a85f6b4be1789330ae6d04b954a72a418a097d4bb1d42f0a071d29427a27d"}, - {file = "ctranslate2-3.24.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:7c25de97fa3ad814845628b8f9fda9931a4e0c8f85731d67eb06a14b21eb0b95"}, - {file = "ctranslate2-3.24.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:6f66ccf4786be75e5c5244c5f2e4b004bb43dfe8195cf4255233f711099b3d17"}, - {file = "ctranslate2-3.24.0-cp310-cp310-win_amd64.whl", hash = "sha256:d972c229613220d33eb5faabb35c1e063eab885da6264c693aa01d53ad9c5af2"}, - {file = "ctranslate2-3.24.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:5407bc1ea857030b86b3d29ecd60cf29949aabfd918c08ea334c9ae5360caeab"}, - {file = "ctranslate2-3.24.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:a7c1498dcd42b01743969f3aaef5165d4969d80e969c9571fe9aa78c33c2f89b"}, - {file = "ctranslate2-3.24.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:7c950c4a832a88109b63995566849debceb3226573047764998ffd8b60c9f635"}, - {file = "ctranslate2-3.24.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:17f8a67684404a776cd2961ff98a6aa0b2fe0ec0488b58d903df3ae1cb6136f3"}, - {file = "ctranslate2-3.24.0-cp311-cp311-win_amd64.whl", hash = "sha256:bb54d91826c3de21fda5784661e732fdfb4da6d877e8495b87b2bb7ed6f88123"}, - {file = "ctranslate2-3.24.0-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:1c91a2c7cccb84facd3316496660c89e7116840aee6dd3be1111721f377e07a6"}, - {file = "ctranslate2-3.24.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:6f564d0b678e29413c3446380faa4568fd346597bb13e4436fa479cce1a151fd"}, - {file = "ctranslate2-3.24.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:0206b791feed6450e172683c117213ed8a1279b9e8067012475f48fcc18df8b8"}, - {file = "ctranslate2-3.24.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ba272a681974f7405f5c16e99303746fdb27c9c2cab4a65f17bfe9408fe22418"}, - {file = "ctranslate2-3.24.0-cp312-cp312-win_amd64.whl", hash = "sha256:8608d290b651b7c9dd007806493d56744697fbfaf1f4e89082805bb0f8179357"}, - {file = "ctranslate2-3.24.0-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:79d4048c30f81d6fa4b657f0b5d064e1e9470994b055caef1890e13ef9d97703"}, - {file = "ctranslate2-3.24.0-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:bab89046323c61f3ad3ab7b03523ecb32d7ead43df9bd2441daf75613fce8cc4"}, - {file = "ctranslate2-3.24.0-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:5f6152b7850fde769444b31d47be464b628fb08927a0d90b2f12582b415dd69a"}, - {file = "ctranslate2-3.24.0-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:5c8bab6f09d395851e626f276ccdcb89153c4e6c11ff0d1f4fce3513d3b1da0b"}, - {file = "ctranslate2-3.24.0-cp38-cp38-win_amd64.whl", hash = "sha256:1649f92a65f760f010ebad79b6351063357d3d5c10d4690d664f02ad0166f215"}, - {file = "ctranslate2-3.24.0-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:cd63fbd3e689e815aef33cb3a7813cfa83f8da3f33b5af4c3c7663247c524870"}, - {file = "ctranslate2-3.24.0-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:c91879cd905aa26882708f833e8d3ac24e3622529b62aef5958fa1db4e84bb13"}, - {file = "ctranslate2-3.24.0-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a8ee1541b9ce69c5eebe0f62f34b96c221fa2aed9606b3d824441f8496091b03"}, - {file = "ctranslate2-3.24.0-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:40675f49bc433b3fb00594806b8e9eb83b78782f17f5a5d08caf360c441fcccc"}, - {file = "ctranslate2-3.24.0-cp39-cp39-win_amd64.whl", hash = "sha256:db3cc618b42462b5dc199e60f2f705da0c95c0523c5221059d35e64818b23644"}, + {file = "ctranslate2-4.0.0-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:27ed44e36b61792ff8754a32a2f2f7f705e75359e2fd5d34b95abefa79446ff5"}, + {file = "ctranslate2-4.0.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:53cfe0103026c83ffa05db14f3f2323af46a93373c210f68035771237f15c3fb"}, + {file = "ctranslate2-4.0.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:603299092561cbfbd174fb36f68d774ac79fd5fb7c37567692b811f7d646c7ec"}, + {file = "ctranslate2-4.0.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:5dea046b5090e23f8cf7fe28bbb5331a7055d563d809bab0f392411edbdcf641"}, + {file = "ctranslate2-4.0.0-cp310-cp310-win_amd64.whl", hash = "sha256:983b002b61177d7a935051d27285745f970b8dea5fa03d594c4aee16a8035a80"}, + {file = "ctranslate2-4.0.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:ea6fb23cc50c82a632ca8be71bd3d56e21a1471e248f8f15070c90e3a28c2f75"}, + {file = "ctranslate2-4.0.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:e62b3ffc0721635c67b04e2f22f9785cf19c72b1548bf946dd429b216443b839"}, + {file = "ctranslate2-4.0.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:22a7bff3a9d79e6e26f889ceeb5a8af560d88a07b45ead302ccb8175785aff1a"}, + {file = "ctranslate2-4.0.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:8c185580ef598c45e343ec3af33bcdb634c723100aef01d26b937da7b2f263dc"}, + {file = "ctranslate2-4.0.0-cp311-cp311-win_amd64.whl", hash = "sha256:05761ef49e736154a63ace00538584b3d82f636afdaa7fc44ba6c85aedf8ecd4"}, + {file = "ctranslate2-4.0.0-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:e6984ff27b21fc43726b3006544cea83330b51718a95cc865ff34a4968660e86"}, + {file = "ctranslate2-4.0.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:8faf28b4dc80ce4231ce735a40ce6c888e4fe8f78bbac8e47ad01dc8438bc551"}, + {file = "ctranslate2-4.0.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:979ca1a674988c9c93b47b6ec45a77ccdc1a3c813f41b9f4464db32f2c5dfe16"}, + {file = "ctranslate2-4.0.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:94115c408cb5eab4f054f13471ac184875591003f20b8ad8c4412686370f3e44"}, + {file = "ctranslate2-4.0.0-cp312-cp312-win_amd64.whl", hash = "sha256:d8dce18d566f68e2595d0e109373ab426def5101891f6402a8b795ab9c3c2470"}, + {file = "ctranslate2-4.0.0-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:dc64ad57983c6b5859af36a63c167ca08d9dc10ad883687f57dfffc99f7143ce"}, + {file = "ctranslate2-4.0.0-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:6b4b0e44585fe77bc582166ed51eca3e8d23003a417acef97be53cef362755d7"}, + {file = "ctranslate2-4.0.0-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:981f030e1674b0a05eac5faaed330b393e04b1e9be3e4eda6c14a8867d044653"}, + {file = "ctranslate2-4.0.0-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:3cee1a2bc794a7ad15455b29c33540554b4cd19fc923e447caebbe572f7e0ee5"}, + {file = "ctranslate2-4.0.0-cp38-cp38-win_amd64.whl", hash = "sha256:1da53f09b564d1142b62e671b8c58019f038b2fc1dcbf9df4e0571ff053e6cee"}, + {file = "ctranslate2-4.0.0-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:d8f267992f1aa107a7ed24053f5e882eb47a436a94b89d153e1a660885d79708"}, + {file = "ctranslate2-4.0.0-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:f7a44bce1b323275fb67aad9a54136a1bef193cf4c2c5be786adbf94ec1b173f"}, + {file = "ctranslate2-4.0.0-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:e3229a7dd20212c7c68b544eb6be4d32b6670f1788709c29339c408941f1929b"}, + {file = "ctranslate2-4.0.0-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:1cd1f054381af61bd5dae951e1624ad5efb8f2f5c77c0f3716e1cfaf7a200879"}, + {file = "ctranslate2-4.0.0-cp39-cp39-win_amd64.whl", hash = "sha256:e546387645bfc2a0dc80c9d6f1b442f7554f342b094a2e443839fb7036b3ac16"}, ] [package.dependencies] @@ -889,6 +881,36 @@ numpy = "*" pyyaml = ">=5.3,<7" setuptools = "*" +[[package]] +name = "cupy-cuda12x" +version = "12.1.0" +description = "CuPy: NumPy & SciPy for GPU" +optional = false +python-versions = ">=3.8" +files = [ + {file = "cupy_cuda12x-12.1.0-cp310-cp310-manylinux2014_aarch64.whl", hash = "sha256:a3dbc76ce0f697a943061ddd2c47bc2138bc23ab56a020f1f5ff9141861b5245"}, + {file = "cupy_cuda12x-12.1.0-cp310-cp310-manylinux2014_x86_64.whl", hash = "sha256:c432a0020f6d6e3399149e73128a9a581c29e4f996a4b63614811c47a82cf44e"}, + {file = "cupy_cuda12x-12.1.0-cp310-cp310-win_amd64.whl", hash = "sha256:a559f42db28ed10aea9642b9084dcb31860b46243714a464089daffe6c0a7e8f"}, + {file = "cupy_cuda12x-12.1.0-cp311-cp311-manylinux2014_aarch64.whl", hash = "sha256:60a71296f8530a65e7fb693635f6d5963557789a34a42a7d8ca9f31b40c35920"}, + {file = "cupy_cuda12x-12.1.0-cp311-cp311-manylinux2014_x86_64.whl", hash = "sha256:752a49c40654311d53a8953d8c16f7e216e10e8514599a476ea80c6f6b2b0163"}, + {file = "cupy_cuda12x-12.1.0-cp311-cp311-win_amd64.whl", hash = "sha256:89a2f089cb04783dcfbca1c4e82338953fb933f1e6d838ec50713b9b8bd0a9c8"}, + {file = "cupy_cuda12x-12.1.0-cp38-cp38-manylinux2014_aarch64.whl", hash = "sha256:d81dfdc7f6f47c392f24aa504e3b64732eb76a90b1e7ca31ad7265371be0ac42"}, + {file = "cupy_cuda12x-12.1.0-cp38-cp38-manylinux2014_x86_64.whl", hash = "sha256:dc479d0397bb196a62c05322c0ff81a57af4dbbd020a7fbbb4b0843c35f61c27"}, + {file = "cupy_cuda12x-12.1.0-cp38-cp38-win_amd64.whl", hash = "sha256:7ea86c085fca8e41579aced5a5fef45cc2dd90c270e030c32213cea2c471bb40"}, + {file = "cupy_cuda12x-12.1.0-cp39-cp39-manylinux2014_aarch64.whl", hash = "sha256:b52144ebbb3e1de1ca3da8c18b7c61066ac1f6d82e6252b7ea37ad11c66b5c3a"}, + {file = "cupy_cuda12x-12.1.0-cp39-cp39-manylinux2014_x86_64.whl", hash = "sha256:1ecd027d279553a9e170c3724f9d1eb091dbf81b1eabbd2165add0da5d68a5bc"}, + {file = "cupy_cuda12x-12.1.0-cp39-cp39-win_amd64.whl", hash = "sha256:259fccac3eeca4b9a04e1d2d32a1f79e74436d2b299a6b6bea7b84435c1dad0e"}, +] + +[package.dependencies] +fastrlock = ">=0.5" +numpy = ">=1.20,<1.27" + +[package.extras] +all = ["Cython (>=0.29.22,<3)", "optuna (>=2.0)", "scipy (>=1.6,<1.13)"] +stylecheck = ["autopep8 (==1.5.5)", "flake8 (==3.8.4)", "mypy (==0.950)", "pbr (==5.5.1)", "pycodestyle (==2.6.0)", "types-setuptools (==57.4.14)"] +test = ["hypothesis (>=6.37.2,<6.55.0)", "pytest (>=7.2)"] + [[package]] name = "cycler" version = "0.12.1" @@ -906,29 +928,33 @@ tests = ["pytest", "pytest-cov", "pytest-xdist"] [[package]] name = "debugpy" -version = "1.8.0" +version = "1.8.1" description = "An implementation of the Debug Adapter Protocol for Python" optional = false python-versions = ">=3.8" files = [ - {file = "debugpy-1.8.0-cp310-cp310-macosx_11_0_x86_64.whl", hash = "sha256:7fb95ca78f7ac43393cd0e0f2b6deda438ec7c5e47fa5d38553340897d2fbdfb"}, - {file = "debugpy-1.8.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ef9ab7df0b9a42ed9c878afd3eaaff471fce3fa73df96022e1f5c9f8f8c87ada"}, - {file = "debugpy-1.8.0-cp310-cp310-win32.whl", hash = "sha256:a8b7a2fd27cd9f3553ac112f356ad4ca93338feadd8910277aff71ab24d8775f"}, - {file = "debugpy-1.8.0-cp310-cp310-win_amd64.whl", hash = "sha256:5d9de202f5d42e62f932507ee8b21e30d49aae7e46d5b1dd5c908db1d7068637"}, - {file = "debugpy-1.8.0-cp311-cp311-macosx_11_0_universal2.whl", hash = "sha256:ef54404365fae8d45cf450d0544ee40cefbcb9cb85ea7afe89a963c27028261e"}, - {file = "debugpy-1.8.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:60009b132c91951354f54363f8ebdf7457aeb150e84abba5ae251b8e9f29a8a6"}, - {file = "debugpy-1.8.0-cp311-cp311-win32.whl", hash = "sha256:8cd0197141eb9e8a4566794550cfdcdb8b3db0818bdf8c49a8e8f8053e56e38b"}, - {file = "debugpy-1.8.0-cp311-cp311-win_amd64.whl", hash = "sha256:a64093656c4c64dc6a438e11d59369875d200bd5abb8f9b26c1f5f723622e153"}, - {file = "debugpy-1.8.0-cp38-cp38-macosx_11_0_x86_64.whl", hash = "sha256:b05a6b503ed520ad58c8dc682749113d2fd9f41ffd45daec16e558ca884008cd"}, - {file = "debugpy-1.8.0-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:3c6fb41c98ec51dd010d7ed650accfd07a87fe5e93eca9d5f584d0578f28f35f"}, - {file = "debugpy-1.8.0-cp38-cp38-win32.whl", hash = "sha256:46ab6780159eeabb43c1495d9c84cf85d62975e48b6ec21ee10c95767c0590aa"}, - {file = "debugpy-1.8.0-cp38-cp38-win_amd64.whl", hash = "sha256:bdc5ef99d14b9c0fcb35351b4fbfc06ac0ee576aeab6b2511702e5a648a2e595"}, - {file = "debugpy-1.8.0-cp39-cp39-macosx_11_0_x86_64.whl", hash = "sha256:61eab4a4c8b6125d41a34bad4e5fe3d2cc145caecd63c3fe953be4cc53e65bf8"}, - {file = "debugpy-1.8.0-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:125b9a637e013f9faac0a3d6a82bd17c8b5d2c875fb6b7e2772c5aba6d082332"}, - {file = "debugpy-1.8.0-cp39-cp39-win32.whl", hash = "sha256:57161629133113c97b387382045649a2b985a348f0c9366e22217c87b68b73c6"}, - {file = "debugpy-1.8.0-cp39-cp39-win_amd64.whl", hash = "sha256:e3412f9faa9ade82aa64a50b602544efcba848c91384e9f93497a458767e6926"}, - {file = "debugpy-1.8.0-py2.py3-none-any.whl", hash = "sha256:9c9b0ac1ce2a42888199df1a1906e45e6f3c9555497643a85e0bf2406e3ffbc4"}, - {file = "debugpy-1.8.0.zip", hash = "sha256:12af2c55b419521e33d5fb21bd022df0b5eb267c3e178f1d374a63a2a6bdccd0"}, + {file = "debugpy-1.8.1-cp310-cp310-macosx_11_0_x86_64.whl", hash = "sha256:3bda0f1e943d386cc7a0e71bfa59f4137909e2ed947fb3946c506e113000f741"}, + {file = "debugpy-1.8.1-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:dda73bf69ea479c8577a0448f8c707691152e6c4de7f0c4dec5a4bc11dee516e"}, + {file = "debugpy-1.8.1-cp310-cp310-win32.whl", hash = "sha256:3a79c6f62adef994b2dbe9fc2cc9cc3864a23575b6e387339ab739873bea53d0"}, + {file = "debugpy-1.8.1-cp310-cp310-win_amd64.whl", hash = "sha256:7eb7bd2b56ea3bedb009616d9e2f64aab8fc7000d481faec3cd26c98a964bcdd"}, + {file = "debugpy-1.8.1-cp311-cp311-macosx_11_0_universal2.whl", hash = "sha256:016a9fcfc2c6b57f939673c874310d8581d51a0fe0858e7fac4e240c5eb743cb"}, + {file = "debugpy-1.8.1-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:fd97ed11a4c7f6d042d320ce03d83b20c3fb40da892f994bc041bbc415d7a099"}, + {file = "debugpy-1.8.1-cp311-cp311-win32.whl", hash = "sha256:0de56aba8249c28a300bdb0672a9b94785074eb82eb672db66c8144fff673146"}, + {file = "debugpy-1.8.1-cp311-cp311-win_amd64.whl", hash = "sha256:1a9fe0829c2b854757b4fd0a338d93bc17249a3bf69ecf765c61d4c522bb92a8"}, + {file = "debugpy-1.8.1-cp312-cp312-macosx_11_0_universal2.whl", hash = "sha256:3ebb70ba1a6524d19fa7bb122f44b74170c447d5746a503e36adc244a20ac539"}, + {file = "debugpy-1.8.1-cp312-cp312-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:a2e658a9630f27534e63922ebf655a6ab60c370f4d2fc5c02a5b19baf4410ace"}, + {file = "debugpy-1.8.1-cp312-cp312-win32.whl", hash = "sha256:caad2846e21188797a1f17fc09c31b84c7c3c23baf2516fed5b40b378515bbf0"}, + {file = "debugpy-1.8.1-cp312-cp312-win_amd64.whl", hash = "sha256:edcc9f58ec0fd121a25bc950d4578df47428d72e1a0d66c07403b04eb93bcf98"}, + {file = "debugpy-1.8.1-cp38-cp38-macosx_11_0_x86_64.whl", hash = "sha256:7a3afa222f6fd3d9dfecd52729bc2e12c93e22a7491405a0ecbf9e1d32d45b39"}, + {file = "debugpy-1.8.1-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:d915a18f0597ef685e88bb35e5d7ab968964b7befefe1aaea1eb5b2640b586c7"}, + {file = "debugpy-1.8.1-cp38-cp38-win32.whl", hash = "sha256:92116039b5500633cc8d44ecc187abe2dfa9b90f7a82bbf81d079fcdd506bae9"}, + {file = "debugpy-1.8.1-cp38-cp38-win_amd64.whl", hash = "sha256:e38beb7992b5afd9d5244e96ad5fa9135e94993b0c551ceebf3fe1a5d9beb234"}, + {file = "debugpy-1.8.1-cp39-cp39-macosx_11_0_x86_64.whl", hash = "sha256:bfb20cb57486c8e4793d41996652e5a6a885b4d9175dd369045dad59eaacea42"}, + {file = "debugpy-1.8.1-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:efd3fdd3f67a7e576dd869c184c5dd71d9aaa36ded271939da352880c012e703"}, + {file = "debugpy-1.8.1-cp39-cp39-win32.whl", hash = "sha256:58911e8521ca0c785ac7a0539f1e77e0ce2df753f786188f382229278b4cdf23"}, + {file = "debugpy-1.8.1-cp39-cp39-win_amd64.whl", hash = "sha256:6df9aa9599eb05ca179fb0b810282255202a66835c6efb1d112d21ecb830ddd3"}, + {file = "debugpy-1.8.1-py2.py3-none-any.whl", hash = "sha256:28acbe2241222b87e255260c76741e1fbf04fdc3b6d094fcf57b6c6f75ce1242"}, + {file = "debugpy-1.8.1.zip", hash = "sha256:f696d6be15be87aef621917585f9bb94b1dc9e8aced570db1b8a6fc14e8f9b42"}, ] [[package]] @@ -1068,26 +1094,110 @@ all = ["email-validator (>=2.0.0)", "httpx (>=0.23.0)", "itsdangerous (>=1.1.0)" [[package]] name = "faster-whisper" -version = "0.9.0" +version = "1.0.0" description = "Faster Whisper transcription with CTranslate2" optional = false python-versions = ">=3.8" files = [ - {file = "faster-whisper-0.9.0.tar.gz", hash = "sha256:9727a3151ee601090386a5f1e6d8654ae04f617c5e6d24f28ea1d9232eebf37a"}, - {file = "faster_whisper-0.9.0-py3-none-any.whl", hash = "sha256:ba7fa0d4166548d611177350fe3d639ded222f8c159a6aebedfb2d4f186da222"}, + {file = "faster-whisper-1.0.0.tar.gz", hash = "sha256:38db6fcfbd4ce1bf5027fbb4310ef8ed4d2f0b37674b1f2d833e172c352c89d7"}, + {file = "faster_whisper-1.0.0-py3-none-any.whl", hash = "sha256:96f6f957abb594fa393179b49b7ba0e3241195fc39e07b252574b057f61f8d74"}, ] [package.dependencies] -av = "==10.*" -ctranslate2 = ">=3.17,<4" +av = "==11.*" +ctranslate2 = ">=4.0,<5" huggingface-hub = ">=0.13" onnxruntime = ">=1.14,<2" -tokenizers = ">=0.13,<0.15" +tokenizers = ">=0.13,<0.16" [package.extras] conversion = ["transformers[torch] (>=4.23)"] dev = ["black (==23.*)", "flake8 (==6.*)", "isort (==5.*)", "pytest (==7.*)"] +[[package]] +name = "fastrlock" +version = "0.8.2" +description = "Fast, re-entrant optimistic lock implemented in Cython" +optional = false +python-versions = "*" +files = [ + {file = "fastrlock-0.8.2-cp27-cp27m-macosx_10_15_x86_64.whl", hash = "sha256:94e348c72a1fd1f8191f25ea056448e4f5a87b8fbf005b39d290dcb0581a48cd"}, + {file = "fastrlock-0.8.2-cp27-cp27m-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:2d5595903444c854b99c42122b87edfe8a37cd698a4eae32f4fd1d2a7b6c115d"}, + {file = "fastrlock-0.8.2-cp27-cp27m-manylinux_2_5_x86_64.manylinux1_x86_64.whl", hash = "sha256:e4bbde174a0aff5f6eeba75cf8c4c5d2a316316bc21f03a0bddca0fc3659a6f3"}, + {file = "fastrlock-0.8.2-cp27-cp27mu-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:7a2ccaf88ac0db153e84305d1ef0aa138cea82c6a88309066f6eaa3bc98636cd"}, + {file = "fastrlock-0.8.2-cp27-cp27mu-manylinux_2_5_x86_64.manylinux1_x86_64.whl", hash = "sha256:31a27a2edf482df72b91fe6c6438314d2c65290aa7becc55589d156c9b91f0da"}, + {file = "fastrlock-0.8.2-cp310-cp310-macosx_11_0_x86_64.whl", hash = "sha256:e9904b5b37c3e5bb4a245c56bc4b7e497da57ffb8528f4fc39af9dcb168ee2e1"}, + {file = "fastrlock-0.8.2-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.manylinux_2_24_aarch64.whl", hash = "sha256:43a241655e83e4603a152192cf022d5ca348c2f4e56dfb02e5c9c4c1a32f9cdb"}, + {file = "fastrlock-0.8.2-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:9121a894d74e65557e47e777060a495ab85f4b903e80dd73a3c940ba042920d7"}, + {file = "fastrlock-0.8.2-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_24_i686.whl", hash = "sha256:11bbbbc526363955aeddb9eec4cee2a0012322b7b2f15b54f44454fcf4fd398a"}, + {file = "fastrlock-0.8.2-cp310-cp310-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_24_x86_64.whl", hash = "sha256:27786c62a400e282756ae1b090bcd7cfa35f28270cff65a9e7b27a5327a32561"}, + {file = "fastrlock-0.8.2-cp310-cp310-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:08315bde19d0c2e6b06593d5a418be3dc8f9b1ee721afa96867b9853fceb45cf"}, + {file = "fastrlock-0.8.2-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:e8b49b5743ede51e0bcf6805741f39f5e0e0fd6a172ba460cb39e3097ba803bb"}, + {file = "fastrlock-0.8.2-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:b443e73a4dfc7b6e0800ea4c13567b9694358e86f53bb2612a51c9e727cac67b"}, + {file = "fastrlock-0.8.2-cp310-cp310-win_amd64.whl", hash = "sha256:b3853ed4ce522598dc886160a7bab432a093051af85891fa2f5577c1dcac8ed6"}, + {file = "fastrlock-0.8.2-cp311-cp311-macosx_10_15_universal2.whl", hash = "sha256:790fc19bccbd39426060047e53629f171a44745613bf360a045e9f9c8c4a2cea"}, + {file = "fastrlock-0.8.2-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.manylinux_2_24_aarch64.whl", hash = "sha256:dbdce852e6bb66e1b8c36679d482971d69d93acf1785657522e51b7de30c3356"}, + {file = "fastrlock-0.8.2-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:d47713ffe6d4a627fbf078be9836a95ac106b4a0543e3841572c91e292a5d885"}, + {file = "fastrlock-0.8.2-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_24_i686.whl", hash = "sha256:ea96503b918fceaf40443182742b8964d47b65c5ebdea532893cb9479620000c"}, + {file = "fastrlock-0.8.2-cp311-cp311-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_24_x86_64.whl", hash = "sha256:c6bffa978793bea5e1b00e677062e53a62255439339591b70e209fa1552d5ee0"}, + {file = "fastrlock-0.8.2-cp311-cp311-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:75c07726c8b1a52147fd7987d6baaa318c5dced1416c3f25593e40f56e10755b"}, + {file = "fastrlock-0.8.2-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:88f079335e9da631efa64486c8207564a7bcd0c00526bb9e842e9d5b7e50a6cc"}, + {file = "fastrlock-0.8.2-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:4fb2e77ff04bc4beb71d63c8e064f052ce5a6ea1e001d528d4d7f4b37d736f2e"}, + {file = "fastrlock-0.8.2-cp311-cp311-win_amd64.whl", hash = "sha256:b4c9083ea89ab236b06e9ef2263971db3b4b507195fc7d5eecab95828dcae325"}, + {file = "fastrlock-0.8.2-cp312-cp312-macosx_10_15_universal2.whl", hash = "sha256:98195866d3a9949915935d40a88e4f1c166e82e378f622c88025f2938624a90a"}, + {file = "fastrlock-0.8.2-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:b22ea9bf5f9fad2b0077e944a7813f91593a4f61adf8faf734a70aed3f2b3a40"}, + {file = "fastrlock-0.8.2-cp312-cp312-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:dcc1bf0ac8a194313cf6e645e300a8a379674ceed8e0b1e910a2de3e3c28989e"}, + {file = "fastrlock-0.8.2-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:a3dcc876050b8f5cbc0ee84ef1e7f0c1dfe7c148f10098828bc4403683c33f10"}, + {file = "fastrlock-0.8.2-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:685e656048b59d8dfde8c601f188ad53a4d719eb97080cafc8696cda6d75865e"}, + {file = "fastrlock-0.8.2-cp312-cp312-win_amd64.whl", hash = "sha256:fb5363cf0fddd9b50525ddbf64a1e1b28ec4c6dfb28670a940cb1cf988a6786b"}, + {file = "fastrlock-0.8.2-cp35-cp35m-macosx_10_15_x86_64.whl", hash = "sha256:a74f5a92fa6e51c4f3c69b29c4662088b97be12f40652a21109605a175c81824"}, + {file = "fastrlock-0.8.2-cp35-cp35m-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:ccf39ad5702e33e4d335b48ef9d56e21619b529b7f7471b5211419f380329b62"}, + {file = "fastrlock-0.8.2-cp35-cp35m-manylinux_2_5_x86_64.manylinux1_x86_64.whl", hash = "sha256:66f2662c640bb71a1016a031eea6eef9d25c2bcdf7ffd1d1ddc5a58f9a1ced04"}, + {file = "fastrlock-0.8.2-cp36-cp36m-macosx_10_15_x86_64.whl", hash = "sha256:17734e2e5af4c07ddb0fb10bd484e062c22de3be6b67940b9cc6ec2f18fa61ba"}, + {file = "fastrlock-0.8.2-cp36-cp36m-manylinux_2_17_aarch64.manylinux2014_aarch64.manylinux_2_24_aarch64.whl", hash = "sha256:ab91b0c36e95d42e1041a4907e3eefd06c482d53af3c7a77be7e214cc7cd4a63"}, + {file = "fastrlock-0.8.2-cp36-cp36m-manylinux_2_17_aarch64.manylinux2014_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:b32fdf874868326351a75b1e4c02f97e802147119ae44c52d3d9da193ec34f5b"}, + {file = "fastrlock-0.8.2-cp36-cp36m-manylinux_2_5_i686.manylinux1_i686.manylinux_2_24_i686.whl", hash = "sha256:2074548a335fcf7d19ebb18d9208da9e33b06f745754466a7e001d2b1c58dd19"}, + {file = "fastrlock-0.8.2-cp36-cp36m-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:4fb04442b6d1e2b36c774919c6bcbe3339c61b337261d4bd57e27932589095af"}, + {file = "fastrlock-0.8.2-cp36-cp36m-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_24_x86_64.whl", hash = "sha256:1fed2f4797ad68e9982038423018cf08bec5f4ce9fed63a94a790773ed6a795c"}, + {file = "fastrlock-0.8.2-cp36-cp36m-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:e380ec4e6d8b26e389713995a43cb7fe56baea2d25fe073d4998c4821a026211"}, + {file = "fastrlock-0.8.2-cp36-cp36m-manylinux_2_5_x86_64.manylinux1_x86_64.whl", hash = "sha256:25945f962c7bd808415cfde3da624d4399d4ea71ed8918538375f16bceb79e1c"}, + {file = "fastrlock-0.8.2-cp36-cp36m-musllinux_1_1_aarch64.whl", hash = "sha256:2c1719ddc8218b01e82fb2e82e8451bd65076cb96d7bef4477194bbb4305a968"}, + {file = "fastrlock-0.8.2-cp36-cp36m-musllinux_1_1_x86_64.whl", hash = "sha256:5460c5ee6ced6d61ec8cd2324ebbe793a4960c4ffa2131ffff480e3b61c99ec5"}, + {file = "fastrlock-0.8.2-cp36-cp36m-win_amd64.whl", hash = "sha256:33145acbad8317584cd64588131c7e1e286beef6280c0009b4544c91fce171d2"}, + {file = "fastrlock-0.8.2-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.manylinux_2_24_aarch64.whl", hash = "sha256:59344c1d46b7dec97d3f22f1cc930fafe8980b3c5bc9c9765c56738a5f1559e4"}, + {file = "fastrlock-0.8.2-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:b2a1c354f13f22b737621d914f3b4a8434ae69d3027a775e94b3e671756112f9"}, + {file = "fastrlock-0.8.2-cp37-cp37m-manylinux_2_5_i686.manylinux1_i686.manylinux_2_24_i686.whl", hash = "sha256:cf81e0278b645004388873e0a1f9e3bc4c9ab8c18e377b14ed1a544be4b18c9a"}, + {file = "fastrlock-0.8.2-cp37-cp37m-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:1b15430b93d7eb3d56f6ff690d2ebecb79ed0e58248427717eba150a508d1cd7"}, + {file = "fastrlock-0.8.2-cp37-cp37m-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_24_x86_64.whl", hash = "sha256:067edb0a0805bf61e17a251d5046af59f6e9d2b8ad01222e0ef7a0b7937d5548"}, + {file = "fastrlock-0.8.2-cp37-cp37m-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:eb31fe390f03f7ae886dcc374f1099ec88526631a4cb891d399b68181f154ff0"}, + {file = "fastrlock-0.8.2-cp37-cp37m-manylinux_2_5_x86_64.manylinux1_x86_64.whl", hash = "sha256:643e1e65b4f5b284427e61a894d876d10459820e93aa1e724dfb415117be24e0"}, + {file = "fastrlock-0.8.2-cp37-cp37m-musllinux_1_1_aarch64.whl", hash = "sha256:5dfb78dd600a12f23fc0c3ec58f81336229fdc74501ecf378d1ce5b3f2f313ea"}, + {file = "fastrlock-0.8.2-cp37-cp37m-musllinux_1_1_x86_64.whl", hash = "sha256:b8ca0fe21458457077e4cb2d81e1ebdb146a00b3e9e2db6180a773f7ea905032"}, + {file = "fastrlock-0.8.2-cp37-cp37m-win_amd64.whl", hash = "sha256:d918dfe473291e8bfd8e13223ea5cb9b317bd9f50c280923776c377f7c64b428"}, + {file = "fastrlock-0.8.2-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.manylinux_2_24_aarch64.whl", hash = "sha256:c393af77c659a38bffbca215c0bcc8629ba4299568308dd7e4ff65d62cabed39"}, + {file = "fastrlock-0.8.2-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:73426f5eb2ecc10626c67cf86bd0af9e00d53e80e5c67d5ce8e18376d6abfa09"}, + {file = "fastrlock-0.8.2-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.manylinux_2_24_i686.whl", hash = "sha256:320fd55bafee3eb069cfb5d6491f811a912758387ef2193840e2663e80e16f48"}, + {file = "fastrlock-0.8.2-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:8c1c91a68926421f5ccbc82c85f83bd3ba593b121a46a1b9a554b3f0dd67a4bf"}, + {file = "fastrlock-0.8.2-cp38-cp38-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_24_x86_64.whl", hash = "sha256:ad1bc61c7f6b0e58106aaab034916b6cb041757f708b07fbcdd9d6e1ac629225"}, + {file = "fastrlock-0.8.2-cp38-cp38-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:87f4e01b042c84e6090dbc4fbe3415ddd69f6bc0130382323f9d3f1b8dd71b46"}, + {file = "fastrlock-0.8.2-cp38-cp38-manylinux_2_5_x86_64.manylinux1_x86_64.whl", hash = "sha256:d34546ad2e4a480b94b6797bcc5a322b3c705c4c74c3e4e545c4a3841c1b2d59"}, + {file = "fastrlock-0.8.2-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:ebb32d776b61acd49f859a1d16b9e3d84e7b46d0d92aebd58acd54dc38e96664"}, + {file = "fastrlock-0.8.2-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:30bdbe4662992348132d03996700e1cf910d141d629179b967b146a22942264e"}, + {file = "fastrlock-0.8.2-cp38-cp38-win_amd64.whl", hash = "sha256:07ed3c7b3867c05a3d6be4ced200c7767000f3431b9be6da66972822dd86e8be"}, + {file = "fastrlock-0.8.2-cp39-cp39-macosx_11_0_x86_64.whl", hash = "sha256:ddf5d247f686aec853ddcc9a1234bfcc6f57b0a0670d2ad82fc25d8ae7e6a15f"}, + {file = "fastrlock-0.8.2-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.manylinux_2_24_aarch64.whl", hash = "sha256:7269bb3fc15587b0c191eecd95831d771a7d80f0c48929e560806b038ff3066c"}, + {file = "fastrlock-0.8.2-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:adcb9e77aa132cc6c9de2ffe7cf880a20aa8cdba21d367d1da1a412f57bddd5d"}, + {file = "fastrlock-0.8.2-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_24_i686.whl", hash = "sha256:a3b8b5d2935403f1b4b25ae324560e94b59593a38c0d2e7b6c9872126a9622ed"}, + {file = "fastrlock-0.8.2-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:2587cedbb36c7988e707d83f0f1175c1f882f362b5ebbee25d70218ea33d220d"}, + {file = "fastrlock-0.8.2-cp39-cp39-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_24_x86_64.whl", hash = "sha256:9af691a9861027181d4de07ed74f0aee12a9650ac60d0a07f4320bff84b5d95f"}, + {file = "fastrlock-0.8.2-cp39-cp39-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:99dd6652bd6f730beadf74ef769d38c6bbd8ee6d1c15c8d138ea680b0594387f"}, + {file = "fastrlock-0.8.2-cp39-cp39-manylinux_2_5_x86_64.manylinux1_x86_64.whl", hash = "sha256:4d63b6596368dab9e0cc66bf047e7182a56f33b34db141816a4f21f5bf958228"}, + {file = "fastrlock-0.8.2-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:ff75c90663d6e8996610d435e71487daa853871ad1770dd83dc0f2fc4997241e"}, + {file = "fastrlock-0.8.2-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:e27c3cd27fbd25e5223c5c992b300cd4ee8f0a75c6f222ce65838138d853712c"}, + {file = "fastrlock-0.8.2-cp39-cp39-win_amd64.whl", hash = "sha256:dd961a32a7182c3891cdebca417fda67496d5d5de6ae636962254d22723bdf52"}, + {file = "fastrlock-0.8.2.tar.gz", hash = "sha256:644ec9215cf9c4df8028d8511379a15d9c1af3e16d80e47f1b6fdc6ba118356a"}, +] + [[package]] name = "filelock" version = "3.13.1" @@ -1117,60 +1227,60 @@ files = [ [[package]] name = "fonttools" -version = "4.47.2" +version = "4.49.0" description = "Tools to manipulate font files" optional = false python-versions = ">=3.8" files = [ - {file = "fonttools-4.47.2-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:3b629108351d25512d4ea1a8393a2dba325b7b7d7308116b605ea3f8e1be88df"}, - {file = "fonttools-4.47.2-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:c19044256c44fe299d9a73456aabee4b4d06c6b930287be93b533b4737d70aa1"}, - {file = "fonttools-4.47.2-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:b8be28c036b9f186e8c7eaf8a11b42373e7e4949f9e9f370202b9da4c4c3f56c"}, - {file = "fonttools-4.47.2-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:f83a4daef6d2a202acb9bf572958f91cfde5b10c8ee7fb1d09a4c81e5d851fd8"}, - {file = "fonttools-4.47.2-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:4a5a5318ba5365d992666ac4fe35365f93004109d18858a3e18ae46f67907670"}, - {file = "fonttools-4.47.2-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:8f57ecd742545362a0f7186774b2d1c53423ed9ece67689c93a1055b236f638c"}, - {file = "fonttools-4.47.2-cp310-cp310-win32.whl", hash = "sha256:a1c154bb85dc9a4cf145250c88d112d88eb414bad81d4cb524d06258dea1bdc0"}, - {file = "fonttools-4.47.2-cp310-cp310-win_amd64.whl", hash = "sha256:3e2b95dce2ead58fb12524d0ca7d63a63459dd489e7e5838c3cd53557f8933e1"}, - {file = "fonttools-4.47.2-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:29495d6d109cdbabe73cfb6f419ce67080c3ef9ea1e08d5750240fd4b0c4763b"}, - {file = "fonttools-4.47.2-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:0a1d313a415eaaba2b35d6cd33536560deeebd2ed758b9bfb89ab5d97dc5deac"}, - {file = "fonttools-4.47.2-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:90f898cdd67f52f18049250a6474185ef6544c91f27a7bee70d87d77a8daf89c"}, - {file = "fonttools-4.47.2-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:3480eeb52770ff75140fe7d9a2ec33fb67b07efea0ab5129c7e0c6a639c40c70"}, - {file = "fonttools-4.47.2-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:0255dbc128fee75fb9be364806b940ed450dd6838672a150d501ee86523ac61e"}, - {file = "fonttools-4.47.2-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:f791446ff297fd5f1e2247c188de53c1bfb9dd7f0549eba55b73a3c2087a2703"}, - {file = "fonttools-4.47.2-cp311-cp311-win32.whl", hash = "sha256:740947906590a878a4bde7dd748e85fefa4d470a268b964748403b3ab2aeed6c"}, - {file = "fonttools-4.47.2-cp311-cp311-win_amd64.whl", hash = "sha256:63fbed184979f09a65aa9c88b395ca539c94287ba3a364517698462e13e457c9"}, - {file = "fonttools-4.47.2-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:4ec558c543609e71b2275c4894e93493f65d2f41c15fe1d089080c1d0bb4d635"}, - {file = "fonttools-4.47.2-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:e040f905d542362e07e72e03612a6270c33d38281fd573160e1003e43718d68d"}, - {file = "fonttools-4.47.2-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:6dd58cc03016b281bd2c74c84cdaa6bd3ce54c5a7f47478b7657b930ac3ed8eb"}, - {file = "fonttools-4.47.2-cp312-cp312-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:32ab2e9702dff0dd4510c7bb958f265a8d3dd5c0e2547e7b5f7a3df4979abb07"}, - {file = "fonttools-4.47.2-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:3a808f3c1d1df1f5bf39be869b6e0c263570cdafb5bdb2df66087733f566ea71"}, - {file = "fonttools-4.47.2-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:ac71e2e201df041a2891067dc36256755b1229ae167edbdc419b16da78732c2f"}, - {file = "fonttools-4.47.2-cp312-cp312-win32.whl", hash = "sha256:69731e8bea0578b3c28fdb43dbf95b9386e2d49a399e9a4ad736b8e479b08085"}, - {file = "fonttools-4.47.2-cp312-cp312-win_amd64.whl", hash = "sha256:b3e1304e5f19ca861d86a72218ecce68f391646d85c851742d265787f55457a4"}, - {file = "fonttools-4.47.2-cp38-cp38-macosx_10_9_universal2.whl", hash = "sha256:254d9a6f7be00212bf0c3159e0a420eb19c63793b2c05e049eb337f3023c5ecc"}, - {file = "fonttools-4.47.2-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:eabae77a07c41ae0b35184894202305c3ad211a93b2eb53837c2a1143c8bc952"}, - {file = "fonttools-4.47.2-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a86a5ab2873ed2575d0fcdf1828143cfc6b977ac448e3dc616bb1e3d20efbafa"}, - {file = "fonttools-4.47.2-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:13819db8445a0cec8c3ff5f243af6418ab19175072a9a92f6cc8ca7d1452754b"}, - {file = "fonttools-4.47.2-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:4e743935139aa485fe3253fc33fe467eab6ea42583fa681223ea3f1a93dd01e6"}, - {file = "fonttools-4.47.2-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:d49ce3ea7b7173faebc5664872243b40cf88814ca3eb135c4a3cdff66af71946"}, - {file = "fonttools-4.47.2-cp38-cp38-win32.whl", hash = "sha256:94208ea750e3f96e267f394d5588579bb64cc628e321dbb1d4243ffbc291b18b"}, - {file = "fonttools-4.47.2-cp38-cp38-win_amd64.whl", hash = "sha256:0f750037e02beb8b3569fbff701a572e62a685d2a0e840d75816592280e5feae"}, - {file = "fonttools-4.47.2-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:3d71606c9321f6701642bd4746f99b6089e53d7e9817fc6b964e90d9c5f0ecc6"}, - {file = "fonttools-4.47.2-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:86e0427864c6c91cf77f16d1fb9bf1bbf7453e824589e8fb8461b6ee1144f506"}, - {file = "fonttools-4.47.2-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:0a00bd0e68e88987dcc047ea31c26d40a3c61185153b03457956a87e39d43c37"}, - {file = "fonttools-4.47.2-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:a5d77479fb885ef38a16a253a2f4096bc3d14e63a56d6246bfdb56365a12b20c"}, - {file = "fonttools-4.47.2-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:5465df494f20a7d01712b072ae3ee9ad2887004701b95cb2cc6dcb9c2c97a899"}, - {file = "fonttools-4.47.2-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:4c811d3c73b6abac275babb8aa439206288f56fdb2c6f8835e3d7b70de8937a7"}, - {file = "fonttools-4.47.2-cp39-cp39-win32.whl", hash = "sha256:5b60e3afa9635e3dfd3ace2757039593e3bd3cf128be0ddb7a1ff4ac45fa5a50"}, - {file = "fonttools-4.47.2-cp39-cp39-win_amd64.whl", hash = "sha256:7ee48bd9d6b7e8f66866c9090807e3a4a56cf43ffad48962725a190e0dd774c8"}, - {file = "fonttools-4.47.2-py3-none-any.whl", hash = "sha256:7eb7ad665258fba68fd22228a09f347469d95a97fb88198e133595947a20a184"}, - {file = "fonttools-4.47.2.tar.gz", hash = "sha256:7df26dd3650e98ca45f1e29883c96a0b9f5bb6af8d632a6a108bc744fa0bd9b3"}, + {file = "fonttools-4.49.0-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:d970ecca0aac90d399e458f0b7a8a597e08f95de021f17785fb68e2dc0b99717"}, + {file = "fonttools-4.49.0-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:ac9a745b7609f489faa65e1dc842168c18530874a5f5b742ac3dd79e26bca8bc"}, + {file = "fonttools-4.49.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:0ba0e00620ca28d4ca11fc700806fd69144b463aa3275e1b36e56c7c09915559"}, + {file = "fonttools-4.49.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:cdee3ab220283057e7840d5fb768ad4c2ebe65bdba6f75d5d7bf47f4e0ed7d29"}, + {file = "fonttools-4.49.0-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:ce7033cb61f2bb65d8849658d3786188afd80f53dad8366a7232654804529532"}, + {file = "fonttools-4.49.0-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:07bc5ea02bb7bc3aa40a1eb0481ce20e8d9b9642a9536cde0218290dd6085828"}, + {file = "fonttools-4.49.0-cp310-cp310-win32.whl", hash = "sha256:86eef6aab7fd7c6c8545f3ebd00fd1d6729ca1f63b0cb4d621bccb7d1d1c852b"}, + {file = "fonttools-4.49.0-cp310-cp310-win_amd64.whl", hash = "sha256:1fac1b7eebfce75ea663e860e7c5b4a8831b858c17acd68263bc156125201abf"}, + {file = "fonttools-4.49.0-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:edc0cce355984bb3c1d1e89d6a661934d39586bb32191ebff98c600f8957c63e"}, + {file = "fonttools-4.49.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:83a0d9336de2cba86d886507dd6e0153df333ac787377325a39a2797ec529814"}, + {file = "fonttools-4.49.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:36c8865bdb5cfeec88f5028e7e592370a0657b676c6f1d84a2108e0564f90e22"}, + {file = "fonttools-4.49.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:33037d9e56e2562c710c8954d0f20d25b8386b397250d65581e544edc9d6b942"}, + {file = "fonttools-4.49.0-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:8fb022d799b96df3eaa27263e9eea306bd3d437cc9aa981820850281a02b6c9a"}, + {file = "fonttools-4.49.0-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:33c584c0ef7dc54f5dd4f84082eabd8d09d1871a3d8ca2986b0c0c98165f8e86"}, + {file = "fonttools-4.49.0-cp311-cp311-win32.whl", hash = "sha256:cbe61b158deb09cffdd8540dc4a948d6e8f4d5b4f3bf5cd7db09bd6a61fee64e"}, + {file = "fonttools-4.49.0-cp311-cp311-win_amd64.whl", hash = "sha256:fc11e5114f3f978d0cea7e9853627935b30d451742eeb4239a81a677bdee6bf6"}, + {file = "fonttools-4.49.0-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:d647a0e697e5daa98c87993726da8281c7233d9d4ffe410812a4896c7c57c075"}, + {file = "fonttools-4.49.0-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:f3bbe672df03563d1f3a691ae531f2e31f84061724c319652039e5a70927167e"}, + {file = "fonttools-4.49.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:bebd91041dda0d511b0d303180ed36e31f4f54b106b1259b69fade68413aa7ff"}, + {file = "fonttools-4.49.0-cp312-cp312-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:4145f91531fd43c50f9eb893faa08399816bb0b13c425667c48475c9f3a2b9b5"}, + {file = "fonttools-4.49.0-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:ea329dafb9670ffbdf4dbc3b0e5c264104abcd8441d56de77f06967f032943cb"}, + {file = "fonttools-4.49.0-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:c076a9e548521ecc13d944b1d261ff3d7825048c338722a4bd126d22316087b7"}, + {file = "fonttools-4.49.0-cp312-cp312-win32.whl", hash = "sha256:b607ea1e96768d13be26d2b400d10d3ebd1456343eb5eaddd2f47d1c4bd00880"}, + {file = "fonttools-4.49.0-cp312-cp312-win_amd64.whl", hash = "sha256:a974c49a981e187381b9cc2c07c6b902d0079b88ff01aed34695ec5360767034"}, + {file = "fonttools-4.49.0-cp38-cp38-macosx_10_9_universal2.whl", hash = "sha256:b85ec0bdd7bdaa5c1946398cbb541e90a6dfc51df76dfa88e0aaa41b335940cb"}, + {file = "fonttools-4.49.0-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:af20acbe198a8a790618ee42db192eb128afcdcc4e96d99993aca0b60d1faeb4"}, + {file = "fonttools-4.49.0-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:4d418b1fee41a1d14931f7ab4b92dc0bc323b490e41d7a333eec82c9f1780c75"}, + {file = "fonttools-4.49.0-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:b44a52b8e6244b6548851b03b2b377a9702b88ddc21dcaf56a15a0393d425cb9"}, + {file = "fonttools-4.49.0-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:7c7125068e04a70739dad11857a4d47626f2b0bd54de39e8622e89701836eabd"}, + {file = "fonttools-4.49.0-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:29e89d0e1a7f18bc30f197cfadcbef5a13d99806447c7e245f5667579a808036"}, + {file = "fonttools-4.49.0-cp38-cp38-win32.whl", hash = "sha256:9d95fa0d22bf4f12d2fb7b07a46070cdfc19ef5a7b1c98bc172bfab5bf0d6844"}, + {file = "fonttools-4.49.0-cp38-cp38-win_amd64.whl", hash = "sha256:768947008b4dc552d02772e5ebd49e71430a466e2373008ce905f953afea755a"}, + {file = "fonttools-4.49.0-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:08877e355d3dde1c11973bb58d4acad1981e6d1140711230a4bfb40b2b937ccc"}, + {file = "fonttools-4.49.0-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:fdb54b076f25d6b0f0298dc706acee5052de20c83530fa165b60d1f2e9cbe3cb"}, + {file = "fonttools-4.49.0-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:0af65c720520710cc01c293f9c70bd69684365c6015cc3671db2b7d807fe51f2"}, + {file = "fonttools-4.49.0-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:1f255ce8ed7556658f6d23f6afd22a6d9bbc3edb9b96c96682124dc487e1bf42"}, + {file = "fonttools-4.49.0-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:d00af0884c0e65f60dfaf9340e26658836b935052fdd0439952ae42e44fdd2be"}, + {file = "fonttools-4.49.0-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:263832fae27481d48dfafcc43174644b6706639661e242902ceb30553557e16c"}, + {file = "fonttools-4.49.0-cp39-cp39-win32.whl", hash = "sha256:0404faea044577a01bb82d47a8fa4bc7a54067fa7e324785dd65d200d6dd1133"}, + {file = "fonttools-4.49.0-cp39-cp39-win_amd64.whl", hash = "sha256:b050d362df50fc6e38ae3954d8c29bf2da52be384649ee8245fdb5186b620836"}, + {file = "fonttools-4.49.0-py3-none-any.whl", hash = "sha256:af281525e5dd7fa0b39fb1667b8d5ca0e2a9079967e14c4bfe90fd1cd13e0f18"}, + {file = "fonttools-4.49.0.tar.gz", hash = "sha256:ebf46e7f01b7af7861310417d7c49591a85d99146fc23a5ba82fdb28af156321"}, ] [package.extras] -all = ["brotli (>=1.0.1)", "brotlicffi (>=0.8.0)", "fs (>=2.2.0,<3)", "lxml (>=4.0,<5)", "lz4 (>=1.7.4.2)", "matplotlib", "munkres", "pycairo", "scipy", "skia-pathops (>=0.5.0)", "sympy", "uharfbuzz (>=0.23.0)", "unicodedata2 (>=15.1.0)", "xattr", "zopfli (>=0.1.4)"] +all = ["brotli (>=1.0.1)", "brotlicffi (>=0.8.0)", "fs (>=2.2.0,<3)", "lxml (>=4.0)", "lz4 (>=1.7.4.2)", "matplotlib", "munkres", "pycairo", "scipy", "skia-pathops (>=0.5.0)", "sympy", "uharfbuzz (>=0.23.0)", "unicodedata2 (>=15.1.0)", "xattr", "zopfli (>=0.1.4)"] graphite = ["lz4 (>=1.7.4.2)"] interpolatable = ["munkres", "pycairo", "scipy"] -lxml = ["lxml (>=4.0,<5)"] +lxml = ["lxml (>=4.0)"] pathops = ["skia-pathops (>=0.5.0)"] plot = ["matplotlib"] repacker = ["uharfbuzz (>=0.23.0)"] @@ -1303,13 +1413,13 @@ tqdm = ["tqdm"] [[package]] name = "google-api-core" -version = "2.16.2" +version = "2.17.1" description = "Google API client core library" optional = false python-versions = ">=3.7" files = [ - {file = "google-api-core-2.16.2.tar.gz", hash = "sha256:032d37b45d1d6bdaf68fb11ff621e2593263a239fa9246e2e94325f9c47876d2"}, - {file = "google_api_core-2.16.2-py3-none-any.whl", hash = "sha256:449ca0e3f14c179b4165b664256066c7861610f70b6ffe54bb01a04e9b466929"}, + {file = "google-api-core-2.17.1.tar.gz", hash = "sha256:9df18a1f87ee0df0bc4eea2770ebc4228392d8cc4066655b320e2cfccb15db95"}, + {file = "google_api_core-2.17.1-py3-none-any.whl", hash = "sha256:610c5b90092c360736baccf17bd3efbcb30dd380e7a6dc28a71059edb8bd0d8e"}, ] [package.dependencies] @@ -1325,13 +1435,13 @@ grpcio-gcp = ["grpcio-gcp (>=0.2.2,<1.0.dev0)"] [[package]] name = "google-auth" -version = "2.27.0" +version = "2.28.1" description = "Google Authentication Library" optional = false python-versions = ">=3.7" files = [ - {file = "google-auth-2.27.0.tar.gz", hash = "sha256:e863a56ccc2d8efa83df7a80272601e43487fa9a728a376205c86c26aaefa821"}, - {file = "google_auth-2.27.0-py2.py3-none-any.whl", hash = "sha256:8e4bad367015430ff253fe49d500fdc3396c1a434db5740828c728e45bcce245"}, + {file = "google-auth-2.28.1.tar.gz", hash = "sha256:34fc3046c257cedcf1622fc4b31fc2be7923d9b4d44973d481125ecc50d83885"}, + {file = "google_auth-2.28.1-py2.py3-none-any.whl", hash = "sha256:25141e2d7a14bfcba945f5e9827f98092716e99482562f15306e5b026e21aa72"}, ] [package.dependencies] @@ -1455,69 +1565,69 @@ test = ["objgraph", "psutil"] [[package]] name = "grpcio" -version = "1.60.1" +version = "1.62.0" description = "HTTP/2-based RPC framework" optional = false python-versions = ">=3.7" files = [ - {file = "grpcio-1.60.1-cp310-cp310-linux_armv7l.whl", hash = "sha256:14e8f2c84c0832773fb3958240c69def72357bc11392571f87b2d7b91e0bb092"}, - {file = "grpcio-1.60.1-cp310-cp310-macosx_12_0_universal2.whl", hash = "sha256:33aed0a431f5befeffd9d346b0fa44b2c01aa4aeae5ea5b2c03d3e25e0071216"}, - {file = "grpcio-1.60.1-cp310-cp310-manylinux_2_17_aarch64.whl", hash = "sha256:fead980fbc68512dfd4e0c7b1f5754c2a8e5015a04dea454b9cada54a8423525"}, - {file = "grpcio-1.60.1-cp310-cp310-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:082081e6a36b6eb5cf0fd9a897fe777dbb3802176ffd08e3ec6567edd85bc104"}, - {file = "grpcio-1.60.1-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:55ccb7db5a665079d68b5c7c86359ebd5ebf31a19bc1a91c982fd622f1e31ff2"}, - {file = "grpcio-1.60.1-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:9b54577032d4f235452f77a83169b6527bf4b77d73aeada97d45b2aaf1bf5ce0"}, - {file = "grpcio-1.60.1-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:7d142bcd604166417929b071cd396aa13c565749a4c840d6c702727a59d835eb"}, - {file = "grpcio-1.60.1-cp310-cp310-win32.whl", hash = "sha256:2a6087f234cb570008a6041c8ffd1b7d657b397fdd6d26e83d72283dae3527b1"}, - {file = "grpcio-1.60.1-cp310-cp310-win_amd64.whl", hash = "sha256:f2212796593ad1d0235068c79836861f2201fc7137a99aa2fea7beeb3b101177"}, - {file = "grpcio-1.60.1-cp311-cp311-linux_armv7l.whl", hash = "sha256:79ae0dc785504cb1e1788758c588c711f4e4a0195d70dff53db203c95a0bd303"}, - {file = "grpcio-1.60.1-cp311-cp311-macosx_10_10_universal2.whl", hash = "sha256:4eec8b8c1c2c9b7125508ff7c89d5701bf933c99d3910e446ed531cd16ad5d87"}, - {file = "grpcio-1.60.1-cp311-cp311-manylinux_2_17_aarch64.whl", hash = "sha256:8c9554ca8e26241dabe7951aa1fa03a1ba0856688ecd7e7bdbdd286ebc272e4c"}, - {file = "grpcio-1.60.1-cp311-cp311-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:91422ba785a8e7a18725b1dc40fbd88f08a5bb4c7f1b3e8739cab24b04fa8a03"}, - {file = "grpcio-1.60.1-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:cba6209c96828711cb7c8fcb45ecef8c8859238baf15119daa1bef0f6c84bfe7"}, - {file = "grpcio-1.60.1-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:c71be3f86d67d8d1311c6076a4ba3b75ba5703c0b856b4e691c9097f9b1e8bd2"}, - {file = "grpcio-1.60.1-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:af5ef6cfaf0d023c00002ba25d0751e5995fa0e4c9eec6cd263c30352662cbce"}, - {file = "grpcio-1.60.1-cp311-cp311-win32.whl", hash = "sha256:a09506eb48fa5493c58f946c46754ef22f3ec0df64f2b5149373ff31fb67f3dd"}, - {file = "grpcio-1.60.1-cp311-cp311-win_amd64.whl", hash = "sha256:49c9b6a510e3ed8df5f6f4f3c34d7fbf2d2cae048ee90a45cd7415abab72912c"}, - {file = "grpcio-1.60.1-cp312-cp312-linux_armv7l.whl", hash = "sha256:b58b855d0071575ea9c7bc0d84a06d2edfbfccec52e9657864386381a7ce1ae9"}, - {file = "grpcio-1.60.1-cp312-cp312-macosx_10_10_universal2.whl", hash = "sha256:a731ac5cffc34dac62053e0da90f0c0b8560396a19f69d9703e88240c8f05858"}, - {file = "grpcio-1.60.1-cp312-cp312-manylinux_2_17_aarch64.whl", hash = "sha256:cf77f8cf2a651fbd869fbdcb4a1931464189cd210abc4cfad357f1cacc8642a6"}, - {file = "grpcio-1.60.1-cp312-cp312-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:c557e94e91a983e5b1e9c60076a8fd79fea1e7e06848eb2e48d0ccfb30f6e073"}, - {file = "grpcio-1.60.1-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:069fe2aeee02dfd2135d562d0663fe70fbb69d5eed6eb3389042a7e963b54de8"}, - {file = "grpcio-1.60.1-cp312-cp312-musllinux_1_1_i686.whl", hash = "sha256:cb0af13433dbbd1c806e671d81ec75bd324af6ef75171fd7815ca3074fe32bfe"}, - {file = "grpcio-1.60.1-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:2f44c32aef186bbba254129cea1df08a20be414144ac3bdf0e84b24e3f3b2e05"}, - {file = "grpcio-1.60.1-cp312-cp312-win32.whl", hash = "sha256:a212e5dea1a4182e40cd3e4067ee46be9d10418092ce3627475e995cca95de21"}, - {file = "grpcio-1.60.1-cp312-cp312-win_amd64.whl", hash = "sha256:6e490fa5f7f5326222cb9f0b78f207a2b218a14edf39602e083d5f617354306f"}, - {file = "grpcio-1.60.1-cp37-cp37m-linux_armv7l.whl", hash = "sha256:4216e67ad9a4769117433814956031cb300f85edc855252a645a9a724b3b6594"}, - {file = "grpcio-1.60.1-cp37-cp37m-macosx_10_10_universal2.whl", hash = "sha256:73e14acd3d4247169955fae8fb103a2b900cfad21d0c35f0dcd0fdd54cd60367"}, - {file = "grpcio-1.60.1-cp37-cp37m-manylinux_2_17_aarch64.whl", hash = "sha256:6ecf21d20d02d1733e9c820fb5c114c749d888704a7ec824b545c12e78734d1c"}, - {file = "grpcio-1.60.1-cp37-cp37m-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:33bdea30dcfd4f87b045d404388469eb48a48c33a6195a043d116ed1b9a0196c"}, - {file = "grpcio-1.60.1-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:53b69e79d00f78c81eecfb38f4516080dc7f36a198b6b37b928f1c13b3c063e9"}, - {file = "grpcio-1.60.1-cp37-cp37m-musllinux_1_1_i686.whl", hash = "sha256:39aa848794b887120b1d35b1b994e445cc028ff602ef267f87c38122c1add50d"}, - {file = "grpcio-1.60.1-cp37-cp37m-musllinux_1_1_x86_64.whl", hash = "sha256:72153a0d2e425f45b884540a61c6639436ddafa1829a42056aa5764b84108b8e"}, - {file = "grpcio-1.60.1-cp37-cp37m-win_amd64.whl", hash = "sha256:50d56280b482875d1f9128ce596e59031a226a8b84bec88cb2bf76c289f5d0de"}, - {file = "grpcio-1.60.1-cp38-cp38-linux_armv7l.whl", hash = "sha256:6d140bdeb26cad8b93c1455fa00573c05592793c32053d6e0016ce05ba267549"}, - {file = "grpcio-1.60.1-cp38-cp38-macosx_10_10_universal2.whl", hash = "sha256:bc808924470643b82b14fe121923c30ec211d8c693e747eba8a7414bc4351a23"}, - {file = "grpcio-1.60.1-cp38-cp38-manylinux_2_17_aarch64.whl", hash = "sha256:70c83bb530572917be20c21f3b6be92cd86b9aecb44b0c18b1d3b2cc3ae47df0"}, - {file = "grpcio-1.60.1-cp38-cp38-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:9b106bc52e7f28170e624ba61cc7dc6829566e535a6ec68528f8e1afbed1c41f"}, - {file = "grpcio-1.60.1-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:30e980cd6db1088c144b92fe376747328d5554bc7960ce583ec7b7d81cd47287"}, - {file = "grpcio-1.60.1-cp38-cp38-musllinux_1_1_i686.whl", hash = "sha256:0c5807e9152eff15f1d48f6b9ad3749196f79a4a050469d99eecb679be592acc"}, - {file = "grpcio-1.60.1-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:f1c3dc536b3ee124e8b24feb7533e5c70b9f2ef833e3b2e5513b2897fd46763a"}, - {file = "grpcio-1.60.1-cp38-cp38-win32.whl", hash = "sha256:d7404cebcdb11bb5bd40bf94131faf7e9a7c10a6c60358580fe83913f360f929"}, - {file = "grpcio-1.60.1-cp38-cp38-win_amd64.whl", hash = "sha256:c8754c75f55781515a3005063d9a05878b2cfb3cb7e41d5401ad0cf19de14872"}, - {file = "grpcio-1.60.1-cp39-cp39-linux_armv7l.whl", hash = "sha256:0250a7a70b14000fa311de04b169cc7480be6c1a769b190769d347939d3232a8"}, - {file = "grpcio-1.60.1-cp39-cp39-macosx_10_10_universal2.whl", hash = "sha256:660fc6b9c2a9ea3bb2a7e64ba878c98339abaf1811edca904ac85e9e662f1d73"}, - {file = "grpcio-1.60.1-cp39-cp39-manylinux_2_17_aarch64.whl", hash = "sha256:76eaaba891083fcbe167aa0f03363311a9f12da975b025d30e94b93ac7a765fc"}, - {file = "grpcio-1.60.1-cp39-cp39-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:e5d97c65ea7e097056f3d1ead77040ebc236feaf7f71489383d20f3b4c28412a"}, - {file = "grpcio-1.60.1-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:2bb2a2911b028f01c8c64d126f6b632fcd8a9ac975aa1b3855766c94e4107180"}, - {file = "grpcio-1.60.1-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:5a1ebbae7e2214f51b1f23b57bf98eeed2cf1ba84e4d523c48c36d5b2f8829ff"}, - {file = "grpcio-1.60.1-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:9a66f4d2a005bc78e61d805ed95dedfcb35efa84b7bba0403c6d60d13a3de2d6"}, - {file = "grpcio-1.60.1-cp39-cp39-win32.whl", hash = "sha256:8d488fbdbf04283f0d20742b64968d44825617aa6717b07c006168ed16488804"}, - {file = "grpcio-1.60.1-cp39-cp39-win_amd64.whl", hash = "sha256:61b7199cd2a55e62e45bfb629a35b71fc2c0cb88f686a047f25b1112d3810904"}, - {file = "grpcio-1.60.1.tar.gz", hash = "sha256:dd1d3a8d1d2e50ad9b59e10aa7f07c7d1be2b367f3f2d33c5fade96ed5460962"}, + {file = "grpcio-1.62.0-cp310-cp310-linux_armv7l.whl", hash = "sha256:136ffd79791b1eddda8d827b607a6285474ff8a1a5735c4947b58c481e5e4271"}, + {file = "grpcio-1.62.0-cp310-cp310-macosx_12_0_universal2.whl", hash = "sha256:d6a56ba703be6b6267bf19423d888600c3f574ac7c2cc5e6220af90662a4d6b0"}, + {file = "grpcio-1.62.0-cp310-cp310-manylinux_2_17_aarch64.whl", hash = "sha256:4cd356211579043fce9f52acc861e519316fff93980a212c8109cca8f47366b6"}, + {file = "grpcio-1.62.0-cp310-cp310-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:e803e9b58d8f9b4ff0ea991611a8d51b31c68d2e24572cd1fe85e99e8cc1b4f8"}, + {file = "grpcio-1.62.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:f4c04fe33039b35b97c02d2901a164bbbb2f21fb9c4e2a45a959f0b044c3512c"}, + {file = "grpcio-1.62.0-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:95370c71b8c9062f9ea033a0867c4c73d6f0ff35113ebd2618171ec1f1e903e0"}, + {file = "grpcio-1.62.0-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:c912688acc05e4ff012c8891803659d6a8a8b5106f0f66e0aed3fb7e77898fa6"}, + {file = "grpcio-1.62.0-cp310-cp310-win32.whl", hash = "sha256:821a44bd63d0f04e33cf4ddf33c14cae176346486b0df08b41a6132b976de5fc"}, + {file = "grpcio-1.62.0-cp310-cp310-win_amd64.whl", hash = "sha256:81531632f93fece32b2762247c4c169021177e58e725494f9a746ca62c83acaa"}, + {file = "grpcio-1.62.0-cp311-cp311-linux_armv7l.whl", hash = "sha256:3fa15850a6aba230eed06b236287c50d65a98f05054a0f01ccedf8e1cc89d57f"}, + {file = "grpcio-1.62.0-cp311-cp311-macosx_10_10_universal2.whl", hash = "sha256:36df33080cd7897623feff57831eb83c98b84640b016ce443305977fac7566fb"}, + {file = "grpcio-1.62.0-cp311-cp311-manylinux_2_17_aarch64.whl", hash = "sha256:7a195531828b46ea9c4623c47e1dc45650fc7206f8a71825898dd4c9004b0928"}, + {file = "grpcio-1.62.0-cp311-cp311-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:ab140a3542bbcea37162bdfc12ce0d47a3cda3f2d91b752a124cc9fe6776a9e2"}, + {file = "grpcio-1.62.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:7f9d6c3223914abb51ac564dc9c3782d23ca445d2864321b9059d62d47144021"}, + {file = "grpcio-1.62.0-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:fbe0c20ce9a1cff75cfb828b21f08d0a1ca527b67f2443174af6626798a754a4"}, + {file = "grpcio-1.62.0-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:38f69de9c28c1e7a8fd24e4af4264726637b72f27c2099eaea6e513e7142b47e"}, + {file = "grpcio-1.62.0-cp311-cp311-win32.whl", hash = "sha256:ce1aafdf8d3f58cb67664f42a617af0e34555fe955450d42c19e4a6ad41c84bd"}, + {file = "grpcio-1.62.0-cp311-cp311-win_amd64.whl", hash = "sha256:eef1d16ac26c5325e7d39f5452ea98d6988c700c427c52cbc7ce3201e6d93334"}, + {file = "grpcio-1.62.0-cp312-cp312-linux_armv7l.whl", hash = "sha256:8aab8f90b2a41208c0a071ec39a6e5dbba16fd827455aaa070fec241624ccef8"}, + {file = "grpcio-1.62.0-cp312-cp312-macosx_10_10_universal2.whl", hash = "sha256:62aa1659d8b6aad7329ede5d5b077e3d71bf488d85795db517118c390358d5f6"}, + {file = "grpcio-1.62.0-cp312-cp312-manylinux_2_17_aarch64.whl", hash = "sha256:0d7ae7fc7dbbf2d78d6323641ded767d9ec6d121aaf931ec4a5c50797b886532"}, + {file = "grpcio-1.62.0-cp312-cp312-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:f359d635ee9428f0294bea062bb60c478a8ddc44b0b6f8e1f42997e5dc12e2ee"}, + {file = "grpcio-1.62.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:77d48e5b1f8f4204889f1acf30bb57c30378e17c8d20df5acbe8029e985f735c"}, + {file = "grpcio-1.62.0-cp312-cp312-musllinux_1_1_i686.whl", hash = "sha256:662d3df5314ecde3184cf87ddd2c3a66095b3acbb2d57a8cada571747af03873"}, + {file = "grpcio-1.62.0-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:92cdb616be44c8ac23a57cce0243af0137a10aa82234f23cd46e69e115071388"}, + {file = "grpcio-1.62.0-cp312-cp312-win32.whl", hash = "sha256:0b9179478b09ee22f4a36b40ca87ad43376acdccc816ce7c2193a9061bf35701"}, + {file = "grpcio-1.62.0-cp312-cp312-win_amd64.whl", hash = "sha256:614c3ed234208e76991992342bab725f379cc81c7dd5035ee1de2f7e3f7a9842"}, + {file = "grpcio-1.62.0-cp37-cp37m-linux_armv7l.whl", hash = "sha256:7e1f51e2a460b7394670fdb615e26d31d3260015154ea4f1501a45047abe06c9"}, + {file = "grpcio-1.62.0-cp37-cp37m-macosx_10_10_universal2.whl", hash = "sha256:bcff647e7fe25495e7719f779cc219bbb90b9e79fbd1ce5bda6aae2567f469f2"}, + {file = "grpcio-1.62.0-cp37-cp37m-manylinux_2_17_aarch64.whl", hash = "sha256:56ca7ba0b51ed0de1646f1735154143dcbdf9ec2dbe8cc6645def299bb527ca1"}, + {file = "grpcio-1.62.0-cp37-cp37m-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:2e84bfb2a734e4a234b116be208d6f0214e68dcf7804306f97962f93c22a1839"}, + {file = "grpcio-1.62.0-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:2c1488b31a521fbba50ae86423f5306668d6f3a46d124f7819c603979fc538c4"}, + {file = "grpcio-1.62.0-cp37-cp37m-musllinux_1_1_i686.whl", hash = "sha256:98d8f4eb91f1ce0735bf0b67c3b2a4fea68b52b2fd13dc4318583181f9219b4b"}, + {file = "grpcio-1.62.0-cp37-cp37m-musllinux_1_1_x86_64.whl", hash = "sha256:b3d3d755cfa331d6090e13aac276d4a3fb828bf935449dc16c3d554bf366136b"}, + {file = "grpcio-1.62.0-cp37-cp37m-win_amd64.whl", hash = "sha256:a33f2bfd8a58a02aab93f94f6c61279be0f48f99fcca20ebaee67576cd57307b"}, + {file = "grpcio-1.62.0-cp38-cp38-linux_armv7l.whl", hash = "sha256:5e709f7c8028ce0443bddc290fb9c967c1e0e9159ef7a030e8c21cac1feabd35"}, + {file = "grpcio-1.62.0-cp38-cp38-macosx_10_10_universal2.whl", hash = "sha256:2f3d9a4d0abb57e5f49ed5039d3ed375826c2635751ab89dcc25932ff683bbb6"}, + {file = "grpcio-1.62.0-cp38-cp38-manylinux_2_17_aarch64.whl", hash = "sha256:62ccb92f594d3d9fcd00064b149a0187c246b11e46ff1b7935191f169227f04c"}, + {file = "grpcio-1.62.0-cp38-cp38-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:921148f57c2e4b076af59a815467d399b7447f6e0ee10ef6d2601eb1e9c7f402"}, + {file = "grpcio-1.62.0-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:f897b16190b46bc4d4aaf0a32a4b819d559a37a756d7c6b571e9562c360eed72"}, + {file = "grpcio-1.62.0-cp38-cp38-musllinux_1_1_i686.whl", hash = "sha256:1bc8449084fe395575ed24809752e1dc4592bb70900a03ca42bf236ed5bf008f"}, + {file = "grpcio-1.62.0-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:81d444e5e182be4c7856cd33a610154fe9ea1726bd071d07e7ba13fafd202e38"}, + {file = "grpcio-1.62.0-cp38-cp38-win32.whl", hash = "sha256:88f41f33da3840b4a9bbec68079096d4caf629e2c6ed3a72112159d570d98ebe"}, + {file = "grpcio-1.62.0-cp38-cp38-win_amd64.whl", hash = "sha256:fc2836cb829895ee190813446dce63df67e6ed7b9bf76060262c55fcd097d270"}, + {file = "grpcio-1.62.0-cp39-cp39-linux_armv7l.whl", hash = "sha256:fcc98cff4084467839d0a20d16abc2a76005f3d1b38062464d088c07f500d170"}, + {file = "grpcio-1.62.0-cp39-cp39-macosx_10_10_universal2.whl", hash = "sha256:0d3dee701e48ee76b7d6fbbba18ba8bc142e5b231ef7d3d97065204702224e0e"}, + {file = "grpcio-1.62.0-cp39-cp39-manylinux_2_17_aarch64.whl", hash = "sha256:b7a6be562dd18e5d5bec146ae9537f20ae1253beb971c0164f1e8a2f5a27e829"}, + {file = "grpcio-1.62.0-cp39-cp39-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:29cb592c4ce64a023712875368bcae13938c7f03e99f080407e20ffe0a9aa33b"}, + {file = "grpcio-1.62.0-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:1eda79574aec8ec4d00768dcb07daba60ed08ef32583b62b90bbf274b3c279f7"}, + {file = "grpcio-1.62.0-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:7eea57444a354ee217fda23f4b479a4cdfea35fb918ca0d8a0e73c271e52c09c"}, + {file = "grpcio-1.62.0-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:0e97f37a3b7c89f9125b92d22e9c8323f4e76e7993ba7049b9f4ccbe8bae958a"}, + {file = "grpcio-1.62.0-cp39-cp39-win32.whl", hash = "sha256:39cd45bd82a2e510e591ca2ddbe22352e8413378852ae814549c162cf3992a93"}, + {file = "grpcio-1.62.0-cp39-cp39-win_amd64.whl", hash = "sha256:b71c65427bf0ec6a8b48c68c17356cb9fbfc96b1130d20a07cb462f4e4dcdcd5"}, + {file = "grpcio-1.62.0.tar.gz", hash = "sha256:748496af9238ac78dcd98cce65421f1adce28c3979393e3609683fcd7f3880d7"}, ] [package.extras] -protobuf = ["grpcio-tools (>=1.60.1)"] +protobuf = ["grpcio-tools (>=1.62.0)"] [[package]] name = "h11" @@ -1580,18 +1690,18 @@ test = ["Cython (>=0.29.24,<0.30.0)"] [[package]] name = "huggingface-hub" -version = "0.17.3" +version = "0.20.3" description = "Client library to download and publish models, datasets and other repos on the huggingface.co hub" optional = false python-versions = ">=3.8.0" files = [ - {file = "huggingface_hub-0.17.3-py3-none-any.whl", hash = "sha256:545eb3665f6ac587add946e73984148f2ea5c7877eac2e845549730570c1933a"}, - {file = "huggingface_hub-0.17.3.tar.gz", hash = "sha256:40439632b211311f788964602bf8b0d9d6b7a2314fba4e8d67b2ce3ecea0e3fd"}, + {file = "huggingface_hub-0.20.3-py3-none-any.whl", hash = "sha256:d988ae4f00d3e307b0c80c6a05ca6dbb7edba8bba3079f74cda7d9c2e562a7b6"}, + {file = "huggingface_hub-0.20.3.tar.gz", hash = "sha256:94e7f8e074475fbc67d6a71957b678e1b4a74ff1b64a644fd6cbb83da962d05d"}, ] [package.dependencies] filelock = "*" -fsspec = "*" +fsspec = ">=2023.5.0" packaging = ">=20.9" pyyaml = ">=5.1" requests = "*" @@ -1599,17 +1709,16 @@ tqdm = ">=4.42.1" typing-extensions = ">=3.7.4.3" [package.extras] -all = ["InquirerPy (==0.3.4)", "Jinja2", "Pillow", "aiohttp", "black (==23.7)", "gradio", "jedi", "mypy (==1.5.1)", "numpy", "pydantic (<2.0)", "pytest", "pytest-asyncio", "pytest-cov", "pytest-env", "pytest-vcr", "pytest-xdist", "ruff (>=0.0.241)", "soundfile", "types-PyYAML", "types-requests", "types-simplejson", "types-toml", "types-tqdm", "types-urllib3", "urllib3 (<2.0)"] +all = ["InquirerPy (==0.3.4)", "Jinja2", "Pillow", "aiohttp", "gradio", "jedi", "mypy (==1.5.1)", "numpy", "pydantic (>1.1,<2.0)", "pydantic (>1.1,<3.0)", "pytest", "pytest-asyncio", "pytest-cov", "pytest-env", "pytest-rerunfailures", "pytest-vcr", "pytest-xdist", "ruff (>=0.1.3)", "soundfile", "types-PyYAML", "types-requests", "types-simplejson", "types-toml", "types-tqdm", "types-urllib3", "typing-extensions (>=4.8.0)", "urllib3 (<2.0)"] cli = ["InquirerPy (==0.3.4)"] -dev = ["InquirerPy (==0.3.4)", "Jinja2", "Pillow", "aiohttp", "black (==23.7)", "gradio", "jedi", "mypy (==1.5.1)", "numpy", "pydantic (<2.0)", "pytest", "pytest-asyncio", "pytest-cov", "pytest-env", "pytest-vcr", "pytest-xdist", "ruff (>=0.0.241)", "soundfile", "types-PyYAML", "types-requests", "types-simplejson", "types-toml", "types-tqdm", "types-urllib3", "urllib3 (<2.0)"] -docs = ["InquirerPy (==0.3.4)", "Jinja2", "Pillow", "aiohttp", "black (==23.7)", "gradio", "hf-doc-builder", "jedi", "mypy (==1.5.1)", "numpy", "pydantic (<2.0)", "pytest", "pytest-asyncio", "pytest-cov", "pytest-env", "pytest-vcr", "pytest-xdist", "ruff (>=0.0.241)", "soundfile", "types-PyYAML", "types-requests", "types-simplejson", "types-toml", "types-tqdm", "types-urllib3", "urllib3 (<2.0)", "watchdog"] +dev = ["InquirerPy (==0.3.4)", "Jinja2", "Pillow", "aiohttp", "gradio", "jedi", "mypy (==1.5.1)", "numpy", "pydantic (>1.1,<2.0)", "pydantic (>1.1,<3.0)", "pytest", "pytest-asyncio", "pytest-cov", "pytest-env", "pytest-rerunfailures", "pytest-vcr", "pytest-xdist", "ruff (>=0.1.3)", "soundfile", "types-PyYAML", "types-requests", "types-simplejson", "types-toml", "types-tqdm", "types-urllib3", "typing-extensions (>=4.8.0)", "urllib3 (<2.0)"] fastai = ["fastai (>=2.4)", "fastcore (>=1.3.27)", "toml"] -inference = ["aiohttp", "pydantic (<2.0)"] -quality = ["black (==23.7)", "mypy (==1.5.1)", "ruff (>=0.0.241)"] +inference = ["aiohttp", "pydantic (>1.1,<2.0)", "pydantic (>1.1,<3.0)"] +quality = ["mypy (==1.5.1)", "ruff (>=0.1.3)"] tensorflow = ["graphviz", "pydot", "tensorflow"] -testing = ["InquirerPy (==0.3.4)", "Jinja2", "Pillow", "aiohttp", "gradio", "jedi", "numpy", "pydantic (<2.0)", "pytest", "pytest-asyncio", "pytest-cov", "pytest-env", "pytest-vcr", "pytest-xdist", "soundfile", "urllib3 (<2.0)"] +testing = ["InquirerPy (==0.3.4)", "Jinja2", "Pillow", "aiohttp", "gradio", "jedi", "numpy", "pydantic (>1.1,<2.0)", "pydantic (>1.1,<3.0)", "pytest", "pytest-asyncio", "pytest-cov", "pytest-env", "pytest-rerunfailures", "pytest-vcr", "pytest-xdist", "soundfile", "urllib3 (<2.0)"] torch = ["torch"] -typing = ["pydantic (<2.0)", "types-PyYAML", "types-requests", "types-simplejson", "types-toml", "types-tqdm", "types-urllib3"] +typing = ["types-PyYAML", "types-requests", "types-simplejson", "types-toml", "types-tqdm", "types-urllib3", "typing-extensions (>=4.8.0)"] [[package]] name = "humanfriendly" @@ -1668,13 +1777,13 @@ files = [ [[package]] name = "ipykernel" -version = "6.29.1" +version = "6.29.2" description = "IPython Kernel for Jupyter" optional = false python-versions = ">=3.8" files = [ - {file = "ipykernel-6.29.1-py3-none-any.whl", hash = "sha256:e5dfba210fc9da74a5dae8fa6c41f816e11bd18d10381b2517d9a0d57cc987c4"}, - {file = "ipykernel-6.29.1.tar.gz", hash = "sha256:1547352b32da95a2761011a8dac2af930c26a0703dfa07690d16b7d74dac0ba1"}, + {file = "ipykernel-6.29.2-py3-none-any.whl", hash = "sha256:50384f5c577a260a1d53f1f59a828c7266d321c9b7d00d345693783f66616055"}, + {file = "ipykernel-6.29.2.tar.gz", hash = "sha256:3bade28004e3ff624ed57974948116670604ac5f676d12339693f3142176d3f0"}, ] [package.dependencies] @@ -1701,13 +1810,13 @@ test = ["flaky", "ipyparallel", "pre-commit", "pytest (>=7.0)", "pytest-asyncio [[package]] name = "ipython" -version = "8.21.0" +version = "8.22.1" description = "IPython: Productive Interactive Computing" optional = false python-versions = ">=3.10" files = [ - {file = "ipython-8.21.0-py3-none-any.whl", hash = "sha256:1050a3ab8473488d7eee163796b02e511d0735cf43a04ba2a8348bd0f2eaf8a5"}, - {file = "ipython-8.21.0.tar.gz", hash = "sha256:48fbc236fbe0e138b88773fa0437751f14c3645fb483f1d4c5dee58b37e5ce73"}, + {file = "ipython-8.22.1-py3-none-any.whl", hash = "sha256:869335e8cded62ffb6fac8928e5287a05433d6462e3ebaac25f4216474dd6bc4"}, + {file = "ipython-8.22.1.tar.gz", hash = "sha256:39c6f9efc079fb19bfb0f17eee903978fe9a290b1b82d68196c641cecb76ea22"}, ] [package.dependencies] @@ -1716,16 +1825,16 @@ decorator = "*" exceptiongroup = {version = "*", markers = "python_version < \"3.11\""} jedi = ">=0.16" matplotlib-inline = "*" -pexpect = {version = ">4.3", markers = "sys_platform != \"win32\""} +pexpect = {version = ">4.3", markers = "sys_platform != \"win32\" and sys_platform != \"emscripten\""} prompt-toolkit = ">=3.0.41,<3.1.0" pygments = ">=2.4.0" stack-data = "*" -traitlets = ">=5" +traitlets = ">=5.13.0" [package.extras] -all = ["black", "curio", "docrepr", "exceptiongroup", "ipykernel", "ipyparallel", "ipywidgets", "matplotlib", "matplotlib (!=3.2.0)", "nbconvert", "nbformat", "notebook", "numpy (>=1.23)", "pandas", "pickleshare", "pytest (<8)", "pytest-asyncio (<0.22)", "qtconsole", "setuptools (>=18.5)", "sphinx (>=1.3)", "sphinx-rtd-theme", "stack-data", "testpath", "trio", "typing-extensions"] +all = ["ipython[black,doc,kernel,nbconvert,nbformat,notebook,parallel,qtconsole,terminal]", "ipython[test,test-extra]"] black = ["black"] -doc = ["docrepr", "exceptiongroup", "ipykernel", "matplotlib", "pickleshare", "pytest (<8)", "pytest-asyncio (<0.22)", "setuptools (>=18.5)", "sphinx (>=1.3)", "sphinx-rtd-theme", "stack-data", "testpath", "typing-extensions"] +doc = ["docrepr", "exceptiongroup", "ipykernel", "ipython[test]", "matplotlib", "setuptools (>=18.5)", "sphinx (>=1.3)", "sphinx-rtd-theme", "sphinxcontrib-jquery", "stack-data", "typing-extensions"] kernel = ["ipykernel"] nbconvert = ["nbconvert"] nbformat = ["nbformat"] @@ -1733,7 +1842,7 @@ notebook = ["ipywidgets", "notebook"] parallel = ["ipyparallel"] qtconsole = ["qtconsole"] test = ["pickleshare", "pytest (<8)", "pytest-asyncio (<0.22)", "testpath"] -test-extra = ["curio", "matplotlib (!=3.2.0)", "nbformat", "numpy (>=1.23)", "pandas", "pickleshare", "pytest (<8)", "pytest-asyncio (<0.22)", "testpath", "trio"] +test-extra = ["curio", "ipython[test]", "matplotlib (!=3.2.0)", "nbformat", "numpy (>=1.23)", "pandas", "trio"] [[package]] name = "jedi" @@ -1975,16 +2084,6 @@ files = [ {file = "kiwisolver-1.4.5.tar.gz", hash = "sha256:e57e563a57fb22a142da34f38acc2fc1a5c864bc29ca1517a88abc963e60d6ec"}, ] -[[package]] -name = "lit" -version = "17.0.6" -description = "A Software Testing Tool" -optional = false -python-versions = "*" -files = [ - {file = "lit-17.0.6.tar.gz", hash = "sha256:dfa9af9b55fc4509a56be7bf2346f079d7f4a242d583b9f2e0b078fd0abae31b"}, -] - [[package]] name = "mako" version = "1.3.2" @@ -2075,39 +2174,39 @@ files = [ [[package]] name = "matplotlib" -version = "3.8.2" +version = "3.8.3" description = "Python plotting package" optional = false python-versions = ">=3.9" files = [ - {file = "matplotlib-3.8.2-cp310-cp310-macosx_10_12_x86_64.whl", hash = "sha256:09796f89fb71a0c0e1e2f4bdaf63fb2cefc84446bb963ecdeb40dfee7dfa98c7"}, - {file = "matplotlib-3.8.2-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:6f9c6976748a25e8b9be51ea028df49b8e561eed7809146da7a47dbecebab367"}, - {file = "matplotlib-3.8.2-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:b78e4f2cedf303869b782071b55fdde5987fda3038e9d09e58c91cc261b5ad18"}, - {file = "matplotlib-3.8.2-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:4e208f46cf6576a7624195aa047cb344a7f802e113bb1a06cfd4bee431de5e31"}, - {file = "matplotlib-3.8.2-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:46a569130ff53798ea5f50afce7406e91fdc471ca1e0e26ba976a8c734c9427a"}, - {file = "matplotlib-3.8.2-cp310-cp310-win_amd64.whl", hash = "sha256:830f00640c965c5b7f6bc32f0d4ce0c36dfe0379f7dd65b07a00c801713ec40a"}, - {file = "matplotlib-3.8.2-cp311-cp311-macosx_10_12_x86_64.whl", hash = "sha256:d86593ccf546223eb75a39b44c32788e6f6440d13cfc4750c1c15d0fcb850b63"}, - {file = "matplotlib-3.8.2-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:9a5430836811b7652991939012f43d2808a2db9b64ee240387e8c43e2e5578c8"}, - {file = "matplotlib-3.8.2-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:b9576723858a78751d5aacd2497b8aef29ffea6d1c95981505877f7ac28215c6"}, - {file = "matplotlib-3.8.2-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:5ba9cbd8ac6cf422f3102622b20f8552d601bf8837e49a3afed188d560152788"}, - {file = "matplotlib-3.8.2-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:03f9d160a29e0b65c0790bb07f4f45d6a181b1ac33eb1bb0dd225986450148f0"}, - {file = "matplotlib-3.8.2-cp311-cp311-win_amd64.whl", hash = "sha256:3773002da767f0a9323ba1a9b9b5d00d6257dbd2a93107233167cfb581f64717"}, - {file = "matplotlib-3.8.2-cp312-cp312-macosx_10_12_x86_64.whl", hash = "sha256:4c318c1e95e2f5926fba326f68177dee364aa791d6df022ceb91b8221bd0a627"}, - {file = "matplotlib-3.8.2-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:091275d18d942cf1ee9609c830a1bc36610607d8223b1b981c37d5c9fc3e46a4"}, - {file = "matplotlib-3.8.2-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:1b0f3b8ea0e99e233a4bcc44590f01604840d833c280ebb8fe5554fd3e6cfe8d"}, - {file = "matplotlib-3.8.2-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:d7b1704a530395aaf73912be741c04d181f82ca78084fbd80bc737be04848331"}, - {file = "matplotlib-3.8.2-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:533b0e3b0c6768eef8cbe4b583731ce25a91ab54a22f830db2b031e83cca9213"}, - {file = "matplotlib-3.8.2-cp312-cp312-win_amd64.whl", hash = "sha256:0f4fc5d72b75e2c18e55eb32292659cf731d9d5b312a6eb036506304f4675630"}, - {file = "matplotlib-3.8.2-cp39-cp39-macosx_10_12_x86_64.whl", hash = "sha256:deaed9ad4da0b1aea77fe0aa0cebb9ef611c70b3177be936a95e5d01fa05094f"}, - {file = "matplotlib-3.8.2-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:172f4d0fbac3383d39164c6caafd3255ce6fa58f08fc392513a0b1d3b89c4f89"}, - {file = "matplotlib-3.8.2-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:c7d36c2209d9136cd8e02fab1c0ddc185ce79bc914c45054a9f514e44c787917"}, - {file = "matplotlib-3.8.2-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:5864bdd7da445e4e5e011b199bb67168cdad10b501750367c496420f2ad00843"}, - {file = "matplotlib-3.8.2-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:ef8345b48e95cee45ff25192ed1f4857273117917a4dcd48e3905619bcd9c9b8"}, - {file = "matplotlib-3.8.2-cp39-cp39-win_amd64.whl", hash = "sha256:7c48d9e221b637c017232e3760ed30b4e8d5dfd081daf327e829bf2a72c731b4"}, - {file = "matplotlib-3.8.2-pp39-pypy39_pp73-macosx_10_12_x86_64.whl", hash = "sha256:aa11b3c6928a1e496c1a79917d51d4cd5d04f8a2e75f21df4949eeefdf697f4b"}, - {file = "matplotlib-3.8.2-pp39-pypy39_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:d1095fecf99eeb7384dabad4bf44b965f929a5f6079654b681193edf7169ec20"}, - {file = "matplotlib-3.8.2-pp39-pypy39_pp73-win_amd64.whl", hash = "sha256:bddfb1db89bfaa855912261c805bd0e10218923cc262b9159a49c29a7a1c1afa"}, - {file = "matplotlib-3.8.2.tar.gz", hash = "sha256:01a978b871b881ee76017152f1f1a0cbf6bd5f7b8ff8c96df0df1bd57d8755a1"}, + {file = "matplotlib-3.8.3-cp310-cp310-macosx_10_12_x86_64.whl", hash = "sha256:cf60138ccc8004f117ab2a2bad513cc4d122e55864b4fe7adf4db20ca68a078f"}, + {file = "matplotlib-3.8.3-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:5f557156f7116be3340cdeef7f128fa99b0d5d287d5f41a16e169819dcf22357"}, + {file = "matplotlib-3.8.3-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:f386cf162b059809ecfac3bcc491a9ea17da69fa35c8ded8ad154cd4b933d5ec"}, + {file = "matplotlib-3.8.3-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:b3c5f96f57b0369c288bf6f9b5274ba45787f7e0589a34d24bdbaf6d3344632f"}, + {file = "matplotlib-3.8.3-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:83e0f72e2c116ca7e571c57aa29b0fe697d4c6425c4e87c6e994159e0c008635"}, + {file = "matplotlib-3.8.3-cp310-cp310-win_amd64.whl", hash = "sha256:1c5c8290074ba31a41db1dc332dc2b62def469ff33766cbe325d32a3ee291aea"}, + {file = "matplotlib-3.8.3-cp311-cp311-macosx_10_12_x86_64.whl", hash = "sha256:5184e07c7e1d6d1481862ee361905b7059f7fe065fc837f7c3dc11eeb3f2f900"}, + {file = "matplotlib-3.8.3-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:d7e7e0993d0758933b1a241a432b42c2db22dfa37d4108342ab4afb9557cbe3e"}, + {file = "matplotlib-3.8.3-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:04b36ad07eac9740fc76c2aa16edf94e50b297d6eb4c081e3add863de4bb19a7"}, + {file = "matplotlib-3.8.3-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:7c42dae72a62f14982f1474f7e5c9959fc4bc70c9de11cc5244c6e766200ba65"}, + {file = "matplotlib-3.8.3-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:bf5932eee0d428192c40b7eac1399d608f5d995f975cdb9d1e6b48539a5ad8d0"}, + {file = "matplotlib-3.8.3-cp311-cp311-win_amd64.whl", hash = "sha256:40321634e3a05ed02abf7c7b47a50be50b53ef3eaa3a573847431a545585b407"}, + {file = "matplotlib-3.8.3-cp312-cp312-macosx_10_12_x86_64.whl", hash = "sha256:09074f8057917d17ab52c242fdf4916f30e99959c1908958b1fc6032e2d0f6d4"}, + {file = "matplotlib-3.8.3-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:5745f6d0fb5acfabbb2790318db03809a253096e98c91b9a31969df28ee604aa"}, + {file = "matplotlib-3.8.3-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:b97653d869a71721b639714b42d87cda4cfee0ee74b47c569e4874c7590c55c5"}, + {file = "matplotlib-3.8.3-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:242489efdb75b690c9c2e70bb5c6550727058c8a614e4c7716f363c27e10bba1"}, + {file = "matplotlib-3.8.3-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:83c0653c64b73926730bd9ea14aa0f50f202ba187c307a881673bad4985967b7"}, + {file = "matplotlib-3.8.3-cp312-cp312-win_amd64.whl", hash = "sha256:ef6c1025a570354297d6c15f7d0f296d95f88bd3850066b7f1e7b4f2f4c13a39"}, + {file = "matplotlib-3.8.3-cp39-cp39-macosx_10_12_x86_64.whl", hash = "sha256:c4af3f7317f8a1009bbb2d0bf23dfaba859eb7dd4ccbd604eba146dccaaaf0a4"}, + {file = "matplotlib-3.8.3-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:4c6e00a65d017d26009bac6808f637b75ceade3e1ff91a138576f6b3065eeeba"}, + {file = "matplotlib-3.8.3-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:e7b49ab49a3bea17802df6872f8d44f664ba8f9be0632a60c99b20b6db2165b7"}, + {file = "matplotlib-3.8.3-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:6728dde0a3997396b053602dbd907a9bd64ec7d5cf99e728b404083698d3ca01"}, + {file = "matplotlib-3.8.3-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:813925d08fb86aba139f2d31864928d67511f64e5945ca909ad5bc09a96189bb"}, + {file = "matplotlib-3.8.3-cp39-cp39-win_amd64.whl", hash = "sha256:cd3a0c2be76f4e7be03d34a14d49ded6acf22ef61f88da600a18a5cd8b3c5f3c"}, + {file = "matplotlib-3.8.3-pp39-pypy39_pp73-macosx_10_12_x86_64.whl", hash = "sha256:fa93695d5c08544f4a0dfd0965f378e7afc410d8672816aff1e81be1f45dbf2e"}, + {file = "matplotlib-3.8.3-pp39-pypy39_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:e9764df0e8778f06414b9d281a75235c1e85071f64bb5d71564b97c1306a2afc"}, + {file = "matplotlib-3.8.3-pp39-pypy39_pp73-win_amd64.whl", hash = "sha256:5e431a09e6fab4012b01fc155db0ce6dccacdbabe8198197f523a4ef4805eb26"}, + {file = "matplotlib-3.8.3.tar.gz", hash = "sha256:7b416239e9ae38be54b028abbf9048aff5054a9aba5416bef0bd17f9162ce161"}, ] [package.dependencies] @@ -2148,9 +2247,9 @@ develop = true networkx = ">=3.1" numpy = ">=1.21" orjson = ">=3.9.5" -pydantic = "<2" +pydantic = ">=2.0" pytest-asyncio = ">=0.21.0" -ray = {version = ">=2.7.1", extras = ["serve"]} +ray = {version = ">=2.9", extras = ["serve"]} [package.source] type = "directory" @@ -2624,61 +2723,61 @@ dev = ["black", "mypy", "pytest"] [[package]] name = "orjson" -version = "3.9.13" +version = "3.9.15" description = "Fast, correct Python JSON library supporting dataclasses, datetimes, and numpy" optional = false python-versions = ">=3.8" files = [ - {file = "orjson-3.9.13-cp310-cp310-macosx_10_15_x86_64.macosx_11_0_arm64.macosx_10_15_universal2.whl", hash = "sha256:fa6b67f8bef277c2a4aadd548d58796854e7d760964126c3209b19bccc6a74f1"}, - {file = "orjson-3.9.13-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:b812417199eeb169c25f67815cfb66fd8de7ff098bf57d065e8c1943a7ba5c8f"}, - {file = "orjson-3.9.13-cp310-cp310-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:7ccd5bd222e5041069ad9d9868ab59e6dbc53ecde8d8c82b919954fbba43b46b"}, - {file = "orjson-3.9.13-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:eaaf80957c38e9d3f796f355a80fad945e72cd745e6b64c210e635b7043b673e"}, - {file = "orjson-3.9.13-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:60da7316131185d0110a1848e9ad15311e6c8938ee0b5be8cbd7261e1d80ee8f"}, - {file = "orjson-3.9.13-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:5b98cd948372f0eb219bc309dee4633db1278687161e3280d9e693b6076951d2"}, - {file = "orjson-3.9.13-cp310-cp310-musllinux_1_2_aarch64.whl", hash = "sha256:3869d65561f10071d3e7f35ae58fd377056f67d7aaed5222f318390c3ad30339"}, - {file = "orjson-3.9.13-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:43fd6036b16bb6742d03dae62f7bdf8214d06dea47e4353cde7e2bd1358d186f"}, - {file = "orjson-3.9.13-cp310-none-win32.whl", hash = "sha256:0d3ba9d88e20765335260d7b25547d7c571eee2b698200f97afa7d8c7cd668fc"}, - {file = "orjson-3.9.13-cp310-none-win_amd64.whl", hash = "sha256:6e47153db080f5e87e8ba638f1a8b18995eede6b0abb93964d58cf11bcea362f"}, - {file = "orjson-3.9.13-cp311-cp311-macosx_10_15_x86_64.macosx_11_0_arm64.macosx_10_15_universal2.whl", hash = "sha256:4584e8eb727bc431baaf1bf97e35a1d8a0109c924ec847395673dfd5f4ef6d6f"}, - {file = "orjson-3.9.13-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:2f37f0cdd026ef777a4336e599d8194c8357fc14760c2a5ddcfdf1965d45504b"}, - {file = "orjson-3.9.13-cp311-cp311-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:d714595d81efab11b42bccd119977d94b25d12d3a806851ff6bfd286a4bce960"}, - {file = "orjson-3.9.13-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:9171e8e1a1f221953e38e84ae0abffe8759002fd8968106ee379febbb5358b33"}, - {file = "orjson-3.9.13-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:1ab9dbdec3f13f3ea6f937564ce21651844cfbf2725099f2f490426acf683c23"}, - {file = "orjson-3.9.13-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:811ac076855e33e931549340288e0761873baf29276ad00f221709933c644330"}, - {file = "orjson-3.9.13-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:860d0f5b42d0c0afd73fa4177709f6e1b966ba691fcd72175affa902052a81d6"}, - {file = "orjson-3.9.13-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:838b898e8c1f26eb6b8d81b180981273f6f5110c76c22c384979aca854194f1b"}, - {file = "orjson-3.9.13-cp311-none-win32.whl", hash = "sha256:d3222db9df629ef3c3673124f2e05fb72bc4a320c117e953fec0d69dde82e36d"}, - {file = "orjson-3.9.13-cp311-none-win_amd64.whl", hash = "sha256:978117122ca4cc59b28af5322253017f6c5fc03dbdda78c7f4b94ae984c8dd43"}, - {file = "orjson-3.9.13-cp312-cp312-macosx_10_15_x86_64.macosx_11_0_arm64.macosx_10_15_universal2.whl", hash = "sha256:031df1026c7ea8303332d78711f180231e3ae8b564271fb748a03926587c5546"}, - {file = "orjson-3.9.13-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:0fd9a2101d04e85086ea6198786a3f016e45475f800712e6833e14bf9ce2832f"}, - {file = "orjson-3.9.13-cp312-cp312-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:446d9ad04204e79229ae19502daeea56479e55cbc32634655d886f5a39e91b44"}, - {file = "orjson-3.9.13-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:b57c0954a9fdd2b05b9cec0f5a12a0bdce5bf021a5b3b09323041613972481ab"}, - {file = "orjson-3.9.13-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:266e55c83f81248f63cc93d11c5e3a53df49a5d2598fa9e9db5f99837a802d5d"}, - {file = "orjson-3.9.13-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:31372ba3a9fe8ad118e7d22fba46bbc18e89039e3bfa89db7bc8c18ee722dca8"}, - {file = "orjson-3.9.13-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:e3b0c4da61f39899561e08e571f54472a09fa71717d9797928af558175ae5243"}, - {file = "orjson-3.9.13-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:2cc03a35bfc71c8ebf96ce49b82c2a7be6af4b3cd3ac34166fdb42ac510bbfff"}, - {file = "orjson-3.9.13-cp312-none-win_amd64.whl", hash = "sha256:49b7e3fe861cb246361825d1a238f2584ed8ea21e714bf6bb17cebb86772e61c"}, - {file = "orjson-3.9.13-cp38-cp38-macosx_10_15_x86_64.macosx_11_0_arm64.macosx_10_15_universal2.whl", hash = "sha256:62e9a99879c4d5a04926ac2518a992134bfa00d546ea5a4cae4b9be454d35a22"}, - {file = "orjson-3.9.13-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d92a3e835a5100f1d5b566fff79217eab92223ca31900dba733902a182a35ab0"}, - {file = "orjson-3.9.13-cp38-cp38-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:23f21faf072ed3b60b5954686f98157e073f6a8068eaa58dbde83e87212eda84"}, - {file = "orjson-3.9.13-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:828c502bb261588f7de897e06cb23c4b122997cb039d2014cb78e7dabe92ef0c"}, - {file = "orjson-3.9.13-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:16946d095212a3dec552572c5d9bca7afa40f3116ad49695a397be07d529f1fa"}, - {file = "orjson-3.9.13-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:3deadd8dc0e9ff844b5b656fa30a48dbee1c3b332d8278302dd9637f6b09f627"}, - {file = "orjson-3.9.13-cp38-cp38-musllinux_1_2_aarch64.whl", hash = "sha256:9b1b5adc5adf596c59dca57156b71ad301d73956f5bab4039b0e34dbf50b9fa0"}, - {file = "orjson-3.9.13-cp38-cp38-musllinux_1_2_x86_64.whl", hash = "sha256:ddc089315d030c54f0f03fb38286e2667c05009a78d659f108a8efcfbdf2e585"}, - {file = "orjson-3.9.13-cp38-none-win32.whl", hash = "sha256:ae77275a28667d9c82d4522b681504642055efa0368d73108511647c6499b31c"}, - {file = "orjson-3.9.13-cp38-none-win_amd64.whl", hash = "sha256:730385fdb99a21fce9bb84bb7fcbda72c88626facd74956bda712834b480729d"}, - {file = "orjson-3.9.13-cp39-cp39-macosx_10_15_x86_64.macosx_11_0_arm64.macosx_10_15_universal2.whl", hash = "sha256:7e8e4a571d958910272af8d53a9cbe6599f9f5fd496a1bc51211183bb2072cbd"}, - {file = "orjson-3.9.13-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:cfad553a36548262e7da0f3a7464270e13900b898800fb571a5d4b298c3f8356"}, - {file = "orjson-3.9.13-cp39-cp39-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:0d691c44604941945b00e0a13b19a7d9c1a19511abadf0080f373e98fdeb6b31"}, - {file = "orjson-3.9.13-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:a8c83718346de08d68b3cb1105c5d91e5fc39885d8610fdda16613d4e3941459"}, - {file = "orjson-3.9.13-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:63ef57a53bfc2091a7cd50a640d9ae866bd7d92a5225a1bab6baa60ef62583f2"}, - {file = "orjson-3.9.13-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:9156b96afa38db71344522f5517077eaedf62fcd2c9148392ff93d801128809c"}, - {file = "orjson-3.9.13-cp39-cp39-musllinux_1_2_aarch64.whl", hash = "sha256:31fb66b41fb2c4c817d9610f0bc7d31345728d7b5295ac78b63603407432a2b2"}, - {file = "orjson-3.9.13-cp39-cp39-musllinux_1_2_x86_64.whl", hash = "sha256:8a730bf07feacb0863974e67b206b7c503a62199de1cece2eb0d4c233ec29c11"}, - {file = "orjson-3.9.13-cp39-none-win32.whl", hash = "sha256:5ef58869f3399acbbe013518d8b374ee9558659eef14bca0984f67cb1fbd3c37"}, - {file = "orjson-3.9.13-cp39-none-win_amd64.whl", hash = "sha256:9bcf56efdb83244cde070e82a69c0f03c47c235f0a5cb6c81d9da23af7fbaae4"}, - {file = "orjson-3.9.13.tar.gz", hash = "sha256:fc6bc65b0cf524ee042e0bc2912b9206ef242edfba7426cf95763e4af01f527a"}, + {file = "orjson-3.9.15-cp310-cp310-macosx_10_15_x86_64.macosx_11_0_arm64.macosx_10_15_universal2.whl", hash = "sha256:d61f7ce4727a9fa7680cd6f3986b0e2c732639f46a5e0156e550e35258aa313a"}, + {file = "orjson-3.9.15-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:4feeb41882e8aa17634b589533baafdceb387e01e117b1ec65534ec724023d04"}, + {file = "orjson-3.9.15-cp310-cp310-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:fbbeb3c9b2edb5fd044b2a070f127a0ac456ffd079cb82746fc84af01ef021a4"}, + {file = "orjson-3.9.15-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:b66bcc5670e8a6b78f0313bcb74774c8291f6f8aeef10fe70e910b8040f3ab75"}, + {file = "orjson-3.9.15-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:2973474811db7b35c30248d1129c64fd2bdf40d57d84beed2a9a379a6f57d0ab"}, + {file = "orjson-3.9.15-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:9fe41b6f72f52d3da4db524c8653e46243c8c92df826ab5ffaece2dba9cccd58"}, + {file = "orjson-3.9.15-cp310-cp310-musllinux_1_2_aarch64.whl", hash = "sha256:4228aace81781cc9d05a3ec3a6d2673a1ad0d8725b4e915f1089803e9efd2b99"}, + {file = "orjson-3.9.15-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:6f7b65bfaf69493c73423ce9db66cfe9138b2f9ef62897486417a8fcb0a92bfe"}, + {file = "orjson-3.9.15-cp310-none-win32.whl", hash = "sha256:2d99e3c4c13a7b0fb3792cc04c2829c9db07838fb6973e578b85c1745e7d0ce7"}, + {file = "orjson-3.9.15-cp310-none-win_amd64.whl", hash = "sha256:b725da33e6e58e4a5d27958568484aa766e825e93aa20c26c91168be58e08cbb"}, + {file = "orjson-3.9.15-cp311-cp311-macosx_10_15_x86_64.macosx_11_0_arm64.macosx_10_15_universal2.whl", hash = "sha256:c8e8fe01e435005d4421f183038fc70ca85d2c1e490f51fb972db92af6e047c2"}, + {file = "orjson-3.9.15-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:87f1097acb569dde17f246faa268759a71a2cb8c96dd392cd25c668b104cad2f"}, + {file = "orjson-3.9.15-cp311-cp311-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:ff0f9913d82e1d1fadbd976424c316fbc4d9c525c81d047bbdd16bd27dd98cfc"}, + {file = "orjson-3.9.15-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:8055ec598605b0077e29652ccfe9372247474375e0e3f5775c91d9434e12d6b1"}, + {file = "orjson-3.9.15-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:d6768a327ea1ba44c9114dba5fdda4a214bdb70129065cd0807eb5f010bfcbb5"}, + {file = "orjson-3.9.15-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:12365576039b1a5a47df01aadb353b68223da413e2e7f98c02403061aad34bde"}, + {file = "orjson-3.9.15-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:71c6b009d431b3839d7c14c3af86788b3cfac41e969e3e1c22f8a6ea13139404"}, + {file = "orjson-3.9.15-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:e18668f1bd39e69b7fed19fa7cd1cd110a121ec25439328b5c89934e6d30d357"}, + {file = "orjson-3.9.15-cp311-none-win32.whl", hash = "sha256:62482873e0289cf7313461009bf62ac8b2e54bc6f00c6fabcde785709231a5d7"}, + {file = "orjson-3.9.15-cp311-none-win_amd64.whl", hash = "sha256:b3d336ed75d17c7b1af233a6561cf421dee41d9204aa3cfcc6c9c65cd5bb69a8"}, + {file = "orjson-3.9.15-cp312-cp312-macosx_10_15_x86_64.macosx_11_0_arm64.macosx_10_15_universal2.whl", hash = "sha256:82425dd5c7bd3adfe4e94c78e27e2fa02971750c2b7ffba648b0f5d5cc016a73"}, + {file = "orjson-3.9.15-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:2c51378d4a8255b2e7c1e5cc430644f0939539deddfa77f6fac7b56a9784160a"}, + {file = "orjson-3.9.15-cp312-cp312-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:6ae4e06be04dc00618247c4ae3f7c3e561d5bc19ab6941427f6d3722a0875ef7"}, + {file = "orjson-3.9.15-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:bcef128f970bb63ecf9a65f7beafd9b55e3aaf0efc271a4154050fc15cdb386e"}, + {file = "orjson-3.9.15-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:b72758f3ffc36ca566ba98a8e7f4f373b6c17c646ff8ad9b21ad10c29186f00d"}, + {file = "orjson-3.9.15-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:10c57bc7b946cf2efa67ac55766e41764b66d40cbd9489041e637c1304400494"}, + {file = "orjson-3.9.15-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:946c3a1ef25338e78107fba746f299f926db408d34553b4754e90a7de1d44068"}, + {file = "orjson-3.9.15-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:2f256d03957075fcb5923410058982aea85455d035607486ccb847f095442bda"}, + {file = "orjson-3.9.15-cp312-none-win_amd64.whl", hash = "sha256:5bb399e1b49db120653a31463b4a7b27cf2fbfe60469546baf681d1b39f4edf2"}, + {file = "orjson-3.9.15-cp38-cp38-macosx_10_15_x86_64.macosx_11_0_arm64.macosx_10_15_universal2.whl", hash = "sha256:b17f0f14a9c0ba55ff6279a922d1932e24b13fc218a3e968ecdbf791b3682b25"}, + {file = "orjson-3.9.15-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:7f6cbd8e6e446fb7e4ed5bac4661a29e43f38aeecbf60c4b900b825a353276a1"}, + {file = "orjson-3.9.15-cp38-cp38-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:76bc6356d07c1d9f4b782813094d0caf1703b729d876ab6a676f3aaa9a47e37c"}, + {file = "orjson-3.9.15-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:fdfa97090e2d6f73dced247a2f2d8004ac6449df6568f30e7fa1a045767c69a6"}, + {file = "orjson-3.9.15-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:7413070a3e927e4207d00bd65f42d1b780fb0d32d7b1d951f6dc6ade318e1b5a"}, + {file = "orjson-3.9.15-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:9cf1596680ac1f01839dba32d496136bdd5d8ffb858c280fa82bbfeb173bdd40"}, + {file = "orjson-3.9.15-cp38-cp38-musllinux_1_2_aarch64.whl", hash = "sha256:809d653c155e2cc4fd39ad69c08fdff7f4016c355ae4b88905219d3579e31eb7"}, + {file = "orjson-3.9.15-cp38-cp38-musllinux_1_2_x86_64.whl", hash = "sha256:920fa5a0c5175ab14b9c78f6f820b75804fb4984423ee4c4f1e6d748f8b22bc1"}, + {file = "orjson-3.9.15-cp38-none-win32.whl", hash = "sha256:2b5c0f532905e60cf22a511120e3719b85d9c25d0e1c2a8abb20c4dede3b05a5"}, + {file = "orjson-3.9.15-cp38-none-win_amd64.whl", hash = "sha256:67384f588f7f8daf040114337d34a5188346e3fae6c38b6a19a2fe8c663a2f9b"}, + {file = "orjson-3.9.15-cp39-cp39-macosx_10_15_x86_64.macosx_11_0_arm64.macosx_10_15_universal2.whl", hash = "sha256:6fc2fe4647927070df3d93f561d7e588a38865ea0040027662e3e541d592811e"}, + {file = "orjson-3.9.15-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:34cbcd216e7af5270f2ffa63a963346845eb71e174ea530867b7443892d77180"}, + {file = "orjson-3.9.15-cp39-cp39-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:f541587f5c558abd93cb0de491ce99a9ef8d1ae29dd6ab4dbb5a13281ae04cbd"}, + {file = "orjson-3.9.15-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:92255879280ef9c3c0bcb327c5a1b8ed694c290d61a6a532458264f887f052cb"}, + {file = "orjson-3.9.15-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:05a1f57fb601c426635fcae9ddbe90dfc1ed42245eb4c75e4960440cac667262"}, + {file = "orjson-3.9.15-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ede0bde16cc6e9b96633df1631fbcd66491d1063667f260a4f2386a098393790"}, + {file = "orjson-3.9.15-cp39-cp39-musllinux_1_2_aarch64.whl", hash = "sha256:e88b97ef13910e5f87bcbc4dd7979a7de9ba8702b54d3204ac587e83639c0c2b"}, + {file = "orjson-3.9.15-cp39-cp39-musllinux_1_2_x86_64.whl", hash = "sha256:57d5d8cf9c27f7ef6bc56a5925c7fbc76b61288ab674eb352c26ac780caa5b10"}, + {file = "orjson-3.9.15-cp39-none-win32.whl", hash = "sha256:001f4eb0ecd8e9ebd295722d0cbedf0748680fb9998d3993abaed2f40587257a"}, + {file = "orjson-3.9.15-cp39-none-win_amd64.whl", hash = "sha256:ea0b183a5fe6b2b45f3b854b0d19c4e932d6f5934ae1f723b07cf9560edd4ec7"}, + {file = "orjson-3.9.15.tar.gz", hash = "sha256:95cae920959d772f30ab36d3b25f83bb0f3be671e986c72ce22f8fa700dae061"}, ] [[package]] @@ -2692,74 +2791,6 @@ files = [ {file = "packaging-23.2.tar.gz", hash = "sha256:048fb0e9405036518eaaf48a55953c750c11e1a1b68e0dd1a9d62ed0c092cfc5"}, ] -[[package]] -name = "pandas" -version = "2.2.0" -description = "Powerful data structures for data analysis, time series, and statistics" -optional = false -python-versions = ">=3.9" -files = [ - {file = "pandas-2.2.0-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:8108ee1712bb4fa2c16981fba7e68b3f6ea330277f5ca34fa8d557e986a11670"}, - {file = "pandas-2.2.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:736da9ad4033aeab51d067fc3bd69a0ba36f5a60f66a527b3d72e2030e63280a"}, - {file = "pandas-2.2.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:38e0b4fc3ddceb56ec8a287313bc22abe17ab0eb184069f08fc6a9352a769b18"}, - {file = "pandas-2.2.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:20404d2adefe92aed3b38da41d0847a143a09be982a31b85bc7dd565bdba0f4e"}, - {file = "pandas-2.2.0-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:7ea3ee3f125032bfcade3a4cf85131ed064b4f8dd23e5ce6fa16473e48ebcaf5"}, - {file = "pandas-2.2.0-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:f9670b3ac00a387620489dfc1bca66db47a787f4e55911f1293063a78b108df1"}, - {file = "pandas-2.2.0-cp310-cp310-win_amd64.whl", hash = "sha256:5a946f210383c7e6d16312d30b238fd508d80d927014f3b33fb5b15c2f895430"}, - {file = "pandas-2.2.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:a1b438fa26b208005c997e78672f1aa8138f67002e833312e6230f3e57fa87d5"}, - {file = "pandas-2.2.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:8ce2fbc8d9bf303ce54a476116165220a1fedf15985b09656b4b4275300e920b"}, - {file = "pandas-2.2.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:2707514a7bec41a4ab81f2ccce8b382961a29fbe9492eab1305bb075b2b1ff4f"}, - {file = "pandas-2.2.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:85793cbdc2d5bc32620dc8ffa715423f0c680dacacf55056ba13454a5be5de88"}, - {file = "pandas-2.2.0-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:cfd6c2491dc821b10c716ad6776e7ab311f7df5d16038d0b7458bc0b67dc10f3"}, - {file = "pandas-2.2.0-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:a146b9dcacc3123aa2b399df1a284de5f46287a4ab4fbfc237eac98a92ebcb71"}, - {file = "pandas-2.2.0-cp311-cp311-win_amd64.whl", hash = "sha256:fbc1b53c0e1fdf16388c33c3cca160f798d38aea2978004dd3f4d3dec56454c9"}, - {file = "pandas-2.2.0-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:a41d06f308a024981dcaa6c41f2f2be46a6b186b902c94c2674e8cb5c42985bc"}, - {file = "pandas-2.2.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:159205c99d7a5ce89ecfc37cb08ed179de7783737cea403b295b5eda8e9c56d1"}, - {file = "pandas-2.2.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:eb1e1f3861ea9132b32f2133788f3b14911b68102d562715d71bd0013bc45440"}, - {file = "pandas-2.2.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:761cb99b42a69005dec2b08854fb1d4888fdf7b05db23a8c5a099e4b886a2106"}, - {file = "pandas-2.2.0-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:a20628faaf444da122b2a64b1e5360cde100ee6283ae8effa0d8745153809a2e"}, - {file = "pandas-2.2.0-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:f5be5d03ea2073627e7111f61b9f1f0d9625dc3c4d8dda72cc827b0c58a1d042"}, - {file = "pandas-2.2.0-cp312-cp312-win_amd64.whl", hash = "sha256:a626795722d893ed6aacb64d2401d017ddc8a2341b49e0384ab9bf7112bdec30"}, - {file = "pandas-2.2.0-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:9f66419d4a41132eb7e9a73dcec9486cf5019f52d90dd35547af11bc58f8637d"}, - {file = "pandas-2.2.0-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:57abcaeda83fb80d447f28ab0cc7b32b13978f6f733875ebd1ed14f8fbc0f4ab"}, - {file = "pandas-2.2.0-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:e60f1f7dba3c2d5ca159e18c46a34e7ca7247a73b5dd1a22b6d59707ed6b899a"}, - {file = "pandas-2.2.0-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:eb61dc8567b798b969bcc1fc964788f5a68214d333cade8319c7ab33e2b5d88a"}, - {file = "pandas-2.2.0-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:52826b5f4ed658fa2b729264d63f6732b8b29949c7fd234510d57c61dbeadfcd"}, - {file = "pandas-2.2.0-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:bde2bc699dbd80d7bc7f9cab1e23a95c4375de615860ca089f34e7c64f4a8de7"}, - {file = "pandas-2.2.0-cp39-cp39-win_amd64.whl", hash = "sha256:3de918a754bbf2da2381e8a3dcc45eede8cd7775b047b923f9006d5f876802ae"}, - {file = "pandas-2.2.0.tar.gz", hash = "sha256:30b83f7c3eb217fb4d1b494a57a2fda5444f17834f5df2de6b2ffff68dc3c8e2"}, -] - -[package.dependencies] -numpy = {version = ">=1.22.4,<2", markers = "python_version < \"3.11\""} -python-dateutil = ">=2.8.2" -pytz = ">=2020.1" -tzdata = ">=2022.7" - -[package.extras] -all = ["PyQt5 (>=5.15.9)", "SQLAlchemy (>=2.0.0)", "adbc-driver-postgresql (>=0.8.0)", "adbc-driver-sqlite (>=0.8.0)", "beautifulsoup4 (>=4.11.2)", "bottleneck (>=1.3.6)", "dataframe-api-compat (>=0.1.7)", "fastparquet (>=2022.12.0)", "fsspec (>=2022.11.0)", "gcsfs (>=2022.11.0)", "html5lib (>=1.1)", "hypothesis (>=6.46.1)", "jinja2 (>=3.1.2)", "lxml (>=4.9.2)", "matplotlib (>=3.6.3)", "numba (>=0.56.4)", "numexpr (>=2.8.4)", "odfpy (>=1.4.1)", "openpyxl (>=3.1.0)", "pandas-gbq (>=0.19.0)", "psycopg2 (>=2.9.6)", "pyarrow (>=10.0.1)", "pymysql (>=1.0.2)", "pyreadstat (>=1.2.0)", "pytest (>=7.3.2)", "pytest-xdist (>=2.2.0)", "python-calamine (>=0.1.7)", "pyxlsb (>=1.0.10)", "qtpy (>=2.3.0)", "s3fs (>=2022.11.0)", "scipy (>=1.10.0)", "tables (>=3.8.0)", "tabulate (>=0.9.0)", "xarray (>=2022.12.0)", "xlrd (>=2.0.1)", "xlsxwriter (>=3.0.5)", "zstandard (>=0.19.0)"] -aws = ["s3fs (>=2022.11.0)"] -clipboard = ["PyQt5 (>=5.15.9)", "qtpy (>=2.3.0)"] -compression = ["zstandard (>=0.19.0)"] -computation = ["scipy (>=1.10.0)", "xarray (>=2022.12.0)"] -consortium-standard = ["dataframe-api-compat (>=0.1.7)"] -excel = ["odfpy (>=1.4.1)", "openpyxl (>=3.1.0)", "python-calamine (>=0.1.7)", "pyxlsb (>=1.0.10)", "xlrd (>=2.0.1)", "xlsxwriter (>=3.0.5)"] -feather = ["pyarrow (>=10.0.1)"] -fss = ["fsspec (>=2022.11.0)"] -gcp = ["gcsfs (>=2022.11.0)", "pandas-gbq (>=0.19.0)"] -hdf5 = ["tables (>=3.8.0)"] -html = ["beautifulsoup4 (>=4.11.2)", "html5lib (>=1.1)", "lxml (>=4.9.2)"] -mysql = ["SQLAlchemy (>=2.0.0)", "pymysql (>=1.0.2)"] -output-formatting = ["jinja2 (>=3.1.2)", "tabulate (>=0.9.0)"] -parquet = ["pyarrow (>=10.0.1)"] -performance = ["bottleneck (>=1.3.6)", "numba (>=0.56.4)", "numexpr (>=2.8.4)"] -plot = ["matplotlib (>=3.6.3)"] -postgresql = ["SQLAlchemy (>=2.0.0)", "adbc-driver-postgresql (>=0.8.0)", "psycopg2 (>=2.9.6)"] -spss = ["pyreadstat (>=1.2.0)"] -sql-other = ["SQLAlchemy (>=2.0.0)", "adbc-driver-postgresql (>=0.8.0)", "adbc-driver-sqlite (>=0.8.0)"] -test = ["hypothesis (>=6.46.1)", "pytest (>=7.3.2)", "pytest-xdist (>=2.2.0)"] -xml = ["lxml (>=4.9.2)"] - [[package]] name = "parso" version = "0.8.3" @@ -2920,13 +2951,13 @@ psutil = "*" [[package]] name = "prometheus-client" -version = "0.19.0" +version = "0.20.0" description = "Python client for the Prometheus monitoring system." optional = false python-versions = ">=3.8" files = [ - {file = "prometheus_client-0.19.0-py3-none-any.whl", hash = "sha256:c88b1e6ecf6b41cd8fb5731c7ae919bf66df6ec6fafa555cd6c0e16ca169ae92"}, - {file = "prometheus_client-0.19.0.tar.gz", hash = "sha256:4585b0d1223148c27a225b10dbec5ae9bc4c81a99a3fa80774fa6209935324e1"}, + {file = "prometheus_client-0.20.0-py3-none-any.whl", hash = "sha256:cde524a85bce83ca359cc837f28b8c0db5cac7aa653a588fd7e84ba061c329e7"}, + {file = "prometheus_client-0.20.0.tar.gz", hash = "sha256:287629d00b147a32dcb2be0b9df905da599b2d82f80377083ec8463309a4bb89"}, ] [package.extras] @@ -2948,22 +2979,22 @@ wcwidth = "*" [[package]] name = "protobuf" -version = "4.25.2" +version = "4.25.3" description = "" optional = false python-versions = ">=3.8" files = [ - {file = "protobuf-4.25.2-cp310-abi3-win32.whl", hash = "sha256:b50c949608682b12efb0b2717f53256f03636af5f60ac0c1d900df6213910fd6"}, - {file = "protobuf-4.25.2-cp310-abi3-win_amd64.whl", hash = "sha256:8f62574857ee1de9f770baf04dde4165e30b15ad97ba03ceac65f760ff018ac9"}, - {file = "protobuf-4.25.2-cp37-abi3-macosx_10_9_universal2.whl", hash = "sha256:2db9f8fa64fbdcdc93767d3cf81e0f2aef176284071507e3ede160811502fd3d"}, - {file = "protobuf-4.25.2-cp37-abi3-manylinux2014_aarch64.whl", hash = "sha256:10894a2885b7175d3984f2be8d9850712c57d5e7587a2410720af8be56cdaf62"}, - {file = "protobuf-4.25.2-cp37-abi3-manylinux2014_x86_64.whl", hash = "sha256:fc381d1dd0516343f1440019cedf08a7405f791cd49eef4ae1ea06520bc1c020"}, - {file = "protobuf-4.25.2-cp38-cp38-win32.whl", hash = "sha256:33a1aeef4b1927431d1be780e87b641e322b88d654203a9e9d93f218ee359e61"}, - {file = "protobuf-4.25.2-cp38-cp38-win_amd64.whl", hash = "sha256:47f3de503fe7c1245f6f03bea7e8d3ec11c6c4a2ea9ef910e3221c8a15516d62"}, - {file = "protobuf-4.25.2-cp39-cp39-win32.whl", hash = "sha256:5e5c933b4c30a988b52e0b7c02641760a5ba046edc5e43d3b94a74c9fc57c1b3"}, - {file = "protobuf-4.25.2-cp39-cp39-win_amd64.whl", hash = "sha256:d66a769b8d687df9024f2985d5137a337f957a0916cf5464d1513eee96a63ff0"}, - {file = "protobuf-4.25.2-py3-none-any.whl", hash = "sha256:a8b7a98d4ce823303145bf3c1a8bdb0f2f4642a414b196f04ad9853ed0c8f830"}, - {file = "protobuf-4.25.2.tar.gz", hash = "sha256:fe599e175cb347efc8ee524bcd4b902d11f7262c0e569ececcb89995c15f0a5e"}, + {file = "protobuf-4.25.3-cp310-abi3-win32.whl", hash = "sha256:d4198877797a83cbfe9bffa3803602bbe1625dc30d8a097365dbc762e5790faa"}, + {file = "protobuf-4.25.3-cp310-abi3-win_amd64.whl", hash = "sha256:209ba4cc916bab46f64e56b85b090607a676f66b473e6b762e6f1d9d591eb2e8"}, + {file = "protobuf-4.25.3-cp37-abi3-macosx_10_9_universal2.whl", hash = "sha256:f1279ab38ecbfae7e456a108c5c0681e4956d5b1090027c1de0f934dfdb4b35c"}, + {file = "protobuf-4.25.3-cp37-abi3-manylinux2014_aarch64.whl", hash = "sha256:e7cb0ae90dd83727f0c0718634ed56837bfeeee29a5f82a7514c03ee1364c019"}, + {file = "protobuf-4.25.3-cp37-abi3-manylinux2014_x86_64.whl", hash = "sha256:7c8daa26095f82482307bc717364e7c13f4f1c99659be82890dcfc215194554d"}, + {file = "protobuf-4.25.3-cp38-cp38-win32.whl", hash = "sha256:f4f118245c4a087776e0a8408be33cf09f6c547442c00395fbfb116fac2f8ac2"}, + {file = "protobuf-4.25.3-cp38-cp38-win_amd64.whl", hash = "sha256:c053062984e61144385022e53678fbded7aea14ebb3e0305ae3592fb219ccfa4"}, + {file = "protobuf-4.25.3-cp39-cp39-win32.whl", hash = "sha256:19b270aeaa0099f16d3ca02628546b8baefe2955bbe23224aaf856134eccf1e4"}, + {file = "protobuf-4.25.3-cp39-cp39-win_amd64.whl", hash = "sha256:e3c97a1555fd6388f857770ff8b9703083de6bf1f9274a002a332d65fbb56c8c"}, + {file = "protobuf-4.25.3-py3-none-any.whl", hash = "sha256:f0700d54bcf45424477e46a9f0944155b46fb0639d69728739c0e47bab83f2b9"}, + {file = "protobuf-4.25.3.tar.gz", hash = "sha256:25b5d0b42fd000320bd7830b349e3b696435f3b329810427a6bcce6a5492cc5c"}, ] [[package]] @@ -3116,54 +3147,6 @@ files = [ {file = "py_spy-0.3.14-py2.py3-none-win_amd64.whl", hash = "sha256:8f5b311d09f3a8e33dbd0d44fc6e37b715e8e0c7efefafcda8bfd63b31ab5a31"}, ] -[[package]] -name = "pyarrow" -version = "15.0.0" -description = "Python library for Apache Arrow" -optional = false -python-versions = ">=3.8" -files = [ - {file = "pyarrow-15.0.0-cp310-cp310-macosx_10_15_x86_64.whl", hash = "sha256:0a524532fd6dd482edaa563b686d754c70417c2f72742a8c990b322d4c03a15d"}, - {file = "pyarrow-15.0.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:60a6bdb314affa9c2e0d5dddf3d9cbb9ef4a8dddaa68669975287d47ece67642"}, - {file = "pyarrow-15.0.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:66958fd1771a4d4b754cd385835e66a3ef6b12611e001d4e5edfcef5f30391e2"}, - {file = "pyarrow-15.0.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:1f500956a49aadd907eaa21d4fff75f73954605eaa41f61cb94fb008cf2e00c6"}, - {file = "pyarrow-15.0.0-cp310-cp310-manylinux_2_28_aarch64.whl", hash = "sha256:6f87d9c4f09e049c2cade559643424da84c43a35068f2a1c4653dc5b1408a929"}, - {file = "pyarrow-15.0.0-cp310-cp310-manylinux_2_28_x86_64.whl", hash = "sha256:85239b9f93278e130d86c0e6bb455dcb66fc3fd891398b9d45ace8799a871a1e"}, - {file = "pyarrow-15.0.0-cp310-cp310-win_amd64.whl", hash = "sha256:5b8d43e31ca16aa6e12402fcb1e14352d0d809de70edd185c7650fe80e0769e3"}, - {file = "pyarrow-15.0.0-cp311-cp311-macosx_10_15_x86_64.whl", hash = "sha256:fa7cd198280dbd0c988df525e50e35b5d16873e2cdae2aaaa6363cdb64e3eec5"}, - {file = "pyarrow-15.0.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:8780b1a29d3c8b21ba6b191305a2a607de2e30dab399776ff0aa09131e266340"}, - {file = "pyarrow-15.0.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:fe0ec198ccc680f6c92723fadcb97b74f07c45ff3fdec9dd765deb04955ccf19"}, - {file = "pyarrow-15.0.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:036a7209c235588c2f07477fe75c07e6caced9b7b61bb897c8d4e52c4b5f9555"}, - {file = "pyarrow-15.0.0-cp311-cp311-manylinux_2_28_aarch64.whl", hash = "sha256:2bd8a0e5296797faf9a3294e9fa2dc67aa7f10ae2207920dbebb785c77e9dbe5"}, - {file = "pyarrow-15.0.0-cp311-cp311-manylinux_2_28_x86_64.whl", hash = "sha256:e8ebed6053dbe76883a822d4e8da36860f479d55a762bd9e70d8494aed87113e"}, - {file = "pyarrow-15.0.0-cp311-cp311-win_amd64.whl", hash = "sha256:17d53a9d1b2b5bd7d5e4cd84d018e2a45bc9baaa68f7e6e3ebed45649900ba99"}, - {file = "pyarrow-15.0.0-cp312-cp312-macosx_10_15_x86_64.whl", hash = "sha256:9950a9c9df24090d3d558b43b97753b8f5867fb8e521f29876aa021c52fda351"}, - {file = "pyarrow-15.0.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:003d680b5e422d0204e7287bb3fa775b332b3fce2996aa69e9adea23f5c8f970"}, - {file = "pyarrow-15.0.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:f75fce89dad10c95f4bf590b765e3ae98bcc5ba9f6ce75adb828a334e26a3d40"}, - {file = "pyarrow-15.0.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:0ca9cb0039923bec49b4fe23803807e4ef39576a2bec59c32b11296464623dc2"}, - {file = "pyarrow-15.0.0-cp312-cp312-manylinux_2_28_aarch64.whl", hash = "sha256:9ed5a78ed29d171d0acc26a305a4b7f83c122d54ff5270810ac23c75813585e4"}, - {file = "pyarrow-15.0.0-cp312-cp312-manylinux_2_28_x86_64.whl", hash = "sha256:6eda9e117f0402dfcd3cd6ec9bfee89ac5071c48fc83a84f3075b60efa96747f"}, - {file = "pyarrow-15.0.0-cp312-cp312-win_amd64.whl", hash = "sha256:9a3a6180c0e8f2727e6f1b1c87c72d3254cac909e609f35f22532e4115461177"}, - {file = "pyarrow-15.0.0-cp38-cp38-macosx_10_15_x86_64.whl", hash = "sha256:19a8918045993349b207de72d4576af0191beef03ea655d8bdb13762f0cd6eac"}, - {file = "pyarrow-15.0.0-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:d0ec076b32bacb6666e8813a22e6e5a7ef1314c8069d4ff345efa6246bc38593"}, - {file = "pyarrow-15.0.0-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:5db1769e5d0a77eb92344c7382d6543bea1164cca3704f84aa44e26c67e320fb"}, - {file = "pyarrow-15.0.0-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:e2617e3bf9df2a00020dd1c1c6dce5cc343d979efe10bc401c0632b0eef6ef5b"}, - {file = "pyarrow-15.0.0-cp38-cp38-manylinux_2_28_aarch64.whl", hash = "sha256:d31c1d45060180131caf10f0f698e3a782db333a422038bf7fe01dace18b3a31"}, - {file = "pyarrow-15.0.0-cp38-cp38-manylinux_2_28_x86_64.whl", hash = "sha256:c8c287d1d479de8269398b34282e206844abb3208224dbdd7166d580804674b7"}, - {file = "pyarrow-15.0.0-cp38-cp38-win_amd64.whl", hash = "sha256:07eb7f07dc9ecbb8dace0f58f009d3a29ee58682fcdc91337dfeb51ea618a75b"}, - {file = "pyarrow-15.0.0-cp39-cp39-macosx_10_15_x86_64.whl", hash = "sha256:47af7036f64fce990bb8a5948c04722e4e3ea3e13b1007ef52dfe0aa8f23cf7f"}, - {file = "pyarrow-15.0.0-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:93768ccfff85cf044c418bfeeafce9a8bb0cee091bd8fd19011aff91e58de540"}, - {file = "pyarrow-15.0.0-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:f6ee87fd6892700960d90abb7b17a72a5abb3b64ee0fe8db6c782bcc2d0dc0b4"}, - {file = "pyarrow-15.0.0-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:001fca027738c5f6be0b7a3159cc7ba16a5c52486db18160909a0831b063c4e4"}, - {file = "pyarrow-15.0.0-cp39-cp39-manylinux_2_28_aarch64.whl", hash = "sha256:d1c48648f64aec09accf44140dccb92f4f94394b8d79976c426a5b79b11d4fa7"}, - {file = "pyarrow-15.0.0-cp39-cp39-manylinux_2_28_x86_64.whl", hash = "sha256:972a0141be402bb18e3201448c8ae62958c9c7923dfaa3b3d4530c835ac81aed"}, - {file = "pyarrow-15.0.0-cp39-cp39-win_amd64.whl", hash = "sha256:f01fc5cf49081426429127aa2d427d9d98e1cb94a32cb961d583a70b7c4504e6"}, - {file = "pyarrow-15.0.0.tar.gz", hash = "sha256:876858f549d540898f927eba4ef77cd549ad8d24baa3207cf1b72e5788b50e83"}, -] - -[package.dependencies] -numpy = ">=1.16.6,<2" - [[package]] name = "pyasn1" version = "0.5.1" @@ -3243,55 +3226,132 @@ files = [ [[package]] name = "pydantic" -version = "1.10.14" -description = "Data validation and settings management using python type hints" +version = "2.6.2" +description = "Data validation using Python type hints" optional = false -python-versions = ">=3.7" +python-versions = ">=3.8" files = [ - {file = "pydantic-1.10.14-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:7f4fcec873f90537c382840f330b90f4715eebc2bc9925f04cb92de593eae054"}, - {file = "pydantic-1.10.14-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:8e3a76f571970fcd3c43ad982daf936ae39b3e90b8a2e96c04113a369869dc87"}, - {file = "pydantic-1.10.14-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:82d886bd3c3fbeaa963692ef6b643159ccb4b4cefaf7ff1617720cbead04fd1d"}, - {file = "pydantic-1.10.14-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:798a3d05ee3b71967844a1164fd5bdb8c22c6d674f26274e78b9f29d81770c4e"}, - {file = "pydantic-1.10.14-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:23d47a4b57a38e8652bcab15a658fdb13c785b9ce217cc3a729504ab4e1d6bc9"}, - {file = "pydantic-1.10.14-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:f9f674b5c3bebc2eba401de64f29948ae1e646ba2735f884d1594c5f675d6f2a"}, - {file = "pydantic-1.10.14-cp310-cp310-win_amd64.whl", hash = "sha256:24a7679fab2e0eeedb5a8924fc4a694b3bcaac7d305aeeac72dd7d4e05ecbebf"}, - {file = "pydantic-1.10.14-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:9d578ac4bf7fdf10ce14caba6f734c178379bd35c486c6deb6f49006e1ba78a7"}, - {file = "pydantic-1.10.14-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:fa7790e94c60f809c95602a26d906eba01a0abee9cc24150e4ce2189352deb1b"}, - {file = "pydantic-1.10.14-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:aad4e10efa5474ed1a611b6d7f0d130f4aafadceb73c11d9e72823e8f508e663"}, - {file = "pydantic-1.10.14-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:1245f4f61f467cb3dfeced2b119afef3db386aec3d24a22a1de08c65038b255f"}, - {file = "pydantic-1.10.14-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:21efacc678a11114c765eb52ec0db62edffa89e9a562a94cbf8fa10b5db5c046"}, - {file = "pydantic-1.10.14-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:412ab4a3f6dbd2bf18aefa9f79c7cca23744846b31f1d6555c2ee2b05a2e14ca"}, - {file = "pydantic-1.10.14-cp311-cp311-win_amd64.whl", hash = "sha256:e897c9f35281f7889873a3e6d6b69aa1447ceb024e8495a5f0d02ecd17742a7f"}, - {file = "pydantic-1.10.14-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:d604be0f0b44d473e54fdcb12302495fe0467c56509a2f80483476f3ba92b33c"}, - {file = "pydantic-1.10.14-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:a42c7d17706911199798d4c464b352e640cab4351efe69c2267823d619a937e5"}, - {file = "pydantic-1.10.14-cp37-cp37m-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:596f12a1085e38dbda5cbb874d0973303e34227b400b6414782bf205cc14940c"}, - {file = "pydantic-1.10.14-cp37-cp37m-musllinux_1_1_i686.whl", hash = "sha256:bfb113860e9288d0886e3b9e49d9cf4a9d48b441f52ded7d96db7819028514cc"}, - {file = "pydantic-1.10.14-cp37-cp37m-musllinux_1_1_x86_64.whl", hash = "sha256:bc3ed06ab13660b565eed80887fcfbc0070f0aa0691fbb351657041d3e874efe"}, - {file = "pydantic-1.10.14-cp37-cp37m-win_amd64.whl", hash = "sha256:ad8c2bc677ae5f6dbd3cf92f2c7dc613507eafe8f71719727cbc0a7dec9a8c01"}, - {file = "pydantic-1.10.14-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:c37c28449752bb1f47975d22ef2882d70513c546f8f37201e0fec3a97b816eee"}, - {file = "pydantic-1.10.14-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:49a46a0994dd551ec051986806122767cf144b9702e31d47f6d493c336462597"}, - {file = "pydantic-1.10.14-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:53e3819bd20a42470d6dd0fe7fc1c121c92247bca104ce608e609b59bc7a77ee"}, - {file = "pydantic-1.10.14-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:0fbb503bbbbab0c588ed3cd21975a1d0d4163b87e360fec17a792f7d8c4ff29f"}, - {file = "pydantic-1.10.14-cp38-cp38-musllinux_1_1_i686.whl", hash = "sha256:336709883c15c050b9c55a63d6c7ff09be883dbc17805d2b063395dd9d9d0022"}, - {file = "pydantic-1.10.14-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:4ae57b4d8e3312d486e2498d42aed3ece7b51848336964e43abbf9671584e67f"}, - {file = "pydantic-1.10.14-cp38-cp38-win_amd64.whl", hash = "sha256:dba49d52500c35cfec0b28aa8b3ea5c37c9df183ffc7210b10ff2a415c125c4a"}, - {file = "pydantic-1.10.14-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:c66609e138c31cba607d8e2a7b6a5dc38979a06c900815495b2d90ce6ded35b4"}, - {file = "pydantic-1.10.14-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:d986e115e0b39604b9eee3507987368ff8148222da213cd38c359f6f57b3b347"}, - {file = "pydantic-1.10.14-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:646b2b12df4295b4c3148850c85bff29ef6d0d9621a8d091e98094871a62e5c7"}, - {file = "pydantic-1.10.14-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:282613a5969c47c83a8710cc8bfd1e70c9223feb76566f74683af889faadc0ea"}, - {file = "pydantic-1.10.14-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:466669501d08ad8eb3c4fecd991c5e793c4e0bbd62299d05111d4f827cded64f"}, - {file = "pydantic-1.10.14-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:13e86a19dca96373dcf3190fcb8797d40a6f12f154a244a8d1e8e03b8f280593"}, - {file = "pydantic-1.10.14-cp39-cp39-win_amd64.whl", hash = "sha256:08b6ec0917c30861e3fe71a93be1648a2aa4f62f866142ba21670b24444d7fd8"}, - {file = "pydantic-1.10.14-py3-none-any.whl", hash = "sha256:8ee853cd12ac2ddbf0ecbac1c289f95882b2d4482258048079d13be700aa114c"}, - {file = "pydantic-1.10.14.tar.gz", hash = "sha256:46f17b832fe27de7850896f3afee50ea682220dd218f7e9c88d436788419dca6"}, + {file = "pydantic-2.6.2-py3-none-any.whl", hash = "sha256:37a5432e54b12fecaa1049c5195f3d860a10e01bdfd24f1840ef14bd0d3aeab3"}, + {file = "pydantic-2.6.2.tar.gz", hash = "sha256:a09be1c3d28f3abe37f8a78af58284b236a92ce520105ddc91a6d29ea1176ba7"}, ] [package.dependencies] -typing-extensions = ">=4.2.0" +annotated-types = ">=0.4.0" +pydantic-core = "2.16.3" +typing-extensions = ">=4.6.1" [package.extras] -dotenv = ["python-dotenv (>=0.10.4)"] -email = ["email-validator (>=1.0.3)"] +email = ["email-validator (>=2.0.0)"] + +[[package]] +name = "pydantic-core" +version = "2.16.3" +description = "" +optional = false +python-versions = ">=3.8" +files = [ + {file = "pydantic_core-2.16.3-cp310-cp310-macosx_10_12_x86_64.whl", hash = "sha256:75b81e678d1c1ede0785c7f46690621e4c6e63ccd9192af1f0bd9d504bbb6bf4"}, + {file = "pydantic_core-2.16.3-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:9c865a7ee6f93783bd5d781af5a4c43dadc37053a5b42f7d18dc019f8c9d2bd1"}, + {file = "pydantic_core-2.16.3-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:162e498303d2b1c036b957a1278fa0899d02b2842f1ff901b6395104c5554a45"}, + {file = "pydantic_core-2.16.3-cp310-cp310-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:2f583bd01bbfbff4eaee0868e6fc607efdfcc2b03c1c766b06a707abbc856187"}, + {file = "pydantic_core-2.16.3-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:b926dd38db1519ed3043a4de50214e0d600d404099c3392f098a7f9d75029ff8"}, + {file = "pydantic_core-2.16.3-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:716b542728d4c742353448765aa7cdaa519a7b82f9564130e2b3f6766018c9ec"}, + {file = "pydantic_core-2.16.3-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:fc4ad7f7ee1a13d9cb49d8198cd7d7e3aa93e425f371a68235f784e99741561f"}, + {file = "pydantic_core-2.16.3-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:bd87f48924f360e5d1c5f770d6155ce0e7d83f7b4e10c2f9ec001c73cf475c99"}, + {file = "pydantic_core-2.16.3-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:0df446663464884297c793874573549229f9eca73b59360878f382a0fc085979"}, + {file = "pydantic_core-2.16.3-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:4df8a199d9f6afc5ae9a65f8f95ee52cae389a8c6b20163762bde0426275b7db"}, + {file = "pydantic_core-2.16.3-cp310-none-win32.whl", hash = "sha256:456855f57b413f077dff513a5a28ed838dbbb15082ba00f80750377eed23d132"}, + {file = "pydantic_core-2.16.3-cp310-none-win_amd64.whl", hash = "sha256:732da3243e1b8d3eab8c6ae23ae6a58548849d2e4a4e03a1924c8ddf71a387cb"}, + {file = "pydantic_core-2.16.3-cp311-cp311-macosx_10_12_x86_64.whl", hash = "sha256:519ae0312616026bf4cedc0fe459e982734f3ca82ee8c7246c19b650b60a5ee4"}, + {file = "pydantic_core-2.16.3-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:b3992a322a5617ded0a9f23fd06dbc1e4bd7cf39bc4ccf344b10f80af58beacd"}, + {file = "pydantic_core-2.16.3-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:8d62da299c6ecb04df729e4b5c52dc0d53f4f8430b4492b93aa8de1f541c4aac"}, + {file = "pydantic_core-2.16.3-cp311-cp311-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:2acca2be4bb2f2147ada8cac612f8a98fc09f41c89f87add7256ad27332c2fda"}, + {file = "pydantic_core-2.16.3-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:1b662180108c55dfbf1280d865b2d116633d436cfc0bba82323554873967b340"}, + {file = "pydantic_core-2.16.3-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:e7c6ed0dc9d8e65f24f5824291550139fe6f37fac03788d4580da0d33bc00c97"}, + {file = "pydantic_core-2.16.3-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:a6b1bb0827f56654b4437955555dc3aeeebeddc47c2d7ed575477f082622c49e"}, + {file = "pydantic_core-2.16.3-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:e56f8186d6210ac7ece503193ec84104da7ceb98f68ce18c07282fcc2452e76f"}, + {file = "pydantic_core-2.16.3-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:936e5db01dd49476fa8f4383c259b8b1303d5dd5fb34c97de194560698cc2c5e"}, + {file = "pydantic_core-2.16.3-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:33809aebac276089b78db106ee692bdc9044710e26f24a9a2eaa35a0f9fa70ba"}, + {file = "pydantic_core-2.16.3-cp311-none-win32.whl", hash = "sha256:ded1c35f15c9dea16ead9bffcde9bb5c7c031bff076355dc58dcb1cb436c4721"}, + {file = "pydantic_core-2.16.3-cp311-none-win_amd64.whl", hash = "sha256:d89ca19cdd0dd5f31606a9329e309d4fcbb3df860960acec32630297d61820df"}, + {file = "pydantic_core-2.16.3-cp311-none-win_arm64.whl", hash = "sha256:6162f8d2dc27ba21027f261e4fa26f8bcb3cf9784b7f9499466a311ac284b5b9"}, + {file = "pydantic_core-2.16.3-cp312-cp312-macosx_10_12_x86_64.whl", hash = "sha256:0f56ae86b60ea987ae8bcd6654a887238fd53d1384f9b222ac457070b7ac4cff"}, + {file = "pydantic_core-2.16.3-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:c9bd22a2a639e26171068f8ebb5400ce2c1bc7d17959f60a3b753ae13c632975"}, + {file = "pydantic_core-2.16.3-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:4204e773b4b408062960e65468d5346bdfe139247ee5f1ca2a378983e11388a2"}, + {file = "pydantic_core-2.16.3-cp312-cp312-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:f651dd19363c632f4abe3480a7c87a9773be27cfe1341aef06e8759599454120"}, + {file = "pydantic_core-2.16.3-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:aaf09e615a0bf98d406657e0008e4a8701b11481840be7d31755dc9f97c44053"}, + {file = "pydantic_core-2.16.3-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:8e47755d8152c1ab5b55928ab422a76e2e7b22b5ed8e90a7d584268dd49e9c6b"}, + {file = "pydantic_core-2.16.3-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:500960cb3a0543a724a81ba859da816e8cf01b0e6aaeedf2c3775d12ee49cade"}, + {file = "pydantic_core-2.16.3-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:cf6204fe865da605285c34cf1172879d0314ff267b1c35ff59de7154f35fdc2e"}, + {file = "pydantic_core-2.16.3-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:d33dd21f572545649f90c38c227cc8631268ba25c460b5569abebdd0ec5974ca"}, + {file = "pydantic_core-2.16.3-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:49d5d58abd4b83fb8ce763be7794d09b2f50f10aa65c0f0c1696c677edeb7cbf"}, + {file = "pydantic_core-2.16.3-cp312-none-win32.whl", hash = "sha256:f53aace168a2a10582e570b7736cc5bef12cae9cf21775e3eafac597e8551fbe"}, + {file = "pydantic_core-2.16.3-cp312-none-win_amd64.whl", hash = "sha256:0d32576b1de5a30d9a97f300cc6a3f4694c428d956adbc7e6e2f9cad279e45ed"}, + {file = "pydantic_core-2.16.3-cp312-none-win_arm64.whl", hash = "sha256:ec08be75bb268473677edb83ba71e7e74b43c008e4a7b1907c6d57e940bf34b6"}, + {file = "pydantic_core-2.16.3-cp38-cp38-macosx_10_12_x86_64.whl", hash = "sha256:b1f6f5938d63c6139860f044e2538baeee6f0b251a1816e7adb6cbce106a1f01"}, + {file = "pydantic_core-2.16.3-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:2a1ef6a36fdbf71538142ed604ad19b82f67b05749512e47f247a6ddd06afdc7"}, + {file = "pydantic_core-2.16.3-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:704d35ecc7e9c31d48926150afada60401c55efa3b46cd1ded5a01bdffaf1d48"}, + {file = "pydantic_core-2.16.3-cp38-cp38-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:d937653a696465677ed583124b94a4b2d79f5e30b2c46115a68e482c6a591c8a"}, + {file = "pydantic_core-2.16.3-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:c9803edf8e29bd825f43481f19c37f50d2b01899448273b3a7758441b512acf8"}, + {file = "pydantic_core-2.16.3-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:72282ad4892a9fb2da25defeac8c2e84352c108705c972db82ab121d15f14e6d"}, + {file = "pydantic_core-2.16.3-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:7f752826b5b8361193df55afcdf8ca6a57d0232653494ba473630a83ba50d8c9"}, + {file = "pydantic_core-2.16.3-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:4384a8f68ddb31a0b0c3deae88765f5868a1b9148939c3f4121233314ad5532c"}, + {file = "pydantic_core-2.16.3-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:a4b2bf78342c40b3dc830880106f54328928ff03e357935ad26c7128bbd66ce8"}, + {file = "pydantic_core-2.16.3-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:13dcc4802961b5f843a9385fc821a0b0135e8c07fc3d9949fd49627c1a5e6ae5"}, + {file = "pydantic_core-2.16.3-cp38-none-win32.whl", hash = "sha256:e3e70c94a0c3841e6aa831edab1619ad5c511199be94d0c11ba75fe06efe107a"}, + {file = "pydantic_core-2.16.3-cp38-none-win_amd64.whl", hash = "sha256:ecdf6bf5f578615f2e985a5e1f6572e23aa632c4bd1dc67f8f406d445ac115ed"}, + {file = "pydantic_core-2.16.3-cp39-cp39-macosx_10_12_x86_64.whl", hash = "sha256:bda1ee3e08252b8d41fa5537413ffdddd58fa73107171a126d3b9ff001b9b820"}, + {file = "pydantic_core-2.16.3-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:21b888c973e4f26b7a96491c0965a8a312e13be108022ee510248fe379a5fa23"}, + {file = "pydantic_core-2.16.3-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:be0ec334369316fa73448cc8c982c01e5d2a81c95969d58b8f6e272884df0074"}, + {file = "pydantic_core-2.16.3-cp39-cp39-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:b5b6079cc452a7c53dd378c6f881ac528246b3ac9aae0f8eef98498a75657805"}, + {file = "pydantic_core-2.16.3-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:7ee8d5f878dccb6d499ba4d30d757111847b6849ae07acdd1205fffa1fc1253c"}, + {file = "pydantic_core-2.16.3-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:7233d65d9d651242a68801159763d09e9ec96e8a158dbf118dc090cd77a104c9"}, + {file = "pydantic_core-2.16.3-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:c6119dc90483a5cb50a1306adb8d52c66e447da88ea44f323e0ae1a5fcb14256"}, + {file = "pydantic_core-2.16.3-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:578114bc803a4c1ff9946d977c221e4376620a46cf78da267d946397dc9514a8"}, + {file = "pydantic_core-2.16.3-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:d8f99b147ff3fcf6b3cc60cb0c39ea443884d5559a30b1481e92495f2310ff2b"}, + {file = "pydantic_core-2.16.3-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:4ac6b4ce1e7283d715c4b729d8f9dab9627586dafce81d9eaa009dd7f25dd972"}, + {file = "pydantic_core-2.16.3-cp39-none-win32.whl", hash = "sha256:e7774b570e61cb998490c5235740d475413a1f6de823169b4cf94e2fe9e9f6b2"}, + {file = "pydantic_core-2.16.3-cp39-none-win_amd64.whl", hash = "sha256:9091632a25b8b87b9a605ec0e61f241c456e9248bfdcf7abdf344fdb169c81cf"}, + {file = "pydantic_core-2.16.3-pp310-pypy310_pp73-macosx_10_12_x86_64.whl", hash = "sha256:36fa178aacbc277bc6b62a2c3da95226520da4f4e9e206fdf076484363895d2c"}, + {file = "pydantic_core-2.16.3-pp310-pypy310_pp73-macosx_11_0_arm64.whl", hash = "sha256:dcca5d2bf65c6fb591fff92da03f94cd4f315972f97c21975398bd4bd046854a"}, + {file = "pydantic_core-2.16.3-pp310-pypy310_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:2a72fb9963cba4cd5793854fd12f4cfee731e86df140f59ff52a49b3552db241"}, + {file = "pydantic_core-2.16.3-pp310-pypy310_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:b60cc1a081f80a2105a59385b92d82278b15d80ebb3adb200542ae165cd7d183"}, + {file = "pydantic_core-2.16.3-pp310-pypy310_pp73-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:cbcc558401de90a746d02ef330c528f2e668c83350f045833543cd57ecead1ad"}, + {file = "pydantic_core-2.16.3-pp310-pypy310_pp73-musllinux_1_1_aarch64.whl", hash = "sha256:fee427241c2d9fb7192b658190f9f5fd6dfe41e02f3c1489d2ec1e6a5ab1e04a"}, + {file = "pydantic_core-2.16.3-pp310-pypy310_pp73-musllinux_1_1_x86_64.whl", hash = "sha256:f4cb85f693044e0f71f394ff76c98ddc1bc0953e48c061725e540396d5c8a2e1"}, + {file = "pydantic_core-2.16.3-pp310-pypy310_pp73-win_amd64.whl", hash = "sha256:b29eeb887aa931c2fcef5aa515d9d176d25006794610c264ddc114c053bf96fe"}, + {file = "pydantic_core-2.16.3-pp39-pypy39_pp73-macosx_10_12_x86_64.whl", hash = "sha256:a425479ee40ff021f8216c9d07a6a3b54b31c8267c6e17aa88b70d7ebd0e5e5b"}, + {file = "pydantic_core-2.16.3-pp39-pypy39_pp73-macosx_11_0_arm64.whl", hash = "sha256:5c5cbc703168d1b7a838668998308018a2718c2130595e8e190220238addc96f"}, + {file = "pydantic_core-2.16.3-pp39-pypy39_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:99b6add4c0b39a513d323d3b93bc173dac663c27b99860dd5bf491b240d26137"}, + {file = "pydantic_core-2.16.3-pp39-pypy39_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:75f76ee558751746d6a38f89d60b6228fa174e5172d143886af0f85aa306fd89"}, + {file = "pydantic_core-2.16.3-pp39-pypy39_pp73-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:00ee1c97b5364b84cb0bd82e9bbf645d5e2871fb8c58059d158412fee2d33d8a"}, + {file = "pydantic_core-2.16.3-pp39-pypy39_pp73-musllinux_1_1_aarch64.whl", hash = "sha256:287073c66748f624be4cef893ef9174e3eb88fe0b8a78dc22e88eca4bc357ca6"}, + {file = "pydantic_core-2.16.3-pp39-pypy39_pp73-musllinux_1_1_x86_64.whl", hash = "sha256:ed25e1835c00a332cb10c683cd39da96a719ab1dfc08427d476bce41b92531fc"}, + {file = "pydantic_core-2.16.3-pp39-pypy39_pp73-win_amd64.whl", hash = "sha256:86b3d0033580bd6bbe07590152007275bd7af95f98eaa5bd36f3da219dcd93da"}, + {file = "pydantic_core-2.16.3.tar.gz", hash = "sha256:1cac689f80a3abab2d3c0048b29eea5751114054f032a941a32de4c852c59cad"}, +] + +[package.dependencies] +typing-extensions = ">=4.6.0,<4.7.0 || >4.7.0" + +[[package]] +name = "pydantic-settings" +version = "2.2.1" +description = "Settings management using Pydantic" +optional = false +python-versions = ">=3.8" +files = [ + {file = "pydantic_settings-2.2.1-py3-none-any.whl", hash = "sha256:0235391d26db4d2190cb9b31051c4b46882d28a51533f97440867f012d4da091"}, + {file = "pydantic_settings-2.2.1.tar.gz", hash = "sha256:00b9f6a5e95553590434c0fa01ead0b216c3e10bc54ae02e37f359948643c5ed"}, +] + +[package.dependencies] +pydantic = ">=2.3.0" +python-dotenv = ">=0.21.0" + +[package.extras] +toml = ["tomli (>=2.0.1)"] +yaml = ["pyyaml (>=6.0.1)"] [[package]] name = "pygments" @@ -3308,6 +3368,17 @@ files = [ plugins = ["importlib-metadata"] windows-terminal = ["colorama (>=0.4.6)"] +[[package]] +name = "pynvml" +version = "11.5.0" +description = "Python Bindings for the NVIDIA Management Library" +optional = false +python-versions = ">=3.6" +files = [ + {file = "pynvml-11.5.0-py3-none-any.whl", hash = "sha256:5cce014ac01b098d08f06178f86c37be409b80b2e903a5a03ce15eed60f55e25"}, + {file = "pynvml-11.5.0.tar.gz", hash = "sha256:d027b21b95b1088b9fc278117f9f61b7c67f8e33a787e9f83f735f0f71ac32d0"}, +] + [[package]] name = "pyparsing" version = "3.1.1" @@ -3335,13 +3406,13 @@ files = [ [[package]] name = "pytest" -version = "7.4.4" +version = "8.0.2" description = "pytest: simple powerful testing with Python" optional = false -python-versions = ">=3.7" +python-versions = ">=3.8" files = [ - {file = "pytest-7.4.4-py3-none-any.whl", hash = "sha256:b090cdf5ed60bf4c45261be03239c2c1c22df034fbffe691abe93cd80cea01d8"}, - {file = "pytest-7.4.4.tar.gz", hash = "sha256:2cf0005922c6ace4a3e2ec8b4080eb0d9753fdc93107415332f50ce9e7994280"}, + {file = "pytest-8.0.2-py3-none-any.whl", hash = "sha256:edfaaef32ce5172d5466b5127b42e0d6d35ebbe4453f0e3505d96afd93f6b096"}, + {file = "pytest-8.0.2.tar.gz", hash = "sha256:d4051d623a2e0b7e51960ba963193b09ce6daeb9759a451844a21e4ddedfc1bd"}, ] [package.dependencies] @@ -3349,7 +3420,7 @@ colorama = {version = "*", markers = "sys_platform == \"win32\""} exceptiongroup = {version = ">=1.0.0rc8", markers = "python_version < \"3.11\""} iniconfig = "*" packaging = "*" -pluggy = ">=0.12,<2.0" +pluggy = ">=1.3.0,<2.0" tomli = {version = ">=1.0.0", markers = "python_version < \"3.11\""} [package.extras] @@ -3357,17 +3428,17 @@ testing = ["argcomplete", "attrs (>=19.2.0)", "hypothesis (>=3.56)", "mock", "no [[package]] name = "pytest-asyncio" -version = "0.23.4" +version = "0.23.5" description = "Pytest support for asyncio" optional = false python-versions = ">=3.8" files = [ - {file = "pytest-asyncio-0.23.4.tar.gz", hash = "sha256:2143d9d9375bf372a73260e4114541485e84fca350b0b6b92674ca56ff5f7ea2"}, - {file = "pytest_asyncio-0.23.4-py3-none-any.whl", hash = "sha256:b0079dfac14b60cd1ce4691fbfb1748fe939db7d0234b5aba97197d10fbe0fef"}, + {file = "pytest-asyncio-0.23.5.tar.gz", hash = "sha256:3a048872a9c4ba14c3e90cc1aa20cbc2def7d01c7c8db3777ec281ba9c057675"}, + {file = "pytest_asyncio-0.23.5-py3-none-any.whl", hash = "sha256:4e7093259ba018d58ede7d5315131d21923a60f8a6e9ee266ce1589685c89eac"}, ] [package.dependencies] -pytest = ">=7.0.0,<8" +pytest = ">=7.0.0,<9" [package.extras] docs = ["sphinx (>=5.3)", "sphinx-rtd-theme (>=1.0)"] @@ -3479,17 +3550,6 @@ files = [ [package.extras] dev = ["atomicwrites (==1.2.1)", "attrs (==19.2.0)", "coverage (==6.5.0)", "hatch", "invoke (==1.7.3)", "more-itertools (==4.3.0)", "pbr (==4.3.0)", "pluggy (==1.0.0)", "py (==1.11.0)", "pytest (==7.2.0)", "pytest-cov (==4.0.0)", "pytest-timeout (==2.1.0)", "pyyaml (==5.1)"] -[[package]] -name = "pytz" -version = "2024.1" -description = "World timezone definitions, modern and historical" -optional = false -python-versions = "*" -files = [ - {file = "pytz-2024.1-py2.py3-none-any.whl", hash = "sha256:328171f4e3623139da4983451950b28e95ac706e13f3f2630a879749e7a8b319"}, - {file = "pytz-2024.1.tar.gz", hash = "sha256:2a29735ea9c18baf14b448846bde5a48030ed267578472d8955cd0e7443a9812"}, -] - [[package]] name = "pywin32" version = "306" @@ -3678,6 +3738,16 @@ files = [ [package.dependencies] cffi = {version = "*", markers = "implementation_name == \"pypy\""} +[[package]] +name = "quantile-python" +version = "1.1" +description = "Python Implementation of Graham Cormode and S. Muthukrishnan's Effective Computation of Biased Quantiles over Data Streams in ICDE'05" +optional = false +python-versions = "*" +files = [ + {file = "quantile-python-1.1.tar.gz", hash = "sha256:558629e88c497ef3b9b1081349c1ae6a61b53590e317724298ff54c674db7969"}, +] + [[package]] name = "rapidfuzz" version = "3.6.1" @@ -3782,31 +3852,31 @@ full = ["numpy"] [[package]] name = "ray" -version = "2.8.1" +version = "2.9.3" description = "Ray provides a simple, universal API for building distributed applications." optional = false -python-versions = "*" +python-versions = ">=3.8" files = [ - {file = "ray-2.8.1-cp310-cp310-macosx_10_15_x86_64.whl", hash = "sha256:2fe3174013d450dafbd219302112e670a035dac96443e9102e729eb914d9335f"}, - {file = "ray-2.8.1-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:4e8b43c9e2dbddbddac281cb518138228f2742d829a488490664dad350ea1aff"}, - {file = "ray-2.8.1-cp310-cp310-manylinux2014_aarch64.whl", hash = "sha256:b1c1986ce3ed32b7304e1480e2cdfad2af2118a4b5ab561a671b5d83b3353b65"}, - {file = "ray-2.8.1-cp310-cp310-manylinux2014_x86_64.whl", hash = "sha256:8dab22b7d0659f1d8f8df7fc62895955c28c2c51ea5cb4c2b89ec0bbe4f1c573"}, - {file = "ray-2.8.1-cp310-cp310-win_amd64.whl", hash = "sha256:b68388647d169e7b059dba5dcff7f704a0a31d46c91205862ceb477c7bf07cf5"}, - {file = "ray-2.8.1-cp311-cp311-macosx_10_15_x86_64.whl", hash = "sha256:84ce9d30f7c49ad5e4130fc0411b2f21d6148435b027cc8fb1711cb9c6eb7990"}, - {file = "ray-2.8.1-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:9d20c20c14809dcfc93e441ac72028497ce4554d966ac950df455c2f68079d2c"}, - {file = "ray-2.8.1-cp311-cp311-manylinux2014_aarch64.whl", hash = "sha256:8ec10b85058ce2e191ceb312382683e2cc9e81d063feab02527eecdc19220955"}, - {file = "ray-2.8.1-cp311-cp311-manylinux2014_x86_64.whl", hash = "sha256:05cc635f579067419478f006406e1954268a3efa8409cb5621d5ed4c5426b8c7"}, - {file = "ray-2.8.1-cp311-cp311-win_amd64.whl", hash = "sha256:f66a0ca8e07a851deab82f7592e1c3b7e4d95d27f5870c43e5266e8ca824aac0"}, - {file = "ray-2.8.1-cp38-cp38-macosx_10_15_x86_64.whl", hash = "sha256:932e7129007ea2152676bbd66b59c2df7c165c36fb669442f29b488b0027de21"}, - {file = "ray-2.8.1-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:2c7dd115dabcb45a35b91b6c3e2a07bdc322aecd906d38679b487d125787d171"}, - {file = "ray-2.8.1-cp38-cp38-manylinux2014_aarch64.whl", hash = "sha256:71d20d90cea033441de565ad8a4b66440435e27c79cc354f0c5ef245fe5dd491"}, - {file = "ray-2.8.1-cp38-cp38-manylinux2014_x86_64.whl", hash = "sha256:7fd8e73af2635869b51828b2acff87f45d74a396729443a243804e306b8c8931"}, - {file = "ray-2.8.1-cp38-cp38-win_amd64.whl", hash = "sha256:a256ccbec67f22fe9a2da1b72c9f2057ee2d97414779faf84685288e6008d451"}, - {file = "ray-2.8.1-cp39-cp39-macosx_10_15_x86_64.whl", hash = "sha256:6d0a4f08794c517fdadf5fc1e5442c6424cb6678e309731ff1d5bcbc7af168fb"}, - {file = "ray-2.8.1-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:0054c59bd110a9e026a1fcfa1e35ee0909f197245bd20d4303d1cd862ecda870"}, - {file = "ray-2.8.1-cp39-cp39-manylinux2014_aarch64.whl", hash = "sha256:67602e38ef01936027c4b298b99a8d839278a301af1892d72c6244b39a3ed01b"}, - {file = "ray-2.8.1-cp39-cp39-manylinux2014_x86_64.whl", hash = "sha256:fc39b645703470b3084c4ac02cde01decbf8427385cf8ea3ab574d49454872b6"}, - {file = "ray-2.8.1-cp39-cp39-win_amd64.whl", hash = "sha256:cc8ae2d02abe2ef590794deb372b43be71ba8cf449c76724cfc06dc0b34f6b69"}, + {file = "ray-2.9.3-cp310-cp310-macosx_10_15_x86_64.whl", hash = "sha256:09b4d3f3cacc66f256695a5f72960111815cee3986bdcf7a9c3f6f0fac144100"}, + {file = "ray-2.9.3-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:287eed74fa536651aa799c4295e1b27eee1650f29236fa94487985b76bffff35"}, + {file = "ray-2.9.3-cp310-cp310-manylinux2014_aarch64.whl", hash = "sha256:d5334fb43468f56a52ebd8fb30f39bbc6d2a6a16ecf3d9f78be59952aa533b6a"}, + {file = "ray-2.9.3-cp310-cp310-manylinux2014_x86_64.whl", hash = "sha256:c54e35eb78816c722a58f31d75f5ec82834433fa639ecf70daee0d7b182598ca"}, + {file = "ray-2.9.3-cp310-cp310-win_amd64.whl", hash = "sha256:266f890ea8bb6ce417a4890ae495082eece45ac1c1ad0db92a5f6fb52792a3bc"}, + {file = "ray-2.9.3-cp311-cp311-macosx_10_15_x86_64.whl", hash = "sha256:8e72b92122c612f54224ffb33ef34f437aec59f370382882f4519b6fd55bb349"}, + {file = "ray-2.9.3-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:615a5b8d17a69713178cdb2184c4f6d11c5d3a1a5a358bd3617f9404d782323e"}, + {file = "ray-2.9.3-cp311-cp311-manylinux2014_aarch64.whl", hash = "sha256:b493412cf3f38861f517664312da40d622baa7deb8b5a9811ca1b1fb60bd444a"}, + {file = "ray-2.9.3-cp311-cp311-manylinux2014_x86_64.whl", hash = "sha256:747343a1115f7b851da287e0e2b1cd3c703c843c9dd1f522c1e47bfc76e14c9e"}, + {file = "ray-2.9.3-cp311-cp311-win_amd64.whl", hash = "sha256:606dded40b17350b2d29b1fc0cb7be7085a8f39c9576a63e450d86fc5670f01a"}, + {file = "ray-2.9.3-cp38-cp38-macosx_10_15_x86_64.whl", hash = "sha256:d3219d341b4f32ff9cb747783615fbdabe45a202d6e50f9a8510470d117ba40e"}, + {file = "ray-2.9.3-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:fb4bb8db188155671125facc8ed89d1d70314959c66f2bf8dba6f087ab3024e2"}, + {file = "ray-2.9.3-cp38-cp38-manylinux2014_aarch64.whl", hash = "sha256:cc064f1760775600a2edd281fcbe70f2b84ec09c9b6fd3f0cf21cbe6e0e34269"}, + {file = "ray-2.9.3-cp38-cp38-manylinux2014_x86_64.whl", hash = "sha256:41f3b8d6c8ff57875dbf8b2b1c9bb8bbd7c6fc0b6c2048772ddd704f53eec653"}, + {file = "ray-2.9.3-cp38-cp38-win_amd64.whl", hash = "sha256:06fedfd0bfb875cd504870a9960a244f41d202a61388edd23b7a8513bb007de2"}, + {file = "ray-2.9.3-cp39-cp39-macosx_10_15_x86_64.whl", hash = "sha256:0b892cdbc7bdd3cebb5ee71811c468b922b3c99e65aeb890a522af36f1933350"}, + {file = "ray-2.9.3-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:f597662dafd3c5b91b41f892acb1ef12e69732ced845f40060c3455192e1bd29"}, + {file = "ray-2.9.3-cp39-cp39-manylinux2014_aarch64.whl", hash = "sha256:febae4acb05b132f9c49cd3b2a9dd8bfaa1cb8a52ef75f734659469956efe9f1"}, + {file = "ray-2.9.3-cp39-cp39-manylinux2014_x86_64.whl", hash = "sha256:859e7be3cfcc1eb52762aa0065a3c7c57002e67e23f2858b40cf5f3081e13391"}, + {file = "ray-2.9.3-cp39-cp39-win_amd64.whl", hash = "sha256:2befd5f928c896357170bf46ac1ab197509561dce1cc733db9b235e02039dfe7"}, ] [package.dependencies] @@ -3816,39 +3886,38 @@ aiorwlock = {version = "*", optional = true, markers = "extra == \"serve\""} aiosignal = "*" click = ">=7.0" colorful = {version = "*", optional = true, markers = "extra == \"serve\""} -fastapi = {version = "*", optional = true, markers = "extra == \"serve\""} +fastapi = {version = "<=0.108.0", optional = true, markers = "extra == \"serve\""} filelock = "*" frozenlist = "*" gpustat = {version = ">=1.0.0", optional = true, markers = "extra == \"serve\""} grpcio = {version = ">=1.42.0", optional = true, markers = "python_version >= \"3.10\" and extra == \"serve\""} jsonschema = "*" msgpack = ">=1.0.0,<2.0.0" -numpy = {version = ">=1.19.3", markers = "python_version >= \"3.9\""} opencensus = {version = "*", optional = true, markers = "extra == \"serve\""} packaging = "*" prometheus-client = {version = ">=0.7.1", optional = true, markers = "extra == \"serve\""} protobuf = ">=3.15.3,<3.19.5 || >3.19.5" py-spy = {version = ">=0.2.0", optional = true, markers = "extra == \"serve\""} -pydantic = {version = "<2", optional = true, markers = "extra == \"serve\""} +pydantic = {version = "<2.0.dev0 || >=2.5.dev0,<3", optional = true, markers = "extra == \"serve\""} pyyaml = "*" requests = "*" smart-open = {version = "*", optional = true, markers = "extra == \"serve\""} starlette = {version = "*", optional = true, markers = "extra == \"serve\""} uvicorn = {version = "*", extras = ["standard"], optional = true, markers = "extra == \"serve\""} -virtualenv = {version = ">=20.0.24,<20.21.1", optional = true, markers = "extra == \"serve\""} +virtualenv = {version = ">=20.0.24,<20.21.1 || >20.21.1", optional = true, markers = "extra == \"serve\""} watchfiles = {version = "*", optional = true, markers = "extra == \"serve\""} [package.extras] -air = ["aiohttp (>=3.7)", "aiohttp-cors", "aiorwlock", "colorful", "fastapi", "fsspec", "gpustat (>=1.0.0)", "grpcio (>=1.32.0)", "grpcio (>=1.42.0)", "numpy (>=1.20)", "opencensus", "pandas", "pandas (>=1.3)", "prometheus-client (>=0.7.1)", "py-spy (>=0.2.0)", "pyarrow (>=6.0.1)", "pydantic (<2)", "requests", "smart-open", "starlette", "tensorboardX (>=1.9)", "uvicorn[standard]", "virtualenv (>=20.0.24,<20.21.1)", "watchfiles"] -all = ["aiohttp (>=3.7)", "aiohttp-cors", "aiorwlock", "colorful", "dm-tree", "fastapi", "fsspec", "gpustat (>=1.0.0)", "grpcio (!=1.56.0)", "grpcio (>=1.32.0)", "grpcio (>=1.42.0)", "gymnasium (==0.28.1)", "lz4", "numpy (>=1.20)", "opencensus", "opentelemetry-api", "opentelemetry-exporter-otlp", "opentelemetry-sdk", "pandas", "pandas (>=1.3)", "prometheus-client (>=0.7.1)", "py-spy (>=0.2.0)", "pyarrow (>=6.0.1)", "pydantic (<2)", "pyyaml", "ray-cpp (==2.8.1)", "requests", "rich", "scikit-image", "scipy", "smart-open", "starlette", "tensorboardX (>=1.9)", "typer", "uvicorn[standard]", "virtualenv (>=20.0.24,<20.21.1)", "watchfiles"] +air = ["aiohttp (>=3.7)", "aiohttp-cors", "aiorwlock", "colorful", "fastapi (<=0.108.0)", "fsspec", "gpustat (>=1.0.0)", "grpcio (>=1.32.0)", "grpcio (>=1.42.0)", "numpy (>=1.20)", "opencensus", "pandas", "pandas (>=1.3)", "prometheus-client (>=0.7.1)", "py-spy (>=0.2.0)", "pyarrow (>=6.0.1)", "pydantic (<2.0.dev0 || >=2.5.dev0,<3)", "requests", "smart-open", "starlette", "tensorboardX (>=1.9)", "uvicorn[standard]", "virtualenv (>=20.0.24,!=20.21.1)", "watchfiles"] +all = ["aiohttp (>=3.7)", "aiohttp-cors", "aiorwlock", "colorful", "dm-tree", "fastapi (<=0.108.0)", "fsspec", "gpustat (>=1.0.0)", "grpcio (!=1.56.0)", "grpcio (>=1.32.0)", "grpcio (>=1.42.0)", "gymnasium (==0.28.1)", "lz4", "numpy (>=1.20)", "opencensus", "opentelemetry-api", "opentelemetry-exporter-otlp", "opentelemetry-sdk", "pandas", "pandas (>=1.3)", "prometheus-client (>=0.7.1)", "py-spy (>=0.2.0)", "pyarrow (>=6.0.1)", "pydantic (<2.0.dev0 || >=2.5.dev0,<3)", "pyyaml", "ray-cpp (==2.9.3)", "requests", "rich", "scikit-image", "scipy", "smart-open", "starlette", "tensorboardX (>=1.9)", "typer", "uvicorn[standard]", "virtualenv (>=20.0.24,!=20.21.1)", "watchfiles"] client = ["grpcio (!=1.56.0)"] -cpp = ["ray-cpp (==2.8.1)"] +cpp = ["ray-cpp (==2.9.3)"] data = ["fsspec", "numpy (>=1.20)", "pandas (>=1.3)", "pyarrow (>=6.0.1)"] -default = ["aiohttp (>=3.7)", "aiohttp-cors", "colorful", "gpustat (>=1.0.0)", "grpcio (>=1.32.0)", "grpcio (>=1.42.0)", "opencensus", "prometheus-client (>=0.7.1)", "py-spy (>=0.2.0)", "pydantic (<2)", "requests", "smart-open", "virtualenv (>=20.0.24,<20.21.1)"] +default = ["aiohttp (>=3.7)", "aiohttp-cors", "colorful", "gpustat (>=1.0.0)", "grpcio (>=1.32.0)", "grpcio (>=1.42.0)", "opencensus", "prometheus-client (>=0.7.1)", "py-spy (>=0.2.0)", "pydantic (<2.0.dev0 || >=2.5.dev0,<3)", "requests", "smart-open", "virtualenv (>=20.0.24,!=20.21.1)"] observability = ["opentelemetry-api", "opentelemetry-exporter-otlp", "opentelemetry-sdk"] rllib = ["dm-tree", "fsspec", "gymnasium (==0.28.1)", "lz4", "pandas", "pyarrow (>=6.0.1)", "pyyaml", "requests", "rich", "scikit-image", "scipy", "tensorboardX (>=1.9)", "typer"] -serve = ["aiohttp (>=3.7)", "aiohttp-cors", "aiorwlock", "colorful", "fastapi", "gpustat (>=1.0.0)", "grpcio (>=1.32.0)", "grpcio (>=1.42.0)", "opencensus", "prometheus-client (>=0.7.1)", "py-spy (>=0.2.0)", "pydantic (<2)", "requests", "smart-open", "starlette", "uvicorn[standard]", "virtualenv (>=20.0.24,<20.21.1)", "watchfiles"] -serve-grpc = ["aiohttp (>=3.7)", "aiohttp-cors", "aiorwlock", "colorful", "fastapi", "gpustat (>=1.0.0)", "grpcio (>=1.32.0)", "grpcio (>=1.42.0)", "opencensus", "prometheus-client (>=0.7.1)", "py-spy (>=0.2.0)", "pydantic (<2)", "requests", "smart-open", "starlette", "uvicorn[standard]", "virtualenv (>=20.0.24,<20.21.1)", "watchfiles"] +serve = ["aiohttp (>=3.7)", "aiohttp-cors", "aiorwlock", "colorful", "fastapi (<=0.108.0)", "gpustat (>=1.0.0)", "grpcio (>=1.32.0)", "grpcio (>=1.42.0)", "opencensus", "prometheus-client (>=0.7.1)", "py-spy (>=0.2.0)", "pydantic (<2.0.dev0 || >=2.5.dev0,<3)", "requests", "smart-open", "starlette", "uvicorn[standard]", "virtualenv (>=20.0.24,!=20.21.1)", "watchfiles"] +serve-grpc = ["aiohttp (>=3.7)", "aiohttp-cors", "aiorwlock", "colorful", "fastapi (<=0.108.0)", "gpustat (>=1.0.0)", "grpcio (>=1.32.0)", "grpcio (>=1.42.0)", "opencensus", "prometheus-client (>=0.7.1)", "py-spy (>=0.2.0)", "pydantic (<2.0.dev0 || >=2.5.dev0,<3)", "requests", "smart-open", "starlette", "uvicorn[standard]", "virtualenv (>=20.0.24,!=20.21.1)", "watchfiles"] train = ["fsspec", "pandas", "pyarrow (>=6.0.1)", "requests", "tensorboardX (>=1.9)"] tune = ["fsspec", "pandas", "pyarrow (>=6.0.1)", "requests", "tensorboardX (>=1.9)"] @@ -3992,110 +4061,110 @@ use-chardet-on-py3 = ["chardet (>=3.0.2,<6)"] [[package]] name = "rpds-py" -version = "0.17.1" +version = "0.18.0" description = "Python bindings to Rust's persistent data structures (rpds)" optional = false python-versions = ">=3.8" files = [ - {file = "rpds_py-0.17.1-cp310-cp310-macosx_10_12_x86_64.whl", hash = "sha256:4128980a14ed805e1b91a7ed551250282a8ddf8201a4e9f8f5b7e6225f54170d"}, - {file = "rpds_py-0.17.1-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:ff1dcb8e8bc2261a088821b2595ef031c91d499a0c1b031c152d43fe0a6ecec8"}, - {file = "rpds_py-0.17.1-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d65e6b4f1443048eb7e833c2accb4fa7ee67cc7d54f31b4f0555b474758bee55"}, - {file = "rpds_py-0.17.1-cp310-cp310-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:a71169d505af63bb4d20d23a8fbd4c6ce272e7bce6cc31f617152aa784436f29"}, - {file = "rpds_py-0.17.1-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:436474f17733c7dca0fbf096d36ae65277e8645039df12a0fa52445ca494729d"}, - {file = "rpds_py-0.17.1-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:10162fe3f5f47c37ebf6d8ff5a2368508fe22007e3077bf25b9c7d803454d921"}, - {file = "rpds_py-0.17.1-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:720215373a280f78a1814becb1312d4e4d1077b1202a56d2b0815e95ccb99ce9"}, - {file = "rpds_py-0.17.1-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:70fcc6c2906cfa5c6a552ba7ae2ce64b6c32f437d8f3f8eea49925b278a61453"}, - {file = "rpds_py-0.17.1-cp310-cp310-musllinux_1_2_aarch64.whl", hash = "sha256:91e5a8200e65aaac342a791272c564dffcf1281abd635d304d6c4e6b495f29dc"}, - {file = "rpds_py-0.17.1-cp310-cp310-musllinux_1_2_i686.whl", hash = "sha256:99f567dae93e10be2daaa896e07513dd4bf9c2ecf0576e0533ac36ba3b1d5394"}, - {file = "rpds_py-0.17.1-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:24e4900a6643f87058a27320f81336d527ccfe503984528edde4bb660c8c8d59"}, - {file = "rpds_py-0.17.1-cp310-none-win32.whl", hash = "sha256:0bfb09bf41fe7c51413f563373e5f537eaa653d7adc4830399d4e9bdc199959d"}, - {file = "rpds_py-0.17.1-cp310-none-win_amd64.whl", hash = "sha256:20de7b7179e2031a04042e85dc463a93a82bc177eeba5ddd13ff746325558aa6"}, - {file = "rpds_py-0.17.1-cp311-cp311-macosx_10_12_x86_64.whl", hash = "sha256:65dcf105c1943cba45d19207ef51b8bc46d232a381e94dd38719d52d3980015b"}, - {file = "rpds_py-0.17.1-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:01f58a7306b64e0a4fe042047dd2b7d411ee82e54240284bab63e325762c1147"}, - {file = "rpds_py-0.17.1-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:071bc28c589b86bc6351a339114fb7a029f5cddbaca34103aa573eba7b482382"}, - {file = "rpds_py-0.17.1-cp311-cp311-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:ae35e8e6801c5ab071b992cb2da958eee76340e6926ec693b5ff7d6381441745"}, - {file = "rpds_py-0.17.1-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:149c5cd24f729e3567b56e1795f74577aa3126c14c11e457bec1b1c90d212e38"}, - {file = "rpds_py-0.17.1-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:e796051f2070f47230c745d0a77a91088fbee2cc0502e9b796b9c6471983718c"}, - {file = "rpds_py-0.17.1-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:60e820ee1004327609b28db8307acc27f5f2e9a0b185b2064c5f23e815f248f8"}, - {file = "rpds_py-0.17.1-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:1957a2ab607f9added64478a6982742eb29f109d89d065fa44e01691a20fc20a"}, - {file = "rpds_py-0.17.1-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:8587fd64c2a91c33cdc39d0cebdaf30e79491cc029a37fcd458ba863f8815383"}, - {file = "rpds_py-0.17.1-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:4dc889a9d8a34758d0fcc9ac86adb97bab3fb7f0c4d29794357eb147536483fd"}, - {file = "rpds_py-0.17.1-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:2953937f83820376b5979318840f3ee47477d94c17b940fe31d9458d79ae7eea"}, - {file = "rpds_py-0.17.1-cp311-none-win32.whl", hash = "sha256:1bfcad3109c1e5ba3cbe2f421614e70439f72897515a96c462ea657261b96518"}, - {file = "rpds_py-0.17.1-cp311-none-win_amd64.whl", hash = "sha256:99da0a4686ada4ed0f778120a0ea8d066de1a0a92ab0d13ae68492a437db78bf"}, - {file = "rpds_py-0.17.1-cp312-cp312-macosx_10_12_x86_64.whl", hash = "sha256:1dc29db3900cb1bb40353772417800f29c3d078dbc8024fd64655a04ee3c4bdf"}, - {file = "rpds_py-0.17.1-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:82ada4a8ed9e82e443fcef87e22a3eed3654dd3adf6e3b3a0deb70f03e86142a"}, - {file = "rpds_py-0.17.1-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:1d36b2b59e8cc6e576f8f7b671e32f2ff43153f0ad6d0201250a7c07f25d570e"}, - {file = "rpds_py-0.17.1-cp312-cp312-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:3677fcca7fb728c86a78660c7fb1b07b69b281964673f486ae72860e13f512ad"}, - {file = "rpds_py-0.17.1-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:516fb8c77805159e97a689e2f1c80655c7658f5af601c34ffdb916605598cda2"}, - {file = "rpds_py-0.17.1-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:df3b6f45ba4515632c5064e35ca7f31d51d13d1479673185ba8f9fefbbed58b9"}, - {file = "rpds_py-0.17.1-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:a967dd6afda7715d911c25a6ba1517975acd8d1092b2f326718725461a3d33f9"}, - {file = "rpds_py-0.17.1-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:dbbb95e6fc91ea3102505d111b327004d1c4ce98d56a4a02e82cd451f9f57140"}, - {file = "rpds_py-0.17.1-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:02866e060219514940342a1f84303a1ef7a1dad0ac311792fbbe19b521b489d2"}, - {file = "rpds_py-0.17.1-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:2528ff96d09f12e638695f3a2e0c609c7b84c6df7c5ae9bfeb9252b6fa686253"}, - {file = "rpds_py-0.17.1-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:bd345a13ce06e94c753dab52f8e71e5252aec1e4f8022d24d56decd31e1b9b23"}, - {file = "rpds_py-0.17.1-cp312-none-win32.whl", hash = "sha256:2a792b2e1d3038daa83fa474d559acfd6dc1e3650ee93b2662ddc17dbff20ad1"}, - {file = "rpds_py-0.17.1-cp312-none-win_amd64.whl", hash = "sha256:292f7344a3301802e7c25c53792fae7d1593cb0e50964e7bcdcc5cf533d634e3"}, - {file = "rpds_py-0.17.1-cp38-cp38-macosx_10_12_x86_64.whl", hash = "sha256:8ffe53e1d8ef2520ebcf0c9fec15bb721da59e8ef283b6ff3079613b1e30513d"}, - {file = "rpds_py-0.17.1-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:4341bd7579611cf50e7b20bb8c2e23512a3dc79de987a1f411cb458ab670eb90"}, - {file = "rpds_py-0.17.1-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:2f4eb548daf4836e3b2c662033bfbfc551db58d30fd8fe660314f86bf8510b93"}, - {file = "rpds_py-0.17.1-cp38-cp38-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:b686f25377f9c006acbac63f61614416a6317133ab7fafe5de5f7dc8a06d42eb"}, - {file = "rpds_py-0.17.1-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:4e21b76075c01d65d0f0f34302b5a7457d95721d5e0667aea65e5bb3ab415c25"}, - {file = "rpds_py-0.17.1-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:b86b21b348f7e5485fae740d845c65a880f5d1eda1e063bc59bef92d1f7d0c55"}, - {file = "rpds_py-0.17.1-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:f175e95a197f6a4059b50757a3dca33b32b61691bdbd22c29e8a8d21d3914cae"}, - {file = "rpds_py-0.17.1-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:1701fc54460ae2e5efc1dd6350eafd7a760f516df8dbe51d4a1c79d69472fbd4"}, - {file = "rpds_py-0.17.1-cp38-cp38-musllinux_1_2_aarch64.whl", hash = "sha256:9051e3d2af8f55b42061603e29e744724cb5f65b128a491446cc029b3e2ea896"}, - {file = "rpds_py-0.17.1-cp38-cp38-musllinux_1_2_i686.whl", hash = "sha256:7450dbd659fed6dd41d1a7d47ed767e893ba402af8ae664c157c255ec6067fde"}, - {file = "rpds_py-0.17.1-cp38-cp38-musllinux_1_2_x86_64.whl", hash = "sha256:5a024fa96d541fd7edaa0e9d904601c6445e95a729a2900c5aec6555fe921ed6"}, - {file = "rpds_py-0.17.1-cp38-none-win32.whl", hash = "sha256:da1ead63368c04a9bded7904757dfcae01eba0e0f9bc41d3d7f57ebf1c04015a"}, - {file = "rpds_py-0.17.1-cp38-none-win_amd64.whl", hash = "sha256:841320e1841bb53fada91c9725e766bb25009cfd4144e92298db296fb6c894fb"}, - {file = "rpds_py-0.17.1-cp39-cp39-macosx_10_12_x86_64.whl", hash = "sha256:f6c43b6f97209e370124baf2bf40bb1e8edc25311a158867eb1c3a5d449ebc7a"}, - {file = "rpds_py-0.17.1-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:5e7d63ec01fe7c76c2dbb7e972fece45acbb8836e72682bde138e7e039906e2c"}, - {file = "rpds_py-0.17.1-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:81038ff87a4e04c22e1d81f947c6ac46f122e0c80460b9006e6517c4d842a6ec"}, - {file = "rpds_py-0.17.1-cp39-cp39-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:810685321f4a304b2b55577c915bece4c4a06dfe38f6e62d9cc1d6ca8ee86b99"}, - {file = "rpds_py-0.17.1-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:25f071737dae674ca8937a73d0f43f5a52e92c2d178330b4c0bb6ab05586ffa6"}, - {file = "rpds_py-0.17.1-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:aa5bfb13f1e89151ade0eb812f7b0d7a4d643406caaad65ce1cbabe0a66d695f"}, - {file = "rpds_py-0.17.1-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:dfe07308b311a8293a0d5ef4e61411c5c20f682db6b5e73de6c7c8824272c256"}, - {file = "rpds_py-0.17.1-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:a000133a90eea274a6f28adc3084643263b1e7c1a5a66eb0a0a7a36aa757ed74"}, - {file = "rpds_py-0.17.1-cp39-cp39-musllinux_1_2_aarch64.whl", hash = "sha256:5d0e8a6434a3fbf77d11448c9c25b2f25244226cfbec1a5159947cac5b8c5fa4"}, - {file = "rpds_py-0.17.1-cp39-cp39-musllinux_1_2_i686.whl", hash = "sha256:efa767c220d94aa4ac3a6dd3aeb986e9f229eaf5bce92d8b1b3018d06bed3772"}, - {file = "rpds_py-0.17.1-cp39-cp39-musllinux_1_2_x86_64.whl", hash = "sha256:dbc56680ecf585a384fbd93cd42bc82668b77cb525343170a2d86dafaed2a84b"}, - {file = "rpds_py-0.17.1-cp39-none-win32.whl", hash = "sha256:270987bc22e7e5a962b1094953ae901395e8c1e1e83ad016c5cfcfff75a15a3f"}, - {file = "rpds_py-0.17.1-cp39-none-win_amd64.whl", hash = "sha256:2a7b2f2f56a16a6d62e55354dd329d929560442bd92e87397b7a9586a32e3e76"}, - {file = "rpds_py-0.17.1-pp310-pypy310_pp73-macosx_10_12_x86_64.whl", hash = "sha256:a3264e3e858de4fc601741498215835ff324ff2482fd4e4af61b46512dd7fc83"}, - {file = "rpds_py-0.17.1-pp310-pypy310_pp73-macosx_11_0_arm64.whl", hash = "sha256:f2f3b28b40fddcb6c1f1f6c88c6f3769cd933fa493ceb79da45968a21dccc920"}, - {file = "rpds_py-0.17.1-pp310-pypy310_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:9584f8f52010295a4a417221861df9bea4c72d9632562b6e59b3c7b87a1522b7"}, - {file = "rpds_py-0.17.1-pp310-pypy310_pp73-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:c64602e8be701c6cfe42064b71c84ce62ce66ddc6422c15463fd8127db3d8066"}, - {file = "rpds_py-0.17.1-pp310-pypy310_pp73-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:060f412230d5f19fc8c8b75f315931b408d8ebf56aec33ef4168d1b9e54200b1"}, - {file = "rpds_py-0.17.1-pp310-pypy310_pp73-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:b9412abdf0ba70faa6e2ee6c0cc62a8defb772e78860cef419865917d86c7342"}, - {file = "rpds_py-0.17.1-pp310-pypy310_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:9737bdaa0ad33d34c0efc718741abaafce62fadae72c8b251df9b0c823c63b22"}, - {file = "rpds_py-0.17.1-pp310-pypy310_pp73-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:9f0e4dc0f17dcea4ab9d13ac5c666b6b5337042b4d8f27e01b70fae41dd65c57"}, - {file = "rpds_py-0.17.1-pp310-pypy310_pp73-musllinux_1_2_aarch64.whl", hash = "sha256:1db228102ab9d1ff4c64148c96320d0be7044fa28bd865a9ce628ce98da5973d"}, - {file = "rpds_py-0.17.1-pp310-pypy310_pp73-musllinux_1_2_i686.whl", hash = "sha256:d8bbd8e56f3ba25a7d0cf980fc42b34028848a53a0e36c9918550e0280b9d0b6"}, - {file = "rpds_py-0.17.1-pp310-pypy310_pp73-musllinux_1_2_x86_64.whl", hash = "sha256:be22ae34d68544df293152b7e50895ba70d2a833ad9566932d750d3625918b82"}, - {file = "rpds_py-0.17.1-pp38-pypy38_pp73-macosx_10_12_x86_64.whl", hash = "sha256:bf046179d011e6114daf12a534d874958b039342b347348a78b7cdf0dd9d6041"}, - {file = "rpds_py-0.17.1-pp38-pypy38_pp73-macosx_11_0_arm64.whl", hash = "sha256:1a746a6d49665058a5896000e8d9d2f1a6acba8a03b389c1e4c06e11e0b7f40d"}, - {file = "rpds_py-0.17.1-pp38-pypy38_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:f0b8bf5b8db49d8fd40f54772a1dcf262e8be0ad2ab0206b5a2ec109c176c0a4"}, - {file = "rpds_py-0.17.1-pp38-pypy38_pp73-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:f7f4cb1f173385e8a39c29510dd11a78bf44e360fb75610594973f5ea141028b"}, - {file = "rpds_py-0.17.1-pp38-pypy38_pp73-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:7fbd70cb8b54fe745301921b0816c08b6d917593429dfc437fd024b5ba713c58"}, - {file = "rpds_py-0.17.1-pp38-pypy38_pp73-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:9bdf1303df671179eaf2cb41e8515a07fc78d9d00f111eadbe3e14262f59c3d0"}, - {file = "rpds_py-0.17.1-pp38-pypy38_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:fad059a4bd14c45776600d223ec194e77db6c20255578bb5bcdd7c18fd169361"}, - {file = "rpds_py-0.17.1-pp38-pypy38_pp73-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:3664d126d3388a887db44c2e293f87d500c4184ec43d5d14d2d2babdb4c64cad"}, - {file = "rpds_py-0.17.1-pp38-pypy38_pp73-musllinux_1_2_aarch64.whl", hash = "sha256:698ea95a60c8b16b58be9d854c9f993c639f5c214cf9ba782eca53a8789d6b19"}, - {file = "rpds_py-0.17.1-pp38-pypy38_pp73-musllinux_1_2_i686.whl", hash = "sha256:c3d2010656999b63e628a3c694f23020322b4178c450dc478558a2b6ef3cb9bb"}, - {file = "rpds_py-0.17.1-pp38-pypy38_pp73-musllinux_1_2_x86_64.whl", hash = "sha256:938eab7323a736533f015e6069a7d53ef2dcc841e4e533b782c2bfb9fb12d84b"}, - {file = "rpds_py-0.17.1-pp39-pypy39_pp73-macosx_10_12_x86_64.whl", hash = "sha256:1e626b365293a2142a62b9a614e1f8e331b28f3ca57b9f05ebbf4cf2a0f0bdc5"}, - {file = "rpds_py-0.17.1-pp39-pypy39_pp73-macosx_11_0_arm64.whl", hash = "sha256:380e0df2e9d5d5d339803cfc6d183a5442ad7ab3c63c2a0982e8c824566c5ccc"}, - {file = "rpds_py-0.17.1-pp39-pypy39_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:b760a56e080a826c2e5af09002c1a037382ed21d03134eb6294812dda268c811"}, - {file = "rpds_py-0.17.1-pp39-pypy39_pp73-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:5576ee2f3a309d2bb403ec292d5958ce03953b0e57a11d224c1f134feaf8c40f"}, - {file = "rpds_py-0.17.1-pp39-pypy39_pp73-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:1f3c3461ebb4c4f1bbc70b15d20b565759f97a5aaf13af811fcefc892e9197ba"}, - {file = "rpds_py-0.17.1-pp39-pypy39_pp73-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:637b802f3f069a64436d432117a7e58fab414b4e27a7e81049817ae94de45d8d"}, - {file = "rpds_py-0.17.1-pp39-pypy39_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ffee088ea9b593cc6160518ba9bd319b5475e5f3e578e4552d63818773c6f56a"}, - {file = "rpds_py-0.17.1-pp39-pypy39_pp73-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:3ac732390d529d8469b831949c78085b034bff67f584559340008d0f6041a049"}, - {file = "rpds_py-0.17.1-pp39-pypy39_pp73-musllinux_1_2_aarch64.whl", hash = "sha256:93432e747fb07fa567ad9cc7aaadd6e29710e515aabf939dfbed8046041346c6"}, - {file = "rpds_py-0.17.1-pp39-pypy39_pp73-musllinux_1_2_i686.whl", hash = "sha256:7b7d9ca34542099b4e185b3c2a2b2eda2e318a7dbde0b0d83357a6d4421b5296"}, - {file = "rpds_py-0.17.1-pp39-pypy39_pp73-musllinux_1_2_x86_64.whl", hash = "sha256:0387ce69ba06e43df54e43968090f3626e231e4bc9150e4c3246947567695f68"}, - {file = "rpds_py-0.17.1.tar.gz", hash = "sha256:0210b2668f24c078307260bf88bdac9d6f1093635df5123789bfee4d8d7fc8e7"}, + {file = "rpds_py-0.18.0-cp310-cp310-macosx_10_12_x86_64.whl", hash = "sha256:5b4e7d8d6c9b2e8ee2d55c90b59c707ca59bc30058269b3db7b1f8df5763557e"}, + {file = "rpds_py-0.18.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:c463ed05f9dfb9baebef68048aed8dcdc94411e4bf3d33a39ba97e271624f8f7"}, + {file = "rpds_py-0.18.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:01e36a39af54a30f28b73096dd39b6802eddd04c90dbe161c1b8dbe22353189f"}, + {file = "rpds_py-0.18.0-cp310-cp310-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:d62dec4976954a23d7f91f2f4530852b0c7608116c257833922a896101336c51"}, + {file = "rpds_py-0.18.0-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:dd18772815d5f008fa03d2b9a681ae38d5ae9f0e599f7dda233c439fcaa00d40"}, + {file = "rpds_py-0.18.0-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:923d39efa3cfb7279a0327e337a7958bff00cc447fd07a25cddb0a1cc9a6d2da"}, + {file = "rpds_py-0.18.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:39514da80f971362f9267c600b6d459bfbbc549cffc2cef8e47474fddc9b45b1"}, + {file = "rpds_py-0.18.0-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:a34d557a42aa28bd5c48a023c570219ba2593bcbbb8dc1b98d8cf5d529ab1434"}, + {file = "rpds_py-0.18.0-cp310-cp310-musllinux_1_2_aarch64.whl", hash = "sha256:93df1de2f7f7239dc9cc5a4a12408ee1598725036bd2dedadc14d94525192fc3"}, + {file = "rpds_py-0.18.0-cp310-cp310-musllinux_1_2_i686.whl", hash = "sha256:34b18ba135c687f4dac449aa5157d36e2cbb7c03cbea4ddbd88604e076aa836e"}, + {file = "rpds_py-0.18.0-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:c0b5dcf9193625afd8ecc92312d6ed78781c46ecbf39af9ad4681fc9f464af88"}, + {file = "rpds_py-0.18.0-cp310-none-win32.whl", hash = "sha256:c4325ff0442a12113a6379af66978c3fe562f846763287ef66bdc1d57925d337"}, + {file = "rpds_py-0.18.0-cp310-none-win_amd64.whl", hash = "sha256:7223a2a5fe0d217e60a60cdae28d6949140dde9c3bcc714063c5b463065e3d66"}, + {file = "rpds_py-0.18.0-cp311-cp311-macosx_10_12_x86_64.whl", hash = "sha256:3a96e0c6a41dcdba3a0a581bbf6c44bb863f27c541547fb4b9711fd8cf0ffad4"}, + {file = "rpds_py-0.18.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:30f43887bbae0d49113cbaab729a112251a940e9b274536613097ab8b4899cf6"}, + {file = "rpds_py-0.18.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:fcb25daa9219b4cf3a0ab24b0eb9a5cc8949ed4dc72acb8fa16b7e1681aa3c58"}, + {file = "rpds_py-0.18.0-cp311-cp311-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:d68c93e381010662ab873fea609bf6c0f428b6d0bb00f2c6939782e0818d37bf"}, + {file = "rpds_py-0.18.0-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:b34b7aa8b261c1dbf7720b5d6f01f38243e9b9daf7e6b8bc1fd4657000062f2c"}, + {file = "rpds_py-0.18.0-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:2e6d75ab12b0bbab7215e5d40f1e5b738aa539598db27ef83b2ec46747df90e1"}, + {file = "rpds_py-0.18.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:0b8612cd233543a3781bc659c731b9d607de65890085098986dfd573fc2befe5"}, + {file = "rpds_py-0.18.0-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:aec493917dd45e3c69d00a8874e7cbed844efd935595ef78a0f25f14312e33c6"}, + {file = "rpds_py-0.18.0-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:661d25cbffaf8cc42e971dd570d87cb29a665f49f4abe1f9e76be9a5182c4688"}, + {file = "rpds_py-0.18.0-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:1df3659d26f539ac74fb3b0c481cdf9d725386e3552c6fa2974f4d33d78e544b"}, + {file = "rpds_py-0.18.0-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:a1ce3ba137ed54f83e56fb983a5859a27d43a40188ba798993812fed73c70836"}, + {file = "rpds_py-0.18.0-cp311-none-win32.whl", hash = "sha256:69e64831e22a6b377772e7fb337533c365085b31619005802a79242fee620bc1"}, + {file = "rpds_py-0.18.0-cp311-none-win_amd64.whl", hash = "sha256:998e33ad22dc7ec7e030b3df701c43630b5bc0d8fbc2267653577e3fec279afa"}, + {file = "rpds_py-0.18.0-cp312-cp312-macosx_10_12_x86_64.whl", hash = "sha256:7f2facbd386dd60cbbf1a794181e6aa0bd429bd78bfdf775436020172e2a23f0"}, + {file = "rpds_py-0.18.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:1d9a5be316c15ffb2b3c405c4ff14448c36b4435be062a7f578ccd8b01f0c4d8"}, + {file = "rpds_py-0.18.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:cd5bf1af8efe569654bbef5a3e0a56eca45f87cfcffab31dd8dde70da5982475"}, + {file = "rpds_py-0.18.0-cp312-cp312-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:5417558f6887e9b6b65b4527232553c139b57ec42c64570569b155262ac0754f"}, + {file = "rpds_py-0.18.0-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:56a737287efecafc16f6d067c2ea0117abadcd078d58721f967952db329a3e5c"}, + {file = "rpds_py-0.18.0-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:8f03bccbd8586e9dd37219bce4d4e0d3ab492e6b3b533e973fa08a112cb2ffc9"}, + {file = "rpds_py-0.18.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:4457a94da0d5c53dc4b3e4de1158bdab077db23c53232f37a3cb7afdb053a4e3"}, + {file = "rpds_py-0.18.0-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:0ab39c1ba9023914297dd88ec3b3b3c3f33671baeb6acf82ad7ce883f6e8e157"}, + {file = "rpds_py-0.18.0-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:9d54553c1136b50fd12cc17e5b11ad07374c316df307e4cfd6441bea5fb68496"}, + {file = "rpds_py-0.18.0-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:0af039631b6de0397ab2ba16eaf2872e9f8fca391b44d3d8cac317860a700a3f"}, + {file = "rpds_py-0.18.0-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:84ffab12db93b5f6bad84c712c92060a2d321b35c3c9960b43d08d0f639d60d7"}, + {file = "rpds_py-0.18.0-cp312-none-win32.whl", hash = "sha256:685537e07897f173abcf67258bee3c05c374fa6fff89d4c7e42fb391b0605e98"}, + {file = "rpds_py-0.18.0-cp312-none-win_amd64.whl", hash = "sha256:e003b002ec72c8d5a3e3da2989c7d6065b47d9eaa70cd8808b5384fbb970f4ec"}, + {file = "rpds_py-0.18.0-cp38-cp38-macosx_10_12_x86_64.whl", hash = "sha256:08f9ad53c3f31dfb4baa00da22f1e862900f45908383c062c27628754af2e88e"}, + {file = "rpds_py-0.18.0-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:c0013fe6b46aa496a6749c77e00a3eb07952832ad6166bd481c74bda0dcb6d58"}, + {file = "rpds_py-0.18.0-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:e32a92116d4f2a80b629778280103d2a510a5b3f6314ceccd6e38006b5e92dcb"}, + {file = "rpds_py-0.18.0-cp38-cp38-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:e541ec6f2ec456934fd279a3120f856cd0aedd209fc3852eca563f81738f6861"}, + {file = "rpds_py-0.18.0-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:bed88b9a458e354014d662d47e7a5baafd7ff81c780fd91584a10d6ec842cb73"}, + {file = "rpds_py-0.18.0-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:2644e47de560eb7bd55c20fc59f6daa04682655c58d08185a9b95c1970fa1e07"}, + {file = "rpds_py-0.18.0-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:8e8916ae4c720529e18afa0b879473049e95949bf97042e938530e072fde061d"}, + {file = "rpds_py-0.18.0-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:465a3eb5659338cf2a9243e50ad9b2296fa15061736d6e26240e713522b6235c"}, + {file = "rpds_py-0.18.0-cp38-cp38-musllinux_1_2_aarch64.whl", hash = "sha256:ea7d4a99f3b38c37eac212dbd6ec42b7a5ec51e2c74b5d3223e43c811609e65f"}, + {file = "rpds_py-0.18.0-cp38-cp38-musllinux_1_2_i686.whl", hash = "sha256:67071a6171e92b6da534b8ae326505f7c18022c6f19072a81dcf40db2638767c"}, + {file = "rpds_py-0.18.0-cp38-cp38-musllinux_1_2_x86_64.whl", hash = "sha256:41ef53e7c58aa4ef281da975f62c258950f54b76ec8e45941e93a3d1d8580594"}, + {file = "rpds_py-0.18.0-cp38-none-win32.whl", hash = "sha256:fdea4952db2793c4ad0bdccd27c1d8fdd1423a92f04598bc39425bcc2b8ee46e"}, + {file = "rpds_py-0.18.0-cp38-none-win_amd64.whl", hash = "sha256:7cd863afe7336c62ec78d7d1349a2f34c007a3cc6c2369d667c65aeec412a5b1"}, + {file = "rpds_py-0.18.0-cp39-cp39-macosx_10_12_x86_64.whl", hash = "sha256:5307def11a35f5ae4581a0b658b0af8178c65c530e94893345bebf41cc139d33"}, + {file = "rpds_py-0.18.0-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:77f195baa60a54ef9d2de16fbbfd3ff8b04edc0c0140a761b56c267ac11aa467"}, + {file = "rpds_py-0.18.0-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:39f5441553f1c2aed4de4377178ad8ff8f9d733723d6c66d983d75341de265ab"}, + {file = "rpds_py-0.18.0-cp39-cp39-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:9a00312dea9310d4cb7dbd7787e722d2e86a95c2db92fbd7d0155f97127bcb40"}, + {file = "rpds_py-0.18.0-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:8f2fc11e8fe034ee3c34d316d0ad8808f45bc3b9ce5857ff29d513f3ff2923a1"}, + {file = "rpds_py-0.18.0-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:586f8204935b9ec884500498ccc91aa869fc652c40c093bd9e1471fbcc25c022"}, + {file = "rpds_py-0.18.0-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ddc2f4dfd396c7bfa18e6ce371cba60e4cf9d2e5cdb71376aa2da264605b60b9"}, + {file = "rpds_py-0.18.0-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:5ddcba87675b6d509139d1b521e0c8250e967e63b5909a7e8f8944d0f90ff36f"}, + {file = "rpds_py-0.18.0-cp39-cp39-musllinux_1_2_aarch64.whl", hash = "sha256:7bd339195d84439cbe5771546fe8a4e8a7a045417d8f9de9a368c434e42a721e"}, + {file = "rpds_py-0.18.0-cp39-cp39-musllinux_1_2_i686.whl", hash = "sha256:d7c36232a90d4755b720fbd76739d8891732b18cf240a9c645d75f00639a9024"}, + {file = "rpds_py-0.18.0-cp39-cp39-musllinux_1_2_x86_64.whl", hash = "sha256:6b0817e34942b2ca527b0e9298373e7cc75f429e8da2055607f4931fded23e20"}, + {file = "rpds_py-0.18.0-cp39-none-win32.whl", hash = "sha256:99f70b740dc04d09e6b2699b675874367885217a2e9f782bdf5395632ac663b7"}, + {file = "rpds_py-0.18.0-cp39-none-win_amd64.whl", hash = "sha256:6ef687afab047554a2d366e112dd187b62d261d49eb79b77e386f94644363294"}, + {file = "rpds_py-0.18.0-pp310-pypy310_pp73-macosx_10_12_x86_64.whl", hash = "sha256:ad36cfb355e24f1bd37cac88c112cd7730873f20fb0bdaf8ba59eedf8216079f"}, + {file = "rpds_py-0.18.0-pp310-pypy310_pp73-macosx_11_0_arm64.whl", hash = "sha256:36b3ee798c58ace201289024b52788161e1ea133e4ac93fba7d49da5fec0ef9e"}, + {file = "rpds_py-0.18.0-pp310-pypy310_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:f8a2f084546cc59ea99fda8e070be2fd140c3092dc11524a71aa8f0f3d5a55ca"}, + {file = "rpds_py-0.18.0-pp310-pypy310_pp73-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:e4461d0f003a0aa9be2bdd1b798a041f177189c1a0f7619fe8c95ad08d9a45d7"}, + {file = "rpds_py-0.18.0-pp310-pypy310_pp73-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:8db715ebe3bb7d86d77ac1826f7d67ec11a70dbd2376b7cc214199360517b641"}, + {file = "rpds_py-0.18.0-pp310-pypy310_pp73-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:793968759cd0d96cac1e367afd70c235867831983f876a53389ad869b043c948"}, + {file = "rpds_py-0.18.0-pp310-pypy310_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:66e6a3af5a75363d2c9a48b07cb27c4ea542938b1a2e93b15a503cdfa8490795"}, + {file = "rpds_py-0.18.0-pp310-pypy310_pp73-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:6ef0befbb5d79cf32d0266f5cff01545602344eda89480e1dd88aca964260b18"}, + {file = "rpds_py-0.18.0-pp310-pypy310_pp73-musllinux_1_2_aarch64.whl", hash = "sha256:1d4acf42190d449d5e89654d5c1ed3a4f17925eec71f05e2a41414689cda02d1"}, + {file = "rpds_py-0.18.0-pp310-pypy310_pp73-musllinux_1_2_i686.whl", hash = "sha256:a5f446dd5055667aabaee78487f2b5ab72e244f9bc0b2ffebfeec79051679984"}, + {file = "rpds_py-0.18.0-pp310-pypy310_pp73-musllinux_1_2_x86_64.whl", hash = "sha256:9dbbeb27f4e70bfd9eec1be5477517365afe05a9b2c441a0b21929ee61048124"}, + {file = "rpds_py-0.18.0-pp38-pypy38_pp73-macosx_10_12_x86_64.whl", hash = "sha256:22806714311a69fd0af9b35b7be97c18a0fc2826e6827dbb3a8c94eac6cf7eeb"}, + {file = "rpds_py-0.18.0-pp38-pypy38_pp73-macosx_11_0_arm64.whl", hash = "sha256:b34ae4636dfc4e76a438ab826a0d1eed2589ca7d9a1b2d5bb546978ac6485461"}, + {file = "rpds_py-0.18.0-pp38-pypy38_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:8c8370641f1a7f0e0669ddccca22f1da893cef7628396431eb445d46d893e5cd"}, + {file = "rpds_py-0.18.0-pp38-pypy38_pp73-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:c8362467a0fdeccd47935f22c256bec5e6abe543bf0d66e3d3d57a8fb5731863"}, + {file = "rpds_py-0.18.0-pp38-pypy38_pp73-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:11a8c85ef4a07a7638180bf04fe189d12757c696eb41f310d2426895356dcf05"}, + {file = "rpds_py-0.18.0-pp38-pypy38_pp73-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:b316144e85316da2723f9d8dc75bada12fa58489a527091fa1d5a612643d1a0e"}, + {file = "rpds_py-0.18.0-pp38-pypy38_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:cf1ea2e34868f6fbf070e1af291c8180480310173de0b0c43fc38a02929fc0e3"}, + {file = "rpds_py-0.18.0-pp38-pypy38_pp73-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:e546e768d08ad55b20b11dbb78a745151acbd938f8f00d0cfbabe8b0199b9880"}, + {file = "rpds_py-0.18.0-pp38-pypy38_pp73-musllinux_1_2_aarch64.whl", hash = "sha256:4901165d170a5fde6f589acb90a6b33629ad1ec976d4529e769c6f3d885e3e80"}, + {file = "rpds_py-0.18.0-pp38-pypy38_pp73-musllinux_1_2_i686.whl", hash = "sha256:618a3d6cae6ef8ec88bb76dd80b83cfe415ad4f1d942ca2a903bf6b6ff97a2da"}, + {file = "rpds_py-0.18.0-pp38-pypy38_pp73-musllinux_1_2_x86_64.whl", hash = "sha256:ed4eb745efbff0a8e9587d22a84be94a5eb7d2d99c02dacf7bd0911713ed14dd"}, + {file = "rpds_py-0.18.0-pp39-pypy39_pp73-macosx_10_12_x86_64.whl", hash = "sha256:6c81e5f372cd0dc5dc4809553d34f832f60a46034a5f187756d9b90586c2c307"}, + {file = "rpds_py-0.18.0-pp39-pypy39_pp73-macosx_11_0_arm64.whl", hash = "sha256:43fbac5f22e25bee1d482c97474f930a353542855f05c1161fd804c9dc74a09d"}, + {file = "rpds_py-0.18.0-pp39-pypy39_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:6d7faa6f14017c0b1e69f5e2c357b998731ea75a442ab3841c0dbbbfe902d2c4"}, + {file = "rpds_py-0.18.0-pp39-pypy39_pp73-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:08231ac30a842bd04daabc4d71fddd7e6d26189406d5a69535638e4dcb88fe76"}, + {file = "rpds_py-0.18.0-pp39-pypy39_pp73-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:044a3e61a7c2dafacae99d1e722cc2d4c05280790ec5a05031b3876809d89a5c"}, + {file = "rpds_py-0.18.0-pp39-pypy39_pp73-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:3f26b5bd1079acdb0c7a5645e350fe54d16b17bfc5e71f371c449383d3342e17"}, + {file = "rpds_py-0.18.0-pp39-pypy39_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:482103aed1dfe2f3b71a58eff35ba105289b8d862551ea576bd15479aba01f66"}, + {file = "rpds_py-0.18.0-pp39-pypy39_pp73-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:1374f4129f9bcca53a1bba0bb86bf78325a0374577cf7e9e4cd046b1e6f20e24"}, + {file = "rpds_py-0.18.0-pp39-pypy39_pp73-musllinux_1_2_aarch64.whl", hash = "sha256:635dc434ff724b178cb192c70016cc0ad25a275228f749ee0daf0eddbc8183b1"}, + {file = "rpds_py-0.18.0-pp39-pypy39_pp73-musllinux_1_2_i686.whl", hash = "sha256:bc362ee4e314870a70f4ae88772d72d877246537d9f8cb8f7eacf10884862432"}, + {file = "rpds_py-0.18.0-pp39-pypy39_pp73-musllinux_1_2_x86_64.whl", hash = "sha256:4832d7d380477521a8c1644bbab6588dfedea5e30a7d967b5fb75977c45fd77f"}, + {file = "rpds_py-0.18.0.tar.gz", hash = "sha256:42821446ee7a76f5d9f71f9e33a4fb2ffd724bb3e7f93386150b61a43115788d"}, ] [[package]] @@ -4314,73 +4383,81 @@ test = ["asv", "gmpy2", "hypothesis", "mpmath", "pooch", "pytest", "pytest-cov", [[package]] name = "sentencepiece" -version = "0.1.99" +version = "0.2.0" description = "SentencePiece python wrapper" optional = false python-versions = "*" files = [ - {file = "sentencepiece-0.1.99-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:0eb528e70571b7c02723e5804322469b82fe7ea418c96051d0286c0fa028db73"}, - {file = "sentencepiece-0.1.99-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:77d7fafb2c4e4659cbdf303929503f37a26eabc4ff31d3a79bf1c5a1b338caa7"}, - {file = "sentencepiece-0.1.99-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:be9cf5b9e404c245aeb3d3723c737ba7a8f5d4ba262ef233a431fa6c45f732a0"}, - {file = "sentencepiece-0.1.99-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:baed1a26464998f9710d20e52607c29ffd4293e7c71c6a1f83f51ad0911ec12c"}, - {file = "sentencepiece-0.1.99-cp310-cp310-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:9832f08bb372d4c8b567612f8eab9e36e268dff645f1c28f9f8e851be705f6d1"}, - {file = "sentencepiece-0.1.99-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:019e7535108e309dae2b253a75834fc3128240aa87c00eb80732078cdc182588"}, - {file = "sentencepiece-0.1.99-cp310-cp310-win32.whl", hash = "sha256:fa16a830416bb823fa2a52cbdd474d1f7f3bba527fd2304fb4b140dad31bb9bc"}, - {file = "sentencepiece-0.1.99-cp310-cp310-win_amd64.whl", hash = "sha256:14b0eccb7b641d4591c3e12ae44cab537d68352e4d3b6424944f0c447d2348d5"}, - {file = "sentencepiece-0.1.99-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:6d3c56f24183a1e8bd61043ff2c58dfecdc68a5dd8955dc13bab83afd5f76b81"}, - {file = "sentencepiece-0.1.99-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:ed6ea1819fd612c989999e44a51bf556d0ef6abfb553080b9be3d347e18bcfb7"}, - {file = "sentencepiece-0.1.99-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:a2a0260cd1fb7bd8b4d4f39dc2444a8d5fd4e0a0c4d5c899810ef1abf99b2d45"}, - {file = "sentencepiece-0.1.99-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:8a1abff4d1ff81c77cac3cc6fefa34fa4b8b371e5ee51cb7e8d1ebc996d05983"}, - {file = "sentencepiece-0.1.99-cp311-cp311-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:004e6a621d4bc88978eecb6ea7959264239a17b70f2cbc348033d8195c9808ec"}, - {file = "sentencepiece-0.1.99-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:db361e03342c41680afae5807590bc88aa0e17cfd1a42696a160e4005fcda03b"}, - {file = "sentencepiece-0.1.99-cp311-cp311-win32.whl", hash = "sha256:2d95e19168875b70df62916eb55428a0cbcb834ac51d5a7e664eda74def9e1e0"}, - {file = "sentencepiece-0.1.99-cp311-cp311-win_amd64.whl", hash = "sha256:f90d73a6f81248a909f55d8e6ef56fec32d559e1e9af045f0b0322637cb8e5c7"}, - {file = "sentencepiece-0.1.99-cp36-cp36m-macosx_10_9_x86_64.whl", hash = "sha256:62e24c81e74bd87a6e0d63c51beb6527e4c0add67e1a17bac18bcd2076afcfeb"}, - {file = "sentencepiece-0.1.99-cp36-cp36m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:57efcc2d51caff20d9573567d9fd3f854d9efe613ed58a439c78c9f93101384a"}, - {file = "sentencepiece-0.1.99-cp36-cp36m-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:6a904c46197993bd1e95b93a6e373dca2f170379d64441041e2e628ad4afb16f"}, - {file = "sentencepiece-0.1.99-cp36-cp36m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:d89adf59854741c0d465f0e1525b388c0d174f611cc04af54153c5c4f36088c4"}, - {file = "sentencepiece-0.1.99-cp36-cp36m-win32.whl", hash = "sha256:47c378146928690d1bc106fdf0da768cebd03b65dd8405aa3dd88f9c81e35dba"}, - {file = "sentencepiece-0.1.99-cp36-cp36m-win_amd64.whl", hash = "sha256:9ba142e7a90dd6d823c44f9870abdad45e6c63958eb60fe44cca6828d3b69da2"}, - {file = "sentencepiece-0.1.99-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:b7b1a9ae4d7c6f1f867e63370cca25cc17b6f4886729595b885ee07a58d3cec3"}, - {file = "sentencepiece-0.1.99-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d0f644c9d4d35c096a538507b2163e6191512460035bf51358794a78515b74f7"}, - {file = "sentencepiece-0.1.99-cp37-cp37m-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:c8843d23a0f686d85e569bd6dcd0dd0e0cbc03731e63497ca6d5bacd18df8b85"}, - {file = "sentencepiece-0.1.99-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:33e6f690a1caebb4867a2e367afa1918ad35be257ecdb3455d2bbd787936f155"}, - {file = "sentencepiece-0.1.99-cp37-cp37m-win32.whl", hash = "sha256:8a321866c2f85da7beac74a824b4ad6ddc2a4c9bccd9382529506d48f744a12c"}, - {file = "sentencepiece-0.1.99-cp37-cp37m-win_amd64.whl", hash = "sha256:c42f753bcfb7661c122a15b20be7f684b61fc8592c89c870adf52382ea72262d"}, - {file = "sentencepiece-0.1.99-cp38-cp38-macosx_10_9_universal2.whl", hash = "sha256:85b476406da69c70586f0bb682fcca4c9b40e5059814f2db92303ea4585c650c"}, - {file = "sentencepiece-0.1.99-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:cfbcfe13c69d3f87b7fcd5da168df7290a6d006329be71f90ba4f56bc77f8561"}, - {file = "sentencepiece-0.1.99-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:445b0ec381af1cd4eef95243e7180c63d9c384443c16c4c47a28196bd1cda937"}, - {file = "sentencepiece-0.1.99-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:c6890ea0f2b4703f62d0bf27932e35808b1f679bdb05c7eeb3812b935ba02001"}, - {file = "sentencepiece-0.1.99-cp38-cp38-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:fb71af492b0eefbf9f2501bec97bcd043b6812ab000d119eaf4bd33f9e283d03"}, - {file = "sentencepiece-0.1.99-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:27b866b5bd3ddd54166bbcbf5c8d7dd2e0b397fac8537991c7f544220b1f67bc"}, - {file = "sentencepiece-0.1.99-cp38-cp38-win32.whl", hash = "sha256:b133e8a499eac49c581c3c76e9bdd08c338cc1939e441fee6f92c0ccb5f1f8be"}, - {file = "sentencepiece-0.1.99-cp38-cp38-win_amd64.whl", hash = "sha256:0eaf3591dd0690a87f44f4df129cf8d05d8a4029b5b6709b489b8e27f9a9bcff"}, - {file = "sentencepiece-0.1.99-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:38efeda9bbfb55052d482a009c6a37e52f42ebffcea9d3a98a61de7aee356a28"}, - {file = "sentencepiece-0.1.99-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:6c030b081dc1e1bcc9fadc314b19b740715d3d566ad73a482da20d7d46fd444c"}, - {file = "sentencepiece-0.1.99-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:84dbe53e02e4f8a2e45d2ac3e430d5c83182142658e25edd76539b7648928727"}, - {file = "sentencepiece-0.1.99-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:0b0f55d0a0ee1719b4b04221fe0c9f0c3461dc3dabd77a035fa2f4788eb3ef9a"}, - {file = "sentencepiece-0.1.99-cp39-cp39-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:18e800f206cd235dc27dc749299e05853a4e4332e8d3dfd81bf13d0e5b9007d9"}, - {file = "sentencepiece-0.1.99-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:2ae1c40cda8f9d5b0423cfa98542735c0235e7597d79caf318855cdf971b2280"}, - {file = "sentencepiece-0.1.99-cp39-cp39-win32.whl", hash = "sha256:c84ce33af12ca222d14a1cdd37bd76a69401e32bc68fe61c67ef6b59402f4ab8"}, - {file = "sentencepiece-0.1.99-cp39-cp39-win_amd64.whl", hash = "sha256:350e5c74d739973f1c9643edb80f7cc904dc948578bcb1d43c6f2b173e5d18dd"}, - {file = "sentencepiece-0.1.99.tar.gz", hash = "sha256:189c48f5cb2949288f97ccdb97f0473098d9c3dcf5a3d99d4eabe719ec27297f"}, + {file = "sentencepiece-0.2.0-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:188779e1298a1c8b8253c7d3ad729cb0a9891e5cef5e5d07ce4592c54869e227"}, + {file = "sentencepiece-0.2.0-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:bed9cf85b296fa2b76fc2547b9cbb691a523864cebaee86304c43a7b4cb1b452"}, + {file = "sentencepiece-0.2.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:d7b67e724bead13f18db6e1d10b6bbdc454af574d70efbb36f27d90387be1ca3"}, + {file = "sentencepiece-0.2.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:2fde4b08cfe237be4484c6c7c2e2c75fb862cfeab6bd5449ce4caeafd97b767a"}, + {file = "sentencepiece-0.2.0-cp310-cp310-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:4c378492056202d1c48a4979650981635fd97875a00eabb1f00c6a236b013b5e"}, + {file = "sentencepiece-0.2.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:1380ce6540a368de2ef6d7e6ba14ba8f3258df650d39ba7d833b79ee68a52040"}, + {file = "sentencepiece-0.2.0-cp310-cp310-win32.whl", hash = "sha256:a1151d6a6dd4b43e552394aed0edfe9292820272f0194bd56c7c1660a0c06c3d"}, + {file = "sentencepiece-0.2.0-cp310-cp310-win_amd64.whl", hash = "sha256:d490142b0521ef22bc1085f061d922a2a6666175bb6b42e588ff95c0db6819b2"}, + {file = "sentencepiece-0.2.0-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:17982700c4f6dbb55fa3594f3d7e5dd1c8659a274af3738e33c987d2a27c9d5c"}, + {file = "sentencepiece-0.2.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:7c867012c0e8bcd5bdad0f791609101cb5c66acb303ab3270218d6debc68a65e"}, + {file = "sentencepiece-0.2.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:7fd6071249c74f779c5b27183295b9202f8dedb68034e716784364443879eaa6"}, + {file = "sentencepiece-0.2.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:27f90c55a65013cbb8f4d7aab0599bf925cde4adc67ae43a0d323677b5a1c6cb"}, + {file = "sentencepiece-0.2.0-cp311-cp311-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:b293734059ef656dcd65be62ff771507bea8fed0a711b6733976e1ed3add4553"}, + {file = "sentencepiece-0.2.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:e58b47f933aca74c6a60a79dcb21d5b9e47416256c795c2d58d55cec27f9551d"}, + {file = "sentencepiece-0.2.0-cp311-cp311-win32.whl", hash = "sha256:c581258cf346b327c62c4f1cebd32691826306f6a41d8c4bec43b010dee08e75"}, + {file = "sentencepiece-0.2.0-cp311-cp311-win_amd64.whl", hash = "sha256:0993dbc665f4113017892f1b87c3904a44d0640eda510abcacdfb07f74286d36"}, + {file = "sentencepiece-0.2.0-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:ea5f536e32ea8ec96086ee00d7a4a131ce583a1b18d130711707c10e69601cb2"}, + {file = "sentencepiece-0.2.0-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:d0cb51f53b6aae3c36bafe41e86167c71af8370a039f542c43b0cce5ef24a68c"}, + {file = "sentencepiece-0.2.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:3212121805afc58d8b00ab4e7dd1f8f76c203ddb9dc94aa4079618a31cf5da0f"}, + {file = "sentencepiece-0.2.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:2a3149e3066c2a75e0d68a43eb632d7ae728c7925b517f4c05c40f6f7280ce08"}, + {file = "sentencepiece-0.2.0-cp312-cp312-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:632f3594d3e7ac8b367bca204cb3fd05a01d5b21455acd097ea4c0e30e2f63d7"}, + {file = "sentencepiece-0.2.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:f295105c6bdbb05bd5e1b0cafbd78ff95036f5d3641e7949455a3f4e5e7c3109"}, + {file = "sentencepiece-0.2.0-cp312-cp312-win32.whl", hash = "sha256:fb89f811e5efd18bab141afc3fea3de141c3f69f3fe9e898f710ae7fe3aab251"}, + {file = "sentencepiece-0.2.0-cp312-cp312-win_amd64.whl", hash = "sha256:7a673a72aab81fef5ebe755c6e0cc60087d1f3a4700835d40537183c1703a45f"}, + {file = "sentencepiece-0.2.0-cp36-cp36m-macosx_10_9_x86_64.whl", hash = "sha256:4547683f330289ec4f093027bfeb87f9ef023b2eb6f879fdc4a8187c7e0ffb90"}, + {file = "sentencepiece-0.2.0-cp36-cp36m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:7cd6175f7eaec7142d2bf6f6597ce7db4c9ac89acf93fcdb17410c3a8b781eeb"}, + {file = "sentencepiece-0.2.0-cp36-cp36m-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:859ba1acde782609a0910a26a60e16c191a82bf39b5621107552c0cd79fad00f"}, + {file = "sentencepiece-0.2.0-cp36-cp36m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:bcbbef6cc277f8f18f36959e305f10b1c620442d75addc79c21d7073ae581b50"}, + {file = "sentencepiece-0.2.0-cp36-cp36m-win32.whl", hash = "sha256:536b934e244829e3fe6c4f198652cd82da48adb9aa145c9f00889542726dee3d"}, + {file = "sentencepiece-0.2.0-cp36-cp36m-win_amd64.whl", hash = "sha256:0a91aaa3c769b52440df56fafda683b3aa48e3f2169cf7ee5b8c8454a7f3ae9b"}, + {file = "sentencepiece-0.2.0-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:787e480ca4c1d08c9985a7eb1eae4345c107729c99e9b5a9a00f2575fc7d4b4b"}, + {file = "sentencepiece-0.2.0-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:f4d158189eb2ecffea3a51edf6d25e110b3678ec47f1a40f2d541eafbd8f6250"}, + {file = "sentencepiece-0.2.0-cp37-cp37m-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:d1e5ca43013e8935f25457a4fca47e315780172c3e821b4b13a890668911c792"}, + {file = "sentencepiece-0.2.0-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:7140d9e5a74a0908493bb4a13f1f16a401297bd755ada4c707e842fbf6f0f5bf"}, + {file = "sentencepiece-0.2.0-cp37-cp37m-win32.whl", hash = "sha256:6cf333625234f247ab357b0bd9836638405ea9082e1543d5b8408f014979dcbf"}, + {file = "sentencepiece-0.2.0-cp37-cp37m-win_amd64.whl", hash = "sha256:ff88712338b01031910e8e61e7239aff3ce8869ee31a47df63cb38aadd591bea"}, + {file = "sentencepiece-0.2.0-cp38-cp38-macosx_10_9_universal2.whl", hash = "sha256:20813a68d4c221b1849c62c30e1281ea81687894d894b8d4a0f4677d9311e0f5"}, + {file = "sentencepiece-0.2.0-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:926ef920ae2e8182db31d3f5d081ada57804e3e1d3a8c4ef8b117f9d9fb5a945"}, + {file = "sentencepiece-0.2.0-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:89f65f69636b7e9c015b79dff9c9985a9bc7d19ded6f79ef9f1ec920fdd73ecf"}, + {file = "sentencepiece-0.2.0-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:0f67eae0dbe6f2d7d6ba50a354623d787c99965f068b81e145d53240198021b0"}, + {file = "sentencepiece-0.2.0-cp38-cp38-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:98501e075f35dd1a1d5a20f65be26839fcb1938752ec61539af008a5aa6f510b"}, + {file = "sentencepiece-0.2.0-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:e3d1d2cc4882e8d6a1adf9d5927d7716f80617fc693385661caff21888972269"}, + {file = "sentencepiece-0.2.0-cp38-cp38-win32.whl", hash = "sha256:b99a308a2e5e569031ab164b74e6fab0b6f37dfb493c32f7816225f4d411a6dd"}, + {file = "sentencepiece-0.2.0-cp38-cp38-win_amd64.whl", hash = "sha256:cdb701eec783d3ec86b7cd4c763adad8eaf6b46db37ee1c36e5e6c44b3fe1b5f"}, + {file = "sentencepiece-0.2.0-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:1e0f9c4d0a6b0af59b613175f019916e28ade076e21242fd5be24340d8a2f64a"}, + {file = "sentencepiece-0.2.0-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:298f21cc1366eb60311aedba3169d30f885c363ddbf44214b0a587d2908141ad"}, + {file = "sentencepiece-0.2.0-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:3f1ec95aa1e5dab11f37ac7eff190493fd87770f7a8b81ebc9dd768d1a3c8704"}, + {file = "sentencepiece-0.2.0-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:7b06b70af54daa4b4904cbb90b4eb6d35c9f3252fdc86c9c32d5afd4d30118d8"}, + {file = "sentencepiece-0.2.0-cp39-cp39-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:22e37bac44dd6603388cb598c64ff7a76e41ca774646f21c23aadfbf5a2228ab"}, + {file = "sentencepiece-0.2.0-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:0461324897735512a32d222e3d886e24ad6a499761952b6bda2a9ee6e4313ea5"}, + {file = "sentencepiece-0.2.0-cp39-cp39-win32.whl", hash = "sha256:38aed822fb76435fa1f12185f10465a94ab9e51d5e8a9159e9a540ce926f0ffd"}, + {file = "sentencepiece-0.2.0-cp39-cp39-win_amd64.whl", hash = "sha256:d8cf876516548b5a1d6ac4745d8b554f5c07891d55da557925e5c13ff0b4e6ad"}, + {file = "sentencepiece-0.2.0.tar.gz", hash = "sha256:a52c19171daaf2e697dc6cbe67684e0fa341b1248966f6aebb541de654d15843"}, ] [[package]] name = "setuptools" -version = "69.0.3" +version = "69.1.1" description = "Easily download, build, install, upgrade, and uninstall Python packages" optional = false python-versions = ">=3.8" files = [ - {file = "setuptools-69.0.3-py3-none-any.whl", hash = "sha256:385eb4edd9c9d5c17540511303e39a147ce2fc04bc55289c322b9e5904fe2c05"}, - {file = "setuptools-69.0.3.tar.gz", hash = "sha256:be1af57fc409f93647f2e8e4573a142ed38724b8cdd389706a867bb4efcf1e78"}, + {file = "setuptools-69.1.1-py3-none-any.whl", hash = "sha256:02fa291a0471b3a18b2b2481ed902af520c69e8ae0919c13da936542754b4c56"}, + {file = "setuptools-69.1.1.tar.gz", hash = "sha256:5c0806c7d9af348e6dd3777b4f4dbb42c7ad85b190104837488eab9a7c945cf8"}, ] [package.extras] docs = ["furo", "jaraco.packaging (>=9.3)", "jaraco.tidelift (>=1.4)", "pygments-github-lexers (==0.0.5)", "rst.linker (>=1.9)", "sphinx (<7.2.5)", "sphinx (>=3.5)", "sphinx-favicon", "sphinx-inline-tabs", "sphinx-lint", "sphinx-notfound-page (>=1,<2)", "sphinx-reredirects", "sphinxcontrib-towncrier"] -testing = ["build[virtualenv]", "filelock (>=3.4.0)", "flake8-2020", "ini2toml[lite] (>=0.9)", "jaraco.develop (>=7.21)", "jaraco.envs (>=2.2)", "jaraco.path (>=3.2.0)", "pip (>=19.1)", "pytest (>=6)", "pytest-black (>=0.3.7)", "pytest-checkdocs (>=2.4)", "pytest-cov", "pytest-enabler (>=2.2)", "pytest-mypy (>=0.9.1)", "pytest-perf", "pytest-ruff", "pytest-timeout", "pytest-xdist", "tomli-w (>=1.0.0)", "virtualenv (>=13.0.0)", "wheel"] -testing-integration = ["build[virtualenv] (>=1.0.3)", "filelock (>=3.4.0)", "jaraco.envs (>=2.2)", "jaraco.path (>=3.2.0)", "packaging (>=23.1)", "pytest", "pytest-enabler", "pytest-xdist", "tomli", "virtualenv (>=13.0.0)", "wheel"] +testing = ["build[virtualenv]", "filelock (>=3.4.0)", "flake8-2020", "ini2toml[lite] (>=0.9)", "jaraco.develop (>=7.21)", "jaraco.envs (>=2.2)", "jaraco.path (>=3.2.0)", "packaging (>=23.2)", "pip (>=19.1)", "pytest (>=6)", "pytest-checkdocs (>=2.4)", "pytest-cov", "pytest-enabler (>=2.2)", "pytest-home (>=0.5)", "pytest-mypy (>=0.9.1)", "pytest-perf", "pytest-ruff (>=0.2.1)", "pytest-timeout", "pytest-xdist", "tomli-w (>=1.0.0)", "virtualenv (>=13.0.0)", "wheel"] +testing-integration = ["build[virtualenv] (>=1.0.3)", "filelock (>=3.4.0)", "jaraco.envs (>=2.2)", "jaraco.path (>=3.2.0)", "packaging (>=23.2)", "pytest", "pytest-enabler", "pytest-xdist", "tomli", "virtualenv (>=13.0.0)", "wheel"] [[package]] name = "six" @@ -4395,92 +4472,96 @@ files = [ [[package]] name = "smart-open" -version = "6.4.0" +version = "7.0.1" description = "Utils for streaming large files (S3, HDFS, GCS, Azure Blob Storage, gzip, bz2...)" optional = false python-versions = ">=3.6,<4.0" files = [ - {file = "smart_open-6.4.0-py3-none-any.whl", hash = "sha256:8d3ef7e6997e8e42dd55c74166ed21e6ac70664caa32dd940b26d54a8f6b4142"}, - {file = "smart_open-6.4.0.tar.gz", hash = "sha256:be3c92c246fbe80ebce8fbacb180494a481a77fcdcb7c1aadb2ea5b9c2bee8b9"}, + {file = "smart_open-7.0.1-py3-none-any.whl", hash = "sha256:9507e38b43d1fd515c2085b9db2e41b592bb754b0e31395a085eb0d61d2410e5"}, + {file = "smart_open-7.0.1.tar.gz", hash = "sha256:c03d00e49483d8e5375720d4d6c1402107f23584bf96505db0b4e17f92339e56"}, ] +[package.dependencies] +wrapt = "*" + [package.extras] -all = ["azure-common", "azure-core", "azure-storage-blob", "boto3", "google-cloud-storage (>=2.6.0)", "paramiko", "requests"] +all = ["azure-common", "azure-core", "azure-storage-blob", "boto3", "google-cloud-storage (>=2.6.0)", "paramiko", "requests", "zstandard"] azure = ["azure-common", "azure-core", "azure-storage-blob"] gcs = ["google-cloud-storage (>=2.6.0)"] http = ["requests"] s3 = ["boto3"] ssh = ["paramiko"] -test = ["azure-common", "azure-core", "azure-storage-blob", "boto3", "google-cloud-storage (>=2.6.0)", "moto[server]", "paramiko", "pytest", "pytest-rerunfailures", "requests", "responses"] +test = ["azure-common", "azure-core", "azure-storage-blob", "boto3", "google-cloud-storage (>=2.6.0)", "moto[server]", "paramiko", "pytest", "pytest-benchmark", "pytest-rerunfailures", "requests", "responses", "zstandard"] webhdfs = ["requests"] +zst = ["zstandard"] [[package]] name = "sniffio" -version = "1.3.0" +version = "1.3.1" description = "Sniff out which async library your code is running under" optional = false python-versions = ">=3.7" files = [ - {file = "sniffio-1.3.0-py3-none-any.whl", hash = "sha256:eecefdce1e5bbfb7ad2eeaabf7c1eeb404d7757c379bd1f7e5cce9d8bf425384"}, - {file = "sniffio-1.3.0.tar.gz", hash = "sha256:e60305c5e5d314f5389259b7f22aaa33d8f7dee49763119234af3755c55b9101"}, + {file = "sniffio-1.3.1-py3-none-any.whl", hash = "sha256:2f6da418d1f1e0fddd844478f41680e794e6051915791a034ff65e5f100525a2"}, + {file = "sniffio-1.3.1.tar.gz", hash = "sha256:f4324edc670a0f49750a81b895f35c3adb843cca46f0530f79fc1babb23789dc"}, ] [[package]] name = "sqlalchemy" -version = "2.0.25" +version = "2.0.27" description = "Database Abstraction Library" optional = false python-versions = ">=3.7" files = [ - {file = "SQLAlchemy-2.0.25-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:4344d059265cc8b1b1be351bfb88749294b87a8b2bbe21dfbe066c4199541ebd"}, - {file = "SQLAlchemy-2.0.25-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:6f9e2e59cbcc6ba1488404aad43de005d05ca56e069477b33ff74e91b6319735"}, - {file = "SQLAlchemy-2.0.25-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:84daa0a2055df9ca0f148a64fdde12ac635e30edbca80e87df9b3aaf419e144a"}, - {file = "SQLAlchemy-2.0.25-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:bc8b7dabe8e67c4832891a5d322cec6d44ef02f432b4588390017f5cec186a84"}, - {file = "SQLAlchemy-2.0.25-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:f5693145220517b5f42393e07a6898acdfe820e136c98663b971906120549da5"}, - {file = "SQLAlchemy-2.0.25-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:db854730a25db7c956423bb9fb4bdd1216c839a689bf9cc15fada0a7fb2f4570"}, - {file = "SQLAlchemy-2.0.25-cp310-cp310-win32.whl", hash = "sha256:14a6f68e8fc96e5e8f5647ef6cda6250c780612a573d99e4d881581432ef1669"}, - {file = "SQLAlchemy-2.0.25-cp310-cp310-win_amd64.whl", hash = "sha256:87f6e732bccd7dcf1741c00f1ecf33797383128bd1c90144ac8adc02cbb98643"}, - {file = "SQLAlchemy-2.0.25-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:342d365988ba88ada8af320d43df4e0b13a694dbd75951f537b2d5e4cb5cd002"}, - {file = "SQLAlchemy-2.0.25-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:f37c0caf14b9e9b9e8f6dbc81bc56db06acb4363eba5a633167781a48ef036ed"}, - {file = "SQLAlchemy-2.0.25-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:aa9373708763ef46782d10e950b49d0235bfe58facebd76917d3f5cbf5971aed"}, - {file = "SQLAlchemy-2.0.25-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:d24f571990c05f6b36a396218f251f3e0dda916e0c687ef6fdca5072743208f5"}, - {file = "SQLAlchemy-2.0.25-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:75432b5b14dc2fff43c50435e248b45c7cdadef73388e5610852b95280ffd0e9"}, - {file = "SQLAlchemy-2.0.25-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:884272dcd3ad97f47702965a0e902b540541890f468d24bd1d98bcfe41c3f018"}, - {file = "SQLAlchemy-2.0.25-cp311-cp311-win32.whl", hash = "sha256:e607cdd99cbf9bb80391f54446b86e16eea6ad309361942bf88318bcd452363c"}, - {file = "SQLAlchemy-2.0.25-cp311-cp311-win_amd64.whl", hash = "sha256:7d505815ac340568fd03f719446a589162d55c52f08abd77ba8964fbb7eb5b5f"}, - {file = "SQLAlchemy-2.0.25-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:0dacf67aee53b16f365c589ce72e766efaabd2b145f9de7c917777b575e3659d"}, - {file = "SQLAlchemy-2.0.25-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:b801154027107461ee992ff4b5c09aa7cc6ec91ddfe50d02bca344918c3265c6"}, - {file = "SQLAlchemy-2.0.25-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:59a21853f5daeb50412d459cfb13cb82c089ad4c04ec208cd14dddd99fc23b39"}, - {file = "SQLAlchemy-2.0.25-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:29049e2c299b5ace92cbed0c1610a7a236f3baf4c6b66eb9547c01179f638ec5"}, - {file = "SQLAlchemy-2.0.25-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:b64b183d610b424a160b0d4d880995e935208fc043d0302dd29fee32d1ee3f95"}, - {file = "SQLAlchemy-2.0.25-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:4f7a7d7fcc675d3d85fbf3b3828ecd5990b8d61bd6de3f1b260080b3beccf215"}, - {file = "SQLAlchemy-2.0.25-cp312-cp312-win32.whl", hash = "sha256:cf18ff7fc9941b8fc23437cc3e68ed4ebeff3599eec6ef5eebf305f3d2e9a7c2"}, - {file = "SQLAlchemy-2.0.25-cp312-cp312-win_amd64.whl", hash = "sha256:91f7d9d1c4dd1f4f6e092874c128c11165eafcf7c963128f79e28f8445de82d5"}, - {file = "SQLAlchemy-2.0.25-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:bb209a73b8307f8fe4fe46f6ad5979649be01607f11af1eb94aa9e8a3aaf77f0"}, - {file = "SQLAlchemy-2.0.25-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:798f717ae7c806d67145f6ae94dc7c342d3222d3b9a311a784f371a4333212c7"}, - {file = "SQLAlchemy-2.0.25-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:5fdd402169aa00df3142149940b3bf9ce7dde075928c1886d9a1df63d4b8de62"}, - {file = "SQLAlchemy-2.0.25-cp37-cp37m-musllinux_1_1_aarch64.whl", hash = "sha256:0d3cab3076af2e4aa5693f89622bef7fa770c6fec967143e4da7508b3dceb9b9"}, - {file = "SQLAlchemy-2.0.25-cp37-cp37m-musllinux_1_1_x86_64.whl", hash = "sha256:74b080c897563f81062b74e44f5a72fa44c2b373741a9ade701d5f789a10ba23"}, - {file = "SQLAlchemy-2.0.25-cp37-cp37m-win32.whl", hash = "sha256:87d91043ea0dc65ee583026cb18e1b458d8ec5fc0a93637126b5fc0bc3ea68c4"}, - {file = "SQLAlchemy-2.0.25-cp37-cp37m-win_amd64.whl", hash = "sha256:75f99202324383d613ddd1f7455ac908dca9c2dd729ec8584c9541dd41822a2c"}, - {file = "SQLAlchemy-2.0.25-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:420362338681eec03f53467804541a854617faed7272fe71a1bfdb07336a381e"}, - {file = "SQLAlchemy-2.0.25-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:7c88f0c7dcc5f99bdb34b4fd9b69b93c89f893f454f40219fe923a3a2fd11625"}, - {file = "SQLAlchemy-2.0.25-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a3be4987e3ee9d9a380b66393b77a4cd6d742480c951a1c56a23c335caca4ce3"}, - {file = "SQLAlchemy-2.0.25-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:f2a159111a0f58fb034c93eeba211b4141137ec4b0a6e75789ab7a3ef3c7e7e3"}, - {file = "SQLAlchemy-2.0.25-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:8b8cb63d3ea63b29074dcd29da4dc6a97ad1349151f2d2949495418fd6e48db9"}, - {file = "SQLAlchemy-2.0.25-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:736ea78cd06de6c21ecba7416499e7236a22374561493b456a1f7ffbe3f6cdb4"}, - {file = "SQLAlchemy-2.0.25-cp38-cp38-win32.whl", hash = "sha256:10331f129982a19df4284ceac6fe87353ca3ca6b4ca77ff7d697209ae0a5915e"}, - {file = "SQLAlchemy-2.0.25-cp38-cp38-win_amd64.whl", hash = "sha256:c55731c116806836a5d678a70c84cb13f2cedba920212ba7dcad53260997666d"}, - {file = "SQLAlchemy-2.0.25-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:605b6b059f4b57b277f75ace81cc5bc6335efcbcc4ccb9066695e515dbdb3900"}, - {file = "SQLAlchemy-2.0.25-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:665f0a3954635b5b777a55111ababf44b4fc12b1f3ba0a435b602b6387ffd7cf"}, - {file = "SQLAlchemy-2.0.25-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:ecf6d4cda1f9f6cb0b45803a01ea7f034e2f1aed9475e883410812d9f9e3cfcf"}, - {file = "SQLAlchemy-2.0.25-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:c51db269513917394faec5e5c00d6f83829742ba62e2ac4fa5c98d58be91662f"}, - {file = "SQLAlchemy-2.0.25-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:790f533fa5c8901a62b6fef5811d48980adeb2f51f1290ade8b5e7ba990ba3de"}, - {file = "SQLAlchemy-2.0.25-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:1b1180cda6df7af84fe72e4530f192231b1f29a7496951db4ff38dac1687202d"}, - {file = "SQLAlchemy-2.0.25-cp39-cp39-win32.whl", hash = "sha256:555651adbb503ac7f4cb35834c5e4ae0819aab2cd24857a123370764dc7d7e24"}, - {file = "SQLAlchemy-2.0.25-cp39-cp39-win_amd64.whl", hash = "sha256:dc55990143cbd853a5d038c05e79284baedf3e299661389654551bd02a6a68d7"}, - {file = "SQLAlchemy-2.0.25-py3-none-any.whl", hash = "sha256:a86b4240e67d4753dc3092d9511886795b3c2852abe599cffe108952f7af7ac3"}, - {file = "SQLAlchemy-2.0.25.tar.gz", hash = "sha256:a2c69a7664fb2d54b8682dd774c3b54f67f84fa123cf84dda2a5f40dcaa04e08"}, + {file = "SQLAlchemy-2.0.27-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:d04e579e911562f1055d26dab1868d3e0bb905db3bccf664ee8ad109f035618a"}, + {file = "SQLAlchemy-2.0.27-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:fa67d821c1fd268a5a87922ef4940442513b4e6c377553506b9db3b83beebbd8"}, + {file = "SQLAlchemy-2.0.27-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:6c7a596d0be71b7baa037f4ac10d5e057d276f65a9a611c46970f012752ebf2d"}, + {file = "SQLAlchemy-2.0.27-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:954d9735ee9c3fa74874c830d089a815b7b48df6f6b6e357a74130e478dbd951"}, + {file = "SQLAlchemy-2.0.27-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:5cd20f58c29bbf2680039ff9f569fa6d21453fbd2fa84dbdb4092f006424c2e6"}, + {file = "SQLAlchemy-2.0.27-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:03f448ffb731b48323bda68bcc93152f751436ad6037f18a42b7e16af9e91c07"}, + {file = "SQLAlchemy-2.0.27-cp310-cp310-win32.whl", hash = "sha256:d997c5938a08b5e172c30583ba6b8aad657ed9901fc24caf3a7152eeccb2f1b4"}, + {file = "SQLAlchemy-2.0.27-cp310-cp310-win_amd64.whl", hash = "sha256:eb15ef40b833f5b2f19eeae65d65e191f039e71790dd565c2af2a3783f72262f"}, + {file = "SQLAlchemy-2.0.27-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:6c5bad7c60a392850d2f0fee8f355953abaec878c483dd7c3836e0089f046bf6"}, + {file = "SQLAlchemy-2.0.27-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:a3012ab65ea42de1be81fff5fb28d6db893ef978950afc8130ba707179b4284a"}, + {file = "SQLAlchemy-2.0.27-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:dbcd77c4d94b23e0753c5ed8deba8c69f331d4fd83f68bfc9db58bc8983f49cd"}, + {file = "SQLAlchemy-2.0.27-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:d177b7e82f6dd5e1aebd24d9c3297c70ce09cd1d5d37b43e53f39514379c029c"}, + {file = "SQLAlchemy-2.0.27-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:680b9a36029b30cf063698755d277885d4a0eab70a2c7c6e71aab601323cba45"}, + {file = "SQLAlchemy-2.0.27-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:1306102f6d9e625cebaca3d4c9c8f10588735ef877f0360b5cdb4fdfd3fd7131"}, + {file = "SQLAlchemy-2.0.27-cp311-cp311-win32.whl", hash = "sha256:5b78aa9f4f68212248aaf8943d84c0ff0f74efc65a661c2fc68b82d498311fd5"}, + {file = "SQLAlchemy-2.0.27-cp311-cp311-win_amd64.whl", hash = "sha256:15e19a84b84528f52a68143439d0c7a3a69befcd4f50b8ef9b7b69d2628ae7c4"}, + {file = "SQLAlchemy-2.0.27-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:0de1263aac858f288a80b2071990f02082c51d88335a1db0d589237a3435fe71"}, + {file = "SQLAlchemy-2.0.27-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:ce850db091bf7d2a1f2fdb615220b968aeff3849007b1204bf6e3e50a57b3d32"}, + {file = "SQLAlchemy-2.0.27-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:8dfc936870507da96aebb43e664ae3a71a7b96278382bcfe84d277b88e379b18"}, + {file = "SQLAlchemy-2.0.27-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:c4fbe6a766301f2e8a4519f4500fe74ef0a8509a59e07a4085458f26228cd7cc"}, + {file = "SQLAlchemy-2.0.27-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:4535c49d961fe9a77392e3a630a626af5baa967172d42732b7a43496c8b28876"}, + {file = "SQLAlchemy-2.0.27-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:0fb3bffc0ced37e5aa4ac2416f56d6d858f46d4da70c09bb731a246e70bff4d5"}, + {file = "SQLAlchemy-2.0.27-cp312-cp312-win32.whl", hash = "sha256:7f470327d06400a0aa7926b375b8e8c3c31d335e0884f509fe272b3c700a7254"}, + {file = "SQLAlchemy-2.0.27-cp312-cp312-win_amd64.whl", hash = "sha256:f9374e270e2553653d710ece397df67db9d19c60d2647bcd35bfc616f1622dcd"}, + {file = "SQLAlchemy-2.0.27-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:e97cf143d74a7a5a0f143aa34039b4fecf11343eed66538610debc438685db4a"}, + {file = "SQLAlchemy-2.0.27-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d7b5a3e2120982b8b6bd1d5d99e3025339f7fb8b8267551c679afb39e9c7c7f1"}, + {file = "SQLAlchemy-2.0.27-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:e36aa62b765cf9f43a003233a8c2d7ffdeb55bc62eaa0a0380475b228663a38f"}, + {file = "SQLAlchemy-2.0.27-cp37-cp37m-musllinux_1_1_aarch64.whl", hash = "sha256:5ada0438f5b74c3952d916c199367c29ee4d6858edff18eab783b3978d0db16d"}, + {file = "SQLAlchemy-2.0.27-cp37-cp37m-musllinux_1_1_x86_64.whl", hash = "sha256:b1d9d1bfd96eef3c3faedb73f486c89e44e64e40e5bfec304ee163de01cf996f"}, + {file = "SQLAlchemy-2.0.27-cp37-cp37m-win32.whl", hash = "sha256:ca891af9f3289d24a490a5fde664ea04fe2f4984cd97e26de7442a4251bd4b7c"}, + {file = "SQLAlchemy-2.0.27-cp37-cp37m-win_amd64.whl", hash = "sha256:fd8aafda7cdff03b905d4426b714601c0978725a19efc39f5f207b86d188ba01"}, + {file = "SQLAlchemy-2.0.27-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:ec1f5a328464daf7a1e4e385e4f5652dd9b1d12405075ccba1df842f7774b4fc"}, + {file = "SQLAlchemy-2.0.27-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:ad862295ad3f644e3c2c0d8b10a988e1600d3123ecb48702d2c0f26771f1c396"}, + {file = "SQLAlchemy-2.0.27-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:48217be1de7d29a5600b5c513f3f7664b21d32e596d69582be0a94e36b8309cb"}, + {file = "SQLAlchemy-2.0.27-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:9e56afce6431450442f3ab5973156289bd5ec33dd618941283847c9fd5ff06bf"}, + {file = "SQLAlchemy-2.0.27-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:611068511b5531304137bcd7fe8117c985d1b828eb86043bd944cebb7fae3910"}, + {file = "SQLAlchemy-2.0.27-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:b86abba762ecfeea359112b2bb4490802b340850bbee1948f785141a5e020de8"}, + {file = "SQLAlchemy-2.0.27-cp38-cp38-win32.whl", hash = "sha256:30d81cc1192dc693d49d5671cd40cdec596b885b0ce3b72f323888ab1c3863d5"}, + {file = "SQLAlchemy-2.0.27-cp38-cp38-win_amd64.whl", hash = "sha256:120af1e49d614d2525ac247f6123841589b029c318b9afbfc9e2b70e22e1827d"}, + {file = "SQLAlchemy-2.0.27-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:d07ee7793f2aeb9b80ec8ceb96bc8cc08a2aec8a1b152da1955d64e4825fcbac"}, + {file = "SQLAlchemy-2.0.27-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:cb0845e934647232b6ff5150df37ceffd0b67b754b9fdbb095233deebcddbd4a"}, + {file = "SQLAlchemy-2.0.27-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:1fc19ae2e07a067663dd24fca55f8ed06a288384f0e6e3910420bf4b1270cc51"}, + {file = "SQLAlchemy-2.0.27-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:b90053be91973a6fb6020a6e44382c97739736a5a9d74e08cc29b196639eb979"}, + {file = "SQLAlchemy-2.0.27-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:2f5c9dfb0b9ab5e3a8a00249534bdd838d943ec4cfb9abe176a6c33408430230"}, + {file = "SQLAlchemy-2.0.27-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:33e8bde8fff203de50399b9039c4e14e42d4d227759155c21f8da4a47fc8053c"}, + {file = "SQLAlchemy-2.0.27-cp39-cp39-win32.whl", hash = "sha256:d873c21b356bfaf1589b89090a4011e6532582b3a8ea568a00e0c3aab09399dd"}, + {file = "SQLAlchemy-2.0.27-cp39-cp39-win_amd64.whl", hash = "sha256:ff2f1b7c963961d41403b650842dc2039175b906ab2093635d8319bef0b7d620"}, + {file = "SQLAlchemy-2.0.27-py3-none-any.whl", hash = "sha256:1ab4e0448018d01b142c916cc7119ca573803a4745cfe341b8f95657812700ac"}, + {file = "SQLAlchemy-2.0.27.tar.gz", hash = "sha256:86a6ed69a71fe6b88bf9331594fa390a2adda4a49b5c06f98e47bf0d392534f8"}, ] [package.dependencies] @@ -4593,113 +4674,125 @@ mpmath = ">=0.19" [[package]] name = "tokenizers" -version = "0.14.1" +version = "0.15.2" description = "" optional = false python-versions = ">=3.7" files = [ - {file = "tokenizers-0.14.1-cp310-cp310-macosx_10_7_x86_64.whl", hash = "sha256:04ec1134a18ede355a05641cdc7700f17280e01f69f2f315769f02f7e295cf1e"}, - {file = "tokenizers-0.14.1-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:638abedb39375f0ddce2de536fc9c976639b2d1b7202d715c2e7a25f0ebfd091"}, - {file = "tokenizers-0.14.1-cp310-cp310-manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:901635098565773a44f74068639d265f19deaaca47ea77b428fd9bee13a61d87"}, - {file = "tokenizers-0.14.1-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:72e95184bf5b9a4c08153ed07c16c130ff174835c9a1e6ee2b311be758c8b3ef"}, - {file = "tokenizers-0.14.1-cp310-cp310-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:ebefbc26ccff5e96ae7d40772172e7310174f9aa3683d2870a1882313ec3a4d5"}, - {file = "tokenizers-0.14.1-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:d3a6330c9f1deda22873e8b4ac849cc06d3ff33d60b3217ac0bb397b541e1509"}, - {file = "tokenizers-0.14.1-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:6cba7483ba45600346a35c466bde32327b108575022f73c35a0f7170b5a71ae2"}, - {file = "tokenizers-0.14.1-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:60fec380778d75cbb492f14ca974f11f37b41d53c057b9c8ba213315b86e1f84"}, - {file = "tokenizers-0.14.1-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:930c19b699dd7e1077eac98967adc2fe5f0b104bd96cc1f26778ab82b31ceb24"}, - {file = "tokenizers-0.14.1-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:a1e30a13376db5329570e09b14c8eb36c017909ed7e88591ca3aa81f3c7d6f32"}, - {file = "tokenizers-0.14.1-cp310-none-win32.whl", hash = "sha256:370b5b86da9bddbe65fa08711f0e8ffdf8b0036558178d1a31dfcb44efcde72a"}, - {file = "tokenizers-0.14.1-cp310-none-win_amd64.whl", hash = "sha256:c2c659f2106b6d154f118ad1b700e68148c46c59b720f04867b1fc5f26a85060"}, - {file = "tokenizers-0.14.1-cp311-cp311-macosx_10_7_x86_64.whl", hash = "sha256:00df4c5bf25c153b432b98689609b426ae701a44f3d8074dcb619f410bc2a870"}, - {file = "tokenizers-0.14.1-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:fee553657dcdb7e73df8823c49e8611457ba46e9d7026b7e9c44820c08c327c3"}, - {file = "tokenizers-0.14.1-cp311-cp311-manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:a480bd902e327dfcaa52b7dd14fdc71e7aa45d73a3d6e41e028a75891d2823cf"}, - {file = "tokenizers-0.14.1-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:e448b2be0430ab839cf7954715c39d6f34ff6cf2b49393f336283b7a59f485af"}, - {file = "tokenizers-0.14.1-cp311-cp311-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:c11444984aecd342f0cf160c3320288edeb1763871fbb560ed466654b2a7016c"}, - {file = "tokenizers-0.14.1-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:bfe164a1c72c6be3c5c26753c6c412f81412f4dae0d7d06371e0b396a9cc0fc9"}, - {file = "tokenizers-0.14.1-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:72d9967fb1f927542cfb5347207fde01b29f25c9bb8cbc7ced280decfa015983"}, - {file = "tokenizers-0.14.1-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:37cc955c84ec67c2d11183d372044399342b20a1fa447b7a33040f4889bba318"}, - {file = "tokenizers-0.14.1-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:db96cf092d86d4cb543daa9148e299011e0a40770380bb78333b9fd700586fcb"}, - {file = "tokenizers-0.14.1-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:c84d3cb1349936c2b96ca6175b50f5a9518170bffd76464219ee0ea6022a64a7"}, - {file = "tokenizers-0.14.1-cp311-none-win32.whl", hash = "sha256:8db3a6f3d430ac3dc3793c53fa8e5e665c23ba359484d365a191027ad8b65a30"}, - {file = "tokenizers-0.14.1-cp311-none-win_amd64.whl", hash = "sha256:c65d76052561c60e17cb4fa289885ed00a9995d59e97019fac2138bd45142057"}, - {file = "tokenizers-0.14.1-cp312-cp312-macosx_10_7_x86_64.whl", hash = "sha256:c375161b588982be381c43eb7158c250f430793d0f708ce379a0f196164c6778"}, - {file = "tokenizers-0.14.1-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:50f03d2330a153a9114c2429061137bd323736059f384de8348d7cb1ca1baa15"}, - {file = "tokenizers-0.14.1-cp312-cp312-manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:0c8ee283b249c3c3c201c41bc23adc3be2514ae4121eacdb5c5250a461eaa8c6"}, - {file = "tokenizers-0.14.1-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:e9f27399b8d50c5d3f08f0aae961bcc66a1dead1cd0ae9401e4c2a43a623322a"}, - {file = "tokenizers-0.14.1-cp312-cp312-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:89cbeec7e9d5d8773ec4779c64e3cbcbff53d234ca6ad7b1a3736588003bba48"}, - {file = "tokenizers-0.14.1-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:08e55920b453c30b46d58accc68a38e8e7488d0c03babfdb29c55d3f39dd2052"}, - {file = "tokenizers-0.14.1-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:91d32bd1056c0e83a0f90e4ffa213c25096b2d8b9f0e2d172a45f138c7d8c081"}, - {file = "tokenizers-0.14.1-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:44f1748035c36c939848c935715bde41734d9249ab7b844ff9bfbe984be8952c"}, - {file = "tokenizers-0.14.1-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:1ff516d129f01bb7a4aa95bc6aae88e4d86dd63bfc2d57db9302c2624d1be7cb"}, - {file = "tokenizers-0.14.1-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:acfc8db61c6e919d932448cc7985b85e330c8d745528e12fce6e62d40d268bce"}, - {file = "tokenizers-0.14.1-cp37-cp37m-macosx_10_7_x86_64.whl", hash = "sha256:ba336bc9107acbc1da2ad30967df7b2db93448ca66538ad86aa1fbb91116f631"}, - {file = "tokenizers-0.14.1-cp37-cp37m-macosx_11_0_arm64.whl", hash = "sha256:f77371b5030e53f8bf92197640af437539e3bba1bc8342b97888c8e26567bfdc"}, - {file = "tokenizers-0.14.1-cp37-cp37m-manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:d72d25c57a9c814240802d188ff0a808b701e2dd2bf1c64721c7088ceeeb1ed7"}, - {file = "tokenizers-0.14.1-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:caf0df8657277e32671aa8a4d3cc05f2050ab19d9b49447f2265304168e9032c"}, - {file = "tokenizers-0.14.1-cp37-cp37m-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:cb3c6bc6e599e46a26ad559ad5dec260ffdf705663cc9b894033d64a69314e86"}, - {file = "tokenizers-0.14.1-cp37-cp37m-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:f8cf2fcdc2368df4317e05571e33810eeed24cd594acc9dfc9788b21dac6b3a8"}, - {file = "tokenizers-0.14.1-cp37-cp37m-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:f475d5eda41d2ed51ca775a07c80529a923dd759fcff7abf03ccdd83d9f7564e"}, - {file = "tokenizers-0.14.1-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:cce4d1a97a7eb2253b5d3f29f4a478d8c37ba0303ea34024eb9e65506d4209f8"}, - {file = "tokenizers-0.14.1-cp37-cp37m-musllinux_1_1_aarch64.whl", hash = "sha256:ff66577ae55114f7d0f6aa0d4d335f27cae96bf245962a745b718ec887bbe7eb"}, - {file = "tokenizers-0.14.1-cp37-cp37m-musllinux_1_1_x86_64.whl", hash = "sha256:a687099e085f5162e5b88b3402adb6c2b41046180c015c5075c9504440b6e971"}, - {file = "tokenizers-0.14.1-cp37-none-win32.whl", hash = "sha256:49f5336b82e315a33bef1025d247ca08d95719715b29e33f0e9e8cf15ff1dfb6"}, - {file = "tokenizers-0.14.1-cp37-none-win_amd64.whl", hash = "sha256:117c8da60d1bd95a6df2692926f36de7971baa1d89ff702fae47b6689a4465ad"}, - {file = "tokenizers-0.14.1-cp38-cp38-macosx_10_7_x86_64.whl", hash = "sha256:01d2bd5935642de22a6c6778bb2307f9949cd6eaeeb5c77f9b98f0060b69f0db"}, - {file = "tokenizers-0.14.1-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:b05ec04132394c20bd6bcb692d557a8eb8ab1bac1646d28e49c67c00907d17c8"}, - {file = "tokenizers-0.14.1-cp38-cp38-manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:7d9025b185465d9d18679406f6f394850347d5ed2681efc203539d800f36f459"}, - {file = "tokenizers-0.14.1-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:2539831838ab5393f78a893d7bbf27d5c36e43baf77e91dc9992922b2b97e09d"}, - {file = "tokenizers-0.14.1-cp38-cp38-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:ec8f46d533092d8e20bc742c47918cbe24b8641dbfbbcb83177c5de3c9d4decb"}, - {file = "tokenizers-0.14.1-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:8b019c4810903fdea3b230f358b9d27377c0f38454778b607676c9e1b57d14b7"}, - {file = "tokenizers-0.14.1-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:e8984114fd83ed3913d89526c992395920930c9620a2feee61faf035f41d7b9a"}, - {file = "tokenizers-0.14.1-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:11284b32f0036fe7ef4b8b00201dda79c00f3fcea173bc0e5c599e09c937ab0f"}, - {file = "tokenizers-0.14.1-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:53614f44f36917282a583180e402105bc63d61d1aca067d51cb7f051eb489901"}, - {file = "tokenizers-0.14.1-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:e3b6082e9532309727273443c8943bb9558d52e36788b246aa278bda7c642116"}, - {file = "tokenizers-0.14.1-cp38-none-win32.whl", hash = "sha256:7560fca3e17a6bc876d20cd825d7721c101fa2b1cd0bfa0abf9a2e781e49b37b"}, - {file = "tokenizers-0.14.1-cp38-none-win_amd64.whl", hash = "sha256:c318a5acb429ca38f632577754235140bbb8c5a27faca1c51b43fbf575596e34"}, - {file = "tokenizers-0.14.1-cp39-cp39-macosx_10_7_x86_64.whl", hash = "sha256:b886e0f5c72aa4249c609c24b9610a9ca83fd963cbb5066b19302723ea505279"}, - {file = "tokenizers-0.14.1-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:f522f28c88a0d5b2f9e895cf405dd594cd518e99d61905406aec74d30eb6383b"}, - {file = "tokenizers-0.14.1-cp39-cp39-manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:5bef76c4d9329913cef2fe79ce1f4dab98f77fa4887e5f0420ffc9386941de32"}, - {file = "tokenizers-0.14.1-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:59c7df2103052b30b7c76d4fa8251326c9f82689578a912698a127dc1737f43e"}, - {file = "tokenizers-0.14.1-cp39-cp39-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:232445e7b85255ccfe68dfd42185db8a3f3349b34ad7068404856c4a5f67c355"}, - {file = "tokenizers-0.14.1-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:8e63781da85aa8948864970e529af10abc4084a990d30850c41bbdb5f83eee45"}, - {file = "tokenizers-0.14.1-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:5760a831c0f3c6d3229b50ef3fafa4c164ec99d7e8c2237fe144e67a9d33b120"}, - {file = "tokenizers-0.14.1-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:c84b456ff8525ec3ff09762e32ccc27888d036dcd0ba2883e1db491e164dd725"}, - {file = "tokenizers-0.14.1-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:463ee5f3afbfec29cbf5652752c9d1032bdad63daf48bb8cb9970064cc81d5f9"}, - {file = "tokenizers-0.14.1-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:ee6b63aecf929a7bcf885bdc8a8aec96c43bc4442f63fe8c6d48f24fc992b05b"}, - {file = "tokenizers-0.14.1-cp39-none-win32.whl", hash = "sha256:aae42798ba1da3bc1572b2048fe42e61dd6bacced2b424cb0f5572c5432f79c2"}, - {file = "tokenizers-0.14.1-cp39-none-win_amd64.whl", hash = "sha256:68c4699147dded6926a3d2c2f948d435d54d027f69909e0ef3c6587933723ed2"}, - {file = "tokenizers-0.14.1-pp310-pypy310_pp73-macosx_10_7_x86_64.whl", hash = "sha256:5f9afdcf701a1aa3c41e0e748c152d2162434d61639a1e5d8523ecf60ae35aea"}, - {file = "tokenizers-0.14.1-pp310-pypy310_pp73-macosx_11_0_arm64.whl", hash = "sha256:6859d81243cd09854be9054aca3ecab14a2dee5b3c9f6d7ef12061d478ca0c57"}, - {file = "tokenizers-0.14.1-pp310-pypy310_pp73-manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:7975178f9478ccedcf613332d5d6f37b67c74ef4e2e47e0c965597506b921f04"}, - {file = "tokenizers-0.14.1-pp310-pypy310_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:0ce2f0ff2e5f12ac5bebaa690606395725239265d7ffa35f35c243a379316297"}, - {file = "tokenizers-0.14.1-pp310-pypy310_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:4c7cfc3d42e81cda802f93aa9e92caf79feaa1711426e28ce620560b8aaf5e4d"}, - {file = "tokenizers-0.14.1-pp310-pypy310_pp73-musllinux_1_1_aarch64.whl", hash = "sha256:67d3adff654dc7f7c7091dd259b3b847fe119c08d0bda61db91e2ea2b61c38c0"}, - {file = "tokenizers-0.14.1-pp310-pypy310_pp73-musllinux_1_1_x86_64.whl", hash = "sha256:956729b7dd599020e57133fb95b777e4f81ee069ff0a70e80f6eeac82658972f"}, - {file = "tokenizers-0.14.1-pp37-pypy37_pp73-macosx_10_7_x86_64.whl", hash = "sha256:fe2ea1177146a7ab345ab61e90a490eeea25d5f063e1cb9d4eb1425b169b64d7"}, - {file = "tokenizers-0.14.1-pp37-pypy37_pp73-manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:9930f31f603ecc6ea54d5c6dfa299f926ab3e921f72f94babcb02598c32b57c6"}, - {file = "tokenizers-0.14.1-pp37-pypy37_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d49567a2754e9991c05c2b5a7e6650b56e24365b7cab504558e58033dcf0edc4"}, - {file = "tokenizers-0.14.1-pp37-pypy37_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:3678be5db330726f19c1949d8ae1b845a02eeb2a2e1d5a8bb8eaa82087ae25c1"}, - {file = "tokenizers-0.14.1-pp37-pypy37_pp73-musllinux_1_1_aarch64.whl", hash = "sha256:42b180ed1bec58ab9bdc65d406577e0c0fb7241b74b8c032846073c7743c9f86"}, - {file = "tokenizers-0.14.1-pp37-pypy37_pp73-musllinux_1_1_x86_64.whl", hash = "sha256:319e4367596fb0d52be645b3de1616faf0fadaf28507ce1c7595bebd9b4c402c"}, - {file = "tokenizers-0.14.1-pp38-pypy38_pp73-macosx_10_7_x86_64.whl", hash = "sha256:2cda65b689aec63b7c76a77f43a08044fa90bbc6ad9849267cedfee9795913f3"}, - {file = "tokenizers-0.14.1-pp38-pypy38_pp73-macosx_11_0_arm64.whl", hash = "sha256:ca0bfc79b27d84fcb7fa09339b2ee39077896738d9a30ff99c0332376e985072"}, - {file = "tokenizers-0.14.1-pp38-pypy38_pp73-manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:a7093767e070269e22e2c5f845e46510304f124c32d2cd249633c0f27eb29d86"}, - {file = "tokenizers-0.14.1-pp38-pypy38_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:ad759ba39cd32c2c2247864d02c84ea5883b5f6cc6a4ee0c95602a3dde52268f"}, - {file = "tokenizers-0.14.1-pp38-pypy38_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:26fee36a6d8f2bd9464f3566b95e3e3fb7fd7dad723f775c500aac8204ec98c6"}, - {file = "tokenizers-0.14.1-pp38-pypy38_pp73-musllinux_1_1_aarch64.whl", hash = "sha256:d091c62cb7abbd32e527a85c41f7c8eb4526a926251891fc4ecbe5f974142ffb"}, - {file = "tokenizers-0.14.1-pp38-pypy38_pp73-musllinux_1_1_x86_64.whl", hash = "sha256:ca304402ea66d58f99c05aa3d7a6052faea61e5a8313b94f6bc36fbf27960e2d"}, - {file = "tokenizers-0.14.1-pp39-pypy39_pp73-macosx_10_7_x86_64.whl", hash = "sha256:102f118fa9b720b93c3217c1e239ed7bc1ae1e8dbfe9b4983a4f2d7b4ce6f2ec"}, - {file = "tokenizers-0.14.1-pp39-pypy39_pp73-macosx_11_0_arm64.whl", hash = "sha256:df4f058e96e8b467b7742e5dba7564255cd482d3c1e6cf81f8cb683bb0433340"}, - {file = "tokenizers-0.14.1-pp39-pypy39_pp73-manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:040ee44efc1806900de72b13c1c3036154077d9cde189c9a7e7a50bbbdcbf39f"}, - {file = "tokenizers-0.14.1-pp39-pypy39_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:7618b84118ae704f7fa23c4a190bd80fc605671841a4427d5ca14b9b8d9ec1a3"}, - {file = "tokenizers-0.14.1-pp39-pypy39_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:2ecdfe9736c4a73343f629586016a137a10faed1a29c6dc699d8ab20c2d3cf64"}, - {file = "tokenizers-0.14.1-pp39-pypy39_pp73-musllinux_1_1_aarch64.whl", hash = "sha256:92c34de04fec7f4ff95f7667d4eb085c4e4db46c31ef44c3d35c38df128430da"}, - {file = "tokenizers-0.14.1-pp39-pypy39_pp73-musllinux_1_1_x86_64.whl", hash = "sha256:628b654ba555b2ba9111c0936d558b14bfc9d5f57b8c323b02fc846036b38b2f"}, - {file = "tokenizers-0.14.1.tar.gz", hash = "sha256:ea3b3f8908a9a5b9d6fc632b5f012ece7240031c44c6d4764809f33736534166"}, + {file = "tokenizers-0.15.2-cp310-cp310-macosx_10_12_x86_64.whl", hash = "sha256:52f6130c9cbf70544287575a985bf44ae1bda2da7e8c24e97716080593638012"}, + {file = "tokenizers-0.15.2-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:054c1cc9c6d68f7ffa4e810b3d5131e0ba511b6e4be34157aa08ee54c2f8d9ee"}, + {file = "tokenizers-0.15.2-cp310-cp310-manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:a9b9b070fdad06e347563b88c278995735292ded1132f8657084989a4c84a6d5"}, + {file = "tokenizers-0.15.2-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:ea621a7eef4b70e1f7a4e84dd989ae3f0eeb50fc8690254eacc08acb623e82f1"}, + {file = "tokenizers-0.15.2-cp310-cp310-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:cf7fd9a5141634fa3aa8d6b7be362e6ae1b4cda60da81388fa533e0b552c98fd"}, + {file = "tokenizers-0.15.2-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:44f2a832cd0825295f7179eaf173381dc45230f9227ec4b44378322d900447c9"}, + {file = "tokenizers-0.15.2-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:8b9ec69247a23747669ec4b0ca10f8e3dfb3545d550258129bd62291aabe8605"}, + {file = "tokenizers-0.15.2-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:40b6a4c78da863ff26dbd5ad9a8ecc33d8a8d97b535172601cf00aee9d7ce9ce"}, + {file = "tokenizers-0.15.2-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:5ab2a4d21dcf76af60e05af8063138849eb1d6553a0d059f6534357bce8ba364"}, + {file = "tokenizers-0.15.2-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:a47acfac7e511f6bbfcf2d3fb8c26979c780a91e06fb5b9a43831b2c0153d024"}, + {file = "tokenizers-0.15.2-cp310-none-win32.whl", hash = "sha256:064ff87bb6acdbd693666de9a4b692add41308a2c0ec0770d6385737117215f2"}, + {file = "tokenizers-0.15.2-cp310-none-win_amd64.whl", hash = "sha256:3b919afe4df7eb6ac7cafd2bd14fb507d3f408db7a68c43117f579c984a73843"}, + {file = "tokenizers-0.15.2-cp311-cp311-macosx_10_12_x86_64.whl", hash = "sha256:89cd1cb93e4b12ff39bb2d626ad77e35209de9309a71e4d3d4672667b4b256e7"}, + {file = "tokenizers-0.15.2-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:cfed5c64e5be23d7ee0f0e98081a25c2a46b0b77ce99a4f0605b1ec43dd481fa"}, + {file = "tokenizers-0.15.2-cp311-cp311-manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:a907d76dcfda37023ba203ab4ceeb21bc5683436ebefbd895a0841fd52f6f6f2"}, + {file = "tokenizers-0.15.2-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:20ea60479de6fc7b8ae756b4b097572372d7e4032e2521c1bbf3d90c90a99ff0"}, + {file = "tokenizers-0.15.2-cp311-cp311-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:48e2b9335be2bc0171df9281385c2ed06a15f5cf121c44094338306ab7b33f2c"}, + {file = "tokenizers-0.15.2-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:112a1dd436d2cc06e6ffdc0b06d55ac019a35a63afd26475205cb4b1bf0bfbff"}, + {file = "tokenizers-0.15.2-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:4620cca5c2817177ee8706f860364cc3a8845bc1e291aaf661fb899e5d1c45b0"}, + {file = "tokenizers-0.15.2-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ccd73a82751c523b3fc31ff8194702e4af4db21dc20e55b30ecc2079c5d43cb7"}, + {file = "tokenizers-0.15.2-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:107089f135b4ae7817affe6264f8c7a5c5b4fd9a90f9439ed495f54fcea56fb4"}, + {file = "tokenizers-0.15.2-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:0ff110ecc57b7aa4a594396525a3451ad70988e517237fe91c540997c4e50e29"}, + {file = "tokenizers-0.15.2-cp311-none-win32.whl", hash = "sha256:6d76f00f5c32da36c61f41c58346a4fa7f0a61be02f4301fd30ad59834977cc3"}, + {file = "tokenizers-0.15.2-cp311-none-win_amd64.whl", hash = "sha256:cc90102ed17271cf0a1262babe5939e0134b3890345d11a19c3145184b706055"}, + {file = "tokenizers-0.15.2-cp312-cp312-macosx_10_12_x86_64.whl", hash = "sha256:f86593c18d2e6248e72fb91c77d413a815153b8ea4e31f7cd443bdf28e467670"}, + {file = "tokenizers-0.15.2-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:0774bccc6608eca23eb9d620196687c8b2360624619623cf4ba9dc9bd53e8b51"}, + {file = "tokenizers-0.15.2-cp312-cp312-manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:d0222c5b7c9b26c0b4822a82f6a7011de0a9d3060e1da176f66274b70f846b98"}, + {file = "tokenizers-0.15.2-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:3835738be1de66624fff2f4f6f6684775da4e9c00bde053be7564cbf3545cc66"}, + {file = "tokenizers-0.15.2-cp312-cp312-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:0143e7d9dcd811855c1ce1ab9bf5d96d29bf5e528fd6c7824d0465741e8c10fd"}, + {file = "tokenizers-0.15.2-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:db35825f6d54215f6b6009a7ff3eedee0848c99a6271c870d2826fbbedf31a38"}, + {file = "tokenizers-0.15.2-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:3f5e64b0389a2be47091d8cc53c87859783b837ea1a06edd9d8e04004df55a5c"}, + {file = "tokenizers-0.15.2-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:9e0480c452217edd35eca56fafe2029fb4d368b7c0475f8dfa3c5c9c400a7456"}, + {file = "tokenizers-0.15.2-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:a33ab881c8fe70474980577e033d0bc9a27b7ab8272896e500708b212995d834"}, + {file = "tokenizers-0.15.2-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:a308a607ca9de2c64c1b9ba79ec9a403969715a1b8ba5f998a676826f1a7039d"}, + {file = "tokenizers-0.15.2-cp312-none-win32.whl", hash = "sha256:b8fcfa81bcb9447df582c5bc96a031e6df4da2a774b8080d4f02c0c16b42be0b"}, + {file = "tokenizers-0.15.2-cp312-none-win_amd64.whl", hash = "sha256:38d7ab43c6825abfc0b661d95f39c7f8af2449364f01d331f3b51c94dcff7221"}, + {file = "tokenizers-0.15.2-cp313-cp313-macosx_10_12_x86_64.whl", hash = "sha256:38bfb0204ff3246ca4d5e726e8cc8403bfc931090151e6eede54d0e0cf162ef0"}, + {file = "tokenizers-0.15.2-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:9c861d35e8286a53e06e9e28d030b5a05bcbf5ac9d7229e561e53c352a85b1fc"}, + {file = "tokenizers-0.15.2-cp313-cp313-manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:936bf3842db5b2048eaa53dade907b1160f318e7c90c74bfab86f1e47720bdd6"}, + {file = "tokenizers-0.15.2-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:620beacc3373277700d0e27718aa8b25f7b383eb8001fba94ee00aeea1459d89"}, + {file = "tokenizers-0.15.2-cp313-cp313-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:2735ecbbf37e52db4ea970e539fd2d450d213517b77745114f92867f3fc246eb"}, + {file = "tokenizers-0.15.2-cp313-cp313-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:473c83c5e2359bb81b0b6fde870b41b2764fcdd36d997485e07e72cc3a62264a"}, + {file = "tokenizers-0.15.2-cp313-cp313-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:968fa1fb3c27398b28a4eca1cbd1e19355c4d3a6007f7398d48826bbe3a0f728"}, + {file = "tokenizers-0.15.2-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:865c60ae6eaebdde7da66191ee9b7db52e542ed8ee9d2c653b6d190a9351b980"}, + {file = "tokenizers-0.15.2-cp313-cp313-musllinux_1_1_aarch64.whl", hash = "sha256:7c0d8b52664ab2d4a8d6686eb5effc68b78608a9008f086a122a7b2996befbab"}, + {file = "tokenizers-0.15.2-cp313-cp313-musllinux_1_1_x86_64.whl", hash = "sha256:f33dfbdec3784093a9aebb3680d1f91336c56d86cc70ddf88708251da1fe9064"}, + {file = "tokenizers-0.15.2-cp37-cp37m-macosx_10_12_x86_64.whl", hash = "sha256:d44ba80988ff9424e33e0a49445072ac7029d8c0e1601ad25a0ca5f41ed0c1d6"}, + {file = "tokenizers-0.15.2-cp37-cp37m-macosx_11_0_arm64.whl", hash = "sha256:dce74266919b892f82b1b86025a613956ea0ea62a4843d4c4237be2c5498ed3a"}, + {file = "tokenizers-0.15.2-cp37-cp37m-manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:0ef06b9707baeb98b316577acb04f4852239d856b93e9ec3a299622f6084e4be"}, + {file = "tokenizers-0.15.2-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:c73e2e74bbb07910da0d37c326869f34113137b23eadad3fc00856e6b3d9930c"}, + {file = "tokenizers-0.15.2-cp37-cp37m-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:4eeb12daf02a59e29f578a865f55d87cd103ce62bd8a3a5874f8fdeaa82e336b"}, + {file = "tokenizers-0.15.2-cp37-cp37m-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:9ba9f6895af58487ca4f54e8a664a322f16c26bbb442effd01087eba391a719e"}, + {file = "tokenizers-0.15.2-cp37-cp37m-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:ccec77aa7150e38eec6878a493bf8c263ff1fa8a62404e16c6203c64c1f16a26"}, + {file = "tokenizers-0.15.2-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:f3f40604f5042ff210ba82743dda2b6aa3e55aa12df4e9f2378ee01a17e2855e"}, + {file = "tokenizers-0.15.2-cp37-cp37m-musllinux_1_1_aarch64.whl", hash = "sha256:5645938a42d78c4885086767c70923abad047163d809c16da75d6b290cb30bbe"}, + {file = "tokenizers-0.15.2-cp37-cp37m-musllinux_1_1_x86_64.whl", hash = "sha256:05a77cbfebe28a61ab5c3891f9939cc24798b63fa236d84e5f29f3a85a200c00"}, + {file = "tokenizers-0.15.2-cp37-none-win32.whl", hash = "sha256:361abdc068e8afe9c5b818769a48624687fb6aaed49636ee39bec4e95e1a215b"}, + {file = "tokenizers-0.15.2-cp37-none-win_amd64.whl", hash = "sha256:7ef789f83eb0f9baeb4d09a86cd639c0a5518528f9992f38b28e819df397eb06"}, + {file = "tokenizers-0.15.2-cp38-cp38-macosx_10_12_x86_64.whl", hash = "sha256:4fe1f74a902bee74a3b25aff180fbfbf4f8b444ab37c4d496af7afd13a784ed2"}, + {file = "tokenizers-0.15.2-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:4c4b89038a684f40a6b15d6b09f49650ac64d951ad0f2a3ea9169687bbf2a8ba"}, + {file = "tokenizers-0.15.2-cp38-cp38-manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:d05a1b06f986d41aed5f2de464c003004b2df8aaf66f2b7628254bcbfb72a438"}, + {file = "tokenizers-0.15.2-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:508711a108684111ec8af89d3a9e9e08755247eda27d0ba5e3c50e9da1600f6d"}, + {file = "tokenizers-0.15.2-cp38-cp38-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:daa348f02d15160cb35439098ac96e3a53bacf35885072611cd9e5be7d333daa"}, + {file = "tokenizers-0.15.2-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:494fdbe5932d3416de2a85fc2470b797e6f3226c12845cadf054dd906afd0442"}, + {file = "tokenizers-0.15.2-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:c2d60f5246f4da9373f75ff18d64c69cbf60c3bca597290cea01059c336d2470"}, + {file = "tokenizers-0.15.2-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:93268e788825f52de4c7bdcb6ebc1fcd4a5442c02e730faa9b6b08f23ead0e24"}, + {file = "tokenizers-0.15.2-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:6fc7083ab404019fc9acafe78662c192673c1e696bd598d16dc005bd663a5cf9"}, + {file = "tokenizers-0.15.2-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:41e39b41e5531d6b2122a77532dbea60e171ef87a3820b5a3888daa847df4153"}, + {file = "tokenizers-0.15.2-cp38-none-win32.whl", hash = "sha256:06cd0487b1cbfabefb2cc52fbd6b1f8d4c37799bd6c6e1641281adaa6b2504a7"}, + {file = "tokenizers-0.15.2-cp38-none-win_amd64.whl", hash = "sha256:5179c271aa5de9c71712e31cb5a79e436ecd0d7532a408fa42a8dbfa4bc23fd9"}, + {file = "tokenizers-0.15.2-cp39-cp39-macosx_10_12_x86_64.whl", hash = "sha256:82f8652a74cc107052328b87ea8b34291c0f55b96d8fb261b3880216a9f9e48e"}, + {file = "tokenizers-0.15.2-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:02458bee6f5f3139f1ebbb6d042b283af712c0981f5bc50edf771d6b762d5e4f"}, + {file = "tokenizers-0.15.2-cp39-cp39-manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:c9a09cd26cca2e1c349f91aa665309ddb48d71636370749414fbf67bc83c5343"}, + {file = "tokenizers-0.15.2-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:158be8ea8554e5ed69acc1ce3fbb23a06060bd4bbb09029431ad6b9a466a7121"}, + {file = "tokenizers-0.15.2-cp39-cp39-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:1ddba9a2b0c8c81633eca0bb2e1aa5b3a15362b1277f1ae64176d0f6eba78ab1"}, + {file = "tokenizers-0.15.2-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:3ef5dd1d39797044642dbe53eb2bc56435308432e9c7907728da74c69ee2adca"}, + {file = "tokenizers-0.15.2-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:454c203164e07a860dbeb3b1f4a733be52b0edbb4dd2e5bd75023ffa8b49403a"}, + {file = "tokenizers-0.15.2-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:0cf6b7f1d4dc59af960e6ffdc4faffe6460bbfa8dce27a58bf75755ffdb2526d"}, + {file = "tokenizers-0.15.2-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:2ef09bbc16519f6c25d0c7fc0c6a33a6f62923e263c9d7cca4e58b8c61572afb"}, + {file = "tokenizers-0.15.2-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:c9a2ebdd2ad4ec7a68e7615086e633857c85e2f18025bd05d2a4399e6c5f7169"}, + {file = "tokenizers-0.15.2-cp39-none-win32.whl", hash = "sha256:918fbb0eab96fe08e72a8c2b5461e9cce95585d82a58688e7f01c2bd546c79d0"}, + {file = "tokenizers-0.15.2-cp39-none-win_amd64.whl", hash = "sha256:524e60da0135e106b254bd71f0659be9f89d83f006ea9093ce4d1fab498c6d0d"}, + {file = "tokenizers-0.15.2-pp310-pypy310_pp73-macosx_10_12_x86_64.whl", hash = "sha256:6a9b648a58281c4672212fab04e60648fde574877d0139cd4b4f93fe28ca8944"}, + {file = "tokenizers-0.15.2-pp310-pypy310_pp73-macosx_11_0_arm64.whl", hash = "sha256:7c7d18b733be6bbca8a55084027f7be428c947ddf871c500ee603e375013ffba"}, + {file = "tokenizers-0.15.2-pp310-pypy310_pp73-manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:13ca3611de8d9ddfbc4dc39ef54ab1d2d4aaa114ac8727dfdc6a6ec4be017378"}, + {file = "tokenizers-0.15.2-pp310-pypy310_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:237d1bf3361cf2e6463e6c140628e6406766e8b27274f5fcc62c747ae3c6f094"}, + {file = "tokenizers-0.15.2-pp310-pypy310_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:67a0fe1e49e60c664915e9fb6b0cb19bac082ab1f309188230e4b2920230edb3"}, + {file = "tokenizers-0.15.2-pp310-pypy310_pp73-musllinux_1_1_aarch64.whl", hash = "sha256:4e022fe65e99230b8fd89ebdfea138c24421f91c1a4f4781a8f5016fd5cdfb4d"}, + {file = "tokenizers-0.15.2-pp310-pypy310_pp73-musllinux_1_1_x86_64.whl", hash = "sha256:d857be2df69763362ac699f8b251a8cd3fac9d21893de129bc788f8baaef2693"}, + {file = "tokenizers-0.15.2-pp37-pypy37_pp73-macosx_10_12_x86_64.whl", hash = "sha256:708bb3e4283177236309e698da5fcd0879ce8fd37457d7c266d16b550bcbbd18"}, + {file = "tokenizers-0.15.2-pp37-pypy37_pp73-manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:64c35e09e9899b72a76e762f9854e8750213f67567787d45f37ce06daf57ca78"}, + {file = "tokenizers-0.15.2-pp37-pypy37_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:c1257f4394be0d3b00de8c9e840ca5601d0a4a8438361ce9c2b05c7d25f6057b"}, + {file = "tokenizers-0.15.2-pp37-pypy37_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:02272fe48280e0293a04245ca5d919b2c94a48b408b55e858feae9618138aeda"}, + {file = "tokenizers-0.15.2-pp37-pypy37_pp73-musllinux_1_1_aarch64.whl", hash = "sha256:dc3ad9ebc76eabe8b1d7c04d38be884b8f9d60c0cdc09b0aa4e3bcf746de0388"}, + {file = "tokenizers-0.15.2-pp37-pypy37_pp73-musllinux_1_1_x86_64.whl", hash = "sha256:32e16bdeffa7c4f46bf2152172ca511808b952701d13e7c18833c0b73cb5c23f"}, + {file = "tokenizers-0.15.2-pp38-pypy38_pp73-macosx_10_12_x86_64.whl", hash = "sha256:fb16ba563d59003028b678d2361a27f7e4ae0ab29c7a80690efa20d829c81fdb"}, + {file = "tokenizers-0.15.2-pp38-pypy38_pp73-macosx_11_0_arm64.whl", hash = "sha256:2277c36d2d6cdb7876c274547921a42425b6810d38354327dd65a8009acf870c"}, + {file = "tokenizers-0.15.2-pp38-pypy38_pp73-manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:1cf75d32e8d250781940d07f7eece253f2fe9ecdb1dc7ba6e3833fa17b82fcbc"}, + {file = "tokenizers-0.15.2-pp38-pypy38_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:f1b3b31884dc8e9b21508bb76da80ebf7308fdb947a17affce815665d5c4d028"}, + {file = "tokenizers-0.15.2-pp38-pypy38_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:b10122d8d8e30afb43bb1fe21a3619f62c3e2574bff2699cf8af8b0b6c5dc4a3"}, + {file = "tokenizers-0.15.2-pp38-pypy38_pp73-musllinux_1_1_aarch64.whl", hash = "sha256:d88b96ff0fe8e91f6ef01ba50b0d71db5017fa4e3b1d99681cec89a85faf7bf7"}, + {file = "tokenizers-0.15.2-pp38-pypy38_pp73-musllinux_1_1_x86_64.whl", hash = "sha256:37aaec5a52e959892870a7c47cef80c53797c0db9149d458460f4f31e2fb250e"}, + {file = "tokenizers-0.15.2-pp39-pypy39_pp73-macosx_10_12_x86_64.whl", hash = "sha256:e2ea752f2b0fe96eb6e2f3adbbf4d72aaa1272079b0dfa1145507bd6a5d537e6"}, + {file = "tokenizers-0.15.2-pp39-pypy39_pp73-macosx_11_0_arm64.whl", hash = "sha256:4b19a808d8799fda23504a5cd31d2f58e6f52f140380082b352f877017d6342b"}, + {file = "tokenizers-0.15.2-pp39-pypy39_pp73-manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:64c86e5e068ac8b19204419ed8ca90f9d25db20578f5881e337d203b314f4104"}, + {file = "tokenizers-0.15.2-pp39-pypy39_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:de19c4dc503c612847edf833c82e9f73cd79926a384af9d801dcf93f110cea4e"}, + {file = "tokenizers-0.15.2-pp39-pypy39_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ea09acd2fe3324174063d61ad620dec3bcf042b495515f27f638270a7d466e8b"}, + {file = "tokenizers-0.15.2-pp39-pypy39_pp73-musllinux_1_1_aarch64.whl", hash = "sha256:cf27fd43472e07b57cf420eee1e814549203d56de00b5af8659cb99885472f1f"}, + {file = "tokenizers-0.15.2-pp39-pypy39_pp73-musllinux_1_1_x86_64.whl", hash = "sha256:7ca22bd897537a0080521445d91a58886c8c04084a6a19e6c78c586e0cfa92a5"}, + {file = "tokenizers-0.15.2.tar.gz", hash = "sha256:e6e9c6e019dd5484be5beafc775ae6c925f4c69a3487040ed09b45e13df2cb91"}, ] [package.dependencies] -huggingface_hub = ">=0.16.4,<0.18" +huggingface_hub = ">=0.16.4,<1.0" [package.extras] dev = ["tokenizers[testing]"] @@ -4719,51 +4812,53 @@ files = [ [[package]] name = "torch" -version = "2.0.1+cu118" +version = "2.1.2+cu121" description = "Tensors and Dynamic neural networks in Python with strong GPU acceleration" optional = false python-versions = ">=3.8.0" files = [ - {file = "torch-2.0.1+cu118-cp310-cp310-linux_x86_64.whl", hash = "sha256:a7a49d459bf4862f64f7bc1a68beccf8881c2fa9f3e0569608e16ba6f85ebf7b"}, + {file = "torch-2.1.2+cu121-cp310-cp310-linux_x86_64.whl", hash = "sha256:b2184b7729ef3b9b10065c074a37c1e603fd99f91e38376e25cb7ed6e1d54696"}, ] [package.dependencies] filelock = "*" +fsspec = "*" jinja2 = "*" networkx = "*" sympy = "*" -triton = {version = "2.0.0", markers = "platform_system == \"Linux\" and platform_machine == \"x86_64\""} +triton = {version = "2.1.0", markers = "platform_system == \"Linux\" and platform_machine == \"x86_64\""} typing-extensions = "*" [package.extras] +dynamo = ["jinja2"] opt-einsum = ["opt-einsum (>=3.3)"] [package.source] type = "url" -url = "https://download.pytorch.org/whl/cu118/torch-2.0.1%2Bcu118-cp310-cp310-linux_x86_64.whl" +url = "https://download.pytorch.org/whl/cu121/torch-2.1.2%2Bcu121-cp310-cp310-linux_x86_64.whl" [[package]] name = "torchvision" -version = "0.15.2+cu118" +version = "0.16.2+cu121" description = "image and video datasets and models for torch deep learning" optional = false python-versions = ">=3.8" files = [ - {file = "torchvision-0.15.2+cu118-cp310-cp310-linux_x86_64.whl", hash = "sha256:19ca4ab5d6179bbe53cff79df1a855ee6533c2861ddc7389f68349d8b9f8302a"}, + {file = "torchvision-0.16.2+cu121-cp310-cp310-linux_x86_64.whl", hash = "sha256:baa7970c6b5437312e5dd0bd0f2571a20b786c3e285bafd6ed3e4f62a5c3c76e"}, ] [package.dependencies] numpy = "*" pillow = ">=5.3.0,<8.3.dev0 || >=8.4.dev0" requests = "*" -torch = "2.0.1" +torch = "2.1.2" [package.extras] scipy = ["scipy"] [package.source] type = "url" -url = "https://download.pytorch.org/whl/cu118/torchvision-0.15.2%2Bcu118-cp310-cp310-linux_x86_64.whl" +url = "https://download.pytorch.org/whl/cu121/torchvision-0.16.2%2Bcu121-cp310-cp310-linux_x86_64.whl" [[package]] name = "tornado" @@ -4787,13 +4882,13 @@ files = [ [[package]] name = "tqdm" -version = "4.66.1" +version = "4.66.2" description = "Fast, Extensible Progress Meter" optional = false python-versions = ">=3.7" files = [ - {file = "tqdm-4.66.1-py3-none-any.whl", hash = "sha256:d302b3c5b53d47bce91fea46679d9c3c6508cf6332229aa1e7d8653723793386"}, - {file = "tqdm-4.66.1.tar.gz", hash = "sha256:d88e651f9db8d8551a62556d3cff9e3034274ca5d66e93197cf2490e2dcb69c7"}, + {file = "tqdm-4.66.2-py3-none-any.whl", hash = "sha256:1ee4f8a893eb9bef51c6e35730cebf234d5d0b6bd112b0271e10ed7c24a02bd9"}, + {file = "tqdm-4.66.2.tar.gz", hash = "sha256:6cd52cdf0fef0e0f543299cfc96fec90d7b8a7e88745f411ec33eb44d5ed3531"}, ] [package.dependencies] @@ -4822,140 +4917,117 @@ test = ["argcomplete (>=3.0.3)", "mypy (>=1.7.0)", "pre-commit", "pytest (>=7.0, [[package]] name = "transformers" -version = "4.35.2" +version = "4.38.1" description = "State-of-the-art Machine Learning for JAX, PyTorch and TensorFlow" optional = false python-versions = ">=3.8.0" files = [ - {file = "transformers-4.35.2-py3-none-any.whl", hash = "sha256:9dfa76f8692379544ead84d98f537be01cd1070de75c74efb13abcbc938fbe2f"}, - {file = "transformers-4.35.2.tar.gz", hash = "sha256:2d125e197d77b0cdb6c9201df9fa7e2101493272e448b9fba9341c695bee2f52"}, + {file = "transformers-4.38.1-py3-none-any.whl", hash = "sha256:a7a9265fb060183e9d975cbbadc4d531b10281589c43f6d07563f86322728973"}, + {file = "transformers-4.38.1.tar.gz", hash = "sha256:86dc84ccbe36123647e84cbd50fc31618c109a41e6be92514b064ab55bf1304c"}, ] [package.dependencies] filelock = "*" -huggingface-hub = ">=0.16.4,<1.0" +huggingface-hub = ">=0.19.3,<1.0" numpy = ">=1.17" packaging = ">=20.0" pyyaml = ">=5.1" regex = "!=2019.12.17" requests = "*" -safetensors = ">=0.3.1" +safetensors = ">=0.4.1" tokenizers = ">=0.14,<0.19" tqdm = ">=4.27" [package.extras] -accelerate = ["accelerate (>=0.20.3)"] -agents = ["Pillow (<10.0.0)", "accelerate (>=0.20.3)", "datasets (!=2.5.0)", "diffusers", "opencv-python", "sentencepiece (>=0.1.91,!=0.1.92)", "torch (>=1.10,!=1.12.0)"] -all = ["Pillow (<10.0.0)", "accelerate (>=0.20.3)", "av (==9.2.0)", "codecarbon (==1.2.0)", "decord (==0.6.0)", "flax (>=0.4.1,<=0.7.0)", "jax (>=0.4.1,<=0.4.13)", "jaxlib (>=0.4.1,<=0.4.13)", "kenlm", "keras-nlp (>=0.3.1)", "librosa", "onnxconverter-common", "optax (>=0.0.8,<=0.1.4)", "optuna", "phonemizer", "protobuf", "pyctcdecode (>=0.4.0)", "ray[tune]", "sentencepiece (>=0.1.91,!=0.1.92)", "sigopt", "tensorflow (>=2.6,<2.15)", "tensorflow-text (<2.15)", "tf2onnx", "timm", "tokenizers (>=0.14,<0.19)", "torch (>=1.10,!=1.12.0)", "torchaudio", "torchvision"] +accelerate = ["accelerate (>=0.21.0)"] +agents = ["Pillow (>=10.0.1,<=15.0)", "accelerate (>=0.21.0)", "datasets (!=2.5.0)", "diffusers", "opencv-python", "sentencepiece (>=0.1.91,!=0.1.92)", "torch"] +all = ["Pillow (>=10.0.1,<=15.0)", "accelerate (>=0.21.0)", "av (==9.2.0)", "codecarbon (==1.2.0)", "decord (==0.6.0)", "flax (>=0.4.1,<=0.7.0)", "jax (>=0.4.1,<=0.4.13)", "jaxlib (>=0.4.1,<=0.4.13)", "kenlm", "keras-nlp (>=0.3.1)", "librosa", "onnxconverter-common", "optax (>=0.0.8,<=0.1.4)", "optuna", "phonemizer", "protobuf", "pyctcdecode (>=0.4.0)", "ray[tune] (>=2.7.0)", "sentencepiece (>=0.1.91,!=0.1.92)", "sigopt", "tensorflow (>=2.6,<2.16)", "tensorflow-text (<2.16)", "tf2onnx", "timm", "tokenizers (>=0.14,<0.19)", "torch", "torchaudio", "torchvision"] audio = ["kenlm", "librosa", "phonemizer", "pyctcdecode (>=0.4.0)"] codecarbon = ["codecarbon (==1.2.0)"] -deepspeed = ["accelerate (>=0.20.3)", "deepspeed (>=0.9.3)"] -deepspeed-testing = ["GitPython (<3.1.19)", "accelerate (>=0.20.3)", "beautifulsoup4", "black (>=23.1,<24.0)", "cookiecutter (==1.7.3)", "datasets (!=2.5.0)", "deepspeed (>=0.9.3)", "dill (<0.3.5)", "evaluate (>=0.2.0)", "faiss-cpu", "hf-doc-builder (>=0.3.0)", "nltk", "optuna", "parameterized", "protobuf", "psutil", "pytest (>=7.2.0)", "pytest-timeout", "pytest-xdist", "rjieba", "rouge-score (!=0.0.7,!=0.0.8,!=0.1,!=0.1.1)", "sacrebleu (>=1.4.12,<2.0.0)", "sacremoses", "sentencepiece (>=0.1.91,!=0.1.92)", "tensorboard", "timeout-decorator"] -dev = ["GitPython (<3.1.19)", "Pillow (<10.0.0)", "accelerate (>=0.20.3)", "av (==9.2.0)", "beautifulsoup4", "black (>=23.1,<24.0)", "codecarbon (==1.2.0)", "cookiecutter (==1.7.3)", "datasets (!=2.5.0)", "decord (==0.6.0)", "dill (<0.3.5)", "evaluate (>=0.2.0)", "faiss-cpu", "flax (>=0.4.1,<=0.7.0)", "fugashi (>=1.0)", "hf-doc-builder", "hf-doc-builder (>=0.3.0)", "ipadic (>=1.0.0,<2.0)", "isort (>=5.5.4)", "jax (>=0.4.1,<=0.4.13)", "jaxlib (>=0.4.1,<=0.4.13)", "kenlm", "keras-nlp (>=0.3.1)", "librosa", "nltk", "onnxconverter-common", "optax (>=0.0.8,<=0.1.4)", "optuna", "parameterized", "phonemizer", "protobuf", "psutil", "pyctcdecode (>=0.4.0)", "pytest (>=7.2.0)", "pytest-timeout", "pytest-xdist", "ray[tune]", "rhoknp (>=1.1.0,<1.3.1)", "rjieba", "rouge-score (!=0.0.7,!=0.0.8,!=0.1,!=0.1.1)", "ruff (>=0.0.241,<=0.0.259)", "sacrebleu (>=1.4.12,<2.0.0)", "sacremoses", "scikit-learn", "sentencepiece (>=0.1.91,!=0.1.92)", "sigopt", "sudachidict-core (>=20220729)", "sudachipy (>=0.6.6)", "tensorboard", "tensorflow (>=2.6,<2.15)", "tensorflow-text (<2.15)", "tf2onnx", "timeout-decorator", "timm", "tokenizers (>=0.14,<0.19)", "torch (>=1.10,!=1.12.0)", "torchaudio", "torchvision", "unidic (>=1.0.2)", "unidic-lite (>=1.0.7)", "urllib3 (<2.0.0)"] -dev-tensorflow = ["GitPython (<3.1.19)", "Pillow (<10.0.0)", "beautifulsoup4", "black (>=23.1,<24.0)", "cookiecutter (==1.7.3)", "datasets (!=2.5.0)", "dill (<0.3.5)", "evaluate (>=0.2.0)", "faiss-cpu", "hf-doc-builder", "hf-doc-builder (>=0.3.0)", "isort (>=5.5.4)", "kenlm", "keras-nlp (>=0.3.1)", "librosa", "nltk", "onnxconverter-common", "onnxruntime (>=1.4.0)", "onnxruntime-tools (>=1.4.2)", "parameterized", "phonemizer", "protobuf", "psutil", "pyctcdecode (>=0.4.0)", "pytest (>=7.2.0)", "pytest-timeout", "pytest-xdist", "rjieba", "rouge-score (!=0.0.7,!=0.0.8,!=0.1,!=0.1.1)", "ruff (>=0.0.241,<=0.0.259)", "sacrebleu (>=1.4.12,<2.0.0)", "sacremoses", "scikit-learn", "sentencepiece (>=0.1.91,!=0.1.92)", "tensorboard", "tensorflow (>=2.6,<2.15)", "tensorflow-text (<2.15)", "tf2onnx", "timeout-decorator", "tokenizers (>=0.14,<0.19)", "urllib3 (<2.0.0)"] -dev-torch = ["GitPython (<3.1.19)", "Pillow (<10.0.0)", "accelerate (>=0.20.3)", "beautifulsoup4", "black (>=23.1,<24.0)", "codecarbon (==1.2.0)", "cookiecutter (==1.7.3)", "datasets (!=2.5.0)", "dill (<0.3.5)", "evaluate (>=0.2.0)", "faiss-cpu", "fugashi (>=1.0)", "hf-doc-builder", "hf-doc-builder (>=0.3.0)", "ipadic (>=1.0.0,<2.0)", "isort (>=5.5.4)", "kenlm", "librosa", "nltk", "onnxruntime (>=1.4.0)", "onnxruntime-tools (>=1.4.2)", "optuna", "parameterized", "phonemizer", "protobuf", "psutil", "pyctcdecode (>=0.4.0)", "pytest (>=7.2.0)", "pytest-timeout", "pytest-xdist", "ray[tune]", "rhoknp (>=1.1.0,<1.3.1)", "rjieba", "rouge-score (!=0.0.7,!=0.0.8,!=0.1,!=0.1.1)", "ruff (>=0.0.241,<=0.0.259)", "sacrebleu (>=1.4.12,<2.0.0)", "sacremoses", "scikit-learn", "sentencepiece (>=0.1.91,!=0.1.92)", "sigopt", "sudachidict-core (>=20220729)", "sudachipy (>=0.6.6)", "tensorboard", "timeout-decorator", "timm", "tokenizers (>=0.14,<0.19)", "torch (>=1.10,!=1.12.0)", "torchaudio", "torchvision", "unidic (>=1.0.2)", "unidic-lite (>=1.0.7)", "urllib3 (<2.0.0)"] -docs = ["Pillow (<10.0.0)", "accelerate (>=0.20.3)", "av (==9.2.0)", "codecarbon (==1.2.0)", "decord (==0.6.0)", "flax (>=0.4.1,<=0.7.0)", "hf-doc-builder", "jax (>=0.4.1,<=0.4.13)", "jaxlib (>=0.4.1,<=0.4.13)", "kenlm", "keras-nlp (>=0.3.1)", "librosa", "onnxconverter-common", "optax (>=0.0.8,<=0.1.4)", "optuna", "phonemizer", "protobuf", "pyctcdecode (>=0.4.0)", "ray[tune]", "sentencepiece (>=0.1.91,!=0.1.92)", "sigopt", "tensorflow (>=2.6,<2.15)", "tensorflow-text (<2.15)", "tf2onnx", "timm", "tokenizers (>=0.14,<0.19)", "torch (>=1.10,!=1.12.0)", "torchaudio", "torchvision"] +deepspeed = ["accelerate (>=0.21.0)", "deepspeed (>=0.9.3)"] +deepspeed-testing = ["GitPython (<3.1.19)", "accelerate (>=0.21.0)", "beautifulsoup4", "cookiecutter (==1.7.3)", "datasets (!=2.5.0)", "deepspeed (>=0.9.3)", "dill (<0.3.5)", "evaluate (>=0.2.0)", "faiss-cpu", "hf-doc-builder (>=0.3.0)", "nltk", "optuna", "parameterized", "protobuf", "psutil", "pydantic", "pytest (>=7.2.0,<8.0.0)", "pytest-timeout", "pytest-xdist", "rjieba", "rouge-score (!=0.0.7,!=0.0.8,!=0.1,!=0.1.1)", "ruff (==0.1.5)", "sacrebleu (>=1.4.12,<2.0.0)", "sacremoses", "sentencepiece (>=0.1.91,!=0.1.92)", "tensorboard", "timeout-decorator"] +dev = ["GitPython (<3.1.19)", "Pillow (>=10.0.1,<=15.0)", "accelerate (>=0.21.0)", "av (==9.2.0)", "beautifulsoup4", "codecarbon (==1.2.0)", "cookiecutter (==1.7.3)", "datasets (!=2.5.0)", "decord (==0.6.0)", "dill (<0.3.5)", "evaluate (>=0.2.0)", "faiss-cpu", "flax (>=0.4.1,<=0.7.0)", "fugashi (>=1.0)", "hf-doc-builder", "hf-doc-builder (>=0.3.0)", "ipadic (>=1.0.0,<2.0)", "isort (>=5.5.4)", "jax (>=0.4.1,<=0.4.13)", "jaxlib (>=0.4.1,<=0.4.13)", "kenlm", "keras-nlp (>=0.3.1)", "librosa", "nltk", "onnxconverter-common", "optax (>=0.0.8,<=0.1.4)", "optuna", "parameterized", "phonemizer", "protobuf", "psutil", "pyctcdecode (>=0.4.0)", "pydantic", "pytest (>=7.2.0,<8.0.0)", "pytest-timeout", "pytest-xdist", "ray[tune] (>=2.7.0)", "rhoknp (>=1.1.0,<1.3.1)", "rjieba", "rouge-score (!=0.0.7,!=0.0.8,!=0.1,!=0.1.1)", "ruff (==0.1.5)", "sacrebleu (>=1.4.12,<2.0.0)", "sacremoses", "scikit-learn", "sentencepiece (>=0.1.91,!=0.1.92)", "sigopt", "sudachidict-core (>=20220729)", "sudachipy (>=0.6.6)", "tensorboard", "tensorflow (>=2.6,<2.16)", "tensorflow-text (<2.16)", "tf2onnx", "timeout-decorator", "timm", "tokenizers (>=0.14,<0.19)", "torch", "torchaudio", "torchvision", "unidic (>=1.0.2)", "unidic-lite (>=1.0.7)", "urllib3 (<2.0.0)"] +dev-tensorflow = ["GitPython (<3.1.19)", "Pillow (>=10.0.1,<=15.0)", "beautifulsoup4", "cookiecutter (==1.7.3)", "datasets (!=2.5.0)", "dill (<0.3.5)", "evaluate (>=0.2.0)", "faiss-cpu", "hf-doc-builder", "hf-doc-builder (>=0.3.0)", "isort (>=5.5.4)", "kenlm", "keras-nlp (>=0.3.1)", "librosa", "nltk", "onnxconverter-common", "onnxruntime (>=1.4.0)", "onnxruntime-tools (>=1.4.2)", "parameterized", "phonemizer", "protobuf", "psutil", "pyctcdecode (>=0.4.0)", "pydantic", "pytest (>=7.2.0,<8.0.0)", "pytest-timeout", "pytest-xdist", "rjieba", "rouge-score (!=0.0.7,!=0.0.8,!=0.1,!=0.1.1)", "ruff (==0.1.5)", "sacrebleu (>=1.4.12,<2.0.0)", "sacremoses", "scikit-learn", "sentencepiece (>=0.1.91,!=0.1.92)", "tensorboard", "tensorflow (>=2.6,<2.16)", "tensorflow-text (<2.16)", "tf2onnx", "timeout-decorator", "tokenizers (>=0.14,<0.19)", "urllib3 (<2.0.0)"] +dev-torch = ["GitPython (<3.1.19)", "Pillow (>=10.0.1,<=15.0)", "accelerate (>=0.21.0)", "beautifulsoup4", "codecarbon (==1.2.0)", "cookiecutter (==1.7.3)", "datasets (!=2.5.0)", "dill (<0.3.5)", "evaluate (>=0.2.0)", "faiss-cpu", "fugashi (>=1.0)", "hf-doc-builder", "hf-doc-builder (>=0.3.0)", "ipadic (>=1.0.0,<2.0)", "isort (>=5.5.4)", "kenlm", "librosa", "nltk", "onnxruntime (>=1.4.0)", "onnxruntime-tools (>=1.4.2)", "optuna", "parameterized", "phonemizer", "protobuf", "psutil", "pyctcdecode (>=0.4.0)", "pydantic", "pytest (>=7.2.0,<8.0.0)", "pytest-timeout", "pytest-xdist", "ray[tune] (>=2.7.0)", "rhoknp (>=1.1.0,<1.3.1)", "rjieba", "rouge-score (!=0.0.7,!=0.0.8,!=0.1,!=0.1.1)", "ruff (==0.1.5)", "sacrebleu (>=1.4.12,<2.0.0)", "sacremoses", "scikit-learn", "sentencepiece (>=0.1.91,!=0.1.92)", "sigopt", "sudachidict-core (>=20220729)", "sudachipy (>=0.6.6)", "tensorboard", "timeout-decorator", "timm", "tokenizers (>=0.14,<0.19)", "torch", "torchaudio", "torchvision", "unidic (>=1.0.2)", "unidic-lite (>=1.0.7)", "urllib3 (<2.0.0)"] +docs = ["Pillow (>=10.0.1,<=15.0)", "accelerate (>=0.21.0)", "av (==9.2.0)", "codecarbon (==1.2.0)", "decord (==0.6.0)", "flax (>=0.4.1,<=0.7.0)", "hf-doc-builder", "jax (>=0.4.1,<=0.4.13)", "jaxlib (>=0.4.1,<=0.4.13)", "kenlm", "keras-nlp (>=0.3.1)", "librosa", "onnxconverter-common", "optax (>=0.0.8,<=0.1.4)", "optuna", "phonemizer", "protobuf", "pyctcdecode (>=0.4.0)", "ray[tune] (>=2.7.0)", "sentencepiece (>=0.1.91,!=0.1.92)", "sigopt", "tensorflow (>=2.6,<2.16)", "tensorflow-text (<2.16)", "tf2onnx", "timm", "tokenizers (>=0.14,<0.19)", "torch", "torchaudio", "torchvision"] docs-specific = ["hf-doc-builder"] flax = ["flax (>=0.4.1,<=0.7.0)", "jax (>=0.4.1,<=0.4.13)", "jaxlib (>=0.4.1,<=0.4.13)", "optax (>=0.0.8,<=0.1.4)"] flax-speech = ["kenlm", "librosa", "phonemizer", "pyctcdecode (>=0.4.0)"] ftfy = ["ftfy"] -integrations = ["optuna", "ray[tune]", "sigopt"] +integrations = ["optuna", "ray[tune] (>=2.7.0)", "sigopt"] ja = ["fugashi (>=1.0)", "ipadic (>=1.0.0,<2.0)", "rhoknp (>=1.1.0,<1.3.1)", "sudachidict-core (>=20220729)", "sudachipy (>=0.6.6)", "unidic (>=1.0.2)", "unidic-lite (>=1.0.7)"] modelcreation = ["cookiecutter (==1.7.3)"] -natten = ["natten (>=0.14.6)"] +natten = ["natten (>=0.14.6,<0.15.0)"] onnx = ["onnxconverter-common", "onnxruntime (>=1.4.0)", "onnxruntime-tools (>=1.4.2)", "tf2onnx"] onnxruntime = ["onnxruntime (>=1.4.0)", "onnxruntime-tools (>=1.4.2)"] optuna = ["optuna"] -quality = ["GitPython (<3.1.19)", "black (>=23.1,<24.0)", "datasets (!=2.5.0)", "hf-doc-builder (>=0.3.0)", "isort (>=5.5.4)", "ruff (>=0.0.241,<=0.0.259)", "urllib3 (<2.0.0)"] -ray = ["ray[tune]"] +quality = ["GitPython (<3.1.19)", "datasets (!=2.5.0)", "hf-doc-builder (>=0.3.0)", "isort (>=5.5.4)", "ruff (==0.1.5)", "urllib3 (<2.0.0)"] +ray = ["ray[tune] (>=2.7.0)"] retrieval = ["datasets (!=2.5.0)", "faiss-cpu"] sagemaker = ["sagemaker (>=2.31.0)"] sentencepiece = ["protobuf", "sentencepiece (>=0.1.91,!=0.1.92)"] -serving = ["fastapi", "pydantic (<2)", "starlette", "uvicorn"] +serving = ["fastapi", "pydantic", "starlette", "uvicorn"] sigopt = ["sigopt"] sklearn = ["scikit-learn"] speech = ["kenlm", "librosa", "phonemizer", "pyctcdecode (>=0.4.0)", "torchaudio"] -testing = ["GitPython (<3.1.19)", "beautifulsoup4", "black (>=23.1,<24.0)", "cookiecutter (==1.7.3)", "datasets (!=2.5.0)", "dill (<0.3.5)", "evaluate (>=0.2.0)", "faiss-cpu", "hf-doc-builder (>=0.3.0)", "nltk", "parameterized", "protobuf", "psutil", "pytest (>=7.2.0)", "pytest-timeout", "pytest-xdist", "rjieba", "rouge-score (!=0.0.7,!=0.0.8,!=0.1,!=0.1.1)", "sacrebleu (>=1.4.12,<2.0.0)", "sacremoses", "tensorboard", "timeout-decorator"] -tf = ["keras-nlp (>=0.3.1)", "onnxconverter-common", "tensorflow (>=2.6,<2.15)", "tensorflow-text (<2.15)", "tf2onnx"] -tf-cpu = ["keras-nlp (>=0.3.1)", "onnxconverter-common", "tensorflow-cpu (>=2.6,<2.15)", "tensorflow-text (<2.15)", "tf2onnx"] +testing = ["GitPython (<3.1.19)", "beautifulsoup4", "cookiecutter (==1.7.3)", "datasets (!=2.5.0)", "dill (<0.3.5)", "evaluate (>=0.2.0)", "faiss-cpu", "hf-doc-builder (>=0.3.0)", "nltk", "parameterized", "protobuf", "psutil", "pydantic", "pytest (>=7.2.0,<8.0.0)", "pytest-timeout", "pytest-xdist", "rjieba", "rouge-score (!=0.0.7,!=0.0.8,!=0.1,!=0.1.1)", "ruff (==0.1.5)", "sacrebleu (>=1.4.12,<2.0.0)", "sacremoses", "tensorboard", "timeout-decorator"] +tf = ["keras-nlp (>=0.3.1)", "onnxconverter-common", "tensorflow (>=2.6,<2.16)", "tensorflow-text (<2.16)", "tf2onnx"] +tf-cpu = ["keras-nlp (>=0.3.1)", "onnxconverter-common", "tensorflow-cpu (>=2.6,<2.16)", "tensorflow-text (<2.16)", "tf2onnx"] tf-speech = ["kenlm", "librosa", "phonemizer", "pyctcdecode (>=0.4.0)"] timm = ["timm"] tokenizers = ["tokenizers (>=0.14,<0.19)"] -torch = ["accelerate (>=0.20.3)", "torch (>=1.10,!=1.12.0)"] +torch = ["accelerate (>=0.21.0)", "torch"] torch-speech = ["kenlm", "librosa", "phonemizer", "pyctcdecode (>=0.4.0)", "torchaudio"] -torch-vision = ["Pillow (<10.0.0)", "torchvision"] -torchhub = ["filelock", "huggingface-hub (>=0.16.4,<1.0)", "importlib-metadata", "numpy (>=1.17)", "packaging (>=20.0)", "protobuf", "regex (!=2019.12.17)", "requests", "sentencepiece (>=0.1.91,!=0.1.92)", "tokenizers (>=0.14,<0.19)", "torch (>=1.10,!=1.12.0)", "tqdm (>=4.27)"] +torch-vision = ["Pillow (>=10.0.1,<=15.0)", "torchvision"] +torchhub = ["filelock", "huggingface-hub (>=0.19.3,<1.0)", "importlib-metadata", "numpy (>=1.17)", "packaging (>=20.0)", "protobuf", "regex (!=2019.12.17)", "requests", "sentencepiece (>=0.1.91,!=0.1.92)", "tokenizers (>=0.14,<0.19)", "torch", "tqdm (>=4.27)"] video = ["av (==9.2.0)", "decord (==0.6.0)"] -vision = ["Pillow (<10.0.0)"] +vision = ["Pillow (>=10.0.1,<=15.0)"] [[package]] name = "triton" -version = "2.0.0" +version = "2.1.0" description = "A language and compiler for custom Deep Learning operations" optional = false python-versions = "*" files = [ - {file = "triton-2.0.0-1-cp310-cp310-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:38806ee9663f4b0f7cd64790e96c579374089e58f49aac4a6608121aa55e2505"}, - {file = "triton-2.0.0-1-cp311-cp311-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:226941c7b8595219ddef59a1fdb821e8c744289a132415ddd584facedeb475b1"}, - {file = "triton-2.0.0-1-cp36-cp36m-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:4c9fc8c89874bc48eb7e7b2107a9b8d2c0bf139778637be5bfccb09191685cfd"}, - {file = "triton-2.0.0-1-cp37-cp37m-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:d2684b6a60b9f174f447f36f933e9a45f31db96cb723723ecd2dcfd1c57b778b"}, - {file = "triton-2.0.0-1-cp38-cp38-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:9d4978298b74fcf59a75fe71e535c092b023088933b2f1df933ec32615e4beef"}, - {file = "triton-2.0.0-1-cp39-cp39-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:74f118c12b437fb2ca25e1a04759173b517582fcf4c7be11913316c764213656"}, - {file = "triton-2.0.0-1-pp37-pypy37_pp73-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:9618815a8da1d9157514f08f855d9e9ff92e329cd81c0305003eb9ec25cc5add"}, - {file = "triton-2.0.0-1-pp38-pypy38_pp73-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:1aca3303629cd3136375b82cb9921727f804e47ebee27b2677fef23005c3851a"}, - {file = "triton-2.0.0-1-pp39-pypy39_pp73-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:e3e13aa8b527c9b642e3a9defcc0fbd8ffbe1c80d8ac8c15a01692478dc64d8a"}, - {file = "triton-2.0.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:8f05a7e64e4ca0565535e3d5d3405d7e49f9d308505bb7773d21fb26a4c008c2"}, - {file = "triton-2.0.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:bb4b99ca3c6844066e516658541d876c28a5f6e3a852286bbc97ad57134827fd"}, - {file = "triton-2.0.0-cp36-cp36m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:47b4d70dc92fb40af553b4460492c31dc7d3a114a979ffb7a5cdedb7eb546c08"}, - {file = "triton-2.0.0-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:fedce6a381901b1547e0e7e1f2546e4f65dca6d91e2d8a7305a2d1f5551895be"}, - {file = "triton-2.0.0-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:75834f27926eab6c7f00ce73aaf1ab5bfb9bec6eb57ab7c0bfc0a23fac803b4c"}, - {file = "triton-2.0.0-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:0117722f8c2b579cd429e0bee80f7731ae05f63fe8e9414acd9a679885fcbf42"}, - {file = "triton-2.0.0-pp37-pypy37_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:bcd9be5d0c2e45d2b7e6ddc6da20112b6862d69741576f9c3dbaf941d745ecae"}, - {file = "triton-2.0.0-pp38-pypy38_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:42a0d2c3fc2eab4ba71384f2e785fbfd47aa41ae05fa58bf12cb31dcbd0aeceb"}, - {file = "triton-2.0.0-pp39-pypy39_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:52c47b72c72693198163ece9d90a721299e4fb3b8e24fd13141e384ad952724f"}, + {file = "triton-2.1.0-0-cp310-cp310-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:66439923a30d5d48399b08a9eae10370f6c261a5ec864a64983bae63152d39d7"}, + {file = "triton-2.1.0-0-cp311-cp311-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:919b06453f0033ea52c13eaf7833de0e57db3178d23d4e04f9fc71c4f2c32bf8"}, + {file = "triton-2.1.0-0-cp37-cp37m-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:ae4bb8a91de790e1866405211c4d618379781188f40d5c4c399766914e84cd94"}, + {file = "triton-2.1.0-0-cp38-cp38-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:39f6fb6bdccb3e98f3152e3fbea724f1aeae7d749412bbb1fa9c441d474eba26"}, + {file = "triton-2.1.0-0-cp39-cp39-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:21544e522c02005a626c8ad63d39bdff2f31d41069592919ef281e964ed26446"}, + {file = "triton-2.1.0-0-pp37-pypy37_pp73-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:143582ca31dd89cd982bd3bf53666bab1c7527d41e185f9e3d8a3051ce1b663b"}, + {file = "triton-2.1.0-0-pp38-pypy38_pp73-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:82fc5aeeedf6e36be4e4530cbdcba81a09d65c18e02f52dc298696d45721f3bd"}, + {file = "triton-2.1.0-0-pp39-pypy39_pp73-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:81a96d110a738ff63339fc892ded095b31bd0d205e3aace262af8400d40b6fa8"}, ] [package.dependencies] -cmake = "*" filelock = "*" -lit = "*" -torch = "*" [package.extras] +build = ["cmake (>=3.18)", "lit"] tests = ["autopep8", "flake8", "isort", "numpy", "pytest", "scipy (>=1.7.1)"] tutorials = ["matplotlib", "pandas", "tabulate"] [[package]] name = "typing-extensions" -version = "4.9.0" +version = "4.10.0" description = "Backported and Experimental Type Hints for Python 3.8+" optional = false python-versions = ">=3.8" files = [ - {file = "typing_extensions-4.9.0-py3-none-any.whl", hash = "sha256:af72aea155e91adfc61c3ae9e0e342dbc0cba726d6cba4b6c72c1f34e47291cd"}, - {file = "typing_extensions-4.9.0.tar.gz", hash = "sha256:23478f88c37f27d76ac8aee6c905017a143b0b1b886c3c9f66bc2fd94f9f5783"}, -] - -[[package]] -name = "tzdata" -version = "2023.4" -description = "Provider of IANA time zone data" -optional = false -python-versions = ">=2" -files = [ - {file = "tzdata-2023.4-py2.py3-none-any.whl", hash = "sha256:aa3ace4329eeacda5b7beb7ea08ece826c28d761cda36e747cfbf97996d39bf3"}, - {file = "tzdata-2023.4.tar.gz", hash = "sha256:dd54c94f294765522c77399649b4fefd95522479a664a0cec87f41bebc6148c9"}, + {file = "typing_extensions-4.10.0-py3-none-any.whl", hash = "sha256:69b1a937c3a517342112fb4c6df7e72fc39a38e7891a5730ed4985b5214b5475"}, + {file = "typing_extensions-4.10.0.tar.gz", hash = "sha256:b0abd7c89e8fb96f98db18d86106ff1d90ab692004eb746cf6eda2682f91b3cb"}, ] [[package]] name = "urllib3" -version = "2.2.0" +version = "2.2.1" description = "HTTP library with thread-safe connection pooling, file post, and more." optional = false python-versions = ">=3.8" files = [ - {file = "urllib3-2.2.0-py3-none-any.whl", hash = "sha256:ce3711610ddce217e6d113a2732fafad960a03fd0318c91faa79481e35c11224"}, - {file = "urllib3-2.2.0.tar.gz", hash = "sha256:051d961ad0c62a94e50ecf1af379c3aba230c66c710493493560c0c223c49f20"}, + {file = "urllib3-2.2.1-py3-none-any.whl", hash = "sha256:450b20ec296a467077128bff42b73080516e71b56ff59a60a02bef2232c4fa9d"}, + {file = "urllib3-2.2.1.tar.gz", hash = "sha256:d0570876c61ab9e520d776c38acbbb5b05a776d3f9ff98a5c8fd5162a444cf19"}, ] [package.extras] @@ -4966,13 +5038,13 @@ zstd = ["zstandard (>=0.18.0)"] [[package]] name = "uvicorn" -version = "0.27.0.post1" +version = "0.27.1" description = "The lightning-fast ASGI server." optional = false python-versions = ">=3.8" files = [ - {file = "uvicorn-0.27.0.post1-py3-none-any.whl", hash = "sha256:4b85ba02b8a20429b9b205d015cbeb788a12da527f731811b643fd739ef90d5f"}, - {file = "uvicorn-0.27.0.post1.tar.gz", hash = "sha256:54898fcd80c13ff1cd28bf77b04ec9dbd8ff60c5259b499b4b12bb0917f22907"}, + {file = "uvicorn-0.27.1-py3-none-any.whl", hash = "sha256:5c89da2f3895767472a35556e539fd59f7edbe9b1e9c0e1c99eebeadc61838e4"}, + {file = "uvicorn-0.27.1.tar.gz", hash = "sha256:3d9a267296243532db80c83a959a3400502165ade2c1338dea4e67915fd4745a"}, ] [package.dependencies] @@ -5036,53 +5108,53 @@ test = ["Cython (>=0.29.36,<0.30.0)", "aiohttp (==3.9.0b0)", "aiohttp (>=3.8.1)" [[package]] name = "virtualenv" -version = "20.4.7" +version = "20.25.1" description = "Virtual Python Environment builder" optional = false -python-versions = "!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,>=2.7" +python-versions = ">=3.7" files = [ - {file = "virtualenv-20.4.7-py2.py3-none-any.whl", hash = "sha256:2b0126166ea7c9c3661f5b8e06773d28f83322de7a3ff7d06f0aed18c9de6a76"}, - {file = "virtualenv-20.4.7.tar.gz", hash = "sha256:14fdf849f80dbb29a4eb6caa9875d476ee2a5cf76a5f5415fa2f1606010ab467"}, + {file = "virtualenv-20.25.1-py3-none-any.whl", hash = "sha256:961c026ac520bac5f69acb8ea063e8a4f071bcc9457b9c1f28f6b085c511583a"}, + {file = "virtualenv-20.25.1.tar.gz", hash = "sha256:e08e13ecdca7a0bd53798f356d5831434afa5b07b93f0abdf0797b7a06ffe197"}, ] [package.dependencies] -appdirs = ">=1.4.3,<2" -distlib = ">=0.3.1,<1" -filelock = ">=3.0.0,<4" -six = ">=1.9.0,<2" +distlib = ">=0.3.7,<1" +filelock = ">=3.12.2,<4" +platformdirs = ">=3.9.1,<5" [package.extras] -docs = ["proselint (>=0.10.2)", "sphinx (>=3)", "sphinx-argparse (>=0.2.5)", "sphinx-rtd-theme (>=0.4.3)", "towncrier (>=19.9.0rc1)"] -testing = ["coverage (>=4)", "coverage-enable-subprocess (>=1)", "flaky (>=3)", "packaging (>=20.0)", "pytest (>=4)", "pytest-env (>=0.6.2)", "pytest-freezegun (>=0.4.1)", "pytest-mock (>=2)", "pytest-randomly (>=1)", "pytest-timeout (>=1)", "xonsh (>=0.9.16)"] +docs = ["furo (>=2023.7.26)", "proselint (>=0.13)", "sphinx (>=7.1.2)", "sphinx-argparse (>=0.4)", "sphinxcontrib-towncrier (>=0.2.1a0)", "towncrier (>=23.6)"] +test = ["covdefaults (>=2.3)", "coverage (>=7.2.7)", "coverage-enable-subprocess (>=1)", "flaky (>=3.7)", "packaging (>=23.1)", "pytest (>=7.4)", "pytest-env (>=0.8.2)", "pytest-freezer (>=0.4.8)", "pytest-mock (>=3.11.1)", "pytest-randomly (>=3.12)", "pytest-timeout (>=2.1)", "setuptools (>=68)", "time-machine (>=2.10)"] [[package]] name = "vllm" -version = "0.2.1.post1" +version = "0.3.2" description = "A high-throughput and memory-efficient inference and serving engine for LLMs" optional = false python-versions = ">=3.8" files = [ - {file = "vllm-0.2.1.post1-cp310-cp310-manylinux1_x86_64.whl", hash = "sha256:6fb7d1512ff8c2984e6ae19e11c2f6492205a3de6affe06a6d32645e6b0c4865"}, - {file = "vllm-0.2.1.post1-cp311-cp311-manylinux1_x86_64.whl", hash = "sha256:abce4346f8ba1cbce402983514758a0d6d5cd0149fdb28cee48bfabf25443ab2"}, - {file = "vllm-0.2.1.post1-cp38-cp38-manylinux1_x86_64.whl", hash = "sha256:9ed8a77254735a07fd2cd122215c84eb87199b36480f7e9a79e914b5aa4c2b91"}, - {file = "vllm-0.2.1.post1-cp39-cp39-manylinux1_x86_64.whl", hash = "sha256:4066596d08bcc8321a61c38e353f1e5e96234f5e9fbfb768a04ebbc26a211a26"}, - {file = "vllm-0.2.1.post1.tar.gz", hash = "sha256:3f9deb68b4dfa4464650e4a4b13527543124a16ffd112cfb51bb033a3ac351fd"}, + {file = "vllm-0.3.2-cp310-cp310-manylinux1_x86_64.whl", hash = "sha256:29d250c38719b6b7d4436f7ad319cdc5696eedf5a9abab77fc55b7d177540fa4"}, + {file = "vllm-0.3.2-cp311-cp311-manylinux1_x86_64.whl", hash = "sha256:82b974b5c26c5d2db126f7ebc6e863227d654e4da7c878cc808e25dde827e687"}, + {file = "vllm-0.3.2-cp38-cp38-manylinux1_x86_64.whl", hash = "sha256:9e05dbbf9fcbcd29e14497d45163eac7c7be532bc08cf4fc8fda8f6228be96bc"}, + {file = "vllm-0.3.2-cp39-cp39-manylinux1_x86_64.whl", hash = "sha256:ab1df996cc117e54f1fb6ede8b0b0b61f4cf398d908f4f79eefa2e35177771cd"}, ] [package.dependencies] +aioprometheus = {version = "*", extras = ["starlette"]} +cupy-cuda12x = "12.1.0" fastapi = "*" ninja = "*" numpy = "*" -pandas = "*" psutil = "*" -pyarrow = "*" -pydantic = "<2" -ray = ">=2.5.1" +pydantic = ">=2.0" +pynvml = "11.5.0" +ray = ">=2.9" sentencepiece = "*" -torch = "2.0.1" -transformers = ">=4.34.0" +torch = "2.1.2" +transformers = ">=4.38.0" +triton = ">=2.1.0" uvicorn = {version = "*", extras = ["standard"]} -xformers = "0.0.22" +xformers = "0.0.23.post1" [[package]] name = "watchfiles" @@ -5263,27 +5335,106 @@ files = [ {file = "websockets-12.0.tar.gz", hash = "sha256:81df9cbcbb6c260de1e007e58c011bfebe2dafc8435107b0537f393dd38c8b1b"}, ] +[[package]] +name = "wrapt" +version = "1.16.0" +description = "Module for decorators, wrappers and monkey patching." +optional = false +python-versions = ">=3.6" +files = [ + {file = "wrapt-1.16.0-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:ffa565331890b90056c01db69c0fe634a776f8019c143a5ae265f9c6bc4bd6d4"}, + {file = "wrapt-1.16.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:e4fdb9275308292e880dcbeb12546df7f3e0f96c6b41197e0cf37d2826359020"}, + {file = "wrapt-1.16.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:bb2dee3874a500de01c93d5c71415fcaef1d858370d405824783e7a8ef5db440"}, + {file = "wrapt-1.16.0-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:2a88e6010048489cda82b1326889ec075a8c856c2e6a256072b28eaee3ccf487"}, + {file = "wrapt-1.16.0-cp310-cp310-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ac83a914ebaf589b69f7d0a1277602ff494e21f4c2f743313414378f8f50a4cf"}, + {file = "wrapt-1.16.0-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:73aa7d98215d39b8455f103de64391cb79dfcad601701a3aa0dddacf74911d72"}, + {file = "wrapt-1.16.0-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:807cc8543a477ab7422f1120a217054f958a66ef7314f76dd9e77d3f02cdccd0"}, + {file = "wrapt-1.16.0-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:bf5703fdeb350e36885f2875d853ce13172ae281c56e509f4e6eca049bdfb136"}, + {file = "wrapt-1.16.0-cp310-cp310-win32.whl", hash = "sha256:f6b2d0c6703c988d334f297aa5df18c45e97b0af3679bb75059e0e0bd8b1069d"}, + {file = "wrapt-1.16.0-cp310-cp310-win_amd64.whl", hash = "sha256:decbfa2f618fa8ed81c95ee18a387ff973143c656ef800c9f24fb7e9c16054e2"}, + {file = "wrapt-1.16.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:1a5db485fe2de4403f13fafdc231b0dbae5eca4359232d2efc79025527375b09"}, + {file = "wrapt-1.16.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:75ea7d0ee2a15733684badb16de6794894ed9c55aa5e9903260922f0482e687d"}, + {file = "wrapt-1.16.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a452f9ca3e3267cd4d0fcf2edd0d035b1934ac2bd7e0e57ac91ad6b95c0c6389"}, + {file = "wrapt-1.16.0-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:43aa59eadec7890d9958748db829df269f0368521ba6dc68cc172d5d03ed8060"}, + {file = "wrapt-1.16.0-cp311-cp311-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:72554a23c78a8e7aa02abbd699d129eead8b147a23c56e08d08dfc29cfdddca1"}, + {file = "wrapt-1.16.0-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:d2efee35b4b0a347e0d99d28e884dfd82797852d62fcd7ebdeee26f3ceb72cf3"}, + {file = "wrapt-1.16.0-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:6dcfcffe73710be01d90cae08c3e548d90932d37b39ef83969ae135d36ef3956"}, + {file = "wrapt-1.16.0-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:eb6e651000a19c96f452c85132811d25e9264d836951022d6e81df2fff38337d"}, + {file = "wrapt-1.16.0-cp311-cp311-win32.whl", hash = "sha256:66027d667efe95cc4fa945af59f92c5a02c6f5bb6012bff9e60542c74c75c362"}, + {file = "wrapt-1.16.0-cp311-cp311-win_amd64.whl", hash = "sha256:aefbc4cb0a54f91af643660a0a150ce2c090d3652cf4052a5397fb2de549cd89"}, + {file = "wrapt-1.16.0-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:5eb404d89131ec9b4f748fa5cfb5346802e5ee8836f57d516576e61f304f3b7b"}, + {file = "wrapt-1.16.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:9090c9e676d5236a6948330e83cb89969f433b1943a558968f659ead07cb3b36"}, + {file = "wrapt-1.16.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:94265b00870aa407bd0cbcfd536f17ecde43b94fb8d228560a1e9d3041462d73"}, + {file = "wrapt-1.16.0-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:f2058f813d4f2b5e3a9eb2eb3faf8f1d99b81c3e51aeda4b168406443e8ba809"}, + {file = "wrapt-1.16.0-cp312-cp312-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:98b5e1f498a8ca1858a1cdbffb023bfd954da4e3fa2c0cb5853d40014557248b"}, + {file = "wrapt-1.16.0-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:14d7dc606219cdd7405133c713f2c218d4252f2a469003f8c46bb92d5d095d81"}, + {file = "wrapt-1.16.0-cp312-cp312-musllinux_1_1_i686.whl", hash = "sha256:49aac49dc4782cb04f58986e81ea0b4768e4ff197b57324dcbd7699c5dfb40b9"}, + {file = "wrapt-1.16.0-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:418abb18146475c310d7a6dc71143d6f7adec5b004ac9ce08dc7a34e2babdc5c"}, + {file = "wrapt-1.16.0-cp312-cp312-win32.whl", hash = "sha256:685f568fa5e627e93f3b52fda002c7ed2fa1800b50ce51f6ed1d572d8ab3e7fc"}, + {file = "wrapt-1.16.0-cp312-cp312-win_amd64.whl", hash = "sha256:dcdba5c86e368442528f7060039eda390cc4091bfd1dca41e8046af7c910dda8"}, + {file = "wrapt-1.16.0-cp36-cp36m-macosx_10_9_x86_64.whl", hash = "sha256:d462f28826f4657968ae51d2181a074dfe03c200d6131690b7d65d55b0f360f8"}, + {file = "wrapt-1.16.0-cp36-cp36m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a33a747400b94b6d6b8a165e4480264a64a78c8a4c734b62136062e9a248dd39"}, + {file = "wrapt-1.16.0-cp36-cp36m-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:b3646eefa23daeba62643a58aac816945cadc0afaf21800a1421eeba5f6cfb9c"}, + {file = "wrapt-1.16.0-cp36-cp36m-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:3ebf019be5c09d400cf7b024aa52b1f3aeebeff51550d007e92c3c1c4afc2a40"}, + {file = "wrapt-1.16.0-cp36-cp36m-musllinux_1_1_aarch64.whl", hash = "sha256:0d2691979e93d06a95a26257adb7bfd0c93818e89b1406f5a28f36e0d8c1e1fc"}, + {file = "wrapt-1.16.0-cp36-cp36m-musllinux_1_1_i686.whl", hash = "sha256:1acd723ee2a8826f3d53910255643e33673e1d11db84ce5880675954183ec47e"}, + {file = "wrapt-1.16.0-cp36-cp36m-musllinux_1_1_x86_64.whl", hash = "sha256:bc57efac2da352a51cc4658878a68d2b1b67dbe9d33c36cb826ca449d80a8465"}, + {file = "wrapt-1.16.0-cp36-cp36m-win32.whl", hash = "sha256:da4813f751142436b075ed7aa012a8778aa43a99f7b36afe9b742d3ed8bdc95e"}, + {file = "wrapt-1.16.0-cp36-cp36m-win_amd64.whl", hash = "sha256:6f6eac2360f2d543cc875a0e5efd413b6cbd483cb3ad7ebf888884a6e0d2e966"}, + {file = "wrapt-1.16.0-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:a0ea261ce52b5952bf669684a251a66df239ec6d441ccb59ec7afa882265d593"}, + {file = "wrapt-1.16.0-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:7bd2d7ff69a2cac767fbf7a2b206add2e9a210e57947dd7ce03e25d03d2de292"}, + {file = "wrapt-1.16.0-cp37-cp37m-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:9159485323798c8dc530a224bd3ffcf76659319ccc7bbd52e01e73bd0241a0c5"}, + {file = "wrapt-1.16.0-cp37-cp37m-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:a86373cf37cd7764f2201b76496aba58a52e76dedfaa698ef9e9688bfd9e41cf"}, + {file = "wrapt-1.16.0-cp37-cp37m-musllinux_1_1_aarch64.whl", hash = "sha256:73870c364c11f03ed072dda68ff7aea6d2a3a5c3fe250d917a429c7432e15228"}, + {file = "wrapt-1.16.0-cp37-cp37m-musllinux_1_1_i686.whl", hash = "sha256:b935ae30c6e7400022b50f8d359c03ed233d45b725cfdd299462f41ee5ffba6f"}, + {file = "wrapt-1.16.0-cp37-cp37m-musllinux_1_1_x86_64.whl", hash = "sha256:db98ad84a55eb09b3c32a96c576476777e87c520a34e2519d3e59c44710c002c"}, + {file = "wrapt-1.16.0-cp37-cp37m-win32.whl", hash = "sha256:9153ed35fc5e4fa3b2fe97bddaa7cbec0ed22412b85bcdaf54aeba92ea37428c"}, + {file = "wrapt-1.16.0-cp37-cp37m-win_amd64.whl", hash = "sha256:66dfbaa7cfa3eb707bbfcd46dab2bc6207b005cbc9caa2199bcbc81d95071a00"}, + {file = "wrapt-1.16.0-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:1dd50a2696ff89f57bd8847647a1c363b687d3d796dc30d4dd4a9d1689a706f0"}, + {file = "wrapt-1.16.0-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:44a2754372e32ab315734c6c73b24351d06e77ffff6ae27d2ecf14cf3d229202"}, + {file = "wrapt-1.16.0-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:8e9723528b9f787dc59168369e42ae1c3b0d3fadb2f1a71de14531d321ee05b0"}, + {file = "wrapt-1.16.0-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:dbed418ba5c3dce92619656802cc5355cb679e58d0d89b50f116e4a9d5a9603e"}, + {file = "wrapt-1.16.0-cp38-cp38-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:941988b89b4fd6b41c3f0bfb20e92bd23746579736b7343283297c4c8cbae68f"}, + {file = "wrapt-1.16.0-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:6a42cd0cfa8ffc1915aef79cb4284f6383d8a3e9dcca70c445dcfdd639d51267"}, + {file = "wrapt-1.16.0-cp38-cp38-musllinux_1_1_i686.whl", hash = "sha256:1ca9b6085e4f866bd584fb135a041bfc32cab916e69f714a7d1d397f8c4891ca"}, + {file = "wrapt-1.16.0-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:d5e49454f19ef621089e204f862388d29e6e8d8b162efce05208913dde5b9ad6"}, + {file = "wrapt-1.16.0-cp38-cp38-win32.whl", hash = "sha256:c31f72b1b6624c9d863fc095da460802f43a7c6868c5dda140f51da24fd47d7b"}, + {file = "wrapt-1.16.0-cp38-cp38-win_amd64.whl", hash = "sha256:490b0ee15c1a55be9c1bd8609b8cecd60e325f0575fc98f50058eae366e01f41"}, + {file = "wrapt-1.16.0-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:9b201ae332c3637a42f02d1045e1d0cccfdc41f1f2f801dafbaa7e9b4797bfc2"}, + {file = "wrapt-1.16.0-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:2076fad65c6736184e77d7d4729b63a6d1ae0b70da4868adeec40989858eb3fb"}, + {file = "wrapt-1.16.0-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:c5cd603b575ebceca7da5a3a251e69561bec509e0b46e4993e1cac402b7247b8"}, + {file = "wrapt-1.16.0-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:b47cfad9e9bbbed2339081f4e346c93ecd7ab504299403320bf85f7f85c7d46c"}, + {file = "wrapt-1.16.0-cp39-cp39-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:f8212564d49c50eb4565e502814f694e240c55551a5f1bc841d4fcaabb0a9b8a"}, + {file = "wrapt-1.16.0-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:5f15814a33e42b04e3de432e573aa557f9f0f56458745c2074952f564c50e664"}, + {file = "wrapt-1.16.0-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:db2e408d983b0e61e238cf579c09ef7020560441906ca990fe8412153e3b291f"}, + {file = "wrapt-1.16.0-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:edfad1d29c73f9b863ebe7082ae9321374ccb10879eeabc84ba3b69f2579d537"}, + {file = "wrapt-1.16.0-cp39-cp39-win32.whl", hash = "sha256:ed867c42c268f876097248e05b6117a65bcd1e63b779e916fe2e33cd6fd0d3c3"}, + {file = "wrapt-1.16.0-cp39-cp39-win_amd64.whl", hash = "sha256:eb1b046be06b0fce7249f1d025cd359b4b80fc1c3e24ad9eca33e0dcdb2e4a35"}, + {file = "wrapt-1.16.0-py3-none-any.whl", hash = "sha256:6906c4100a8fcbf2fa735f6059214bb13b97f75b1a61777fcf6432121ef12ef1"}, + {file = "wrapt-1.16.0.tar.gz", hash = "sha256:5f370f952971e7d17c7d1ead40e49f32345a7f7a5373571ef44d800d06b1899d"}, +] + [[package]] name = "xformers" -version = "0.0.22" +version = "0.0.23.post1" description = "XFormers: A collection of composable Transformer building blocks." optional = false python-versions = ">=3.7" files = [ - {file = "xformers-0.0.22-cp310-cp310-manylinux2014_x86_64.whl", hash = "sha256:57ccc686287ea80a786a7fe7bf456c963820bccb33701b76f29ff69538e3ddbb"}, - {file = "xformers-0.0.22-cp310-cp310-win_amd64.whl", hash = "sha256:1d3af4e8f6a36f2c7faa69caa02517e3ba9aff2360d6484bb54bd19d274f8110"}, - {file = "xformers-0.0.22-cp311-cp311-manylinux2014_x86_64.whl", hash = "sha256:bab75fdcf36250fdcc6b5aeee455e857cd86030b3b476799b938d7018f746571"}, - {file = "xformers-0.0.22-cp311-cp311-win_amd64.whl", hash = "sha256:d6f8cf506ea91b49a1f18e414e7945fe1cb312bcd8026cb8a72e494259f64a46"}, - {file = "xformers-0.0.22-cp38-cp38-manylinux2014_x86_64.whl", hash = "sha256:3d36bd8d0115b2eda2b401212655d98ec82b76c05c05114bec15273e3d73f1a0"}, - {file = "xformers-0.0.22-cp38-cp38-win_amd64.whl", hash = "sha256:7598c68bcde1e4ad0d9a2d0c17fd56556fbc4569ba64ca261d3eafbb7cd9c73f"}, - {file = "xformers-0.0.22-cp39-cp39-manylinux2014_x86_64.whl", hash = "sha256:d7e2109260e02abf68a7918b88568eeb92d2627c5943e4aeaed463e404182b45"}, - {file = "xformers-0.0.22-cp39-cp39-win_amd64.whl", hash = "sha256:9a5d97783e5b0e1e7a2ee0d88ff410bdcb4779a5ccd969f9960b41c86be72158"}, - {file = "xformers-0.0.22.tar.gz", hash = "sha256:2644f264c9870c308a0ee2c59652384d7a527ea932eafe12054817acd2faeb72"}, + {file = "xformers-0.0.23.post1-cp310-cp310-manylinux2014_x86_64.whl", hash = "sha256:f3491e4b1077314a4535fc78c36b592a13b794eefffaa308db879f7147424a96"}, + {file = "xformers-0.0.23.post1-cp310-cp310-win_amd64.whl", hash = "sha256:ef0744c5d1abcad7f8692b5a30ee72a71215451cbde020e2fb37af20f46ba76f"}, + {file = "xformers-0.0.23.post1-cp311-cp311-manylinux2014_x86_64.whl", hash = "sha256:2aea20e84852fafe87f4103b4adfe5f324915defa403e98fadc5a97f333f7105"}, + {file = "xformers-0.0.23.post1-cp311-cp311-win_amd64.whl", hash = "sha256:372995c113c3505648f0c2d2daac53a6df60a22f30eae98e47daca5efd38fe71"}, + {file = "xformers-0.0.23.post1-cp38-cp38-manylinux2014_x86_64.whl", hash = "sha256:17e26c66cd25ad529705228f62744ed3f86f0fe3c54fa4e23c78cd7da7a71776"}, + {file = "xformers-0.0.23.post1-cp38-cp38-win_amd64.whl", hash = "sha256:aad762aebfe7ea3f6b9132afbf5ae88cdaf87d0c377d199dfee193e1a72d0d24"}, + {file = "xformers-0.0.23.post1-cp39-cp39-manylinux2014_x86_64.whl", hash = "sha256:a117e4cc835d9a19c653d79b5c66e37c72f713241e2d85b6561a15006f84b6e6"}, + {file = "xformers-0.0.23.post1-cp39-cp39-win_amd64.whl", hash = "sha256:e08e4ebbd9fbfe9545de4028b7f604d21dc4e301dc651b3fc1bb95ae6797524f"}, + {file = "xformers-0.0.23.post1.tar.gz", hash = "sha256:b443b158bd7b5275b485d2c6aee94ebc2152878fd784e379b1c8bcb1d67f3b81"}, ] [package.dependencies] numpy = "*" -torch = "2.0.1" +torch = "2.1.2" [[package]] name = "yarl" @@ -5427,4 +5578,4 @@ testing = ["big-O", "jaraco.functools", "jaraco.itertools", "more-itertools", "p [metadata] lock-version = "2.0" python-versions = "~3.10" -content-hash = "4fc99adb5c383ee66bbe88df5e3c05aaf745942351bb1c8971d559ecd96dfed4" +content-hash = "0163462e3cca9abc5660d94c037e5875cf04470b65ee9b5405e8d5e074b728a7" diff --git a/pyproject.toml b/pyproject.toml index 1d35ce33..8cf6c91a 100644 --- a/pyproject.toml +++ b/pyproject.toml @@ -18,23 +18,25 @@ decord = "^0.6.0" deepdiff = "^6.7.0" diffusers = "^0.23.1" fastapi = "^0.104.0" -faster-whisper = "^0.9.0" +faster-whisper = ">=0.10.0" onnxruntime = "1.16.1" opencv-python = "^4.8.1.78" portpicker = "^1.6.0" -pydantic = "<2" +pydantic = ">=2.0" +pydantic-settings = "^2.1.0" python-multipart = "^0.0.6" pytest-timeout = "^2.2.0" -ray = {extras = ["serve"], version = "~2.8.1"} +ray = {extras = ["serve"], version = ">=2.9"} rapidfuzz = "^3.4.0" scipy = "^1.11.3" sqlalchemy = {extras = ["mypy"], version = "^2.0.23"} -transformers = "^4.34.0" -torch = { url = "https://download.pytorch.org/whl/cu118/torch-2.0.1%2Bcu118-cp310-cp310-linux_x86_64.whl" } -torchvision = { url = "https://download.pytorch.org/whl/cu118/torchvision-0.15.2%2Bcu118-cp310-cp310-linux_x86_64.whl" } -vllm = "^0.2.1.post1" +transformers = ">=4.37.0" +torch = { url = "https://download.pytorch.org/whl/cu121/torch-2.1.2%2Bcu121-cp310-cp310-linux_x86_64.whl" } +torchvision = { url = "https://download.pytorch.org/whl/cu121/torchvision-0.16.2%2Bcu121-cp310-cp310-linux_x86_64.whl" } +vllm = ">=0.3.0" yt-dlp = "^2023.10.13" + [tool.poetry.group.dev.dependencies] ipykernel = "^6.25.2" matplotlib = "^3.8.2" @@ -52,7 +54,7 @@ build-backend = "poetry.core.masonry.api" [tool.pytest.ini_options] norecursedirs = "mobius-pipeline" -timeout = 300 +timeout = 600 env = [ "TEST_MODE=True" ]