diff --git a/.env b/.env index 5c07c579..253a1cee 100644 --- a/.env +++ b/.env @@ -1,5 +1,3 @@ CUDA_VISIBLE_DEVICES="" -USE_DEPLOYMENT_CACHE = False -SAVE_DEPLOYMENT_CACHE = False HF_HUB_ENABLE_HF_TRANSFER = 1 HF_TOKEN="" diff --git a/.github/workflows/publish.yml b/.github/workflows/publish.yml index 47f478b8..7e3a654d 100644 --- a/.github/workflows/publish.yml +++ b/.github/workflows/publish.yml @@ -1,6 +1,10 @@ name: Publish Python Package on: + push: + branches: [main] + release: + types: [published] workflow_dispatch: inputs: publish_target: @@ -39,7 +43,7 @@ jobs: run: poetry build - name: Publish to PyPI - if: ${{ github.event.inputs.publish_target == 'pypi' }} + if: github.event_name == 'release' || (github.event_name == 'workflow_dispatch' && github.event.inputs.publish_target == 'pypi') env: PYPI_USERNAME: "__token__" PYPI_PASSWORD: ${{ secrets.PYPI_API_TOKEN }} @@ -47,7 +51,7 @@ jobs: poetry publish --username $PYPI_USERNAME --password $PYPI_PASSWORD - name: Publish to Test PyPI - if: ${{ github.event.inputs.publish_target == 'testpypi' }} + if: github.event_name == 'push' || (github.event_name == 'workflow_dispatch' && github.event.inputs.publish_target == 'testpypi') env: PYPI_USERNAME: "__token__" PYPI_PASSWORD: ${{ secrets.TEST_PYPI_API_TOKEN }} diff --git a/.github/workflows/publish_docs.yml b/.github/workflows/publish_docs.yml index ec1b847f..ae327840 100644 --- a/.github/workflows/publish_docs.yml +++ b/.github/workflows/publish_docs.yml @@ -1,6 +1,8 @@ name: Publish Docs on: + release: + types: [published] workflow_dispatch: jobs: diff --git a/aana/configs/deployments.py b/aana/configs/deployments.py index 939add26..1c90a8b7 100644 --- a/aana/configs/deployments.py +++ b/aana/configs/deployments.py @@ -12,10 +12,6 @@ HfTextGenerationDeployment, ) from aana.deployments.idefics_2_deployment import Idefics2Config, Idefics2Deployment -from aana.deployments.stablediffusion2_deployment import ( - StableDiffusion2Config, - StableDiffusion2Deployment, -) from aana.deployments.vad_deployment import VadConfig, VadDeployment from aana.deployments.vllm_deployment import VLLMConfig, VLLMDeployment from aana.deployments.whisper_deployment import ( @@ -130,17 +126,6 @@ ) available_deployments["whisper_medium_deployment"] = whisper_medium_deployment -stablediffusion2_deployment = StableDiffusion2Deployment.options( - num_replicas=1, - max_ongoing_requests=1000, - ray_actor_options={"num_gpus": 1}, - user_config=StableDiffusion2Config( - model="stabilityai/stable-diffusion-2", - dtype=Dtype.FLOAT16, - ).model_dump(mode="json"), -) -available_deployments["stablediffusion2_deployment"] = stablediffusion2_deployment - vad_deployment = VadDeployment.options( num_replicas=1, max_ongoing_requests=1000, @@ -201,9 +186,7 @@ ).model_dump(mode="json"), ) -available_deployments[ - "idefics_2_deployment" -] = idefics_2_deployment +available_deployments["idefics_2_deployment"] = idefics_2_deployment __all__ = [ "vllm_llama2_7b_chat_deployment", @@ -212,7 +195,6 @@ "microsoft_phi_3_mini_instruct_deployment", "hf_blip2_opt_2_7b_deployment", "whisper_medium_deployment", - "stablediffusion2_deployment", "vad_deployment", "hf_blip2_opt_2_7b_pipeline_deployment", "hf_phi3_mini_4k_instruct_text_gen_deployment", diff --git a/aana/configs/settings.py b/aana/configs/settings.py index d6e15efe..c2644349 100644 --- a/aana/configs/settings.py +++ b/aana/configs/settings.py @@ -11,13 +11,11 @@ class TestSettings(BaseSettings): Attributes: test_mode (bool): Flag indicating if the SDK is in test mode. - use_deployment_cache (bool): Flag indicating if the SDK should use cached deployment results for testing. - save_deployment_cache (bool): Flag indicating if the SDK should save deployment results to cache for testing. + save_expected_output (bool): Flag indicating if the expected output should be saved (to create test cases). """ test_mode: bool = False - use_deployment_cache: bool = False # use cached deployment results for testing - save_deployment_cache: bool = False # save deployment results to cache for testing + save_expected_output: bool = False class TaskQueueSettings(BaseSettings): diff --git a/aana/core/models/types.py b/aana/core/models/types.py index 04e62351..166363f0 100644 --- a/aana/core/models/types.py +++ b/aana/core/models/types.py @@ -8,18 +8,20 @@ class Dtype(str, Enum): """Data types. - Possible values are "auto", "float32", "float16", and "int8". + Possible values are "auto", "float32", "float16", "bfloat16" and "int8". Attributes: AUTO (str): auto FLOAT32 (str): float32 FLOAT16 (str): float16 + BFLOAT16 (str): bfloat16 INT8 (str): int8 """ AUTO = "auto" FLOAT32 = "float32" FLOAT16 = "float16" + BFLOAT16 = "bfloat16" INT8 = "int8" def to_torch(self) -> torch.dtype | str: @@ -38,6 +40,8 @@ def to_torch(self) -> torch.dtype | str: return torch.float32 case self.FLOAT16: return torch.float16 + case self.BFLOAT16: + return torch.bfloat16 case self.INT8: return torch.int8 case _: diff --git a/aana/deployments/base_deployment.py b/aana/deployments/base_deployment.py index 49b0ed20..458744d9 100644 --- a/aana/deployments/base_deployment.py +++ b/aana/deployments/base_deployment.py @@ -1,171 +1,6 @@ import inspect -import pickle -from functools import wraps -from importlib import resources -from pathlib import Path from typing import Any -import rapidfuzz - -from aana.configs.settings import settings -from aana.utils.core import get_object_hash -from aana.utils.json import jsonify - - -def test_cache(func): # noqa: C901 - """Decorator for caching and loading the results of a deployment function in testing mode. - - Keep in mind that this decorator only works for async functions and async generator functions. - - Use this decorator to annotate deployment functions that you want to cache in testing mode. - - There are 3 environment variables that control the behavior of the decorator: - - TEST_MODE: set to "true" to enable testing mode - (default is "false", should only be set to "true" if you are running tests) - - USE_DEPLOYMENT_CACHE: set to "true" to enable cache usage - - SAVE_DEPLOYMENT_CACHE: set to "true" to enable cache saving - - The decorator behaves differently in testing and production modes. - - In production mode, the decorator is a no-op. - In testing mode, the behavior of the decorator is controlled by the environment variables USE_DEPLOYMENT_CACHE and SAVE_DEPLOYMENT_CACHE. - - If USE_DEPLOYMENT_CACHE is set to "true", the decorator will load the result from the cache if it exists. SAVE_DEPLOYMENT_CACHE is ignored. - The decorator takes a hash of the deployment configuration and the function arguments and keyword arguments (args and kwargs) to locate the cache file. - If the cache file exists, the decorator will load the result from the cache and return it. - If the cache file does not exist, the decorator will try to find the cache file with the closest args and load the result from that cache file - (function name and deployment configuration should match exactly, fuzzy matching only applies to args and kwargs). - - If USE_DEPLOYMENT_CACHE is set to "false", the decorator will execute the function and save the result to the cache if SAVE_DEPLOYMENT_CACHE is set to "true". - """ - if not settings.test.test_mode: - # If we are in production, the decorator is a no-op - return func - - def get_cache_path(args, kwargs): - """Get the path to the cache file.""" - self = args[0] - - func_name = func.__name__ - deployment_name = self.__class__.__name__ - - config = args[0].config - config_hash = get_object_hash(config) - - args_hash = get_object_hash({"args": args[1:], "kwargs": kwargs}) - - return ( - resources.path("aana.tests.files.cache", "") - / Path(deployment_name) - / Path(f"{func_name}_{config_hash}_{args_hash}.pkl") - ) - - def save_cache(cache_path, cache, args, kwargs): - """Save the cache to a file.""" - cache_obj = { - "args": jsonify({"args": args[1:], "kwargs": kwargs}), - } - if "exception" in cache: - cache_obj["exception"] = cache[ - "exception" - ] # if the cache contains an exception, save it - else: - cache_obj["cache"] = cache # otherwise, cache the result - cache_path.parent.mkdir(parents=True, exist_ok=True) - cache_path.open("wb").write(pickle.dumps(cache_obj)) - - def find_matching_cache(cache_path, args, kwargs): - """Find the cache file with the closest args.""" - - def get_args(path): - cache = pickle.loads(path.open("rb").read()) # noqa: S301 - return cache["args"] - - args_str = jsonify({"args": args[1:], "kwargs": kwargs}) - pattern = cache_path.name.replace(cache_path.name.split("_")[-1], "*") - candidate_cache_files = list(cache_path.parent.glob(pattern)) - - if len(candidate_cache_files) == 0: - raise FileNotFoundError(f"{cache_path.parent}/{pattern}") - - # find the cache with the closest args - path = min( - candidate_cache_files, - key=lambda path: rapidfuzz.distance.Levenshtein.distance( - args_str, get_args(path) - ), - ) - return Path(path) - - @wraps(func) - async def wrapper(*args, **kwargs): - """Wrapper for the deployment function.""" - cache_path = get_cache_path(args, kwargs) - - if settings.test.use_deployment_cache: - # load from cache - if not cache_path.exists(): - # raise FileNotFoundError(cache_path) - cache_path = find_matching_cache(cache_path, args, kwargs) - cache = pickle.loads(cache_path.open("rb").read()) # noqa: S301 - # raise exception if the cache contains an exception - if "exception" in cache: - raise cache["exception"] - return cache["cache"] - else: - # execute the function - try: - result = await func(*args, **kwargs) - except Exception as e: - result = {"exception": e} - raise - finally: - if settings.test.save_deployment_cache and not cache_path.exists(): - # save to cache - save_cache(cache_path, result, args, kwargs) - return result - - @wraps(func) - async def wrapper_generator(*args, **kwargs): - """Wrapper for the deployment generator function.""" - cache_path = get_cache_path(args, kwargs) - - if settings.test.use_deployment_cache: - # load from cache - if not cache_path.exists(): - # raise FileNotFoundError(cache_path) - cache_path = find_matching_cache(cache_path, args, kwargs) - - cache = pickle.loads(cache_path.open("rb").read()) # noqa: S301 - # raise exception if the cache contains an exception - if "exception" in cache: - raise cache["exception"] - for item in cache["cache"]: - yield item - else: - cache = [] - try: - # execute the function - async for item in func(*args, **kwargs): - yield item - if settings.test.save_deployment_cache: - cache.append(item) - except Exception as e: - cache = {"exception": e} - raise - finally: - if settings.test.save_deployment_cache and not cache_path.exists(): - # save to cache - save_cache(cache_path, cache, args, kwargs) - - wrapper_generator.test_cache_enabled = True - wrapper.test_cache_enabled = True - - if inspect.isasyncgenfunction(func): - return wrapper_generator - else: - return wrapper - class BaseDeployment: """Base class for all deployments. @@ -185,18 +20,8 @@ async def reconfigure(self, config: dict[str, Any]): The method is called when the deployment is updated. """ self.config = config - if ( - settings.test.test_mode - and settings.test.use_deployment_cache - and self.__check_test_cache_enabled() - ): - # If we are in testing mode and we want to use the cache, - # we don't need to load the model - self._configured = True - return - else: - await self.apply_config(config) - self._configured = True + await self.apply_config(config) + self._configured = True async def apply_config(self, config: dict[str, Any]): """Apply the configuration. @@ -236,10 +61,3 @@ async def get_methods(self) -> dict: if method.__doc__: methods_info[name]["doc"] = method.__doc__ return methods_info - - def __check_test_cache_enabled(self): - """Check if the deployment has any methods decorated with test_cache.""" - for method in self.__class__.__dict__.values(): - if callable(method) and getattr(method, "test_cache_enabled", False): - return True - return False diff --git a/aana/deployments/base_text_generation_deployment.py b/aana/deployments/base_text_generation_deployment.py index 32224831..44f51656 100644 --- a/aana/deployments/base_text_generation_deployment.py +++ b/aana/deployments/base_text_generation_deployment.py @@ -9,7 +9,7 @@ from aana.core.chat.chat_template import apply_chat_template from aana.core.models.chat import ChatDialog, ChatMessage from aana.core.models.sampling import SamplingParams -from aana.deployments.base_deployment import BaseDeployment, test_cache +from aana.deployments.base_deployment import BaseDeployment class LLMOutput(TypedDict): @@ -57,7 +57,6 @@ class BaseTextGenerationDeployment(BaseDeployment): You can also override these methods to implement custom inference logic. """ - @test_cache async def generate_stream( self, prompt: str, sampling_params: SamplingParams | None = None ) -> AsyncGenerator[LLMOutput, None]: @@ -72,7 +71,6 @@ async def generate_stream( """ raise NotImplementedError - @test_cache async def generate( self, prompt: str, sampling_params: SamplingParams | None = None ) -> LLMOutput: @@ -90,7 +88,6 @@ async def generate( generated_text += chunk["text"] return LLMOutput(text=generated_text) - @test_cache async def generate_batch( self, prompts: list[str], sampling_params: SamplingParams | None = None ) -> LLMBatchOutput: @@ -111,7 +108,6 @@ async def generate_batch( return LLMBatchOutput(texts=texts) - @test_cache async def chat( self, dialog: ChatDialog, sampling_params: SamplingParams | None = None ) -> ChatOutput: @@ -131,7 +127,6 @@ async def chat( response_message = ChatMessage(content=response["text"], role="assistant") return ChatOutput(message=response_message) - @test_cache async def chat_stream( self, dialog: ChatDialog, sampling_params: SamplingParams | None = None ) -> AsyncGenerator[LLMOutput, None]: diff --git a/aana/deployments/hf_blip2_deployment.py b/aana/deployments/hf_blip2_deployment.py index 67b58e06..c455a677 100644 --- a/aana/deployments/hf_blip2_deployment.py +++ b/aana/deployments/hf_blip2_deployment.py @@ -10,7 +10,7 @@ from aana.core.models.captions import Caption, CaptionsList from aana.core.models.image import Image from aana.core.models.types import Dtype -from aana.deployments.base_deployment import BaseDeployment, test_cache +from aana.deployments.base_deployment import BaseDeployment from aana.exceptions.runtime import InferenceException from aana.processors.batch import BatchProcessor @@ -103,7 +103,6 @@ async def apply_config(self, config: dict[str, Any]): self.processor = Blip2Processor.from_pretrained(self.model_id) self.model.to(self.device) - @test_cache async def generate(self, image: Image) -> CaptioningOutput: """Generate captions for the given image. @@ -122,7 +121,6 @@ async def generate(self, image: Image) -> CaptioningOutput: ) return CaptioningOutput(caption=captions["captions"][0]) - @test_cache async def generate_batch(self, **kwargs) -> CaptioningBatchOutput: """Generate captions for the given images. diff --git a/aana/deployments/hf_pipeline_deployment.py b/aana/deployments/hf_pipeline_deployment.py index d84fbb7f..103c2aba 100644 --- a/aana/deployments/hf_pipeline_deployment.py +++ b/aana/deployments/hf_pipeline_deployment.py @@ -8,7 +8,7 @@ from aana.core.models.custom_config import CustomConfig from aana.core.models.image import Image -from aana.deployments.base_deployment import BaseDeployment, test_cache +from aana.deployments.base_deployment import BaseDeployment class HfPipelineConfig(BaseModel): @@ -77,7 +77,6 @@ async def apply_config(self, config: dict[str, Any]): else: raise - @test_cache async def call(self, *args, **kwargs): """Call the pipeline. diff --git a/aana/deployments/hf_text_generation_deployment.py b/aana/deployments/hf_text_generation_deployment.py index 46fc5ad4..b4e4f1e7 100644 --- a/aana/deployments/hf_text_generation_deployment.py +++ b/aana/deployments/hf_text_generation_deployment.py @@ -16,7 +16,6 @@ from aana.core.models.base import merged_options from aana.core.models.sampling import SamplingParams -from aana.deployments.base_deployment import test_cache from aana.deployments.base_text_generation_deployment import ( BaseTextGenerationDeployment, LLMOutput, @@ -80,7 +79,6 @@ async def apply_config(self, config: dict[str, Any]): self.tokenizer = AutoTokenizer.from_pretrained(self.model_id) self.chat_template_name = config_obj.chat_template - @test_cache async def generate_stream( self, prompt: str, sampling_params: SamplingParams | None = None ) -> AsyncGenerator[LLMOutput, None]: diff --git a/aana/deployments/idefics_2_deployment.py b/aana/deployments/idefics_2_deployment.py index c7bc34c0..6f828a6f 100644 --- a/aana/deployments/idefics_2_deployment.py +++ b/aana/deployments/idefics_2_deployment.py @@ -21,7 +21,7 @@ from aana.core.models.image_chat import ImageChatDialog from aana.core.models.sampling import SamplingParams from aana.core.models.types import Dtype -from aana.deployments.base_deployment import BaseDeployment, test_cache +from aana.deployments.base_deployment import BaseDeployment from aana.deployments.base_text_generation_deployment import ChatOutput, LLMOutput from aana.exceptions.runtime import InferenceException @@ -85,10 +85,12 @@ async def apply_config(self, config: dict[str, Any]): self.processor = AutoProcessor.from_pretrained( self.model_id, do_image_splitting=config_obj.do_image_splitting ) - self.model_kwargs.update(dict( - torch_dtype=self.torch_dtype, - device_map=self.device, - )) + self.model_kwargs.update( + dict( + torch_dtype=self.torch_dtype, + device_map=self.device, + ) + ) if config_obj.enable_flash_attention_2 is None: config_obj.enable_flash_attention_2 = is_flash_attn_2_available() @@ -98,7 +100,6 @@ async def apply_config(self, config: dict[str, Any]): self.model_id, **self.model_kwargs ) - @test_cache async def chat_stream( self, dialog: ImageChatDialog, sampling_params: SamplingParams | None = None ) -> AsyncGenerator[LLMOutput, None]: @@ -116,12 +117,10 @@ async def chat_stream( if sampling_params is None: sampling_params = SamplingParams() - sampling_params = merged_options( - self.default_sampling_params, sampling_params) + sampling_params = merged_options(self.default_sampling_params, sampling_params) messages, images = dialog.to_objects() - text = self.processor.apply_chat_template( - messages, add_generation_prompt=True) + text = self.processor.apply_chat_template(messages, add_generation_prompt=True) inputs = self.processor( images=[img.get_pil_image() for img in images], text=text, @@ -183,7 +182,6 @@ async def chat( return ChatOutput(message=ChatMessage(content=text, role="assistant")) - @test_cache async def chat_batch( self, dialogs: list[ImageChatDialog], @@ -203,8 +201,7 @@ async def chat_batch( if sampling_params is None: sampling_params = SamplingParams() - sampling_params = merged_options( - self.default_sampling_params, sampling_params) + sampling_params = merged_options(self.default_sampling_params, sampling_params) text_batch = [] image_batch = [] @@ -248,8 +245,7 @@ async def chat_batch( # TODO: find a better way to remove the prompt, it will not work for other prompt formats text = text.split("Assistant:")[1].strip() chat_outputs.append( - ChatOutput(message=ChatMessage( - content=text, role="assistant")) + ChatOutput(message=ChatMessage(content=text, role="assistant")) ) except Exception as e: raise InferenceException(model_name=self.model_id) from e diff --git a/aana/deployments/sentence_transformer_deployment.py b/aana/deployments/sentence_transformer_deployment.py index 5ccdf28f..21d53de3 100644 --- a/aana/deployments/sentence_transformer_deployment.py +++ b/aana/deployments/sentence_transformer_deployment.py @@ -6,7 +6,7 @@ from sentence_transformers import SentenceTransformer from typing_extensions import TypedDict -from aana.deployments.base_deployment import BaseDeployment, test_cache +from aana.deployments.base_deployment import BaseDeployment from aana.exceptions.runtime import InferenceException from aana.processors.batch import BatchProcessor @@ -67,7 +67,6 @@ async def apply_config(self, config: dict[str, Any]): self.model = SentenceTransformer(self.model_id) - @test_cache async def embed_batch(self, **kwargs) -> np.ndarray: """Embed the given sentences. diff --git a/aana/deployments/stablediffusion2_deployment.py b/aana/deployments/stablediffusion2_deployment.py deleted file mode 100644 index 9db634ee..00000000 --- a/aana/deployments/stablediffusion2_deployment.py +++ /dev/null @@ -1,77 +0,0 @@ -from typing import Any, TypedDict - -import PIL -import torch -from diffusers import EulerDiscreteScheduler, StableDiffusionPipeline -from pydantic import BaseModel, Field -from ray import serve - -from aana.core.models.chat import Prompt -from aana.core.models.types import Dtype -from aana.deployments.base_deployment import BaseDeployment, test_cache - - -class StableDiffusion2Output(TypedDict): - """Output class for the StableDiffusion2 deployment.""" - - image: PIL.Image.Image - - -class StableDiffusion2Config(BaseModel): - """The configuration for the Stable Diffusion 2 deployment. - - Attributes: - model (str): the model ID on HuggingFace - dtype (str): the data type (optional, default: "auto"), one of "auto", "float32", "float16" - """ - - model: str - dtype: Dtype = Field(default=Dtype.AUTO) - - -@serve.deployment -class StableDiffusion2Deployment(BaseDeployment): - """Stable Diffusion 2 deployment.""" - - async def apply_config(self, config: dict[str, Any]): - """Apply the configuration. - - The method is called when the deployment is created or updated. - - It loads the model and scheduler from HuggingFace. - - The configuration should conform to the StableDiffusion2Config schema. - """ - config_obj = StableDiffusion2Config(**config) - - # Load the model and processor from HuggingFace - self.model_id = config_obj.model - self.dtype = config_obj.dtype - if self.dtype == Dtype.INT8: - self.torch_dtype = Dtype.FLOAT16.to_torch() - else: - self.torch_dtype = self.dtype.to_torch() - self.device = "cuda" if torch.cuda.is_available() else "cpu" - self.model = StableDiffusionPipeline.from_pretrained( - self.model_id, - torch_dtype=self.torch_dtype, - scheduler=EulerDiscreteScheduler.from_pretrained( - self.model_id, subfolder="scheduler" - ), - device_map="auto", - ) - - self.model.to(self.device) - - @test_cache - async def generate(self, prompt: Prompt) -> StableDiffusion2Output: - """Runs the model on a given prompt and returns the first output. - - Arguments: - prompt (Prompt): the prompt to the model. - - Returns: - StableDiffusion2Output: a dictionary with one key containing the result - """ - image = self.model(str(prompt)).images[0] - return {"image": image} diff --git a/aana/deployments/vad_deployment.py b/aana/deployments/vad_deployment.py index aaf93f7d..8fa69a8b 100644 --- a/aana/deployments/vad_deployment.py +++ b/aana/deployments/vad_deployment.py @@ -9,7 +9,7 @@ from aana.core.models.audio import Audio from aana.core.models.time import TimeInterval from aana.core.models.vad import VadParams, VadSegment -from aana.deployments.base_deployment import BaseDeployment, test_cache +from aana.deployments.base_deployment import BaseDeployment from aana.exceptions.runtime import InferenceException from aana.processors.vad import BinarizeVadScores, VoiceActivitySegmentation from aana.utils.download import download_model @@ -208,7 +208,6 @@ async def __inference(self, audio: Audio) -> list[dict]: return vad_segments - @test_cache async def asr_preprocess_vad( self, audio: Audio, params: VadParams | None = None ) -> VadOutput: diff --git a/aana/deployments/vllm_deployment.py b/aana/deployments/vllm_deployment.py index 85be274c..045028d4 100644 --- a/aana/deployments/vllm_deployment.py +++ b/aana/deployments/vllm_deployment.py @@ -24,7 +24,6 @@ from vllm.utils import random_uuid from aana.core.models.sampling import SamplingParams -from aana.deployments.base_deployment import test_cache from aana.exceptions.runtime import InferenceException, PromptTooLongException @@ -114,7 +113,6 @@ async def apply_config(self, config: dict[str, Any]): self.tokenizer = self.engine.engine.tokenizer.tokenizer self.model_config = await self.engine.get_model_config() - @test_cache async def generate_stream( self, prompt: str, sampling_params: SamplingParams | None = None ) -> AsyncGenerator[LLMOutput, None]: diff --git a/aana/deployments/whisper_deployment.py b/aana/deployments/whisper_deployment.py index 7cf8077d..2bf46c2e 100644 --- a/aana/deployments/whisper_deployment.py +++ b/aana/deployments/whisper_deployment.py @@ -17,7 +17,7 @@ from aana.core.models.whisper import ( WhisperParams, ) -from aana.deployments.base_deployment import BaseDeployment, test_cache +from aana.deployments.base_deployment import BaseDeployment from aana.exceptions.runtime import InferenceException @@ -144,7 +144,6 @@ async def apply_config(self, config: dict[str, Any]): self.model_size, device=self.device, compute_type=self.compute_type ) - @test_cache async def transcribe( self, audio: Audio, params: WhisperParams | None = None ) -> WhisperOutput: @@ -194,7 +193,6 @@ async def transcribe( transcription=asr_transcription, ) - @test_cache async def transcribe_stream( self, audio: Audio, params: WhisperParams | None = None ) -> AsyncGenerator[WhisperOutput, None]: @@ -242,7 +240,6 @@ async def transcribe_stream( transcription=asr_transcription, ) - @test_cache async def transcribe_batch( self, audio_batch: list[Audio], params: WhisperParams | None = None ) -> WhisperBatchOutput: @@ -278,7 +275,6 @@ async def transcribe_batch( ) # TODO: Update once batched whisper PR is merged - # @test_cache # async def transcribe_in_chunks( # self, # audio: Audio, diff --git a/aana/storage/op.py b/aana/storage/op.py index fcd413a2..69707908 100644 --- a/aana/storage/op.py +++ b/aana/storage/op.py @@ -27,7 +27,7 @@ def create_postgresql_engine(config): Returns: sqlalchemy.engine.Engine: SQLAlchemy engine instance. """ - connection_string = f"postgresql://{config['user']}:{config['password']}@{config['host']}:{config['port']}/{config['database']}" + connection_string = f"postgresql+psycopg://{config['user']}:{config['password']}@{config['host']}:{config['port']}/{config['database']}" return create_engine( connection_string, json_serializer=lambda obj: jsonify(obj), diff --git a/aana/tests/conftest.py b/aana/tests/conftest.py index 1ac5ec0a..0117216a 100644 --- a/aana/tests/conftest.py +++ b/aana/tests/conftest.py @@ -5,6 +5,7 @@ from pathlib import Path from typing import Any +import portpicker import pytest from pytest_postgresql import factories from sqlalchemy.orm import Session @@ -15,7 +16,6 @@ from aana.storage.op import DbType, run_alembic_migrations from aana.tests.utils import ( is_gpu_available, - is_using_deployment_cache, send_api_request, verify_output, ) @@ -46,7 +46,7 @@ def create_app(app_module, app_name): # Import and start the app app = import_from(app_module, app_name) - app.connect(port=8000, show_logs=True, num_cpus=10) + app.connect(port=portpicker.pick_unused_port(), show_logs=True, num_cpus=10) app.migrate() app.deploy() @@ -74,15 +74,14 @@ def create_app(): app = AanaSDK() app.connect( - port=8000, show_logs=True, num_cpus=10 + port=portpicker.pick_unused_port(), show_logs=True, num_cpus=10 ) # pretend we have 10 cpus for testing def start_app(deployments, endpoints): for deployment in deployments: deployment_instance = deployment["instance"] - if not is_gpu_available() and is_using_deployment_cache(): - # if GPU is not available and we are using deployment cache, - # then we don't want to request GPU resources + if not is_gpu_available(): + # if GPU is not available then we don't want to request GPU resources deployment_instance = deployment_instance.options( ray_actor_options={"num_gpus": 0} ) @@ -112,6 +111,32 @@ def start_app(deployments, endpoints): app.shutdown() +@pytest.fixture(scope="class") +def setup_deployment(create_app, request): + """Start the app with provided deployment.""" + deployment_name = request.param[0] + deployment = request.param[1] + + # skip the test if GPU is not available and the deployment requires GPU + num_gpus = deployment.ray_actor_options.get("num_gpus", 0) + if not is_gpu_available() and num_gpus > 0: + pytest.skip("GPU is not available") + + # keep it the same for all tests so the deployment is replaced + # when the fixture is called again + handle_name = "test_deployment" + + deployments = [ + { + "name": handle_name, + "instance": deployment, + } + ] + endpoints = [] + + return deployment_name, handle_name, create_app(deployments, endpoints) + + @pytest.fixture(scope="module") def call_endpoint(app_setup): """Call an endpoint and verify the output.""" diff --git a/aana/tests/db/datastore/test_config.py b/aana/tests/db/datastore/test_config.py index 6f227693..4f3a4464 100644 --- a/aana/tests/db/datastore/test_config.py +++ b/aana/tests/db/datastore/test_config.py @@ -41,7 +41,7 @@ def test_pg_datastore_config(pg_settings): engine = pg_settings.get_engine() assert engine.name == "postgresql" - assert str(engine.url) == "postgresql://postgres:***@0.0.0.0:5432/postgres" + assert str(engine.url) == "postgresql+psycopg://postgres:***@0.0.0.0:5432/postgres" def test_sqlite_datastore_config(sqlite_settings): diff --git a/aana/tests/deployments/test_hf_blip2_deployment.py b/aana/tests/deployments/test_hf_blip2_deployment.py index d17a848d..c01c8de8 100644 --- a/aana/tests/deployments/test_hf_blip2_deployment.py +++ b/aana/tests/deployments/test_hf_blip2_deployment.py @@ -2,64 +2,61 @@ from importlib import resources import pytest -from ray import serve from aana.core.models.image import Image -from aana.tests.utils import ( - compare_texts, - get_deployments_by_type, - is_gpu_available, - is_using_deployment_cache, -) - - -@pytest.fixture(scope="function", params=get_deployments_by_type("HFBlip2Deployment")) -def setup_hf_blip2_deployment(create_app, request): - """Setup HF BLIP2 deployment.""" - name, deployment = request.param - deployments = [ - { - "name": "blip2_deployment", - "instance": deployment, - } - ] - endpoints = [] - - return name, deployment, create_app(deployments, endpoints) - - -@pytest.mark.skipif( - not is_gpu_available() and not is_using_deployment_cache(), - reason="GPU is not available", -) -@pytest.mark.asyncio -@pytest.mark.parametrize( - "image_name, expected_text", - [ - ( - "Starry_Night.jpeg", - "the starry night by vincent van gogh, 1884-1890, oil on canvas, 48 x 48 in, gilded frame, signed and dated", +from aana.core.models.types import Dtype +from aana.deployments.aana_deployment_handle import AanaDeploymentHandle +from aana.deployments.hf_blip2_deployment import HFBlip2Config, HFBlip2Deployment +from aana.tests.utils import verify_deployment_results + +deployments = [ + ( + "blip2_deployment", + HFBlip2Deployment.options( + num_replicas=1, + max_ongoing_requests=1000, + ray_actor_options={"num_gpus": 0.25}, + user_config=HFBlip2Config( + model="Salesforce/blip2-opt-2.7b", + dtype=Dtype.FLOAT16, + batch_size=2, + num_processing_threads=2, + ).model_dump(mode="json"), + ), + ) +] + + +@pytest.mark.parametrize("setup_deployment", deployments, indirect=True) +class TestHFBlip2Deployment: + """Test HuggingFace BLIP2 deployment.""" + + @pytest.mark.asyncio + @pytest.mark.parametrize("image_name", ["Starry_Night.jpeg"]) + async def test_methods(self, setup_deployment, image_name): + """Test HuggingFace BLIP2 methods.""" + deployment_name, handle_name, _ = setup_deployment + + handle = await AanaDeploymentHandle.create(handle_name) + + expected_output_path = ( + resources.path("aana.tests.files.expected", "") + / "hf_blip2" + / f"{deployment_name}_{image_name}.json" ) - ], -) -async def test_hf_blip2_deployments( - setup_hf_blip2_deployment, image_name, expected_text -): - """Test HuggingFace BLIP2 deployments.""" - handle = serve.get_app_handle("blip2_deployment") - path = resources.path("aana.tests.files.images", image_name) - image = Image(path=path, save_on_disk=False, media_id=image_name) + path = resources.path("aana.tests.files.images", image_name) + image = Image(path=path, save_on_disk=False, media_id=image_name) - output = await handle.generate.remote(image=image) - caption = output["caption"] - compare_texts(expected_text, caption) + output = await handle.generate(image=image) + caption = output["caption"] + verify_deployment_results(expected_output_path, caption) - images = [image] * 8 + images = [image] * 8 - output = await handle.generate_batch.remote(images=images) - captions = output["captions"] + output = await handle.generate_batch(images=images) + captions = output["captions"] - assert len(captions) == 8 - for caption in captions: - compare_texts(expected_text, caption) + assert len(captions) == 8 + for caption in captions: + verify_deployment_results(expected_output_path, caption) diff --git a/aana/tests/deployments/test_hf_pipeline_deployment.py b/aana/tests/deployments/test_hf_pipeline_deployment.py index cbf2c7a8..6692ba3a 100644 --- a/aana/tests/deployments/test_hf_pipeline_deployment.py +++ b/aana/tests/deployments/test_hf_pipeline_deployment.py @@ -2,72 +2,66 @@ from importlib import resources import pytest -from ray import serve +from transformers import BitsAndBytesConfig from aana.core.models.image import Image -from aana.tests.utils import ( - get_deployments_by_type, - is_gpu_available, - is_using_deployment_cache, +from aana.deployments.aana_deployment_handle import AanaDeploymentHandle +from aana.deployments.hf_pipeline_deployment import ( + HfPipelineConfig, + HfPipelineDeployment, ) - - -def get_expected_output(name): - """Gets expected output for a given deployment name.""" - if name == "hf_blip2_opt_2_7b_pipeline_deployment": - return [[{"generated_text": "the starry night by van gogh\n"}]] - else: - raise ValueError(f"Unknown deployment name: {name}") # noqa: TRY003 - - -@pytest.fixture( - scope="function", params=get_deployments_by_type("HfPipelineDeployment") -) -def setup_hf_pipeline_deployment(create_app, request): - """Setup HF Pipeline deployment.""" - name, deployment = request.param - deployments = [ - { - "name": "hf_pipeline_deployment", - "instance": deployment, - } - ] - endpoints = [] - - return name, deployment, create_app(deployments, endpoints) - - -@pytest.mark.skipif( - not is_gpu_available() and not is_using_deployment_cache(), - reason="GPU is not available", -) -@pytest.mark.asyncio -@pytest.mark.parametrize( - "image_name", - ["Starry_Night.jpeg"], -) -async def test_hf_pipeline_deployments(setup_hf_pipeline_deployment, image_name): - """Test HuggingFace Pipeline deployments.""" - name, deployment, app = setup_hf_pipeline_deployment - - handle = serve.get_app_handle("hf_pipeline_deployment") - - expected_output = get_expected_output(name) - - path = resources.path("aana.tests.files.images", image_name) - output = await handle.call.remote(images=[str(path)]) - assert output == expected_output - - image = Image(path=path, save_on_disk=False, media_id=image_name) - - output = await handle.call.remote(images=[image]) - assert output == expected_output - - output = await handle.call.remote([image]) - assert output == expected_output - - output = await handle.call.remote(images=image) - assert output == expected_output[0] - - output = await handle.call.remote(image) - assert output == expected_output[0] +from aana.tests.utils import verify_deployment_results + +deployments = [ + ( + "hf_pipeline_blip2_deployment", + HfPipelineDeployment.options( + num_replicas=1, + ray_actor_options={"num_gpus": 1}, + user_config=HfPipelineConfig( + model_id="Salesforce/blip2-opt-2.7b", + model_kwargs={ + "quantization_config": BitsAndBytesConfig( + load_in_8bit=False, load_in_4bit=True + ), + }, + ).model_dump(mode="json"), + ), + ) +] + + +@pytest.mark.parametrize("setup_deployment", deployments, indirect=True) +class TestHFPipelineDeployment: + """Test HuggingFace Pipeline deployment.""" + + @pytest.mark.asyncio + @pytest.mark.parametrize("image_name", ["Starry_Night.jpeg"]) + async def test_call(self, setup_deployment, image_name): + """Test call method.""" + deployment_name, handle_name, _ = setup_deployment + + handle = await AanaDeploymentHandle.create(handle_name) + + expected_output_path = ( + resources.path("aana.tests.files.expected", "") + / "hf_pipeline" + / f"{deployment_name}_{image_name}.json" + ) + path = resources.path("aana.tests.files.images", image_name) + image = Image(path=path, save_on_disk=False, media_id=image_name) + + output = await handle.call(images=image) + verify_deployment_results(expected_output_path, output) + + output = await handle.call(image) + verify_deployment_results(expected_output_path, output) + + output = await handle.call(images=[str(path)]) + verify_deployment_results(expected_output_path, [output]) + + output = await handle.call(images=[image]) + verify_deployment_results(expected_output_path, [output]) + + output = await handle.call([image]) + verify_deployment_results(expected_output_path, [output]) diff --git a/aana/tests/deployments/test_idefics2_deployment.py b/aana/tests/deployments/test_idefics2_deployment.py index d0267d5f..40b31a08 100644 --- a/aana/tests/deployments/test_idefics2_deployment.py +++ b/aana/tests/deployments/test_idefics2_deployment.py @@ -1,78 +1,80 @@ # ruff: noqa: S101 - - from importlib import resources import pytest -from ray import serve from aana.core.models.chat import ChatMessage from aana.core.models.image import Image from aana.core.models.image_chat import ImageChatDialog -from aana.tests.utils import ( - compare_texts, - get_deployments_by_type, - is_gpu_available, - is_using_deployment_cache, -) +from aana.core.models.types import Dtype +from aana.deployments.aana_deployment_handle import AanaDeploymentHandle +from aana.deployments.idefics_2_deployment import Idefics2Config, Idefics2Deployment +from aana.tests.utils import verify_deployment_results +from aana.utils.core import get_object_hash +deployments = [ + ( + "idefics_2_8b_deployment", + Idefics2Deployment.options( + num_replicas=1, + ray_actor_options={"num_gpus": 0.85}, + user_config=Idefics2Config( + model="HuggingFaceM4/idefics2-8b", + dtype=Dtype.FLOAT16, + ).model_dump(mode="json"), + ), + ) +] -@pytest.fixture( - scope="function", params=get_deployments_by_type("Idefics2Deployment") -) -def setup_deployment(create_app, request): - """Setup Idefics 2 deployment.""" - name, deployment = request.param - deployments = [ - { - "name": "idefics_2_deployment", - "instance": deployment, - } - ] - endpoints = [] - return name, deployment, create_app(deployments, endpoints) +@pytest.mark.parametrize("setup_deployment", deployments, indirect=True) +class TestIdefics2Deployment: + """Test Idefics 2 deployment.""" -@pytest.mark.skipif( - not is_gpu_available() and not is_using_deployment_cache(), - reason="GPU is not available", -) -@pytest.mark.asyncio -@pytest.mark.parametrize( - "prompt, image_name, expected_output", - [("Who is the painter of the image?", "Starry_Night.jpeg", "Van gogh.")], -) -async def test_idefics2_deployment_chat(setup_deployment, prompt, image_name, expected_output): - """Test Idefics 2 deployments.""" - handle = serve.get_app_handle("idefics_2_deployment") - image = Image(path=resources.path("aana.tests.files.images", image_name), save_on_disk=False, media_id="test_image") - dialog = ImageChatDialog.from_prompt(prompt=prompt, images=[image]) - output = await handle.chat.remote(dialog=dialog) - output_message = output["message"] + @pytest.mark.asyncio + @pytest.mark.parametrize( + "prompt, image_name", + [("Who is the painter of the image?", "Starry_Night.jpeg")], + ) + async def test_idefics2_deployment_chat(self, setup_deployment, prompt, image_name): + """Test Idefics 2 deployments.""" + deployment_name, handle_name, app = setup_deployment + handle = await AanaDeploymentHandle.create(handle_name) - assert isinstance(output_message, ChatMessage) - compare_texts(expected_output, output_message.content) - assert output_message.role == "assistant" + prompt_hash = get_object_hash(prompt) + expected_output_path = ( + resources.path("aana.tests.files.expected", "") + / "idefics" + / f"{deployment_name}_{image_name}_{prompt_hash}.json" + ) + image = Image(path=resources.path("aana.tests.files.images", image_name)) + dialog = ImageChatDialog.from_prompt(prompt=prompt, images=[image]) -@pytest.mark.skipif( - not is_gpu_available() and not is_using_deployment_cache(), - reason="GPU is not available", -) -@pytest.mark.asyncio -@pytest.mark.parametrize( - "prompt, image_name, expected_output", - [("Who is the painter of the image?", "Starry_Night.jpeg", "Van gogh.")], -) -async def test_idefics2_deployment_chat_batch(setup_deployment, prompt, image_name, expected_output): - """Test Idefics 2 deployments in batch.""" - handle = serve.get_app_handle("idefics_2_deployment") - image = Image(path=resources.path("aana.tests.files.images", image_name), media_id="test_image") - dialogs = [ImageChatDialog.from_prompt(prompt=prompt, images=[image]) for _ in range(10)] - outputs = await handle.chat_batch.remote(dialogs=dialogs) - for output in outputs: + # test chat method + output = await handle.chat(dialog=dialog) output_message = output["message"] assert isinstance(output_message, ChatMessage) - compare_texts(expected_output, output_message.content) assert output_message.role == "assistant" + verify_deployment_results(expected_output_path, output_message.content) + + # test chat_batch method + batch_size = 2 + dialogs = [dialog] * batch_size + outputs = await handle.chat_batch(dialogs=dialogs) + assert len(outputs) == batch_size + for output in outputs: + output_message = output["message"] + + assert isinstance(output_message, ChatMessage) + assert output_message.role == "assistant" + verify_deployment_results(expected_output_path, output_message.content) + + # test chat_stream method + stream = handle.chat_stream(dialog=dialog) + text = "" + async for chunk in stream: + text += chunk["text"] + + verify_deployment_results(expected_output_path, text) diff --git a/aana/tests/deployments/test_stablediffusion2_deployment.py b/aana/tests/deployments/test_stablediffusion2_deployment.py deleted file mode 100644 index c2961e56..00000000 --- a/aana/tests/deployments/test_stablediffusion2_deployment.py +++ /dev/null @@ -1,50 +0,0 @@ -# ruff: noqa: S101 - -import pytest -from ray import serve - -from aana.core.models.chat import Prompt -from aana.tests.utils import ( - get_deployments_by_type, - is_gpu_available, - is_using_deployment_cache, -) - - -@pytest.fixture( - scope="function", params=get_deployments_by_type("StableDiffusion2Deployment") -) -def setup_deployment(create_app, request): - """Setup Stable Diffusion 2 deployment.""" - name, deployment = request.param - deployments = [ - { - "name": "sd2_deployment", - "instance": deployment, - } - ] - endpoints = [] - - return name, deployment, create_app(deployments, endpoints) - - -@pytest.mark.skipif( - not is_gpu_available() and not is_using_deployment_cache(), - reason="GPU is not available", -) -@pytest.mark.asyncio -@pytest.mark.parametrize( - "prompt", - ["Mona Lisa but from Picasso's Blue Period"], -) -async def test_stablediffusion2_deployment(setup_deployment, prompt): - """Test HuggingFace BLIP2 deployments.""" - handle = serve.get_app_handle("sd2_deployment") - - output = await handle.generate.remote(prompt=Prompt(prompt)) - - image = output["image"] - - assert image is not None - assert image.size == (768, 768) - assert image.mode == "RGB" diff --git a/aana/tests/deployments/test_text_generation_deployment.py b/aana/tests/deployments/test_text_generation_deployment.py index 6a2ceb1b..c6111730 100644 --- a/aana/tests/deployments/test_text_generation_deployment.py +++ b/aana/tests/deployments/test_text_generation_deployment.py @@ -1,179 +1,152 @@ # ruff: noqa: S101 +from importlib import resources + import pytest -from ray import serve from aana.core.models.chat import ChatDialog, ChatMessage from aana.core.models.sampling import SamplingParams +from aana.core.models.types import Dtype +from aana.deployments.aana_deployment_handle import AanaDeploymentHandle +from aana.deployments.hf_text_generation_deployment import ( + HfTextGenerationConfig, + HfTextGenerationDeployment, +) +from aana.deployments.vllm_deployment import VLLMConfig, VLLMDeployment from aana.exceptions.runtime import PromptTooLongException -from aana.tests.utils import ( - compare_texts, - get_deployments_by_type, - is_gpu_available, - is_using_deployment_cache, +from aana.tests.utils import verify_deployment_results +from aana.utils.core import get_object_hash + +deployments = [ + ( + ( + "phi3_mini_4k_instruct_hf_text_generation_deployment", + HfTextGenerationDeployment.options( + num_replicas=1, + ray_actor_options={"num_gpus": 0.25}, + user_config=HfTextGenerationConfig( + model_id="microsoft/Phi-3-mini-4k-instruct", + model_kwargs={ + "trust_remote_code": True, + }, + ).model_dump(mode="json"), + ), + ), + "<|user|>\n{query}<|end|>\n<|assistant|>\n", + ), + ( + ( + "phi3_mini_4k_instruct_vllm_deployment", + VLLMDeployment.options( + num_replicas=1, + max_ongoing_requests=1000, + ray_actor_options={"num_gpus": 0.25}, + user_config=VLLMConfig( + model="microsoft/Phi-3-mini-4k-instruct", + dtype=Dtype.FLOAT16, + gpu_memory_reserved=10000, + enforce_eager=True, + default_sampling_params=SamplingParams( + temperature=0.0, top_p=1.0, top_k=-1, max_tokens=1024 + ), + engine_args={ + "trust_remote_code": True, + }, + ).model_dump(mode="json"), + ), + ), + "<|user|>\n{query}<|end|>\n<|assistant|>\n", + ), +] + + +@pytest.mark.parametrize( + "setup_deployment, prompt_template", deployments, indirect=["setup_deployment"] ) +class TestTextGenerationDeployments: + """Test text generation deployments.""" + + @pytest.mark.asyncio + @pytest.mark.parametrize("query", ["Who is Elon Musk?"]) + async def test_text_generation_methods( + self, setup_deployment, prompt_template, query + ): + """Test text generation methods.""" + deployment_name, handle_name, _ = setup_deployment + + handle = await AanaDeploymentHandle.create(handle_name) + + query_hash = get_object_hash(query) + expected_output_path = ( + resources.path("aana.tests.files.expected", "") + / "text_generation" + / f"{deployment_name}_{query_hash}.json" + ) + + prompt = prompt_template.format(query=query) + + # test generate method + output = await handle.generate( + prompt=prompt, + sampling_params=SamplingParams(temperature=0.0, max_tokens=32), + ) + verify_deployment_results(expected_output_path, output["text"]) + # test generate_stream method + stream = handle.generate_stream( + prompt=prompt, + sampling_params=SamplingParams(temperature=0.0, max_tokens=32), + ) + text = "" + async for chunk in stream: + text += chunk["text"] + + verify_deployment_results(expected_output_path, text) -def get_expected_output(name): - """Gets expected output for a given text_generation model.""" - if name == "vllm_llama2_7b_chat_deployment": - return ( - " Elon Musk is a South African-born entrepreneur, inventor, " - "and business magnate who is best known for his innovative companies in" + # test generate_batch method + output = await handle.generate_batch( + prompts=[prompt, prompt], + sampling_params=SamplingParams(temperature=0.0, max_tokens=32), ) - elif name == "meta_llama3_8b_instruct_deployment": - return ( - " Elon Musk is a South African-born entrepreneur, inventor," - "and business magnate. He is the CEO and CTO of SpaceX, " - "CEO and product architect of Tesla" + texts = output["texts"] + + for text in texts: + verify_deployment_results(expected_output_path, text) + + # test chat method + dialog = ChatDialog( + messages=[ + ChatMessage( + role="user", + content=query, + ) + ] ) - elif name == "microsoft_phi_3_mini_instruct_deployment": - return " Elon Musk is a business magnate, industrial designer, and engineer. He is the founder, CEO, CTO, and chief designer of Space" - elif name == "hf_phi3_mini_4k_instruct_text_gen_deployment": - return "Elon Musk is a prominent entrepreneur and business magnate known for his significant contributions to the technology and automotive industries. He was born" - elif name == "internlm2_5_7b_chat_deployment": - return "\nElon Musk is a prominent entrepreneur, inventor, and business magnate known for his contributions to a variety of high-tech industries. He is the founder" - else: - raise ValueError(f"Unknown deployment name: {name}") # noqa: TRY003 - - -def get_expected_chat_output(name): - """Gets expected output for a given text_generation model.""" - if name == "vllm_llama2_7b_chat_deployment": - return ( - " Elon Musk is a South African-born entrepreneur, inventor, " - "and business magnate who is best known for his innovative companies in" + output = await handle.chat( + dialog=dialog, + sampling_params=SamplingParams(temperature=0.0, max_tokens=32), ) - elif name == "meta_llama3_8b_instruct_deployment": - return "Elon Musk is a South African-born entrepreneur, inventor, and business magnate. He is best known for his ambitious goals to revolutionize the transportation, energy" - elif name == "microsoft_phi_3_mini_instruct_deployment": - return " Elon Musk is a business magnate, industrial designer, and engineer. He is the founder, CEO, CTO, and chief designer of Space" - elif name == "hf_phi3_mini_4k_instruct_text_gen_deployment": - return "Elon Musk is a prominent entrepreneur and business magnate known for his significant contributions to the technology and automotive industries. He was born" - elif name == "internlm2_5_7b_chat_deployment": - return "Elon Musk is a prominent entrepreneur, inventor, and business magnate known for his contributions to the fields of technology, space exploration, and sustainable energy." - else: - raise ValueError(f"Unknown deployment name: {name}") # noqa: TRY003 - - -def get_prompt(name): - """Gets the prompt for a given text_generation model.""" - if name == "vllm_llama2_7b_chat_deployment": - return "[INST] Who is Elon Musk? [/INST]" - elif name == "hf_phi3_mini_4k_instruct_text_gen_deployment": - return "<|user|>\ Who is Elon Musk? <|end|>\n<|assistant|>" - elif name == "meta_llama3_8b_instruct_deployment": # noqa: SIM114 - return "[INST] Who is Elon Musk? [/INST]" - elif name == "microsoft_phi_3_mini_instruct_deployment": - return "[INST] Who is Elon Musk? [/INST]" - elif name == "internlm2_5_7b_chat_deployment": - return "<|im_start|>user\nWho is Elon Musk?<|im_end|>\n<|im_start|>assistant" - else: - raise ValueError(f"Unknown deployment name: {name}") # noqa: TRY003 - - -long_context_models = ["internlm2_5_7b_chat_deployment"] - - -@pytest.fixture( - scope="function", - params=get_deployments_by_type("VLLMDeployment") - + get_deployments_by_type("HfTextGenerationDeployment"), -) -def setup_text_generation_deployment(create_app, request): - """Setup text_generation deployment.""" - name, deployment = request.param - deployments = [ - { - "name": "text_generation_deployment", - "instance": deployment, - } - ] - endpoints = [] - - return name, deployment, create_app(deployments, endpoints) - - -@pytest.mark.skipif( - not is_gpu_available() and not is_using_deployment_cache(), - reason="GPU is not available", -) -@pytest.mark.asyncio -async def test_text_generation_deployments(setup_text_generation_deployment): - """Test text_generation deployments.""" - name, deployment, app = setup_text_generation_deployment - - handle = serve.get_app_handle("text_generation_deployment") - - expected_text = get_expected_output(name) - prompt = get_prompt(name) - - # test generate method - output = await handle.generate.remote( - prompt=prompt, - sampling_params=SamplingParams(temperature=0.0, max_tokens=32), - ) - text = output["text"] - - compare_texts(expected_text, text) - - # test generate_stream method - stream = handle.options(stream=True).generate_stream.remote( - prompt=prompt, - sampling_params=SamplingParams(temperature=0.0, max_tokens=32), - ) - text = "" - async for chunk in stream: - text += chunk["text"] - - compare_texts(expected_text, text) - - # test generate_batch method - output = await handle.generate_batch.remote( - prompts=[prompt, prompt], - sampling_params=SamplingParams(temperature=0.0, max_tokens=32), - ) - texts = output["texts"] - - for text in texts: - compare_texts(expected_text, text) - - # test chat method - expected_text = get_expected_chat_output(name) - dialog = ChatDialog( - messages=[ - ChatMessage( - role="user", - content="Who is Elon Musk?", - ) - ] - ) - output = await handle.chat.remote( - dialog=dialog, - sampling_params=SamplingParams(temperature=0.0, max_tokens=32), - ) - response_message = output["message"] - assert response_message.role == "assistant" - text = response_message.content + response_message = output["message"] + assert response_message.role == "assistant" + text = response_message.content - compare_texts(expected_text, text) + verify_deployment_results(expected_output_path, text) - # test chat_stream method - stream = handle.options(stream=True).chat_stream.remote( - dialog=dialog, - sampling_params=SamplingParams(temperature=0.0, max_tokens=32), - ) + # test chat_stream method + stream = handle.chat_stream( + dialog=dialog, + sampling_params=SamplingParams(temperature=0.0, max_tokens=32), + ) - text = "" - async for chunk in stream: - text += chunk["text"] + text = "" + async for chunk in stream: + text += chunk["text"] - compare_texts(expected_text, text) + verify_deployment_results(expected_output_path, text) - if name not in long_context_models: # test generate method with too long prompt with pytest.raises(PromptTooLongException): - output = await handle.generate.remote( + output = await handle.generate( prompt=prompt * 1000, sampling_params=SamplingParams(temperature=0.0, max_tokens=32), ) diff --git a/aana/tests/deployments/test_vad_deployment.py b/aana/tests/deployments/test_vad_deployment.py index ff7854c2..cb1b3301 100644 --- a/aana/tests/deployments/test_vad_deployment.py +++ b/aana/tests/deployments/test_vad_deployment.py @@ -1,100 +1,60 @@ # ruff: noqa: S101 -import json from importlib import resources from pathlib import Path import pytest -from ray import serve from aana.core.models.audio import Audio from aana.core.models.base import pydantic_to_dict from aana.core.models.vad import VadParams -from aana.tests.utils import ( - get_deployments_by_type, - is_gpu_available, - is_using_deployment_cache, -) - - -def compare_vad_outputs(expected_output, predictions): - """Compare two vad outputs. - - Start and end positions are compared using Levenshtein distance. - - Args: - expected_output (dict(list[dict])): the expected vad_output - predictions (dict(list[dict])): the predictions of vad - - Raises: - AssertionError: if vad_outputs differ too much - """ - # Number of 30 sec segments should not change. - assert len(expected_output["segments"]) == len(predictions["segments"]) - - if len(expected_output["segments"]) != 0: # non-empty files - # all start and end times should be similar and number of segments should be same. - for expected, predicted in zip( - expected_output["segments"], predictions["segments"], strict=False - ): - assert ( - abs( - expected["time_interval"]["start"] - - predicted["time_interval"]["start"] - ) - < 2.0 - ) # all segment starts within 2 sec - assert ( - abs( - expected["time_interval"]["end"] - predicted["time_interval"]["end"] - ) - < 2.0 - ) # all segment ends within 2 sec - - # check same number of small voiced segments within each vad segment - assert len(expected["segments"]) == len(predicted["segments"]) - +from aana.deployments.aana_deployment_handle import AanaDeploymentHandle +from aana.deployments.vad_deployment import VadConfig, VadDeployment +from aana.tests.utils import verify_deployment_results + +deployments = [ + ( + "vad_deployment", + VadDeployment.options( + num_replicas=1, + max_ongoing_requests=1000, + ray_actor_options={"num_gpus": 0.05}, + user_config=VadConfig( + model=( + "https://whisperx.s3.eu-west-2.amazonaws.com/model_weights/segmentation/" + "0b5b3216d60a2d32fc086b47ea8c67589aaeb26b7e07fcbe620d6d0b83e209ea/pytorch_model.bin" + ), + onset=0.5, + sample_rate=16000, + ).model_dump(mode="json"), + ), + ) +] -@pytest.fixture(scope="function", params=get_deployments_by_type("VadDeployment")) -def setup_vad_deployment(create_app, request): - """Setup vad deployment.""" - name, deployment = request.param - deployments = [ - { - "name": "vad_deployment", - "instance": deployment, - } - ] - endpoints = [] - return name, deployment, create_app(deployments, endpoints) +@pytest.mark.parametrize("setup_deployment", deployments, indirect=True) +class TestVadDeployment: + """Test VAD deployment.""" + @pytest.mark.asyncio + @pytest.mark.parametrize("audio_file", ["physicsworks.wav", "squirrel.wav"]) + async def test_vad(self, setup_deployment, audio_file): + """Test VAD.""" + deployment_name, handle_name, _ = setup_deployment -@pytest.mark.skipif( - not is_gpu_available() and not is_using_deployment_cache(), - reason="GPU is not available", -) -@pytest.mark.asyncio -@pytest.mark.parametrize("audio_file", ["physicsworks.wav", "squirrel.wav"]) -async def test_vad_deployment(setup_vad_deployment, audio_file): - """Test vad deployment.""" - handle = serve.get_app_handle("vad_deployment") + handle = await AanaDeploymentHandle.create(handle_name) - audio_file_name = Path(audio_file).stem - expected_output_path = resources.path( - "aana.tests.files.expected.vad", f"{audio_file_name}_vad.json" - ) - assert ( - expected_output_path.exists() - ), f"Expected output not found: {expected_output_path}" - with Path(expected_output_path) as path, path.open() as f: - expected_output = json.load(f) + audio_file_name = Path(audio_file).stem + expected_output_path = ( + resources.path("aana.tests.files.expected", "") + / "vad" + / f"{audio_file_name}.json" + ) - # asr_preprocess_vad method to test - path = resources.path("aana.tests.files.audios", audio_file) - assert path.exists(), f"Audio not found: {path}" + path = resources.path("aana.tests.files.audios", audio_file) + assert path.exists(), f"Audio not found: {path}" - audio = Audio(path=path) + audio = Audio(path=path) - output = await handle.asr_preprocess_vad.remote(audio=audio, params=VadParams()) - output = pydantic_to_dict(output) - compare_vad_outputs(expected_output, output) + output = await handle.asr_preprocess_vad(audio=audio, params=VadParams()) + output = pydantic_to_dict(output) + verify_deployment_results(expected_output_path, output) diff --git a/aana/tests/deployments/test_whisper_deployment.py b/aana/tests/deployments/test_whisper_deployment.py index dae6fcf3..e159b584 100644 --- a/aana/tests/deployments/test_whisper_deployment.py +++ b/aana/tests/deployments/test_whisper_deployment.py @@ -1,115 +1,91 @@ # ruff: noqa: S101 -import json from collections import defaultdict from importlib import resources -from pathlib import Path import pytest -from deepdiff import DeepDiff -from ray import serve from aana.core.models.audio import Audio from aana.core.models.base import pydantic_to_dict from aana.core.models.whisper import WhisperParams -from aana.tests.utils import ( - LevenshteinOperator, - get_deployments_by_type, - is_gpu_available, - is_using_deployment_cache, +from aana.deployments.aana_deployment_handle import AanaDeploymentHandle +from aana.deployments.whisper_deployment import ( + WhisperComputeType, + WhisperConfig, + WhisperDeployment, + WhisperModelSize, ) - -EPSILON = 0.01 - - -def compare_transcriptions(expected_transcription, transcription): - """Compare two transcriptions. - - Texts and words are compared using Levenshtein distance. - - Args: - expected_transcription (dict): the expected transcription - transcription (dict): the actual transcription - Raises: - AssertionError: if transcriptions differ too much - """ - custom_operators = [LevenshteinOperator([r"\['text'\]$", r"\['word'\]$"])] - - diff = DeepDiff( - expected_transcription, - transcription, - math_epsilon=EPSILON, - ignore_numeric_type_changes=True, - custom_operators=custom_operators, - ) - assert not diff, diff - - -@pytest.fixture(scope="function", params=get_deployments_by_type("WhisperDeployment")) -def setup_whisper_deployment(create_app, request): - """Setup whisper deployment.""" - name, deployment = request.param - deployments = [ - { - "name": "whisper_deployment", - "instance": deployment, - } - ] - endpoints = [] - - return name, deployment, create_app(deployments, endpoints) - - -@pytest.mark.skipif( - not is_gpu_available() and not is_using_deployment_cache(), - reason="GPU is not available", -) -@pytest.mark.asyncio -@pytest.mark.parametrize("audio_file", ["squirrel.wav", "physicsworks.wav"]) -async def test_whisper_deployment(setup_whisper_deployment, audio_file): - """Test whisper deployment.""" - name, deployment, app = setup_whisper_deployment - - handle = serve.get_app_handle("whisper_deployment") - - model_size = deployment.user_config["model_size"] - audio_file_name = Path(audio_file).stem - expected_output_path = resources.path( - f"aana.tests.files.expected.whisper.{model_size}", f"{audio_file_name}.json" - ) - assert ( - expected_output_path.exists() - ), f"Expected output not found: {expected_output_path}" - with Path(expected_output_path) as path, path.open() as f: - expected_output = json.load(f) - - # Test transcribe method - path = resources.path("aana.tests.files.audios", audio_file) - assert path.exists(), f"Audio not found: {path}" - audio = Audio(path=path, media_id=audio_file) - - output = await handle.transcribe.remote( - audio=audio, params=WhisperParams(word_timestamps=True, temperature=0.0) - ) - output = pydantic_to_dict(output) - - compare_transcriptions(expected_output, output) - - # Test transcribe_stream method) - stream = handle.options(stream=True).transcribe_stream.remote( - audio=audio, params=WhisperParams(word_timestamps=True, temperature=0.0) - ) - - # Combine individual segments and compare with the final dict - grouped_dict = defaultdict(list) - transcript = "" - async for chunk in stream: - output = pydantic_to_dict(chunk) - transcript += output["transcription"]["text"] - grouped_dict["segments"].extend(output.get("segments", [])) - - grouped_dict["transcription"] = {"text": transcript} - grouped_dict["transcription_info"] = output.get("transcription_info") - compare_transcriptions(expected_output, dict(grouped_dict)) +from aana.tests.utils import verify_deployment_results + +deployments = [ + ( + "whisper_tiny", + WhisperDeployment.options( + num_replicas=1, + user_config=WhisperConfig( + model_size=WhisperModelSize.TINY, + compute_type=WhisperComputeType.FLOAT32, + ).model_dump(mode="json"), + ), + ), + ( + "whisper_medium", + WhisperDeployment.options( + num_replicas=1, + ray_actor_options={"num_gpus": 0.25}, + user_config=WhisperConfig( + model_size=WhisperModelSize.MEDIUM, + compute_type=WhisperComputeType.FLOAT16, + ).model_dump(mode="json"), + ), + ), +] + + +@pytest.mark.parametrize("setup_deployment", deployments, indirect=True) +class TestWhisperDeployment: + """Test Whisper deployment.""" + + @pytest.mark.asyncio + @pytest.mark.parametrize("audio_file", ["squirrel.wav", "physicsworks.wav"]) + async def test_transcribe(self, setup_deployment, audio_file): + """Test transcribe methods.""" + deployment_name, handle_name, _ = setup_deployment + + handle = await AanaDeploymentHandle.create(handle_name) + + expected_output_path = ( + resources.path("aana.tests.files.expected", "") + / "whisper" + / f"{deployment_name}_{audio_file}.json" + ) + + # Test transcribe method + path = resources.path("aana.tests.files.audios", audio_file) + assert path.exists(), f"Audio not found: {path}" + audio = Audio(path=path, media_id=audio_file) + + output = await handle.transcribe( + audio=audio, params=WhisperParams(word_timestamps=True, temperature=0.0) + ) + verify_deployment_results(expected_output_path, output) + + # Test transcribe_stream method + stream = handle.transcribe_stream( + audio=audio, params=WhisperParams(word_timestamps=True, temperature=0.0) + ) + + # Combine individual segments and compare with the final dict + grouped_dict = defaultdict(list) + transcript = "" + async for chunk in stream: + output = pydantic_to_dict(chunk) + transcript += output["transcription"]["text"] + grouped_dict["segments"].extend(output.get("segments", [])) + + grouped_dict["transcription"] = {"text": transcript} + grouped_dict["transcription_info"] = output.get("transcription_info") + + verify_deployment_results(expected_output_path, grouped_dict) # Test transcribe_batch method diff --git a/aana/tests/files/cache/HFBlip2Deployment/generate_27b765a89825a28416cbea30568108d1_38bbf9f41549117a2cbf3a3ede20bd09.pkl b/aana/tests/files/cache/HFBlip2Deployment/generate_27b765a89825a28416cbea30568108d1_38bbf9f41549117a2cbf3a3ede20bd09.pkl deleted file mode 100644 index 9ad81cfc..00000000 Binary files a/aana/tests/files/cache/HFBlip2Deployment/generate_27b765a89825a28416cbea30568108d1_38bbf9f41549117a2cbf3a3ede20bd09.pkl and /dev/null differ diff --git a/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_011bd31a640a8a0b51914a0bfcd8b345.pkl b/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_011bd31a640a8a0b51914a0bfcd8b345.pkl deleted file mode 100644 index 456d8057..00000000 Binary files a/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_011bd31a640a8a0b51914a0bfcd8b345.pkl and /dev/null differ diff --git a/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_1d8b476e0644321a6b1c03c8d3ffe1ae.pkl b/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_1d8b476e0644321a6b1c03c8d3ffe1ae.pkl deleted file mode 100644 index 7a36fbc8..00000000 Binary files a/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_1d8b476e0644321a6b1c03c8d3ffe1ae.pkl and /dev/null differ diff --git a/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_2c9e4d9bb7162b75c17e74e21922c0a1.pkl b/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_2c9e4d9bb7162b75c17e74e21922c0a1.pkl deleted file mode 100644 index 29b16680..00000000 Binary files a/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_2c9e4d9bb7162b75c17e74e21922c0a1.pkl and /dev/null differ diff --git a/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_2fe84a6e6d2a5cddd8ec7a99b8fd7220.pkl b/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_2fe84a6e6d2a5cddd8ec7a99b8fd7220.pkl deleted file mode 100644 index 30b0015e..00000000 Binary files a/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_2fe84a6e6d2a5cddd8ec7a99b8fd7220.pkl and /dev/null differ diff --git a/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_3de2d859656a6762c20324338155bab6.pkl b/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_3de2d859656a6762c20324338155bab6.pkl deleted file mode 100644 index 3dd5108d..00000000 Binary files a/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_3de2d859656a6762c20324338155bab6.pkl and /dev/null differ diff --git a/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_410bc4a114646a522da62bf0f03ccd76.pkl b/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_410bc4a114646a522da62bf0f03ccd76.pkl deleted file mode 100644 index a3e07ed5..00000000 Binary files a/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_410bc4a114646a522da62bf0f03ccd76.pkl and /dev/null differ diff --git a/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_4e6324a1ef221db23712ddf24b4f7ab6.pkl b/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_4e6324a1ef221db23712ddf24b4f7ab6.pkl deleted file mode 100644 index 37b74dd3..00000000 Binary files a/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_4e6324a1ef221db23712ddf24b4f7ab6.pkl and /dev/null differ diff --git a/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_5a4bcd8f59a3fe5d64f5d9cc8eda02ae.pkl b/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_5a4bcd8f59a3fe5d64f5d9cc8eda02ae.pkl deleted file mode 100644 index 7b94a4cf..00000000 Binary files a/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_5a4bcd8f59a3fe5d64f5d9cc8eda02ae.pkl and /dev/null differ diff --git a/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_5c8651b07def6e9541ed6b1dde44eb09.pkl b/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_5c8651b07def6e9541ed6b1dde44eb09.pkl deleted file mode 100644 index a1da81af..00000000 Binary files a/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_5c8651b07def6e9541ed6b1dde44eb09.pkl and /dev/null differ diff --git a/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_5d30e6636de247517d6a018f98b49889.pkl b/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_5d30e6636de247517d6a018f98b49889.pkl deleted file mode 100644 index 71a604fb..00000000 Binary files a/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_5d30e6636de247517d6a018f98b49889.pkl and /dev/null differ diff --git a/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_720eb323a7c8a141063c295175d66dd8.pkl b/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_720eb323a7c8a141063c295175d66dd8.pkl deleted file mode 100644 index 1ede89b5..00000000 Binary files a/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_720eb323a7c8a141063c295175d66dd8.pkl and /dev/null differ diff --git a/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_77386422ba57fb9b74764d22785fc8c9.pkl b/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_77386422ba57fb9b74764d22785fc8c9.pkl deleted file mode 100644 index bf4b711e..00000000 Binary files a/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_77386422ba57fb9b74764d22785fc8c9.pkl and /dev/null differ diff --git a/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_7be9fc9771e0dd10640654273e9c0e17.pkl b/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_7be9fc9771e0dd10640654273e9c0e17.pkl deleted file mode 100644 index 269ad17f..00000000 Binary files a/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_7be9fc9771e0dd10640654273e9c0e17.pkl and /dev/null differ diff --git a/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_7c79c411d6830eb9dd36b920ec420f4d.pkl b/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_7c79c411d6830eb9dd36b920ec420f4d.pkl deleted file mode 100644 index 1daa4aa6..00000000 Binary files a/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_7c79c411d6830eb9dd36b920ec420f4d.pkl and /dev/null differ diff --git a/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_7f07d77310b3f3bc17011dbf7745c2aa.pkl b/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_7f07d77310b3f3bc17011dbf7745c2aa.pkl deleted file mode 100644 index 8371f503..00000000 Binary files a/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_7f07d77310b3f3bc17011dbf7745c2aa.pkl and /dev/null differ diff --git a/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_7f6f953c8b354d39add0ce78a4703175.pkl b/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_7f6f953c8b354d39add0ce78a4703175.pkl deleted file mode 100644 index 2f1a6d80..00000000 Binary files a/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_7f6f953c8b354d39add0ce78a4703175.pkl and /dev/null differ diff --git a/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_8c744dd319cd3e311e5f1982948ff0c2.pkl b/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_8c744dd319cd3e311e5f1982948ff0c2.pkl deleted file mode 100644 index 1298b37c..00000000 Binary files a/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_8c744dd319cd3e311e5f1982948ff0c2.pkl and /dev/null differ diff --git a/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_8d3da065792a9b219cc24a4fe0593023.pkl b/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_8d3da065792a9b219cc24a4fe0593023.pkl deleted file mode 100644 index 5e4ed6c7..00000000 Binary files a/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_8d3da065792a9b219cc24a4fe0593023.pkl and /dev/null differ diff --git a/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_920b059139fee6de122508af65442fb0.pkl b/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_920b059139fee6de122508af65442fb0.pkl deleted file mode 100644 index d81e66b4..00000000 Binary files a/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_920b059139fee6de122508af65442fb0.pkl and /dev/null differ diff --git a/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_9c9d571ac29de19b71caf3af8e8f5529.pkl b/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_9c9d571ac29de19b71caf3af8e8f5529.pkl deleted file mode 100644 index c543db64..00000000 Binary files a/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_9c9d571ac29de19b71caf3af8e8f5529.pkl and /dev/null differ diff --git a/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_a9aa6653255fbb0ff5cab2051e6a6d4b.pkl b/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_a9aa6653255fbb0ff5cab2051e6a6d4b.pkl deleted file mode 100644 index e04072ac..00000000 Binary files a/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_a9aa6653255fbb0ff5cab2051e6a6d4b.pkl and /dev/null differ diff --git a/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_b067d69c6b05ce174a58c3aa986c6832.pkl b/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_b067d69c6b05ce174a58c3aa986c6832.pkl deleted file mode 100644 index ecc85e7d..00000000 Binary files a/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_b067d69c6b05ce174a58c3aa986c6832.pkl and /dev/null differ diff --git a/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_b4044cf9d18c96f679b181ae64fa7d9d.pkl b/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_b4044cf9d18c96f679b181ae64fa7d9d.pkl deleted file mode 100644 index f3c76d13..00000000 Binary files a/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_b4044cf9d18c96f679b181ae64fa7d9d.pkl and /dev/null differ diff --git a/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_bf40bd66d8991b023bdecab0b79515de.pkl b/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_bf40bd66d8991b023bdecab0b79515de.pkl deleted file mode 100644 index bc9cb3ca..00000000 Binary files a/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_bf40bd66d8991b023bdecab0b79515de.pkl and /dev/null differ diff --git a/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_d6e256345f3291f8df4a935342c38001.pkl b/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_d6e256345f3291f8df4a935342c38001.pkl deleted file mode 100644 index 1b3887b2..00000000 Binary files a/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_d6e256345f3291f8df4a935342c38001.pkl and /dev/null differ diff --git a/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_dbbe8672ffa038c3708e1f8366187c48.pkl b/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_dbbe8672ffa038c3708e1f8366187c48.pkl deleted file mode 100644 index ce2afbc8..00000000 Binary files a/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_dbbe8672ffa038c3708e1f8366187c48.pkl and /dev/null differ diff --git a/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_ebf4ecd2249f9a724a72bca400f82791.pkl b/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_ebf4ecd2249f9a724a72bca400f82791.pkl deleted file mode 100644 index fbe5237a..00000000 Binary files a/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_ebf4ecd2249f9a724a72bca400f82791.pkl and /dev/null differ diff --git a/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_f49216ba71fe63bacf8e3035dc80a04c.pkl b/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_f49216ba71fe63bacf8e3035dc80a04c.pkl deleted file mode 100644 index 7b4173ef..00000000 Binary files a/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_f49216ba71fe63bacf8e3035dc80a04c.pkl and /dev/null differ diff --git a/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_fa768fe8746e7788fb4a97c8f2b2b65f.pkl b/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_fa768fe8746e7788fb4a97c8f2b2b65f.pkl deleted file mode 100644 index e80d7672..00000000 Binary files a/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_fa768fe8746e7788fb4a97c8f2b2b65f.pkl and /dev/null differ diff --git a/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_fba626b8d06fcf987e226527ea6ea43f.pkl b/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_fba626b8d06fcf987e226527ea6ea43f.pkl deleted file mode 100644 index 78f0bff5..00000000 Binary files a/aana/tests/files/cache/HFBlip2Deployment/generate_batch_27b765a89825a28416cbea30568108d1_fba626b8d06fcf987e226527ea6ea43f.pkl and /dev/null differ diff --git a/aana/tests/files/cache/HfPipelineDeployment/call_bc0c3fd5767f284ddb05fa18f3b2d57e_829f5287b2179720f3b5d1ec946d1c0e.pkl b/aana/tests/files/cache/HfPipelineDeployment/call_bc0c3fd5767f284ddb05fa18f3b2d57e_829f5287b2179720f3b5d1ec946d1c0e.pkl deleted file mode 100644 index c194dbe1..00000000 Binary files a/aana/tests/files/cache/HfPipelineDeployment/call_bc0c3fd5767f284ddb05fa18f3b2d57e_829f5287b2179720f3b5d1ec946d1c0e.pkl and /dev/null differ diff --git a/aana/tests/files/cache/HfPipelineDeployment/call_bc0c3fd5767f284ddb05fa18f3b2d57e_cef2c4269044f943d20cdb222e6efcc7.pkl b/aana/tests/files/cache/HfPipelineDeployment/call_bc0c3fd5767f284ddb05fa18f3b2d57e_cef2c4269044f943d20cdb222e6efcc7.pkl deleted file mode 100644 index 8105c7da..00000000 Binary files a/aana/tests/files/cache/HfPipelineDeployment/call_bc0c3fd5767f284ddb05fa18f3b2d57e_cef2c4269044f943d20cdb222e6efcc7.pkl and /dev/null differ diff --git a/aana/tests/files/cache/HfPipelineDeployment/call_bc0c3fd5767f284ddb05fa18f3b2d57e_db1acaed6c23163d36c308f9d66c09a3.pkl b/aana/tests/files/cache/HfPipelineDeployment/call_bc0c3fd5767f284ddb05fa18f3b2d57e_db1acaed6c23163d36c308f9d66c09a3.pkl deleted file mode 100644 index ee57fa17..00000000 Binary files a/aana/tests/files/cache/HfPipelineDeployment/call_bc0c3fd5767f284ddb05fa18f3b2d57e_db1acaed6c23163d36c308f9d66c09a3.pkl and /dev/null differ diff --git a/aana/tests/files/cache/HfPipelineDeployment/call_bc0c3fd5767f284ddb05fa18f3b2d57e_dfc382b3d2685ea9cb81aaf850a89b5e.pkl b/aana/tests/files/cache/HfPipelineDeployment/call_bc0c3fd5767f284ddb05fa18f3b2d57e_dfc382b3d2685ea9cb81aaf850a89b5e.pkl deleted file mode 100644 index ebe372a0..00000000 Binary files a/aana/tests/files/cache/HfPipelineDeployment/call_bc0c3fd5767f284ddb05fa18f3b2d57e_dfc382b3d2685ea9cb81aaf850a89b5e.pkl and /dev/null differ diff --git a/aana/tests/files/cache/HfPipelineDeployment/call_bc0c3fd5767f284ddb05fa18f3b2d57e_ff6a46496ad74e3b8b6ed846cb42f93b.pkl b/aana/tests/files/cache/HfPipelineDeployment/call_bc0c3fd5767f284ddb05fa18f3b2d57e_ff6a46496ad74e3b8b6ed846cb42f93b.pkl deleted file mode 100644 index 0be682c7..00000000 Binary files a/aana/tests/files/cache/HfPipelineDeployment/call_bc0c3fd5767f284ddb05fa18f3b2d57e_ff6a46496ad74e3b8b6ed846cb42f93b.pkl and /dev/null differ diff --git a/aana/tests/files/cache/HfTextGenerationDeployment/chat_220394b42d09d178ac1b76b8f50fb5c7_0d029208e00321165d3c75b06ddab39e.pkl b/aana/tests/files/cache/HfTextGenerationDeployment/chat_220394b42d09d178ac1b76b8f50fb5c7_0d029208e00321165d3c75b06ddab39e.pkl deleted file mode 100644 index 49229fab..00000000 Binary files a/aana/tests/files/cache/HfTextGenerationDeployment/chat_220394b42d09d178ac1b76b8f50fb5c7_0d029208e00321165d3c75b06ddab39e.pkl and /dev/null differ diff --git a/aana/tests/files/cache/HfTextGenerationDeployment/chat_stream_220394b42d09d178ac1b76b8f50fb5c7_0d029208e00321165d3c75b06ddab39e.pkl b/aana/tests/files/cache/HfTextGenerationDeployment/chat_stream_220394b42d09d178ac1b76b8f50fb5c7_0d029208e00321165d3c75b06ddab39e.pkl deleted file mode 100644 index 9cf02311..00000000 Binary files a/aana/tests/files/cache/HfTextGenerationDeployment/chat_stream_220394b42d09d178ac1b76b8f50fb5c7_0d029208e00321165d3c75b06ddab39e.pkl and /dev/null differ diff --git a/aana/tests/files/cache/HfTextGenerationDeployment/generate_220394b42d09d178ac1b76b8f50fb5c7_7f123d3360c5e7b413ff6edb4d6f8329.pkl b/aana/tests/files/cache/HfTextGenerationDeployment/generate_220394b42d09d178ac1b76b8f50fb5c7_7f123d3360c5e7b413ff6edb4d6f8329.pkl deleted file mode 100644 index 109cb30d..00000000 Binary files a/aana/tests/files/cache/HfTextGenerationDeployment/generate_220394b42d09d178ac1b76b8f50fb5c7_7f123d3360c5e7b413ff6edb4d6f8329.pkl and /dev/null differ diff --git a/aana/tests/files/cache/HfTextGenerationDeployment/generate_220394b42d09d178ac1b76b8f50fb5c7_93e7496bb8fd43eb62208ef2cf643e9c.pkl b/aana/tests/files/cache/HfTextGenerationDeployment/generate_220394b42d09d178ac1b76b8f50fb5c7_93e7496bb8fd43eb62208ef2cf643e9c.pkl deleted file mode 100644 index 0d1bfbdd..00000000 Binary files a/aana/tests/files/cache/HfTextGenerationDeployment/generate_220394b42d09d178ac1b76b8f50fb5c7_93e7496bb8fd43eb62208ef2cf643e9c.pkl and /dev/null differ diff --git a/aana/tests/files/cache/HfTextGenerationDeployment/generate_220394b42d09d178ac1b76b8f50fb5c7_99cfaee83b8c8942edafb5471d839a44.pkl b/aana/tests/files/cache/HfTextGenerationDeployment/generate_220394b42d09d178ac1b76b8f50fb5c7_99cfaee83b8c8942edafb5471d839a44.pkl deleted file mode 100644 index af8508c3..00000000 Binary files a/aana/tests/files/cache/HfTextGenerationDeployment/generate_220394b42d09d178ac1b76b8f50fb5c7_99cfaee83b8c8942edafb5471d839a44.pkl and /dev/null differ diff --git a/aana/tests/files/cache/HfTextGenerationDeployment/generate_220394b42d09d178ac1b76b8f50fb5c7_b1b77c0c966d557e953e843dbcf73c81.pkl b/aana/tests/files/cache/HfTextGenerationDeployment/generate_220394b42d09d178ac1b76b8f50fb5c7_b1b77c0c966d557e953e843dbcf73c81.pkl deleted file mode 100644 index d1ccf6b8..00000000 Binary files a/aana/tests/files/cache/HfTextGenerationDeployment/generate_220394b42d09d178ac1b76b8f50fb5c7_b1b77c0c966d557e953e843dbcf73c81.pkl and /dev/null differ diff --git a/aana/tests/files/cache/HfTextGenerationDeployment/generate_220394b42d09d178ac1b76b8f50fb5c7_cf2ebf713d4d67ab13b879cbc586e134.pkl b/aana/tests/files/cache/HfTextGenerationDeployment/generate_220394b42d09d178ac1b76b8f50fb5c7_cf2ebf713d4d67ab13b879cbc586e134.pkl deleted file mode 100644 index 6932d2ef..00000000 Binary files a/aana/tests/files/cache/HfTextGenerationDeployment/generate_220394b42d09d178ac1b76b8f50fb5c7_cf2ebf713d4d67ab13b879cbc586e134.pkl and /dev/null differ diff --git a/aana/tests/files/cache/HfTextGenerationDeployment/generate_batch_220394b42d09d178ac1b76b8f50fb5c7_50e6c0bdde50ce9da1dfd481dcb72ab7.pkl b/aana/tests/files/cache/HfTextGenerationDeployment/generate_batch_220394b42d09d178ac1b76b8f50fb5c7_50e6c0bdde50ce9da1dfd481dcb72ab7.pkl deleted file mode 100644 index 44f9d177..00000000 Binary files a/aana/tests/files/cache/HfTextGenerationDeployment/generate_batch_220394b42d09d178ac1b76b8f50fb5c7_50e6c0bdde50ce9da1dfd481dcb72ab7.pkl and /dev/null differ diff --git a/aana/tests/files/cache/HfTextGenerationDeployment/generate_stream_220394b42d09d178ac1b76b8f50fb5c7_7f123d3360c5e7b413ff6edb4d6f8329.pkl b/aana/tests/files/cache/HfTextGenerationDeployment/generate_stream_220394b42d09d178ac1b76b8f50fb5c7_7f123d3360c5e7b413ff6edb4d6f8329.pkl deleted file mode 100644 index 5c819b61..00000000 Binary files a/aana/tests/files/cache/HfTextGenerationDeployment/generate_stream_220394b42d09d178ac1b76b8f50fb5c7_7f123d3360c5e7b413ff6edb4d6f8329.pkl and /dev/null differ diff --git a/aana/tests/files/cache/HfTextGenerationDeployment/generate_stream_220394b42d09d178ac1b76b8f50fb5c7_93e7496bb8fd43eb62208ef2cf643e9c.pkl b/aana/tests/files/cache/HfTextGenerationDeployment/generate_stream_220394b42d09d178ac1b76b8f50fb5c7_93e7496bb8fd43eb62208ef2cf643e9c.pkl deleted file mode 100644 index f2ca1afa..00000000 Binary files a/aana/tests/files/cache/HfTextGenerationDeployment/generate_stream_220394b42d09d178ac1b76b8f50fb5c7_93e7496bb8fd43eb62208ef2cf643e9c.pkl and /dev/null differ diff --git a/aana/tests/files/cache/HfTextGenerationDeployment/generate_stream_220394b42d09d178ac1b76b8f50fb5c7_99cfaee83b8c8942edafb5471d839a44.pkl b/aana/tests/files/cache/HfTextGenerationDeployment/generate_stream_220394b42d09d178ac1b76b8f50fb5c7_99cfaee83b8c8942edafb5471d839a44.pkl deleted file mode 100644 index 32c50ac7..00000000 Binary files a/aana/tests/files/cache/HfTextGenerationDeployment/generate_stream_220394b42d09d178ac1b76b8f50fb5c7_99cfaee83b8c8942edafb5471d839a44.pkl and /dev/null differ diff --git a/aana/tests/files/cache/HfTextGenerationDeployment/generate_stream_220394b42d09d178ac1b76b8f50fb5c7_c23e7a384edb79374c4355f5b26910f8.pkl b/aana/tests/files/cache/HfTextGenerationDeployment/generate_stream_220394b42d09d178ac1b76b8f50fb5c7_c23e7a384edb79374c4355f5b26910f8.pkl deleted file mode 100644 index 76f1e58d..00000000 Binary files a/aana/tests/files/cache/HfTextGenerationDeployment/generate_stream_220394b42d09d178ac1b76b8f50fb5c7_c23e7a384edb79374c4355f5b26910f8.pkl and /dev/null differ diff --git a/aana/tests/files/cache/HfTextGenerationDeployment/generate_stream_220394b42d09d178ac1b76b8f50fb5c7_cf2ebf713d4d67ab13b879cbc586e134.pkl b/aana/tests/files/cache/HfTextGenerationDeployment/generate_stream_220394b42d09d178ac1b76b8f50fb5c7_cf2ebf713d4d67ab13b879cbc586e134.pkl deleted file mode 100644 index eba4f58c..00000000 Binary files a/aana/tests/files/cache/HfTextGenerationDeployment/generate_stream_220394b42d09d178ac1b76b8f50fb5c7_cf2ebf713d4d67ab13b879cbc586e134.pkl and /dev/null differ diff --git a/aana/tests/files/cache/Idefics2Deployment/chat_batch_c7ffa09752b6dbad6b1de4c0c91cb809_0e0ef210f032b2b5d7545bafa8007ec0.pkl b/aana/tests/files/cache/Idefics2Deployment/chat_batch_c7ffa09752b6dbad6b1de4c0c91cb809_0e0ef210f032b2b5d7545bafa8007ec0.pkl deleted file mode 100644 index 7f0da287..00000000 Binary files a/aana/tests/files/cache/Idefics2Deployment/chat_batch_c7ffa09752b6dbad6b1de4c0c91cb809_0e0ef210f032b2b5d7545bafa8007ec0.pkl and /dev/null differ diff --git a/aana/tests/files/cache/Idefics2Deployment/chat_stream_c7ffa09752b6dbad6b1de4c0c91cb809_5a0e5c65e2a3192a4b46f1d5fb8562e3.pkl b/aana/tests/files/cache/Idefics2Deployment/chat_stream_c7ffa09752b6dbad6b1de4c0c91cb809_5a0e5c65e2a3192a4b46f1d5fb8562e3.pkl deleted file mode 100644 index 7749cf16..00000000 Binary files a/aana/tests/files/cache/Idefics2Deployment/chat_stream_c7ffa09752b6dbad6b1de4c0c91cb809_5a0e5c65e2a3192a4b46f1d5fb8562e3.pkl and /dev/null differ diff --git a/aana/tests/files/cache/StableDiffusion2Deployment/generate_e316bf722f0f28b9c757bbff155ed0f0_398bf377148fda78e507bbd70b150ab8.pkl b/aana/tests/files/cache/StableDiffusion2Deployment/generate_e316bf722f0f28b9c757bbff155ed0f0_398bf377148fda78e507bbd70b150ab8.pkl deleted file mode 100644 index 461f68e3..00000000 Binary files a/aana/tests/files/cache/StableDiffusion2Deployment/generate_e316bf722f0f28b9c757bbff155ed0f0_398bf377148fda78e507bbd70b150ab8.pkl and /dev/null differ diff --git a/aana/tests/files/cache/StableDiffusion2Deployment/generate_e316bf722f0f28b9c757bbff155ed0f0_59b03d6c7d060e3bac370458c65b5bf0.pkl b/aana/tests/files/cache/StableDiffusion2Deployment/generate_e316bf722f0f28b9c757bbff155ed0f0_59b03d6c7d060e3bac370458c65b5bf0.pkl deleted file mode 100644 index 25e97391..00000000 Binary files a/aana/tests/files/cache/StableDiffusion2Deployment/generate_e316bf722f0f28b9c757bbff155ed0f0_59b03d6c7d060e3bac370458c65b5bf0.pkl and /dev/null differ diff --git a/aana/tests/files/cache/StableDiffusion2Deployment/generate_e316bf722f0f28b9c757bbff155ed0f0_89ff2af8491c53c9b9acef20647bd85b.pkl b/aana/tests/files/cache/StableDiffusion2Deployment/generate_e316bf722f0f28b9c757bbff155ed0f0_89ff2af8491c53c9b9acef20647bd85b.pkl deleted file mode 100644 index 6a55e781..00000000 Binary files a/aana/tests/files/cache/StableDiffusion2Deployment/generate_e316bf722f0f28b9c757bbff155ed0f0_89ff2af8491c53c9b9acef20647bd85b.pkl and /dev/null differ diff --git a/aana/tests/files/cache/StableDiffusion2Deployment/generate_e316bf722f0f28b9c757bbff155ed0f0_d7094d02cd60cb7527afc344edce4535.pkl b/aana/tests/files/cache/StableDiffusion2Deployment/generate_e316bf722f0f28b9c757bbff155ed0f0_d7094d02cd60cb7527afc344edce4535.pkl deleted file mode 100644 index f9d5b489..00000000 Binary files a/aana/tests/files/cache/StableDiffusion2Deployment/generate_e316bf722f0f28b9c757bbff155ed0f0_d7094d02cd60cb7527afc344edce4535.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_0f1143ead40a7564b45041cd63f7ba36_0d029208e00321165d3c75b06ddab39e.pkl b/aana/tests/files/cache/VLLMDeployment/chat_0f1143ead40a7564b45041cd63f7ba36_0d029208e00321165d3c75b06ddab39e.pkl deleted file mode 100644 index bf4dda32..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/chat_0f1143ead40a7564b45041cd63f7ba36_0d029208e00321165d3c75b06ddab39e.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_207d612cc41327eaf4e17ec56ebae98c_0d029208e00321165d3c75b06ddab39e.pkl b/aana/tests/files/cache/VLLMDeployment/chat_207d612cc41327eaf4e17ec56ebae98c_0d029208e00321165d3c75b06ddab39e.pkl deleted file mode 100644 index 9405a30e..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/chat_207d612cc41327eaf4e17ec56ebae98c_0d029208e00321165d3c75b06ddab39e.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_28eabdd80e0940da7ed0d0e005bf5511_0d029208e00321165d3c75b06ddab39e.pkl b/aana/tests/files/cache/VLLMDeployment/chat_28eabdd80e0940da7ed0d0e005bf5511_0d029208e00321165d3c75b06ddab39e.pkl deleted file mode 100644 index 630fd2d5..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/chat_28eabdd80e0940da7ed0d0e005bf5511_0d029208e00321165d3c75b06ddab39e.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_28eabdd80e0940da7ed0d0e005bf5511_41ce6839d65bccea26ee9d05a965ac84.pkl b/aana/tests/files/cache/VLLMDeployment/chat_28eabdd80e0940da7ed0d0e005bf5511_41ce6839d65bccea26ee9d05a965ac84.pkl deleted file mode 100644 index 25a9cc27..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/chat_28eabdd80e0940da7ed0d0e005bf5511_41ce6839d65bccea26ee9d05a965ac84.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_28eabdd80e0940da7ed0d0e005bf5511_570ac04251b8808bdb96e591536ab65b.pkl b/aana/tests/files/cache/VLLMDeployment/chat_28eabdd80e0940da7ed0d0e005bf5511_570ac04251b8808bdb96e591536ab65b.pkl deleted file mode 100644 index a03264a6..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/chat_28eabdd80e0940da7ed0d0e005bf5511_570ac04251b8808bdb96e591536ab65b.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_28eabdd80e0940da7ed0d0e005bf5511_72317694ca5cd08a5893ac5dfbb5f8f2.pkl b/aana/tests/files/cache/VLLMDeployment/chat_28eabdd80e0940da7ed0d0e005bf5511_72317694ca5cd08a5893ac5dfbb5f8f2.pkl deleted file mode 100644 index b624dc5d..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/chat_28eabdd80e0940da7ed0d0e005bf5511_72317694ca5cd08a5893ac5dfbb5f8f2.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_28eabdd80e0940da7ed0d0e005bf5511_b56a6e32264dc099e77a8839ea070c27.pkl b/aana/tests/files/cache/VLLMDeployment/chat_28eabdd80e0940da7ed0d0e005bf5511_b56a6e32264dc099e77a8839ea070c27.pkl deleted file mode 100644 index 0ca9269b..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/chat_28eabdd80e0940da7ed0d0e005bf5511_b56a6e32264dc099e77a8839ea070c27.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_90417c2a15b76361a6b09dbd7619d9e4_0d029208e00321165d3c75b06ddab39e.pkl b/aana/tests/files/cache/VLLMDeployment/chat_90417c2a15b76361a6b09dbd7619d9e4_0d029208e00321165d3c75b06ddab39e.pkl deleted file mode 100644 index 2f024d7f..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/chat_90417c2a15b76361a6b09dbd7619d9e4_0d029208e00321165d3c75b06ddab39e.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_90417c2a15b76361a6b09dbd7619d9e4_41ce6839d65bccea26ee9d05a965ac84.pkl b/aana/tests/files/cache/VLLMDeployment/chat_90417c2a15b76361a6b09dbd7619d9e4_41ce6839d65bccea26ee9d05a965ac84.pkl deleted file mode 100644 index 25a9cc27..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/chat_90417c2a15b76361a6b09dbd7619d9e4_41ce6839d65bccea26ee9d05a965ac84.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_90417c2a15b76361a6b09dbd7619d9e4_570ac04251b8808bdb96e591536ab65b.pkl b/aana/tests/files/cache/VLLMDeployment/chat_90417c2a15b76361a6b09dbd7619d9e4_570ac04251b8808bdb96e591536ab65b.pkl deleted file mode 100644 index a03264a6..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/chat_90417c2a15b76361a6b09dbd7619d9e4_570ac04251b8808bdb96e591536ab65b.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_90417c2a15b76361a6b09dbd7619d9e4_72317694ca5cd08a5893ac5dfbb5f8f2.pkl b/aana/tests/files/cache/VLLMDeployment/chat_90417c2a15b76361a6b09dbd7619d9e4_72317694ca5cd08a5893ac5dfbb5f8f2.pkl deleted file mode 100644 index b624dc5d..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/chat_90417c2a15b76361a6b09dbd7619d9e4_72317694ca5cd08a5893ac5dfbb5f8f2.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_90417c2a15b76361a6b09dbd7619d9e4_b56a6e32264dc099e77a8839ea070c27.pkl b/aana/tests/files/cache/VLLMDeployment/chat_90417c2a15b76361a6b09dbd7619d9e4_b56a6e32264dc099e77a8839ea070c27.pkl deleted file mode 100644 index 0ca9269b..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/chat_90417c2a15b76361a6b09dbd7619d9e4_b56a6e32264dc099e77a8839ea070c27.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_ea964bc0c8ace5ab96237029782a0199_0d029208e00321165d3c75b06ddab39e.pkl b/aana/tests/files/cache/VLLMDeployment/chat_ea964bc0c8ace5ab96237029782a0199_0d029208e00321165d3c75b06ddab39e.pkl deleted file mode 100644 index c4d17d0b..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/chat_ea964bc0c8ace5ab96237029782a0199_0d029208e00321165d3c75b06ddab39e.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_f35eea1e2256a10120a79a7836e6221c_0d029208e00321165d3c75b06ddab39e.pkl b/aana/tests/files/cache/VLLMDeployment/chat_f35eea1e2256a10120a79a7836e6221c_0d029208e00321165d3c75b06ddab39e.pkl deleted file mode 100644 index c4d17d0b..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/chat_f35eea1e2256a10120a79a7836e6221c_0d029208e00321165d3c75b06ddab39e.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_stream_0f1143ead40a7564b45041cd63f7ba36_0d029208e00321165d3c75b06ddab39e.pkl b/aana/tests/files/cache/VLLMDeployment/chat_stream_0f1143ead40a7564b45041cd63f7ba36_0d029208e00321165d3c75b06ddab39e.pkl deleted file mode 100644 index 2a2fbb35..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/chat_stream_0f1143ead40a7564b45041cd63f7ba36_0d029208e00321165d3c75b06ddab39e.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_stream_207d612cc41327eaf4e17ec56ebae98c_06e234c16f70acc7eaf35767d3c354ea.pkl b/aana/tests/files/cache/VLLMDeployment/chat_stream_207d612cc41327eaf4e17ec56ebae98c_06e234c16f70acc7eaf35767d3c354ea.pkl deleted file mode 100644 index 235db413..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/chat_stream_207d612cc41327eaf4e17ec56ebae98c_06e234c16f70acc7eaf35767d3c354ea.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_stream_207d612cc41327eaf4e17ec56ebae98c_0a0f32c6a989d0ff5a8ed57bb8d7cfbe.pkl b/aana/tests/files/cache/VLLMDeployment/chat_stream_207d612cc41327eaf4e17ec56ebae98c_0a0f32c6a989d0ff5a8ed57bb8d7cfbe.pkl deleted file mode 100644 index 63839399..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/chat_stream_207d612cc41327eaf4e17ec56ebae98c_0a0f32c6a989d0ff5a8ed57bb8d7cfbe.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_stream_207d612cc41327eaf4e17ec56ebae98c_0d029208e00321165d3c75b06ddab39e.pkl b/aana/tests/files/cache/VLLMDeployment/chat_stream_207d612cc41327eaf4e17ec56ebae98c_0d029208e00321165d3c75b06ddab39e.pkl deleted file mode 100644 index 3c2dd039..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/chat_stream_207d612cc41327eaf4e17ec56ebae98c_0d029208e00321165d3c75b06ddab39e.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_stream_207d612cc41327eaf4e17ec56ebae98c_2a62272ff4a851353230672158959a47.pkl b/aana/tests/files/cache/VLLMDeployment/chat_stream_207d612cc41327eaf4e17ec56ebae98c_2a62272ff4a851353230672158959a47.pkl deleted file mode 100644 index 1853fe85..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/chat_stream_207d612cc41327eaf4e17ec56ebae98c_2a62272ff4a851353230672158959a47.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_stream_207d612cc41327eaf4e17ec56ebae98c_7e696bebe9f2ab006417b1c467d90e03.pkl b/aana/tests/files/cache/VLLMDeployment/chat_stream_207d612cc41327eaf4e17ec56ebae98c_7e696bebe9f2ab006417b1c467d90e03.pkl deleted file mode 100644 index 9a699fbd..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/chat_stream_207d612cc41327eaf4e17ec56ebae98c_7e696bebe9f2ab006417b1c467d90e03.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_stream_207d612cc41327eaf4e17ec56ebae98c_89f880ffe5f1a24099a7c133e054c992.pkl b/aana/tests/files/cache/VLLMDeployment/chat_stream_207d612cc41327eaf4e17ec56ebae98c_89f880ffe5f1a24099a7c133e054c992.pkl deleted file mode 100644 index f55d6acb..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/chat_stream_207d612cc41327eaf4e17ec56ebae98c_89f880ffe5f1a24099a7c133e054c992.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_stream_207d612cc41327eaf4e17ec56ebae98c_91474ab87dfcb1cedbc0e6f934169495.pkl b/aana/tests/files/cache/VLLMDeployment/chat_stream_207d612cc41327eaf4e17ec56ebae98c_91474ab87dfcb1cedbc0e6f934169495.pkl deleted file mode 100644 index 84b62776..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/chat_stream_207d612cc41327eaf4e17ec56ebae98c_91474ab87dfcb1cedbc0e6f934169495.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_stream_207d612cc41327eaf4e17ec56ebae98c_ec576364ea8cd36f0e7ae7f51ce38a47.pkl b/aana/tests/files/cache/VLLMDeployment/chat_stream_207d612cc41327eaf4e17ec56ebae98c_ec576364ea8cd36f0e7ae7f51ce38a47.pkl deleted file mode 100644 index e8c0e31a..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/chat_stream_207d612cc41327eaf4e17ec56ebae98c_ec576364ea8cd36f0e7ae7f51ce38a47.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_stream_28eabdd80e0940da7ed0d0e005bf5511_0d029208e00321165d3c75b06ddab39e.pkl b/aana/tests/files/cache/VLLMDeployment/chat_stream_28eabdd80e0940da7ed0d0e005bf5511_0d029208e00321165d3c75b06ddab39e.pkl deleted file mode 100644 index b8350684..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/chat_stream_28eabdd80e0940da7ed0d0e005bf5511_0d029208e00321165d3c75b06ddab39e.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_stream_28eabdd80e0940da7ed0d0e005bf5511_41ce6839d65bccea26ee9d05a965ac84.pkl b/aana/tests/files/cache/VLLMDeployment/chat_stream_28eabdd80e0940da7ed0d0e005bf5511_41ce6839d65bccea26ee9d05a965ac84.pkl deleted file mode 100644 index 5b137956..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/chat_stream_28eabdd80e0940da7ed0d0e005bf5511_41ce6839d65bccea26ee9d05a965ac84.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_stream_28eabdd80e0940da7ed0d0e005bf5511_570ac04251b8808bdb96e591536ab65b.pkl b/aana/tests/files/cache/VLLMDeployment/chat_stream_28eabdd80e0940da7ed0d0e005bf5511_570ac04251b8808bdb96e591536ab65b.pkl deleted file mode 100644 index 056818b8..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/chat_stream_28eabdd80e0940da7ed0d0e005bf5511_570ac04251b8808bdb96e591536ab65b.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_stream_28eabdd80e0940da7ed0d0e005bf5511_72317694ca5cd08a5893ac5dfbb5f8f2.pkl b/aana/tests/files/cache/VLLMDeployment/chat_stream_28eabdd80e0940da7ed0d0e005bf5511_72317694ca5cd08a5893ac5dfbb5f8f2.pkl deleted file mode 100644 index b2729f83..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/chat_stream_28eabdd80e0940da7ed0d0e005bf5511_72317694ca5cd08a5893ac5dfbb5f8f2.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_stream_28eabdd80e0940da7ed0d0e005bf5511_b56a6e32264dc099e77a8839ea070c27.pkl b/aana/tests/files/cache/VLLMDeployment/chat_stream_28eabdd80e0940da7ed0d0e005bf5511_b56a6e32264dc099e77a8839ea070c27.pkl deleted file mode 100644 index 0ca9269b..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/chat_stream_28eabdd80e0940da7ed0d0e005bf5511_b56a6e32264dc099e77a8839ea070c27.pkl and /dev/null 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 deleted file mode 100644 index b8350684..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/chat_stream_90417c2a15b76361a6b09dbd7619d9e4_0d029208e00321165d3c75b06ddab39e.pkl and /dev/null 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 deleted file mode 100644 index 5b137956..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/chat_stream_90417c2a15b76361a6b09dbd7619d9e4_41ce6839d65bccea26ee9d05a965ac84.pkl and /dev/null 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 deleted file mode 100644 index 056818b8..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/chat_stream_90417c2a15b76361a6b09dbd7619d9e4_570ac04251b8808bdb96e591536ab65b.pkl and /dev/null 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 deleted file mode 100644 index b2729f83..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/chat_stream_90417c2a15b76361a6b09dbd7619d9e4_72317694ca5cd08a5893ac5dfbb5f8f2.pkl and /dev/null 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 deleted file mode 100644 index 0ca9269b..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/chat_stream_90417c2a15b76361a6b09dbd7619d9e4_b56a6e32264dc099e77a8839ea070c27.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_stream_ea964bc0c8ace5ab96237029782a0199_0d029208e00321165d3c75b06ddab39e.pkl b/aana/tests/files/cache/VLLMDeployment/chat_stream_ea964bc0c8ace5ab96237029782a0199_0d029208e00321165d3c75b06ddab39e.pkl deleted file mode 100644 index 7221be6e..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/chat_stream_ea964bc0c8ace5ab96237029782a0199_0d029208e00321165d3c75b06ddab39e.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_stream_ea964bc0c8ace5ab96237029782a0199_1e52af8ac3b48e47edb7167b21b5cf4a.pkl b/aana/tests/files/cache/VLLMDeployment/chat_stream_ea964bc0c8ace5ab96237029782a0199_1e52af8ac3b48e47edb7167b21b5cf4a.pkl deleted file mode 100644 index 087f1a10..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/chat_stream_ea964bc0c8ace5ab96237029782a0199_1e52af8ac3b48e47edb7167b21b5cf4a.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_stream_ea964bc0c8ace5ab96237029782a0199_73a28811cb074d97a7297253ccaac97d.pkl b/aana/tests/files/cache/VLLMDeployment/chat_stream_ea964bc0c8ace5ab96237029782a0199_73a28811cb074d97a7297253ccaac97d.pkl deleted file mode 100644 index 29f9e90f..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/chat_stream_ea964bc0c8ace5ab96237029782a0199_73a28811cb074d97a7297253ccaac97d.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_stream_ea964bc0c8ace5ab96237029782a0199_d4f1fd05e960f5a3e3a7dec080f7c087.pkl b/aana/tests/files/cache/VLLMDeployment/chat_stream_ea964bc0c8ace5ab96237029782a0199_d4f1fd05e960f5a3e3a7dec080f7c087.pkl deleted file mode 100644 index 0ba7a633..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/chat_stream_ea964bc0c8ace5ab96237029782a0199_d4f1fd05e960f5a3e3a7dec080f7c087.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_stream_ea964bc0c8ace5ab96237029782a0199_ef02c2b8672d2bfde169ea247541a202.pkl b/aana/tests/files/cache/VLLMDeployment/chat_stream_ea964bc0c8ace5ab96237029782a0199_ef02c2b8672d2bfde169ea247541a202.pkl deleted file mode 100644 index 5d0fcca2..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/chat_stream_ea964bc0c8ace5ab96237029782a0199_ef02c2b8672d2bfde169ea247541a202.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_stream_f35eea1e2256a10120a79a7836e6221c_0d029208e00321165d3c75b06ddab39e.pkl b/aana/tests/files/cache/VLLMDeployment/chat_stream_f35eea1e2256a10120a79a7836e6221c_0d029208e00321165d3c75b06ddab39e.pkl deleted file mode 100644 index 7221be6e..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/chat_stream_f35eea1e2256a10120a79a7836e6221c_0d029208e00321165d3c75b06ddab39e.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_stream_f35eea1e2256a10120a79a7836e6221c_3bdf0fb4ac57c4cfce09ba4c456b93fe.pkl b/aana/tests/files/cache/VLLMDeployment/chat_stream_f35eea1e2256a10120a79a7836e6221c_3bdf0fb4ac57c4cfce09ba4c456b93fe.pkl deleted file mode 100644 index dc8d6b40..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/chat_stream_f35eea1e2256a10120a79a7836e6221c_3bdf0fb4ac57c4cfce09ba4c456b93fe.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_stream_f35eea1e2256a10120a79a7836e6221c_964d22dd796b572d79b9d24815680f76.pkl b/aana/tests/files/cache/VLLMDeployment/chat_stream_f35eea1e2256a10120a79a7836e6221c_964d22dd796b572d79b9d24815680f76.pkl deleted file mode 100644 index af3c1299..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/chat_stream_f35eea1e2256a10120a79a7836e6221c_964d22dd796b572d79b9d24815680f76.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_stream_f35eea1e2256a10120a79a7836e6221c_d4f1fd05e960f5a3e3a7dec080f7c087.pkl b/aana/tests/files/cache/VLLMDeployment/chat_stream_f35eea1e2256a10120a79a7836e6221c_d4f1fd05e960f5a3e3a7dec080f7c087.pkl deleted file mode 100644 index 073a53ad..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/chat_stream_f35eea1e2256a10120a79a7836e6221c_d4f1fd05e960f5a3e3a7dec080f7c087.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/chat_stream_f35eea1e2256a10120a79a7836e6221c_f5518512ef6ed050a78365b4a78b4c9b.pkl b/aana/tests/files/cache/VLLMDeployment/chat_stream_f35eea1e2256a10120a79a7836e6221c_f5518512ef6ed050a78365b4a78b4c9b.pkl deleted file mode 100644 index 1d55fc4c..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/chat_stream_f35eea1e2256a10120a79a7836e6221c_f5518512ef6ed050a78365b4a78b4c9b.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_0f1143ead40a7564b45041cd63f7ba36_70b0847f130d1b7cf7e64aa87e8fd6ce.pkl b/aana/tests/files/cache/VLLMDeployment/generate_0f1143ead40a7564b45041cd63f7ba36_70b0847f130d1b7cf7e64aa87e8fd6ce.pkl deleted file mode 100644 index 8ccd6693..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_0f1143ead40a7564b45041cd63f7ba36_70b0847f130d1b7cf7e64aa87e8fd6ce.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_0f1143ead40a7564b45041cd63f7ba36_72f1270183455963e395485ef0fd6547.pkl b/aana/tests/files/cache/VLLMDeployment/generate_0f1143ead40a7564b45041cd63f7ba36_72f1270183455963e395485ef0fd6547.pkl deleted file mode 100644 index eaa00a93..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_0f1143ead40a7564b45041cd63f7ba36_72f1270183455963e395485ef0fd6547.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_0f1143ead40a7564b45041cd63f7ba36_7f123d3360c5e7b413ff6edb4d6f8329.pkl b/aana/tests/files/cache/VLLMDeployment/generate_0f1143ead40a7564b45041cd63f7ba36_7f123d3360c5e7b413ff6edb4d6f8329.pkl deleted file mode 100644 index 705012b0..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_0f1143ead40a7564b45041cd63f7ba36_7f123d3360c5e7b413ff6edb4d6f8329.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_0f1143ead40a7564b45041cd63f7ba36_923e3563cefcaba52b37264dc850ddda.pkl b/aana/tests/files/cache/VLLMDeployment/generate_0f1143ead40a7564b45041cd63f7ba36_923e3563cefcaba52b37264dc850ddda.pkl deleted file mode 100644 index 9d386b2e..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_0f1143ead40a7564b45041cd63f7ba36_923e3563cefcaba52b37264dc850ddda.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_207d612cc41327eaf4e17ec56ebae98c_3b9c7d5fb943f382fb09de5b3a5f7040.pkl b/aana/tests/files/cache/VLLMDeployment/generate_207d612cc41327eaf4e17ec56ebae98c_3b9c7d5fb943f382fb09de5b3a5f7040.pkl deleted file mode 100644 index 5e49fa4d..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_207d612cc41327eaf4e17ec56ebae98c_3b9c7d5fb943f382fb09de5b3a5f7040.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_207d612cc41327eaf4e17ec56ebae98c_4a546cff41d32b96ab070ccdbd8ba4bc.pkl b/aana/tests/files/cache/VLLMDeployment/generate_207d612cc41327eaf4e17ec56ebae98c_4a546cff41d32b96ab070ccdbd8ba4bc.pkl deleted file mode 100644 index b2914e64..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_207d612cc41327eaf4e17ec56ebae98c_4a546cff41d32b96ab070ccdbd8ba4bc.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_207d612cc41327eaf4e17ec56ebae98c_510ec5a0f818f594b1467a1e555e3203.pkl b/aana/tests/files/cache/VLLMDeployment/generate_207d612cc41327eaf4e17ec56ebae98c_510ec5a0f818f594b1467a1e555e3203.pkl deleted file mode 100644 index d4149334..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_207d612cc41327eaf4e17ec56ebae98c_510ec5a0f818f594b1467a1e555e3203.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_207d612cc41327eaf4e17ec56ebae98c_8dada549cb31a2a533ea870800ec4615.pkl b/aana/tests/files/cache/VLLMDeployment/generate_207d612cc41327eaf4e17ec56ebae98c_8dada549cb31a2a533ea870800ec4615.pkl deleted file mode 100644 index 66ccca1e..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_207d612cc41327eaf4e17ec56ebae98c_8dada549cb31a2a533ea870800ec4615.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_28eabdd80e0940da7ed0d0e005bf5511_13ace93eb367dc7d1825cf7d14a46bc8.pkl b/aana/tests/files/cache/VLLMDeployment/generate_28eabdd80e0940da7ed0d0e005bf5511_13ace93eb367dc7d1825cf7d14a46bc8.pkl deleted file mode 100644 index cf6e739e..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_28eabdd80e0940da7ed0d0e005bf5511_13ace93eb367dc7d1825cf7d14a46bc8.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_28eabdd80e0940da7ed0d0e005bf5511_37d636db1d8cb35289373e9ab43c54d2.pkl b/aana/tests/files/cache/VLLMDeployment/generate_28eabdd80e0940da7ed0d0e005bf5511_37d636db1d8cb35289373e9ab43c54d2.pkl deleted file mode 100644 index 74f6d249..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_28eabdd80e0940da7ed0d0e005bf5511_37d636db1d8cb35289373e9ab43c54d2.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_28eabdd80e0940da7ed0d0e005bf5511_6e5a7aba1f9ef8020bd0540082532452.pkl b/aana/tests/files/cache/VLLMDeployment/generate_28eabdd80e0940da7ed0d0e005bf5511_6e5a7aba1f9ef8020bd0540082532452.pkl deleted file mode 100644 index 1fbd5cce..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_28eabdd80e0940da7ed0d0e005bf5511_6e5a7aba1f9ef8020bd0540082532452.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_28eabdd80e0940da7ed0d0e005bf5511_70b0847f130d1b7cf7e64aa87e8fd6ce.pkl b/aana/tests/files/cache/VLLMDeployment/generate_28eabdd80e0940da7ed0d0e005bf5511_70b0847f130d1b7cf7e64aa87e8fd6ce.pkl deleted file mode 100644 index b49cccee..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_28eabdd80e0940da7ed0d0e005bf5511_70b0847f130d1b7cf7e64aa87e8fd6ce.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_28eabdd80e0940da7ed0d0e005bf5511_72f1270183455963e395485ef0fd6547.pkl b/aana/tests/files/cache/VLLMDeployment/generate_28eabdd80e0940da7ed0d0e005bf5511_72f1270183455963e395485ef0fd6547.pkl deleted file mode 100644 index 39d8751c..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_28eabdd80e0940da7ed0d0e005bf5511_72f1270183455963e395485ef0fd6547.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_28eabdd80e0940da7ed0d0e005bf5511_72fd1b6fe51b0112a38e4341bd01393b.pkl b/aana/tests/files/cache/VLLMDeployment/generate_28eabdd80e0940da7ed0d0e005bf5511_72fd1b6fe51b0112a38e4341bd01393b.pkl deleted file mode 100644 index 941036fe..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_28eabdd80e0940da7ed0d0e005bf5511_72fd1b6fe51b0112a38e4341bd01393b.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_28eabdd80e0940da7ed0d0e005bf5511_7c35219a74f5d76b1ccf665bdaa2924c.pkl b/aana/tests/files/cache/VLLMDeployment/generate_28eabdd80e0940da7ed0d0e005bf5511_7c35219a74f5d76b1ccf665bdaa2924c.pkl deleted file mode 100644 index 9a258760..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_28eabdd80e0940da7ed0d0e005bf5511_7c35219a74f5d76b1ccf665bdaa2924c.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_28eabdd80e0940da7ed0d0e005bf5511_90001c97274868c39f2cfb01a30b0ceb.pkl b/aana/tests/files/cache/VLLMDeployment/generate_28eabdd80e0940da7ed0d0e005bf5511_90001c97274868c39f2cfb01a30b0ceb.pkl deleted file mode 100644 index 98e9bd5d..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_28eabdd80e0940da7ed0d0e005bf5511_90001c97274868c39f2cfb01a30b0ceb.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_28eabdd80e0940da7ed0d0e005bf5511_923e3563cefcaba52b37264dc850ddda.pkl b/aana/tests/files/cache/VLLMDeployment/generate_28eabdd80e0940da7ed0d0e005bf5511_923e3563cefcaba52b37264dc850ddda.pkl deleted file mode 100644 index 0ac376ac..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_28eabdd80e0940da7ed0d0e005bf5511_923e3563cefcaba52b37264dc850ddda.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_28eabdd80e0940da7ed0d0e005bf5511_b7bb92b050afa4bbeb816b457837a716.pkl b/aana/tests/files/cache/VLLMDeployment/generate_28eabdd80e0940da7ed0d0e005bf5511_b7bb92b050afa4bbeb816b457837a716.pkl deleted file mode 100644 index 2756e9b1..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_28eabdd80e0940da7ed0d0e005bf5511_b7bb92b050afa4bbeb816b457837a716.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_28eabdd80e0940da7ed0d0e005bf5511_d06b16832ade017e1f20bcede9bb803d.pkl b/aana/tests/files/cache/VLLMDeployment/generate_28eabdd80e0940da7ed0d0e005bf5511_d06b16832ade017e1f20bcede9bb803d.pkl deleted file mode 100644 index dd3fbc0b..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_28eabdd80e0940da7ed0d0e005bf5511_d06b16832ade017e1f20bcede9bb803d.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_90417c2a15b76361a6b09dbd7619d9e4_13ace93eb367dc7d1825cf7d14a46bc8.pkl b/aana/tests/files/cache/VLLMDeployment/generate_90417c2a15b76361a6b09dbd7619d9e4_13ace93eb367dc7d1825cf7d14a46bc8.pkl deleted file mode 100644 index cf6e739e..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_90417c2a15b76361a6b09dbd7619d9e4_13ace93eb367dc7d1825cf7d14a46bc8.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_90417c2a15b76361a6b09dbd7619d9e4_37d636db1d8cb35289373e9ab43c54d2.pkl b/aana/tests/files/cache/VLLMDeployment/generate_90417c2a15b76361a6b09dbd7619d9e4_37d636db1d8cb35289373e9ab43c54d2.pkl deleted file mode 100644 index 74f6d249..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_90417c2a15b76361a6b09dbd7619d9e4_37d636db1d8cb35289373e9ab43c54d2.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_90417c2a15b76361a6b09dbd7619d9e4_6e5a7aba1f9ef8020bd0540082532452.pkl b/aana/tests/files/cache/VLLMDeployment/generate_90417c2a15b76361a6b09dbd7619d9e4_6e5a7aba1f9ef8020bd0540082532452.pkl deleted file mode 100644 index 1fbd5cce..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_90417c2a15b76361a6b09dbd7619d9e4_6e5a7aba1f9ef8020bd0540082532452.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_90417c2a15b76361a6b09dbd7619d9e4_70b0847f130d1b7cf7e64aa87e8fd6ce.pkl b/aana/tests/files/cache/VLLMDeployment/generate_90417c2a15b76361a6b09dbd7619d9e4_70b0847f130d1b7cf7e64aa87e8fd6ce.pkl deleted file mode 100644 index b49cccee..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_90417c2a15b76361a6b09dbd7619d9e4_70b0847f130d1b7cf7e64aa87e8fd6ce.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_90417c2a15b76361a6b09dbd7619d9e4_72f1270183455963e395485ef0fd6547.pkl b/aana/tests/files/cache/VLLMDeployment/generate_90417c2a15b76361a6b09dbd7619d9e4_72f1270183455963e395485ef0fd6547.pkl deleted file mode 100644 index 39d8751c..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_90417c2a15b76361a6b09dbd7619d9e4_72f1270183455963e395485ef0fd6547.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_90417c2a15b76361a6b09dbd7619d9e4_72fd1b6fe51b0112a38e4341bd01393b.pkl b/aana/tests/files/cache/VLLMDeployment/generate_90417c2a15b76361a6b09dbd7619d9e4_72fd1b6fe51b0112a38e4341bd01393b.pkl deleted file mode 100644 index 941036fe..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_90417c2a15b76361a6b09dbd7619d9e4_72fd1b6fe51b0112a38e4341bd01393b.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_90417c2a15b76361a6b09dbd7619d9e4_7c35219a74f5d76b1ccf665bdaa2924c.pkl b/aana/tests/files/cache/VLLMDeployment/generate_90417c2a15b76361a6b09dbd7619d9e4_7c35219a74f5d76b1ccf665bdaa2924c.pkl deleted file mode 100644 index 9a258760..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_90417c2a15b76361a6b09dbd7619d9e4_7c35219a74f5d76b1ccf665bdaa2924c.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_90417c2a15b76361a6b09dbd7619d9e4_90001c97274868c39f2cfb01a30b0ceb.pkl b/aana/tests/files/cache/VLLMDeployment/generate_90417c2a15b76361a6b09dbd7619d9e4_90001c97274868c39f2cfb01a30b0ceb.pkl deleted file mode 100644 index 98e9bd5d..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_90417c2a15b76361a6b09dbd7619d9e4_90001c97274868c39f2cfb01a30b0ceb.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_90417c2a15b76361a6b09dbd7619d9e4_923e3563cefcaba52b37264dc850ddda.pkl b/aana/tests/files/cache/VLLMDeployment/generate_90417c2a15b76361a6b09dbd7619d9e4_923e3563cefcaba52b37264dc850ddda.pkl deleted file mode 100644 index 0ac376ac..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_90417c2a15b76361a6b09dbd7619d9e4_923e3563cefcaba52b37264dc850ddda.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_90417c2a15b76361a6b09dbd7619d9e4_b7bb92b050afa4bbeb816b457837a716.pkl b/aana/tests/files/cache/VLLMDeployment/generate_90417c2a15b76361a6b09dbd7619d9e4_b7bb92b050afa4bbeb816b457837a716.pkl deleted file mode 100644 index 2756e9b1..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_90417c2a15b76361a6b09dbd7619d9e4_b7bb92b050afa4bbeb816b457837a716.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_90417c2a15b76361a6b09dbd7619d9e4_d06b16832ade017e1f20bcede9bb803d.pkl b/aana/tests/files/cache/VLLMDeployment/generate_90417c2a15b76361a6b09dbd7619d9e4_d06b16832ade017e1f20bcede9bb803d.pkl deleted file mode 100644 index dd3fbc0b..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_90417c2a15b76361a6b09dbd7619d9e4_d06b16832ade017e1f20bcede9bb803d.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_batch_0f1143ead40a7564b45041cd63f7ba36_6bab796722e7a428e011a2fc6f66cecc.pkl b/aana/tests/files/cache/VLLMDeployment/generate_batch_0f1143ead40a7564b45041cd63f7ba36_6bab796722e7a428e011a2fc6f66cecc.pkl deleted file mode 100644 index 8876600c..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_batch_0f1143ead40a7564b45041cd63f7ba36_6bab796722e7a428e011a2fc6f66cecc.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_batch_207d612cc41327eaf4e17ec56ebae98c_1c7bbbd42cb7289865f5798b02e23cef.pkl b/aana/tests/files/cache/VLLMDeployment/generate_batch_207d612cc41327eaf4e17ec56ebae98c_1c7bbbd42cb7289865f5798b02e23cef.pkl deleted file mode 100644 index 8ad873b8..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_batch_207d612cc41327eaf4e17ec56ebae98c_1c7bbbd42cb7289865f5798b02e23cef.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_batch_28eabdd80e0940da7ed0d0e005bf5511_6bab796722e7a428e011a2fc6f66cecc.pkl b/aana/tests/files/cache/VLLMDeployment/generate_batch_28eabdd80e0940da7ed0d0e005bf5511_6bab796722e7a428e011a2fc6f66cecc.pkl deleted file mode 100644 index 24ab6721..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_batch_28eabdd80e0940da7ed0d0e005bf5511_6bab796722e7a428e011a2fc6f66cecc.pkl and /dev/null 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 deleted file mode 100644 index 24ab6721..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_batch_90417c2a15b76361a6b09dbd7619d9e4_6bab796722e7a428e011a2fc6f66cecc.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_batch_ea964bc0c8ace5ab96237029782a0199_6bab796722e7a428e011a2fc6f66cecc.pkl b/aana/tests/files/cache/VLLMDeployment/generate_batch_ea964bc0c8ace5ab96237029782a0199_6bab796722e7a428e011a2fc6f66cecc.pkl deleted file mode 100644 index a94d2378..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_batch_ea964bc0c8ace5ab96237029782a0199_6bab796722e7a428e011a2fc6f66cecc.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_batch_f35eea1e2256a10120a79a7836e6221c_6bab796722e7a428e011a2fc6f66cecc.pkl b/aana/tests/files/cache/VLLMDeployment/generate_batch_f35eea1e2256a10120a79a7836e6221c_6bab796722e7a428e011a2fc6f66cecc.pkl deleted file mode 100644 index a94d2378..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_batch_f35eea1e2256a10120a79a7836e6221c_6bab796722e7a428e011a2fc6f66cecc.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_ea964bc0c8ace5ab96237029782a0199_701496f2d0fd50d1ce247fc69dd4202f.pkl b/aana/tests/files/cache/VLLMDeployment/generate_ea964bc0c8ace5ab96237029782a0199_701496f2d0fd50d1ce247fc69dd4202f.pkl deleted file mode 100644 index 92c5667e..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_ea964bc0c8ace5ab96237029782a0199_701496f2d0fd50d1ce247fc69dd4202f.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_ea964bc0c8ace5ab96237029782a0199_70b0847f130d1b7cf7e64aa87e8fd6ce.pkl b/aana/tests/files/cache/VLLMDeployment/generate_ea964bc0c8ace5ab96237029782a0199_70b0847f130d1b7cf7e64aa87e8fd6ce.pkl deleted file mode 100644 index ff7d6df9..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_ea964bc0c8ace5ab96237029782a0199_70b0847f130d1b7cf7e64aa87e8fd6ce.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_ea964bc0c8ace5ab96237029782a0199_72f1270183455963e395485ef0fd6547.pkl b/aana/tests/files/cache/VLLMDeployment/generate_ea964bc0c8ace5ab96237029782a0199_72f1270183455963e395485ef0fd6547.pkl deleted file mode 100644 index be1edbdd..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_ea964bc0c8ace5ab96237029782a0199_72f1270183455963e395485ef0fd6547.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_ea964bc0c8ace5ab96237029782a0199_923e3563cefcaba52b37264dc850ddda.pkl b/aana/tests/files/cache/VLLMDeployment/generate_ea964bc0c8ace5ab96237029782a0199_923e3563cefcaba52b37264dc850ddda.pkl deleted file mode 100644 index 7ec3c722..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_ea964bc0c8ace5ab96237029782a0199_923e3563cefcaba52b37264dc850ddda.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_f35eea1e2256a10120a79a7836e6221c_701496f2d0fd50d1ce247fc69dd4202f.pkl b/aana/tests/files/cache/VLLMDeployment/generate_f35eea1e2256a10120a79a7836e6221c_701496f2d0fd50d1ce247fc69dd4202f.pkl deleted file mode 100644 index 92c5667e..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_f35eea1e2256a10120a79a7836e6221c_701496f2d0fd50d1ce247fc69dd4202f.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_f35eea1e2256a10120a79a7836e6221c_70b0847f130d1b7cf7e64aa87e8fd6ce.pkl b/aana/tests/files/cache/VLLMDeployment/generate_f35eea1e2256a10120a79a7836e6221c_70b0847f130d1b7cf7e64aa87e8fd6ce.pkl deleted file mode 100644 index ff7d6df9..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_f35eea1e2256a10120a79a7836e6221c_70b0847f130d1b7cf7e64aa87e8fd6ce.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_f35eea1e2256a10120a79a7836e6221c_72f1270183455963e395485ef0fd6547.pkl b/aana/tests/files/cache/VLLMDeployment/generate_f35eea1e2256a10120a79a7836e6221c_72f1270183455963e395485ef0fd6547.pkl deleted file mode 100644 index be1edbdd..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_f35eea1e2256a10120a79a7836e6221c_72f1270183455963e395485ef0fd6547.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_f35eea1e2256a10120a79a7836e6221c_923e3563cefcaba52b37264dc850ddda.pkl b/aana/tests/files/cache/VLLMDeployment/generate_f35eea1e2256a10120a79a7836e6221c_923e3563cefcaba52b37264dc850ddda.pkl deleted file mode 100644 index 7ec3c722..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_f35eea1e2256a10120a79a7836e6221c_923e3563cefcaba52b37264dc850ddda.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_0f1143ead40a7564b45041cd63f7ba36_72f1270183455963e395485ef0fd6547.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_0f1143ead40a7564b45041cd63f7ba36_72f1270183455963e395485ef0fd6547.pkl deleted file mode 100644 index 02084010..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_stream_0f1143ead40a7564b45041cd63f7ba36_72f1270183455963e395485ef0fd6547.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_0f1143ead40a7564b45041cd63f7ba36_7f123d3360c5e7b413ff6edb4d6f8329.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_0f1143ead40a7564b45041cd63f7ba36_7f123d3360c5e7b413ff6edb4d6f8329.pkl deleted file mode 100644 index 923b7f5e..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_stream_0f1143ead40a7564b45041cd63f7ba36_7f123d3360c5e7b413ff6edb4d6f8329.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_0f1143ead40a7564b45041cd63f7ba36_923e3563cefcaba52b37264dc850ddda.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_0f1143ead40a7564b45041cd63f7ba36_923e3563cefcaba52b37264dc850ddda.pkl deleted file mode 100644 index b9b2caf7..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_stream_0f1143ead40a7564b45041cd63f7ba36_923e3563cefcaba52b37264dc850ddda.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_0f1143ead40a7564b45041cd63f7ba36_c35885c1b36e695654cff5975531cac0.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_0f1143ead40a7564b45041cd63f7ba36_c35885c1b36e695654cff5975531cac0.pkl deleted file mode 100644 index 01dccb6f..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_stream_0f1143ead40a7564b45041cd63f7ba36_c35885c1b36e695654cff5975531cac0.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_207d612cc41327eaf4e17ec56ebae98c_1965189d2bd13ddca62436951c8828b2.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_207d612cc41327eaf4e17ec56ebae98c_1965189d2bd13ddca62436951c8828b2.pkl deleted file mode 100644 index a4a11cfc..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_stream_207d612cc41327eaf4e17ec56ebae98c_1965189d2bd13ddca62436951c8828b2.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_207d612cc41327eaf4e17ec56ebae98c_3b9c7d5fb943f382fb09de5b3a5f7040.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_207d612cc41327eaf4e17ec56ebae98c_3b9c7d5fb943f382fb09de5b3a5f7040.pkl deleted file mode 100644 index 7e0fa0ad..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_stream_207d612cc41327eaf4e17ec56ebae98c_3b9c7d5fb943f382fb09de5b3a5f7040.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_207d612cc41327eaf4e17ec56ebae98c_4a546cff41d32b96ab070ccdbd8ba4bc.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_207d612cc41327eaf4e17ec56ebae98c_4a546cff41d32b96ab070ccdbd8ba4bc.pkl deleted file mode 100644 index 05e66613..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_stream_207d612cc41327eaf4e17ec56ebae98c_4a546cff41d32b96ab070ccdbd8ba4bc.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_207d612cc41327eaf4e17ec56ebae98c_510ec5a0f818f594b1467a1e555e3203.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_207d612cc41327eaf4e17ec56ebae98c_510ec5a0f818f594b1467a1e555e3203.pkl deleted file mode 100644 index f63737e1..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_stream_207d612cc41327eaf4e17ec56ebae98c_510ec5a0f818f594b1467a1e555e3203.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_207d612cc41327eaf4e17ec56ebae98c_53a864132e9fc67fad24f991b3af106c.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_207d612cc41327eaf4e17ec56ebae98c_53a864132e9fc67fad24f991b3af106c.pkl deleted file mode 100644 index e672d3e9..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_stream_207d612cc41327eaf4e17ec56ebae98c_53a864132e9fc67fad24f991b3af106c.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_207d612cc41327eaf4e17ec56ebae98c_875c95459e4adee6f71749dd796c28df.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_207d612cc41327eaf4e17ec56ebae98c_875c95459e4adee6f71749dd796c28df.pkl deleted file mode 100644 index 7389910b..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_stream_207d612cc41327eaf4e17ec56ebae98c_875c95459e4adee6f71749dd796c28df.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_207d612cc41327eaf4e17ec56ebae98c_b8fcfcc81b92106e4d25ece765672074.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_207d612cc41327eaf4e17ec56ebae98c_b8fcfcc81b92106e4d25ece765672074.pkl deleted file mode 100644 index c677aaa0..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_stream_207d612cc41327eaf4e17ec56ebae98c_b8fcfcc81b92106e4d25ece765672074.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_207d612cc41327eaf4e17ec56ebae98c_bc8ca952097a6f46efd97a8d5f34feef.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_207d612cc41327eaf4e17ec56ebae98c_bc8ca952097a6f46efd97a8d5f34feef.pkl deleted file mode 100644 index 20c4d5d1..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_stream_207d612cc41327eaf4e17ec56ebae98c_bc8ca952097a6f46efd97a8d5f34feef.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_207d612cc41327eaf4e17ec56ebae98c_d7de0bde414ee777e97908d750a16638.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_207d612cc41327eaf4e17ec56ebae98c_d7de0bde414ee777e97908d750a16638.pkl deleted file mode 100644 index 22bf3cff..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_stream_207d612cc41327eaf4e17ec56ebae98c_d7de0bde414ee777e97908d750a16638.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_207d612cc41327eaf4e17ec56ebae98c_e0579556777608709384eeb0aec81e9f.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_207d612cc41327eaf4e17ec56ebae98c_e0579556777608709384eeb0aec81e9f.pkl deleted file mode 100644 index fa55c3fe..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_stream_207d612cc41327eaf4e17ec56ebae98c_e0579556777608709384eeb0aec81e9f.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_207d612cc41327eaf4e17ec56ebae98c_ed7e00e677a78b8dfd8ec87f21fb1523.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_207d612cc41327eaf4e17ec56ebae98c_ed7e00e677a78b8dfd8ec87f21fb1523.pkl deleted file mode 100644 index c1ea4570..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_stream_207d612cc41327eaf4e17ec56ebae98c_ed7e00e677a78b8dfd8ec87f21fb1523.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_28eabdd80e0940da7ed0d0e005bf5511_13ace93eb367dc7d1825cf7d14a46bc8.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_28eabdd80e0940da7ed0d0e005bf5511_13ace93eb367dc7d1825cf7d14a46bc8.pkl deleted file mode 100644 index 3244c0a5..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_stream_28eabdd80e0940da7ed0d0e005bf5511_13ace93eb367dc7d1825cf7d14a46bc8.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_28eabdd80e0940da7ed0d0e005bf5511_37d636db1d8cb35289373e9ab43c54d2.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_28eabdd80e0940da7ed0d0e005bf5511_37d636db1d8cb35289373e9ab43c54d2.pkl deleted file mode 100644 index 46bb8baa..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_stream_28eabdd80e0940da7ed0d0e005bf5511_37d636db1d8cb35289373e9ab43c54d2.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_28eabdd80e0940da7ed0d0e005bf5511_6e5a7aba1f9ef8020bd0540082532452.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_28eabdd80e0940da7ed0d0e005bf5511_6e5a7aba1f9ef8020bd0540082532452.pkl deleted file mode 100644 index 3b75b84f..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_stream_28eabdd80e0940da7ed0d0e005bf5511_6e5a7aba1f9ef8020bd0540082532452.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_28eabdd80e0940da7ed0d0e005bf5511_72f1270183455963e395485ef0fd6547.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_28eabdd80e0940da7ed0d0e005bf5511_72f1270183455963e395485ef0fd6547.pkl deleted file mode 100644 index b519f11d..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_stream_28eabdd80e0940da7ed0d0e005bf5511_72f1270183455963e395485ef0fd6547.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_28eabdd80e0940da7ed0d0e005bf5511_72fd1b6fe51b0112a38e4341bd01393b.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_28eabdd80e0940da7ed0d0e005bf5511_72fd1b6fe51b0112a38e4341bd01393b.pkl deleted file mode 100644 index 941036fe..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_stream_28eabdd80e0940da7ed0d0e005bf5511_72fd1b6fe51b0112a38e4341bd01393b.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_28eabdd80e0940da7ed0d0e005bf5511_7c35219a74f5d76b1ccf665bdaa2924c.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_28eabdd80e0940da7ed0d0e005bf5511_7c35219a74f5d76b1ccf665bdaa2924c.pkl deleted file mode 100644 index 9a258760..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_stream_28eabdd80e0940da7ed0d0e005bf5511_7c35219a74f5d76b1ccf665bdaa2924c.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_28eabdd80e0940da7ed0d0e005bf5511_90001c97274868c39f2cfb01a30b0ceb.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_28eabdd80e0940da7ed0d0e005bf5511_90001c97274868c39f2cfb01a30b0ceb.pkl deleted file mode 100644 index 8e1cc75a..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_stream_28eabdd80e0940da7ed0d0e005bf5511_90001c97274868c39f2cfb01a30b0ceb.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_28eabdd80e0940da7ed0d0e005bf5511_923e3563cefcaba52b37264dc850ddda.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_28eabdd80e0940da7ed0d0e005bf5511_923e3563cefcaba52b37264dc850ddda.pkl deleted file mode 100644 index 4b44b672..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_stream_28eabdd80e0940da7ed0d0e005bf5511_923e3563cefcaba52b37264dc850ddda.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_28eabdd80e0940da7ed0d0e005bf5511_b43e016f91af8c30b40d4f4652abe73e.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_28eabdd80e0940da7ed0d0e005bf5511_b43e016f91af8c30b40d4f4652abe73e.pkl deleted file mode 100644 index f494018c..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_stream_28eabdd80e0940da7ed0d0e005bf5511_b43e016f91af8c30b40d4f4652abe73e.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_28eabdd80e0940da7ed0d0e005bf5511_b7bb92b050afa4bbeb816b457837a716.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_28eabdd80e0940da7ed0d0e005bf5511_b7bb92b050afa4bbeb816b457837a716.pkl deleted file mode 100644 index bf39b496..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_stream_28eabdd80e0940da7ed0d0e005bf5511_b7bb92b050afa4bbeb816b457837a716.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_28eabdd80e0940da7ed0d0e005bf5511_bfc19fb66cef6bfbffcf35d431f7fdf2.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_28eabdd80e0940da7ed0d0e005bf5511_bfc19fb66cef6bfbffcf35d431f7fdf2.pkl deleted file mode 100644 index bbbf74fd..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_stream_28eabdd80e0940da7ed0d0e005bf5511_bfc19fb66cef6bfbffcf35d431f7fdf2.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_28eabdd80e0940da7ed0d0e005bf5511_c35885c1b36e695654cff5975531cac0.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_28eabdd80e0940da7ed0d0e005bf5511_c35885c1b36e695654cff5975531cac0.pkl deleted file mode 100644 index eca18fb9..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_stream_28eabdd80e0940da7ed0d0e005bf5511_c35885c1b36e695654cff5975531cac0.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_28eabdd80e0940da7ed0d0e005bf5511_d06b16832ade017e1f20bcede9bb803d.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_28eabdd80e0940da7ed0d0e005bf5511_d06b16832ade017e1f20bcede9bb803d.pkl deleted file mode 100644 index 21fbc46b..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_stream_28eabdd80e0940da7ed0d0e005bf5511_d06b16832ade017e1f20bcede9bb803d.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_28eabdd80e0940da7ed0d0e005bf5511_fc39bbc73640defb07a8179deb003908.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_28eabdd80e0940da7ed0d0e005bf5511_fc39bbc73640defb07a8179deb003908.pkl deleted file mode 100644 index 0b67d50d..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_stream_28eabdd80e0940da7ed0d0e005bf5511_fc39bbc73640defb07a8179deb003908.pkl and /dev/null 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 deleted file mode 100644 index 3244c0a5..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_stream_90417c2a15b76361a6b09dbd7619d9e4_13ace93eb367dc7d1825cf7d14a46bc8.pkl and /dev/null 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 deleted file mode 100644 index 46bb8baa..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_stream_90417c2a15b76361a6b09dbd7619d9e4_37d636db1d8cb35289373e9ab43c54d2.pkl and /dev/null 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 deleted file mode 100644 index 3b75b84f..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_stream_90417c2a15b76361a6b09dbd7619d9e4_6e5a7aba1f9ef8020bd0540082532452.pkl and /dev/null 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 deleted file mode 100644 index b519f11d..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_stream_90417c2a15b76361a6b09dbd7619d9e4_72f1270183455963e395485ef0fd6547.pkl and /dev/null 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 deleted file mode 100644 index 941036fe..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_stream_90417c2a15b76361a6b09dbd7619d9e4_72fd1b6fe51b0112a38e4341bd01393b.pkl and /dev/null 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 deleted file mode 100644 index 9a258760..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_stream_90417c2a15b76361a6b09dbd7619d9e4_7c35219a74f5d76b1ccf665bdaa2924c.pkl and /dev/null 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 deleted file mode 100644 index 8e1cc75a..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_stream_90417c2a15b76361a6b09dbd7619d9e4_90001c97274868c39f2cfb01a30b0ceb.pkl and /dev/null 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 deleted file mode 100644 index 4b44b672..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_stream_90417c2a15b76361a6b09dbd7619d9e4_923e3563cefcaba52b37264dc850ddda.pkl and /dev/null 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 deleted file mode 100644 index f494018c..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_stream_90417c2a15b76361a6b09dbd7619d9e4_b43e016f91af8c30b40d4f4652abe73e.pkl and /dev/null 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 deleted file mode 100644 index bf39b496..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_stream_90417c2a15b76361a6b09dbd7619d9e4_b7bb92b050afa4bbeb816b457837a716.pkl and /dev/null 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 deleted file mode 100644 index bbbf74fd..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_stream_90417c2a15b76361a6b09dbd7619d9e4_bfc19fb66cef6bfbffcf35d431f7fdf2.pkl and /dev/null 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 deleted file mode 100644 index eca18fb9..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_stream_90417c2a15b76361a6b09dbd7619d9e4_c35885c1b36e695654cff5975531cac0.pkl and /dev/null 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 deleted file mode 100644 index 21fbc46b..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_stream_90417c2a15b76361a6b09dbd7619d9e4_d06b16832ade017e1f20bcede9bb803d.pkl and /dev/null 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 deleted file mode 100644 index 0b67d50d..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_stream_90417c2a15b76361a6b09dbd7619d9e4_fc39bbc73640defb07a8179deb003908.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_ea964bc0c8ace5ab96237029782a0199_14eb4614afd630239791d57c5beb705d.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_ea964bc0c8ace5ab96237029782a0199_14eb4614afd630239791d57c5beb705d.pkl deleted file mode 100644 index 1344e649..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_stream_ea964bc0c8ace5ab96237029782a0199_14eb4614afd630239791d57c5beb705d.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_ea964bc0c8ace5ab96237029782a0199_4891d4822a406a9c39d80b1a448d2751.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_ea964bc0c8ace5ab96237029782a0199_4891d4822a406a9c39d80b1a448d2751.pkl deleted file mode 100644 index 8f29bf5d..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_stream_ea964bc0c8ace5ab96237029782a0199_4891d4822a406a9c39d80b1a448d2751.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_ea964bc0c8ace5ab96237029782a0199_6319cda5b7dd034328dcd94cf2702ace.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_ea964bc0c8ace5ab96237029782a0199_6319cda5b7dd034328dcd94cf2702ace.pkl deleted file mode 100644 index 8339cc62..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_stream_ea964bc0c8ace5ab96237029782a0199_6319cda5b7dd034328dcd94cf2702ace.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_ea964bc0c8ace5ab96237029782a0199_701496f2d0fd50d1ce247fc69dd4202f.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_ea964bc0c8ace5ab96237029782a0199_701496f2d0fd50d1ce247fc69dd4202f.pkl deleted file mode 100644 index e155fcb5..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_stream_ea964bc0c8ace5ab96237029782a0199_701496f2d0fd50d1ce247fc69dd4202f.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_ea964bc0c8ace5ab96237029782a0199_72f1270183455963e395485ef0fd6547.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_ea964bc0c8ace5ab96237029782a0199_72f1270183455963e395485ef0fd6547.pkl deleted file mode 100644 index a90eedfc..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_stream_ea964bc0c8ace5ab96237029782a0199_72f1270183455963e395485ef0fd6547.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_ea964bc0c8ace5ab96237029782a0199_89e357dce2571a8d349da61cdef1d193.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_ea964bc0c8ace5ab96237029782a0199_89e357dce2571a8d349da61cdef1d193.pkl deleted file mode 100644 index 7cb9c325..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_stream_ea964bc0c8ace5ab96237029782a0199_89e357dce2571a8d349da61cdef1d193.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_ea964bc0c8ace5ab96237029782a0199_923e3563cefcaba52b37264dc850ddda.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_ea964bc0c8ace5ab96237029782a0199_923e3563cefcaba52b37264dc850ddda.pkl deleted file mode 100644 index fe72da2e..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_stream_ea964bc0c8ace5ab96237029782a0199_923e3563cefcaba52b37264dc850ddda.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_ea964bc0c8ace5ab96237029782a0199_c35885c1b36e695654cff5975531cac0.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_ea964bc0c8ace5ab96237029782a0199_c35885c1b36e695654cff5975531cac0.pkl deleted file mode 100644 index 9143983b..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_stream_ea964bc0c8ace5ab96237029782a0199_c35885c1b36e695654cff5975531cac0.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_f35eea1e2256a10120a79a7836e6221c_1f210bbabbae0177d78d966eaa94a27b.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_f35eea1e2256a10120a79a7836e6221c_1f210bbabbae0177d78d966eaa94a27b.pkl deleted file mode 100644 index 9edb773e..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_stream_f35eea1e2256a10120a79a7836e6221c_1f210bbabbae0177d78d966eaa94a27b.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_f35eea1e2256a10120a79a7836e6221c_701496f2d0fd50d1ce247fc69dd4202f.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_f35eea1e2256a10120a79a7836e6221c_701496f2d0fd50d1ce247fc69dd4202f.pkl deleted file mode 100644 index e155fcb5..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_stream_f35eea1e2256a10120a79a7836e6221c_701496f2d0fd50d1ce247fc69dd4202f.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_f35eea1e2256a10120a79a7836e6221c_72f1270183455963e395485ef0fd6547.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_f35eea1e2256a10120a79a7836e6221c_72f1270183455963e395485ef0fd6547.pkl deleted file mode 100644 index a90eedfc..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_stream_f35eea1e2256a10120a79a7836e6221c_72f1270183455963e395485ef0fd6547.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_f35eea1e2256a10120a79a7836e6221c_788214ec31e7d3a79d1685d59b71f208.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_f35eea1e2256a10120a79a7836e6221c_788214ec31e7d3a79d1685d59b71f208.pkl deleted file mode 100644 index 19dd1304..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_stream_f35eea1e2256a10120a79a7836e6221c_788214ec31e7d3a79d1685d59b71f208.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_f35eea1e2256a10120a79a7836e6221c_89e357dce2571a8d349da61cdef1d193.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_f35eea1e2256a10120a79a7836e6221c_89e357dce2571a8d349da61cdef1d193.pkl deleted file mode 100644 index cf9cdc91..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_stream_f35eea1e2256a10120a79a7836e6221c_89e357dce2571a8d349da61cdef1d193.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_f35eea1e2256a10120a79a7836e6221c_923e3563cefcaba52b37264dc850ddda.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_f35eea1e2256a10120a79a7836e6221c_923e3563cefcaba52b37264dc850ddda.pkl deleted file mode 100644 index fe72da2e..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_stream_f35eea1e2256a10120a79a7836e6221c_923e3563cefcaba52b37264dc850ddda.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_f35eea1e2256a10120a79a7836e6221c_9d9d62aee4860b11db86d32204957642.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_f35eea1e2256a10120a79a7836e6221c_9d9d62aee4860b11db86d32204957642.pkl deleted file mode 100644 index b6ba1573..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_stream_f35eea1e2256a10120a79a7836e6221c_9d9d62aee4860b11db86d32204957642.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VLLMDeployment/generate_stream_f35eea1e2256a10120a79a7836e6221c_c35885c1b36e695654cff5975531cac0.pkl b/aana/tests/files/cache/VLLMDeployment/generate_stream_f35eea1e2256a10120a79a7836e6221c_c35885c1b36e695654cff5975531cac0.pkl deleted file mode 100644 index 9143983b..00000000 Binary files a/aana/tests/files/cache/VLLMDeployment/generate_stream_f35eea1e2256a10120a79a7836e6221c_c35885c1b36e695654cff5975531cac0.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VadDeployment/asr_preprocess_vad_0513096f061fe734195461133f9155ad_1ff3623d954ceef9d86e4ba8f62a483a.pkl b/aana/tests/files/cache/VadDeployment/asr_preprocess_vad_0513096f061fe734195461133f9155ad_1ff3623d954ceef9d86e4ba8f62a483a.pkl deleted file mode 100644 index 9777bcfb..00000000 Binary files a/aana/tests/files/cache/VadDeployment/asr_preprocess_vad_0513096f061fe734195461133f9155ad_1ff3623d954ceef9d86e4ba8f62a483a.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VadDeployment/asr_preprocess_vad_0513096f061fe734195461133f9155ad_22c4e70a03d0d988a860c0ad7bb6012e.pkl b/aana/tests/files/cache/VadDeployment/asr_preprocess_vad_0513096f061fe734195461133f9155ad_22c4e70a03d0d988a860c0ad7bb6012e.pkl deleted file mode 100644 index 5889b882..00000000 Binary files a/aana/tests/files/cache/VadDeployment/asr_preprocess_vad_0513096f061fe734195461133f9155ad_22c4e70a03d0d988a860c0ad7bb6012e.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VadDeployment/asr_preprocess_vad_0513096f061fe734195461133f9155ad_231a0d5ba4e19fc1ac037f62cce3a6bc.pkl b/aana/tests/files/cache/VadDeployment/asr_preprocess_vad_0513096f061fe734195461133f9155ad_231a0d5ba4e19fc1ac037f62cce3a6bc.pkl deleted file mode 100644 index 05f59a4b..00000000 Binary files a/aana/tests/files/cache/VadDeployment/asr_preprocess_vad_0513096f061fe734195461133f9155ad_231a0d5ba4e19fc1ac037f62cce3a6bc.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VadDeployment/asr_preprocess_vad_0513096f061fe734195461133f9155ad_330128a47df7838f258a9135b0061c1e.pkl b/aana/tests/files/cache/VadDeployment/asr_preprocess_vad_0513096f061fe734195461133f9155ad_330128a47df7838f258a9135b0061c1e.pkl deleted file mode 100644 index 91a4a25c..00000000 Binary files a/aana/tests/files/cache/VadDeployment/asr_preprocess_vad_0513096f061fe734195461133f9155ad_330128a47df7838f258a9135b0061c1e.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VadDeployment/asr_preprocess_vad_0513096f061fe734195461133f9155ad_56e3f878dd6a56983351ec2473af7ac6.pkl b/aana/tests/files/cache/VadDeployment/asr_preprocess_vad_0513096f061fe734195461133f9155ad_56e3f878dd6a56983351ec2473af7ac6.pkl deleted file mode 100644 index ca7fbcf7..00000000 Binary files a/aana/tests/files/cache/VadDeployment/asr_preprocess_vad_0513096f061fe734195461133f9155ad_56e3f878dd6a56983351ec2473af7ac6.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VadDeployment/asr_preprocess_vad_0513096f061fe734195461133f9155ad_5c4bd4f32d239ec0c2ff84034ca86779.pkl b/aana/tests/files/cache/VadDeployment/asr_preprocess_vad_0513096f061fe734195461133f9155ad_5c4bd4f32d239ec0c2ff84034ca86779.pkl deleted file mode 100644 index a868d404..00000000 Binary files a/aana/tests/files/cache/VadDeployment/asr_preprocess_vad_0513096f061fe734195461133f9155ad_5c4bd4f32d239ec0c2ff84034ca86779.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VadDeployment/asr_preprocess_vad_0513096f061fe734195461133f9155ad_6b3d16ef34eb7e1ae9b232f3739aa984.pkl b/aana/tests/files/cache/VadDeployment/asr_preprocess_vad_0513096f061fe734195461133f9155ad_6b3d16ef34eb7e1ae9b232f3739aa984.pkl deleted file mode 100644 index 611f92f0..00000000 Binary files a/aana/tests/files/cache/VadDeployment/asr_preprocess_vad_0513096f061fe734195461133f9155ad_6b3d16ef34eb7e1ae9b232f3739aa984.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VadDeployment/asr_preprocess_vad_0513096f061fe734195461133f9155ad_86d32b7086c29884015c95787fe76cca.pkl b/aana/tests/files/cache/VadDeployment/asr_preprocess_vad_0513096f061fe734195461133f9155ad_86d32b7086c29884015c95787fe76cca.pkl deleted file mode 100644 index cc54a5ab..00000000 Binary files a/aana/tests/files/cache/VadDeployment/asr_preprocess_vad_0513096f061fe734195461133f9155ad_86d32b7086c29884015c95787fe76cca.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VadDeployment/asr_preprocess_vad_0513096f061fe734195461133f9155ad_9a2d7861ebfd2697b1104f9591ae1b51.pkl b/aana/tests/files/cache/VadDeployment/asr_preprocess_vad_0513096f061fe734195461133f9155ad_9a2d7861ebfd2697b1104f9591ae1b51.pkl deleted file mode 100644 index d3c2abc3..00000000 Binary files a/aana/tests/files/cache/VadDeployment/asr_preprocess_vad_0513096f061fe734195461133f9155ad_9a2d7861ebfd2697b1104f9591ae1b51.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VadDeployment/asr_preprocess_vad_0513096f061fe734195461133f9155ad_a0cdfdbe2da10dd23db6e109d9923fcf.pkl b/aana/tests/files/cache/VadDeployment/asr_preprocess_vad_0513096f061fe734195461133f9155ad_a0cdfdbe2da10dd23db6e109d9923fcf.pkl deleted file mode 100644 index caa783af..00000000 Binary files a/aana/tests/files/cache/VadDeployment/asr_preprocess_vad_0513096f061fe734195461133f9155ad_a0cdfdbe2da10dd23db6e109d9923fcf.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VadDeployment/asr_preprocess_vad_0513096f061fe734195461133f9155ad_a2bde25ac2c507cd5e670a379651fa1d.pkl b/aana/tests/files/cache/VadDeployment/asr_preprocess_vad_0513096f061fe734195461133f9155ad_a2bde25ac2c507cd5e670a379651fa1d.pkl deleted file mode 100644 index b392746d..00000000 Binary files a/aana/tests/files/cache/VadDeployment/asr_preprocess_vad_0513096f061fe734195461133f9155ad_a2bde25ac2c507cd5e670a379651fa1d.pkl and /dev/null differ diff --git a/aana/tests/files/cache/VadDeployment/asr_preprocess_vad_0513096f061fe734195461133f9155ad_d055cfa7980f9c9b10f5b635aaf0b4fa.pkl b/aana/tests/files/cache/VadDeployment/asr_preprocess_vad_0513096f061fe734195461133f9155ad_d055cfa7980f9c9b10f5b635aaf0b4fa.pkl deleted file mode 100644 index 1812f312..00000000 Binary files a/aana/tests/files/cache/VadDeployment/asr_preprocess_vad_0513096f061fe734195461133f9155ad_d055cfa7980f9c9b10f5b635aaf0b4fa.pkl and /dev/null differ diff --git a/aana/tests/files/cache/WhisperDeployment/transcribe_2e11e31958b0bf482389e1adf3420c4d_172700aaa19735a3a3e18a7091bbc1c4.pkl b/aana/tests/files/cache/WhisperDeployment/transcribe_2e11e31958b0bf482389e1adf3420c4d_172700aaa19735a3a3e18a7091bbc1c4.pkl deleted file mode 100644 index afc25782..00000000 Binary files a/aana/tests/files/cache/WhisperDeployment/transcribe_2e11e31958b0bf482389e1adf3420c4d_172700aaa19735a3a3e18a7091bbc1c4.pkl and /dev/null differ diff --git a/aana/tests/files/cache/WhisperDeployment/transcribe_2e11e31958b0bf482389e1adf3420c4d_eac8876410ec173adf5da2af872a7cb8.pkl b/aana/tests/files/cache/WhisperDeployment/transcribe_2e11e31958b0bf482389e1adf3420c4d_eac8876410ec173adf5da2af872a7cb8.pkl deleted file mode 100644 index 5b930ac6..00000000 Binary files a/aana/tests/files/cache/WhisperDeployment/transcribe_2e11e31958b0bf482389e1adf3420c4d_eac8876410ec173adf5da2af872a7cb8.pkl and /dev/null differ diff --git a/aana/tests/files/cache/WhisperDeployment/transcribe_in_chunks_2e11e31958b0bf482389e1adf3420c4d_26d04b8684671b18cde6fac1ec666b1f.pkl b/aana/tests/files/cache/WhisperDeployment/transcribe_in_chunks_2e11e31958b0bf482389e1adf3420c4d_26d04b8684671b18cde6fac1ec666b1f.pkl deleted file mode 100644 index 52265b67..00000000 Binary files a/aana/tests/files/cache/WhisperDeployment/transcribe_in_chunks_2e11e31958b0bf482389e1adf3420c4d_26d04b8684671b18cde6fac1ec666b1f.pkl and /dev/null differ diff --git a/aana/tests/files/cache/WhisperDeployment/transcribe_in_chunks_2e11e31958b0bf482389e1adf3420c4d_372f664b101dc5a7eb24083d5c79b97f.pkl b/aana/tests/files/cache/WhisperDeployment/transcribe_in_chunks_2e11e31958b0bf482389e1adf3420c4d_372f664b101dc5a7eb24083d5c79b97f.pkl deleted file mode 100644 index 970c5bcc..00000000 Binary files a/aana/tests/files/cache/WhisperDeployment/transcribe_in_chunks_2e11e31958b0bf482389e1adf3420c4d_372f664b101dc5a7eb24083d5c79b97f.pkl and /dev/null differ diff --git a/aana/tests/files/cache/WhisperDeployment/transcribe_in_chunks_2e11e31958b0bf482389e1adf3420c4d_4ced11c66800d647ded704a7519de06c.pkl b/aana/tests/files/cache/WhisperDeployment/transcribe_in_chunks_2e11e31958b0bf482389e1adf3420c4d_4ced11c66800d647ded704a7519de06c.pkl deleted file mode 100644 index e2a59d01..00000000 Binary files a/aana/tests/files/cache/WhisperDeployment/transcribe_in_chunks_2e11e31958b0bf482389e1adf3420c4d_4ced11c66800d647ded704a7519de06c.pkl and /dev/null differ diff --git a/aana/tests/files/cache/WhisperDeployment/transcribe_in_chunks_2e11e31958b0bf482389e1adf3420c4d_5399f500ed53a537270173befbcbd259.pkl b/aana/tests/files/cache/WhisperDeployment/transcribe_in_chunks_2e11e31958b0bf482389e1adf3420c4d_5399f500ed53a537270173befbcbd259.pkl deleted file mode 100644 index 35aba3d7..00000000 Binary files a/aana/tests/files/cache/WhisperDeployment/transcribe_in_chunks_2e11e31958b0bf482389e1adf3420c4d_5399f500ed53a537270173befbcbd259.pkl and /dev/null differ diff --git a/aana/tests/files/cache/WhisperDeployment/transcribe_in_chunks_2e11e31958b0bf482389e1adf3420c4d_5d285bb5be274f456b8d038b88550a62.pkl b/aana/tests/files/cache/WhisperDeployment/transcribe_in_chunks_2e11e31958b0bf482389e1adf3420c4d_5d285bb5be274f456b8d038b88550a62.pkl deleted file mode 100644 index a6dc9f4a..00000000 Binary files a/aana/tests/files/cache/WhisperDeployment/transcribe_in_chunks_2e11e31958b0bf482389e1adf3420c4d_5d285bb5be274f456b8d038b88550a62.pkl and /dev/null differ diff --git a/aana/tests/files/cache/WhisperDeployment/transcribe_in_chunks_2e11e31958b0bf482389e1adf3420c4d_88508c1a5388fe6dbebf0569de31f070.pkl b/aana/tests/files/cache/WhisperDeployment/transcribe_in_chunks_2e11e31958b0bf482389e1adf3420c4d_88508c1a5388fe6dbebf0569de31f070.pkl deleted file mode 100644 index f0368430..00000000 Binary files a/aana/tests/files/cache/WhisperDeployment/transcribe_in_chunks_2e11e31958b0bf482389e1adf3420c4d_88508c1a5388fe6dbebf0569de31f070.pkl and /dev/null differ diff --git a/aana/tests/files/cache/WhisperDeployment/transcribe_in_chunks_2e11e31958b0bf482389e1adf3420c4d_8d81ecd7cf0dfaab67d76bcc5c99cef0.pkl b/aana/tests/files/cache/WhisperDeployment/transcribe_in_chunks_2e11e31958b0bf482389e1adf3420c4d_8d81ecd7cf0dfaab67d76bcc5c99cef0.pkl deleted file mode 100644 index 4ad21996..00000000 Binary files a/aana/tests/files/cache/WhisperDeployment/transcribe_in_chunks_2e11e31958b0bf482389e1adf3420c4d_8d81ecd7cf0dfaab67d76bcc5c99cef0.pkl and /dev/null differ diff --git a/aana/tests/files/cache/WhisperDeployment/transcribe_in_chunks_2e11e31958b0bf482389e1adf3420c4d_b476c93e8389dcf60428b441f796037a.pkl b/aana/tests/files/cache/WhisperDeployment/transcribe_in_chunks_2e11e31958b0bf482389e1adf3420c4d_b476c93e8389dcf60428b441f796037a.pkl deleted file mode 100644 index be3047b3..00000000 Binary files a/aana/tests/files/cache/WhisperDeployment/transcribe_in_chunks_2e11e31958b0bf482389e1adf3420c4d_b476c93e8389dcf60428b441f796037a.pkl and /dev/null differ diff --git a/aana/tests/files/cache/WhisperDeployment/transcribe_in_chunks_2e11e31958b0bf482389e1adf3420c4d_bc1c3aff6b9a9f9d63a17f817f9cb9fa.pkl b/aana/tests/files/cache/WhisperDeployment/transcribe_in_chunks_2e11e31958b0bf482389e1adf3420c4d_bc1c3aff6b9a9f9d63a17f817f9cb9fa.pkl deleted file mode 100644 index 8b17b6a7..00000000 Binary files a/aana/tests/files/cache/WhisperDeployment/transcribe_in_chunks_2e11e31958b0bf482389e1adf3420c4d_bc1c3aff6b9a9f9d63a17f817f9cb9fa.pkl and /dev/null differ diff --git a/aana/tests/files/cache/WhisperDeployment/transcribe_in_chunks_2e11e31958b0bf482389e1adf3420c4d_d6e1fb0cdf9cb7a251623c12670a1ba1.pkl b/aana/tests/files/cache/WhisperDeployment/transcribe_in_chunks_2e11e31958b0bf482389e1adf3420c4d_d6e1fb0cdf9cb7a251623c12670a1ba1.pkl deleted file mode 100644 index 733f5d5e..00000000 Binary files a/aana/tests/files/cache/WhisperDeployment/transcribe_in_chunks_2e11e31958b0bf482389e1adf3420c4d_d6e1fb0cdf9cb7a251623c12670a1ba1.pkl and /dev/null differ diff --git a/aana/tests/files/cache/WhisperDeployment/transcribe_in_chunks_2e11e31958b0bf482389e1adf3420c4d_e04fc08de4294d0e9630b9387c7c7a1d.pkl b/aana/tests/files/cache/WhisperDeployment/transcribe_in_chunks_2e11e31958b0bf482389e1adf3420c4d_e04fc08de4294d0e9630b9387c7c7a1d.pkl deleted file mode 100644 index 7949b8fa..00000000 Binary files a/aana/tests/files/cache/WhisperDeployment/transcribe_in_chunks_2e11e31958b0bf482389e1adf3420c4d_e04fc08de4294d0e9630b9387c7c7a1d.pkl and /dev/null differ diff --git a/aana/tests/files/cache/WhisperDeployment/transcribe_in_chunks_2e11e31958b0bf482389e1adf3420c4d_e7cf604e1183de6a10730f0856595f76.pkl b/aana/tests/files/cache/WhisperDeployment/transcribe_in_chunks_2e11e31958b0bf482389e1adf3420c4d_e7cf604e1183de6a10730f0856595f76.pkl deleted file mode 100644 index 6e8e6cde..00000000 Binary files a/aana/tests/files/cache/WhisperDeployment/transcribe_in_chunks_2e11e31958b0bf482389e1adf3420c4d_e7cf604e1183de6a10730f0856595f76.pkl and /dev/null differ diff --git a/aana/tests/files/cache/WhisperDeployment/transcribe_in_chunks_2e11e31958b0bf482389e1adf3420c4d_e82c391f90c7b04c8dc33e8c399e150f.pkl b/aana/tests/files/cache/WhisperDeployment/transcribe_in_chunks_2e11e31958b0bf482389e1adf3420c4d_e82c391f90c7b04c8dc33e8c399e150f.pkl deleted file mode 100644 index ff1ec92c..00000000 Binary files a/aana/tests/files/cache/WhisperDeployment/transcribe_in_chunks_2e11e31958b0bf482389e1adf3420c4d_e82c391f90c7b04c8dc33e8c399e150f.pkl and /dev/null differ diff --git a/aana/tests/files/cache/WhisperDeployment/transcribe_stream_2e11e31958b0bf482389e1adf3420c4d_031beb80176d6617111d428f5aa1fdfd.pkl b/aana/tests/files/cache/WhisperDeployment/transcribe_stream_2e11e31958b0bf482389e1adf3420c4d_031beb80176d6617111d428f5aa1fdfd.pkl deleted file mode 100644 index c901e2a4..00000000 Binary files a/aana/tests/files/cache/WhisperDeployment/transcribe_stream_2e11e31958b0bf482389e1adf3420c4d_031beb80176d6617111d428f5aa1fdfd.pkl and /dev/null differ diff --git a/aana/tests/files/cache/WhisperDeployment/transcribe_stream_2e11e31958b0bf482389e1adf3420c4d_172700aaa19735a3a3e18a7091bbc1c4.pkl b/aana/tests/files/cache/WhisperDeployment/transcribe_stream_2e11e31958b0bf482389e1adf3420c4d_172700aaa19735a3a3e18a7091bbc1c4.pkl deleted file mode 100644 index 331f184e..00000000 Binary files a/aana/tests/files/cache/WhisperDeployment/transcribe_stream_2e11e31958b0bf482389e1adf3420c4d_172700aaa19735a3a3e18a7091bbc1c4.pkl and /dev/null differ diff --git a/aana/tests/files/cache/WhisperDeployment/transcribe_stream_2e11e31958b0bf482389e1adf3420c4d_27a67462182fa30e06f10f65219d49af.pkl b/aana/tests/files/cache/WhisperDeployment/transcribe_stream_2e11e31958b0bf482389e1adf3420c4d_27a67462182fa30e06f10f65219d49af.pkl deleted file mode 100644 index 78856c13..00000000 Binary files a/aana/tests/files/cache/WhisperDeployment/transcribe_stream_2e11e31958b0bf482389e1adf3420c4d_27a67462182fa30e06f10f65219d49af.pkl and /dev/null differ diff --git a/aana/tests/files/cache/WhisperDeployment/transcribe_stream_2e11e31958b0bf482389e1adf3420c4d_4adbef709c701c626b948e571990e8ad.pkl b/aana/tests/files/cache/WhisperDeployment/transcribe_stream_2e11e31958b0bf482389e1adf3420c4d_4adbef709c701c626b948e571990e8ad.pkl deleted file mode 100644 index 481387ef..00000000 Binary files a/aana/tests/files/cache/WhisperDeployment/transcribe_stream_2e11e31958b0bf482389e1adf3420c4d_4adbef709c701c626b948e571990e8ad.pkl and /dev/null differ diff --git a/aana/tests/files/cache/WhisperDeployment/transcribe_stream_2e11e31958b0bf482389e1adf3420c4d_616a83ec10a77ed17e86db72de23acf7.pkl b/aana/tests/files/cache/WhisperDeployment/transcribe_stream_2e11e31958b0bf482389e1adf3420c4d_616a83ec10a77ed17e86db72de23acf7.pkl deleted file mode 100644 index 183defce..00000000 Binary files a/aana/tests/files/cache/WhisperDeployment/transcribe_stream_2e11e31958b0bf482389e1adf3420c4d_616a83ec10a77ed17e86db72de23acf7.pkl and /dev/null differ diff --git a/aana/tests/files/cache/WhisperDeployment/transcribe_stream_2e11e31958b0bf482389e1adf3420c4d_6ae22eb145e408b27ba9f4e802e5df3a.pkl b/aana/tests/files/cache/WhisperDeployment/transcribe_stream_2e11e31958b0bf482389e1adf3420c4d_6ae22eb145e408b27ba9f4e802e5df3a.pkl deleted file mode 100644 index d54c92f7..00000000 Binary files a/aana/tests/files/cache/WhisperDeployment/transcribe_stream_2e11e31958b0bf482389e1adf3420c4d_6ae22eb145e408b27ba9f4e802e5df3a.pkl and /dev/null differ diff --git a/aana/tests/files/cache/WhisperDeployment/transcribe_stream_2e11e31958b0bf482389e1adf3420c4d_6e82679e1cbdfa9854f06c1346ef0605.pkl b/aana/tests/files/cache/WhisperDeployment/transcribe_stream_2e11e31958b0bf482389e1adf3420c4d_6e82679e1cbdfa9854f06c1346ef0605.pkl deleted file mode 100644 index 7bb563da..00000000 Binary files a/aana/tests/files/cache/WhisperDeployment/transcribe_stream_2e11e31958b0bf482389e1adf3420c4d_6e82679e1cbdfa9854f06c1346ef0605.pkl and /dev/null differ diff --git a/aana/tests/files/cache/WhisperDeployment/transcribe_stream_2e11e31958b0bf482389e1adf3420c4d_eac8876410ec173adf5da2af872a7cb8.pkl b/aana/tests/files/cache/WhisperDeployment/transcribe_stream_2e11e31958b0bf482389e1adf3420c4d_eac8876410ec173adf5da2af872a7cb8.pkl deleted file mode 100644 index e2833ce7..00000000 Binary files a/aana/tests/files/cache/WhisperDeployment/transcribe_stream_2e11e31958b0bf482389e1adf3420c4d_eac8876410ec173adf5da2af872a7cb8.pkl and /dev/null differ diff --git a/aana/tests/files/cache/WhisperDeployment/transcribe_stream_2e11e31958b0bf482389e1adf3420c4d_eeb0b07577928acf5928ac193cfbac5e.pkl b/aana/tests/files/cache/WhisperDeployment/transcribe_stream_2e11e31958b0bf482389e1adf3420c4d_eeb0b07577928acf5928ac193cfbac5e.pkl deleted file mode 100644 index 68b18d8f..00000000 Binary files a/aana/tests/files/cache/WhisperDeployment/transcribe_stream_2e11e31958b0bf482389e1adf3420c4d_eeb0b07577928acf5928ac193cfbac5e.pkl and /dev/null differ diff --git a/aana/tests/files/expected/hf_blip2/blip2_deployment_Starry_Night.jpeg.json b/aana/tests/files/expected/hf_blip2/blip2_deployment_Starry_Night.jpeg.json new file mode 100644 index 00000000..1f8a5d05 --- /dev/null +++ b/aana/tests/files/expected/hf_blip2/blip2_deployment_Starry_Night.jpeg.json @@ -0,0 +1 @@ +"the starry night by vincent van gogh" \ No newline at end of file diff --git a/aana/tests/files/expected/hf_pipeline/hf_pipeline_blip2_deployment_Starry_Night.jpeg.json b/aana/tests/files/expected/hf_pipeline/hf_pipeline_blip2_deployment_Starry_Night.jpeg.json new file mode 100644 index 00000000..54d88ccd --- /dev/null +++ b/aana/tests/files/expected/hf_pipeline/hf_pipeline_blip2_deployment_Starry_Night.jpeg.json @@ -0,0 +1,5 @@ +[ + { + "generated_text": "the starry night by van gogh\n" + } +] \ No newline at end of file diff --git a/aana/tests/files/expected/idefics/idefics_2_8b_deployment_Starry_Night.jpeg_394ead9926577785413d0c748ebf9878.json b/aana/tests/files/expected/idefics/idefics_2_8b_deployment_Starry_Night.jpeg_394ead9926577785413d0c748ebf9878.json new file mode 100644 index 00000000..e465143e --- /dev/null +++ b/aana/tests/files/expected/idefics/idefics_2_8b_deployment_Starry_Night.jpeg_394ead9926577785413d0c748ebf9878.json @@ -0,0 +1 @@ +"Van gogh." \ No newline at end of file diff --git a/aana/tests/files/expected/text_generation/phi3_mini_4k_instruct_hf_text_generation_deployment_2f8c1d10dab7f75e25cc2d4f29c54469.json b/aana/tests/files/expected/text_generation/phi3_mini_4k_instruct_hf_text_generation_deployment_2f8c1d10dab7f75e25cc2d4f29c54469.json new file mode 100644 index 00000000..93ea00ba --- /dev/null +++ b/aana/tests/files/expected/text_generation/phi3_mini_4k_instruct_hf_text_generation_deployment_2f8c1d10dab7f75e25cc2d4f29c54469.json @@ -0,0 +1 @@ +"Elon Musk is a business magnate, industrial designer, and engineer. He is the founder, CEO, CTO, and chief designer of Space" \ No newline at end of file diff --git a/aana/tests/files/expected/text_generation/phi3_mini_4k_instruct_vllm_deployment_2f8c1d10dab7f75e25cc2d4f29c54469.json b/aana/tests/files/expected/text_generation/phi3_mini_4k_instruct_vllm_deployment_2f8c1d10dab7f75e25cc2d4f29c54469.json new file mode 100644 index 00000000..2bb9fdcc --- /dev/null +++ b/aana/tests/files/expected/text_generation/phi3_mini_4k_instruct_vllm_deployment_2f8c1d10dab7f75e25cc2d4f29c54469.json @@ -0,0 +1 @@ +" Elon Musk is a business magnate, industrial designer, and engineer. He is the founder, CEO, CTO, and chief designer of Space" \ No newline at end of file diff --git a/aana/tests/files/expected/vad/physicsworks.json b/aana/tests/files/expected/vad/physicsworks.json new file mode 100644 index 00000000..243a67f5 --- /dev/null +++ b/aana/tests/files/expected/vad/physicsworks.json @@ -0,0 +1,316 @@ +{ + "segments": [ + { + "time_interval": { + "start": 0.0, + "end": 27.789093750000003 + }, + "segments": [ + [ + 0.0, + 5.15971875 + ], + [ + 6.49534375, + 7.5728437500000005 + ], + [ + 8.402218750000001, + 9.378468750000001 + ], + [ + 10.022218750000002, + 13.377843750000002 + ], + [ + 13.43096875, + 15.318468750000003 + ], + [ + 15.506593750000002, + 17.022843750000003 + ], + [ + 17.31221875, + 22.574718750000002 + ], + [ + 22.84721875, + 25.797843750000002 + ], + [ + 26.35721875, + 27.789093750000003 + ] + ] + }, + { + "time_interval": { + "start": 28.11221875, + "end": 54.19846875 + }, + "segments": [ + [ + 28.11221875, + 31.012218750000002 + ], + [ + 31.87534375, + 33.492843750000006 + ], + [ + 35.35159375, + 39.98971875 + ], + [ + 40.63346875, + 42.85846875000001 + ], + [ + 44.16034375, + 47.431593750000005 + ], + [ + 47.78846875, + 49.82784375000001 + ], + [ + 50.20159375, + 54.19846875 + ] + ] + }, + { + "time_interval": { + "start": 54.352843750000005, + "end": 83.17284375 + }, + "segments": [ + [ + 54.352843750000005, + 65.40346875 + ], + [ + 65.67596875000001, + 66.88846875 + ], + [ + 70.24909375000001, + 74.02659375 + ], + [ + 75.37909375000001, + 77.03034375 + ], + [ + 77.11721875, + 79.07221875 + ], + [ + 79.37846875000001, + 81.87346875 + ], + [ + 82.11221875000001, + 83.17284375 + ] + ] + }, + { + "time_interval": { + "start": 83.86721875, + "end": 113.76721875 + }, + "segments": [ + [ + 83.86721875, + 84.65784375 + ], + [ + 84.91346875, + 86.98659375 + ], + [ + 87.25909375, + 88.55596875 + ], + [ + 88.76096875000002, + 91.59346875 + ], + [ + 92.01784375000001, + 93.23034375 + ], + [ + 93.62096875000002, + 94.91784375 + ], + [ + 95.19034375000001, + 96.11596875 + ], + [ + 98.31221875000001, + 99.81159375 + ], + [ + 99.94909375000002, + 101.41471875 + ], + [ + 101.87284375000002, + 103.55784375 + ], + [ + 104.33659375, + 105.12721875 + ], + [ + 105.51784375000001, + 107.97909375 + ], + [ + 108.04909375000001, + 109.17721875 + ], + [ + 109.28096875000001, + 111.32034375 + ], + [ + 111.77846875000002, + 113.76721875 + ] + ] + }, + { + "time_interval": { + "start": 114.17471875000001, + "end": 140.95284375 + }, + "segments": [ + [ + 114.17471875000001, + 115.58971875 + ], + [ + 116.04784375000001, + 118.77909375 + ], + [ + 119.11909375000002, + 128.04346875000002 + ], + [ + 128.26534375, + 131.26659375 + ], + [ + 131.53909375, + 132.88659375 + ], + [ + 133.15909375, + 137.98284375 + ], + [ + 139.70659375000002, + 140.95284375 + ] + ] + }, + { + "time_interval": { + "start": 141.27596875, + "end": 170.04534375 + }, + "segments": [ + [ + 141.27596875, + 144.91846875000002 + ], + [ + 145.68034375000002, + 147.58471875 + ], + [ + 149.64596875, + 151.70221875000001 + ], + [ + 152.00846875000002, + 155.29659375 + ], + [ + 155.94034375, + 158.82346875000002 + ], + [ + 159.01159375, + 160.67971875 + ], + [ + 162.52159375000002, + 165.86034375 + ], + [ + 166.55471875, + 170.04534375 + ] + ] + }, + { + "time_interval": { + "start": 170.18284375000002, + "end": 187.89909375000002 + }, + "segments": [ + [ + 170.18284375000002, + 172.61034375 + ], + [ + 174.63784375000003, + 177.21721875 + ], + [ + 177.94534375, + 180.06909375 + ], + [ + 182.07971875, + 183.64659375 + ], + [ + 184.96534375000002, + 185.67159375 + ], + [ + 185.70784375000002, + 186.34659375 + ], + [ + 186.43346875000003, + 187.10596875000002 + ], + [ + 187.24346875, + 187.89909375000002 + ] + ] + }, + { + "time_interval": { + "start": 200.72659375, + "end": 202.90096875 + }, + "segments": [ + [ + 200.72659375, + 202.90096875 + ] + ] + } + ] +} \ No newline at end of file diff --git a/aana/tests/files/expected/vad/physicsworks_vad.json b/aana/tests/files/expected/vad/physicsworks_vad.json deleted file mode 100644 index ed9a2b28..00000000 --- a/aana/tests/files/expected/vad/physicsworks_vad.json +++ /dev/null @@ -1,316 +0,0 @@ -{ - "segments": [ - { - "time_interval": { - "start": 0.0, - "end": 27.787713310580205 - }, - "segments": [ - [ - 0.0, - 5.159726962457338 - ], - [ - 6.478498293515359, - 7.565870307167235 - ], - [ - 8.389761092150172, - 9.374744027303754 - ], - [ - 10.027986348122868, - 13.384982935153584 - ], - [ - 13.440955631399317, - 15.313310580204778 - ], - [ - 15.50580204778157, - 17.019795221843005 - ], - [ - 17.31467576791809, - 22.565870307167238 - ], - [ - 22.86075085324232, - 25.791126279863484 - ], - [ - 26.35904436860068, - 27.787713310580205 - ] - ] - }, - { - "time_interval": { - "start": 28.116723549488054, - "end": 54.20409556313994 - }, - "segments": [ - [ - 28.116723549488054, - 31.01296928327645 - ], - [ - 31.87098976109215, - 33.487372013651886 - ], - [ - 35.352218430034135, - 39.989078498293516 - ], - [ - 40.64232081911263, - 42.855972696245736 - ], - [ - 44.15767918088738, - 47.42935153583618 - ], - [ - 47.77542662116041, - 49.8184300341297 - ], - [ - 50.19863481228669, - 54.20409556313994 - ] - ] - }, - { - "time_interval": { - "start": 54.36245733788396, - "end": 83.18020477815699 - }, - "segments": [ - [ - 54.36245733788396, - 65.39863481228669 - ], - [ - 65.6764505119454, - 66.90034129692833 - ], - [ - 70.24982935153585, - 74.01638225255972 - ], - [ - 75.3863481228669, - 77.03686006825939 - ], - [ - 77.10989761092151, - 79.06757679180888 - ], - [ - 79.37952218430036, - 81.88327645051194 - ], - [ - 82.10989761092151, - 83.18020477815699 - ] - ] - }, - { - "time_interval": { - "start": 83.8505119453925, - "end": 113.76040955631399 - }, - "segments": [ - [ - 83.8505119453925, - 84.64778156996587 - ], - [ - 84.9085324232082, - 86.98566552901023 - ], - [ - 87.24641638225258, - 88.5556313993174 - ], - [ - 88.7651877133106, - 91.59317406143344 - ], - [ - 92.0245733788396, - 93.23139931740614 - ], - [ - 93.61160409556315, - 94.92081911262798 - ], - [ - 95.1986348122867, - 96.11535836177474 - ], - [ - 98.30443686006828, - 99.81843003412969 - ], - [ - 99.94266211604096, - 101.40546075085324 - ], - [ - 101.87098976109216, - 103.5556313993174 - ], - [ - 104.3283276450512, - 105.12559726962458 - ], - [ - 105.52286689419796, - 107.97542662116041 - ], - [ - 108.03139931740616, - 109.18703071672356 - ], - [ - 109.27713310580206, - 111.32013651877133 - ], - [ - 111.76860068259387, - 113.76040955631399 - ] - ] - }, - { - "time_interval": { - "start": 114.17474402730377, - "end": 140.94470989761092 - }, - "segments": [ - [ - 114.17474402730377, - 115.56928327645052 - ], - [ - 116.05187713310582, - 118.77747440273038 - ], - [ - 119.12354948805462, - 128.04368600682594 - ], - [ - 128.27030716723553, - 131.26894197952217 - ], - [ - 131.52969283276454, - 132.89010238907852 - ], - [ - 133.1679180887372, - 137.97542662116044 - ], - [ - 139.70375426621163, - 140.94470989761092 - ] - ] - }, - { - "time_interval": { - "start": 141.2737201365188, - "end": 170.04027303754268 - }, - "segments": [ - [ - 141.2737201365188, - 144.92081911262798 - ], - [ - 145.67645051194543, - 147.58293515358363 - ], - [ - 149.6525597269625, - 151.69556313993175 - ], - [ - 152.0075085324232, - 155.29624573378842 - ], - [ - 155.93242320819112, - 158.81160409556313 - ], - [ - 159.00409556313994, - 160.6716723549488 - ], - [ - 162.5194539249147, - 165.84232081911264 - ], - [ - 166.5467576791809, - 170.04027303754268 - ] - ] - }, - { - "time_interval": { - "start": 170.1986348122867, - "end": 187.89010238907852 - }, - "segments": [ - [ - 170.1986348122867, - 172.6 - ], - [ - 174.63549488054608, - 177.2245733788396 - ], - [ - 177.94607508532422, - 180.07440273037545 - ], - [ - 182.07576791808876, - 183.6409556313993 - ], - [ - 184.95972696245738, - 185.6716723549488 - ], - [ - 185.71058020477815, - 186.33720136518772 - ], - [ - 186.44436860068262, - 187.1051194539249 - ], - [ - 187.2464163822526, - 187.89010238907852 - ] - ] - }, - { - "time_interval": { - "start": 200.72764505119457, - "end": 202.92423208191124 - }, - "segments": [ - [ - 200.72764505119457, - 202.92423208191124 - ] - ] - } - ] -} \ No newline at end of file diff --git a/aana/tests/files/expected/vad/squirrel.json b/aana/tests/files/expected/vad/squirrel.json new file mode 100644 index 00000000..90535e84 --- /dev/null +++ b/aana/tests/files/expected/vad/squirrel.json @@ -0,0 +1,3 @@ +{ + "segments": [] +} \ No newline at end of file diff --git a/aana/tests/files/expected/vad/squirrel_vad.json b/aana/tests/files/expected/vad/squirrel_vad.json deleted file mode 100644 index 77e6e2dc..00000000 --- a/aana/tests/files/expected/vad/squirrel_vad.json +++ /dev/null @@ -1,3 +0,0 @@ -{ - "segments": [] -} \ No newline at end of file diff --git a/aana/tests/files/expected/whisper/medium/physicsworks.json b/aana/tests/files/expected/whisper/medium/physicsworks.json deleted file mode 100644 index bdceaf4b..00000000 --- a/aana/tests/files/expected/whisper/medium/physicsworks.json +++ /dev/null @@ -1,3618 +0,0 @@ -{ - "segments": [ - { - "confidence": 0.9157558281907482, - "no_speech_confidence": 0.007221221923828125, - "text": " Now I want to return to the conservation of mechanical energy.", - "time_interval": { - "end": 4.94, - "start": 0.0 - }, - "words": [ - { - "alignment_confidence": 0.88134765625, - "time_interval": { - "end": 0.24, - "start": 0.0 - }, - "word": " Now" - }, - { - "alignment_confidence": 0.9443359375, - "time_interval": { - "end": 0.36, - "start": 0.24 - }, - "word": " I" - }, - { - "alignment_confidence": 0.99951171875, - "time_interval": { - "end": 0.62, - "start": 0.36 - }, - "word": " want" - }, - { - "alignment_confidence": 0.99951171875, - "time_interval": { - "end": 1.4, - "start": 0.62 - }, - "word": " to" - }, - { - "alignment_confidence": 0.8212890625, - "time_interval": { - "end": 2.2, - "start": 1.4 - }, - "word": " return" - }, - { - "alignment_confidence": 0.9990234375, - "time_interval": { - "end": 2.56, - "start": 2.2 - }, - "word": " to" - }, - { - "alignment_confidence": 0.998046875, - "time_interval": { - "end": 2.74, - "start": 2.56 - }, - "word": " the" - }, - { - "alignment_confidence": 0.998046875, - "time_interval": { - "end": 3.34, - "start": 2.74 - }, - "word": " conservation" - }, - { - "alignment_confidence": 0.99853515625, - "time_interval": { - "end": 3.7, - "start": 3.34 - }, - "word": " of" - }, - { - "alignment_confidence": 0.99853515625, - "time_interval": { - "end": 4.32, - "start": 3.7 - }, - "word": " mechanical" - }, - { - "alignment_confidence": 0.99951171875, - "time_interval": { - "end": 4.94, - "start": 4.32 - }, - "word": " energy." - } - ] - }, - { - "confidence": 0.9157558281907482, - "no_speech_confidence": 0.007221221923828125, - "text": " I have here a pendulum.", - "time_interval": { - "end": 9.1, - "start": 6.48 - }, - "words": [ - { - "alignment_confidence": 0.99609375, - "time_interval": { - "end": 6.78, - "start": 6.48 - }, - "word": " I" - }, - { - "alignment_confidence": 0.99951171875, - "time_interval": { - "end": 6.98, - "start": 6.78 - }, - "word": " have" - }, - { - "alignment_confidence": 0.98828125, - "time_interval": { - "end": 7.56, - "start": 6.98 - }, - "word": " here" - }, - { - "alignment_confidence": 0.9912109375, - "time_interval": { - "end": 8.68, - "start": 7.56 - }, - "word": " a" - }, - { - "alignment_confidence": 0.99853515625, - "time_interval": { - "end": 9.1, - "start": 8.68 - }, - "word": " pendulum." - } - ] - }, - { - "confidence": 0.9157558281907482, - "no_speech_confidence": 0.007221221923828125, - "text": " I have an object that weighs 15 kilograms", - "time_interval": { - "end": 12.2, - "start": 10.2 - }, - "words": [ - { - "alignment_confidence": 0.99853515625, - "time_interval": { - "end": 10.3, - "start": 10.2 - }, - "word": " I" - }, - { - "alignment_confidence": 0.99951171875, - "time_interval": { - "end": 10.44, - "start": 10.3 - }, - "word": " have" - }, - { - "alignment_confidence": 0.9990234375, - "time_interval": { - "end": 10.6, - "start": 10.44 - }, - "word": " an" - }, - { - "alignment_confidence": 1.0, - "time_interval": { - "end": 10.9, - "start": 10.6 - }, - "word": " object" - }, - { - "alignment_confidence": 0.9970703125, - "time_interval": { - "end": 11.1, - "start": 10.9 - }, - "word": " that" - }, - { - "alignment_confidence": 0.9912109375, - "time_interval": { - "end": 11.26, - "start": 11.1 - }, - "word": " weighs" - }, - { - "alignment_confidence": 0.98779296875, - "time_interval": { - "end": 11.72, - "start": 11.26 - }, - "word": " 15" - }, - { - "alignment_confidence": 0.9365234375, - "time_interval": { - "end": 12.2, - "start": 11.72 - }, - "word": " kilograms" - } - ] - }, - { - "confidence": 0.9157558281907482, - "no_speech_confidence": 0.007221221923828125, - "text": " and I can lift it up one meter, which I have done now.", - "time_interval": { - "end": 15.4, - "start": 12.2 - }, - "words": [ - { - "alignment_confidence": 0.716796875, - "time_interval": { - "end": 12.36, - "start": 12.2 - }, - "word": " and" - }, - { - "alignment_confidence": 0.99951171875, - "time_interval": { - "end": 12.48, - "start": 12.36 - }, - "word": " I" - }, - { - "alignment_confidence": 0.9990234375, - "time_interval": { - "end": 12.72, - "start": 12.48 - }, - "word": " can" - }, - { - "alignment_confidence": 0.9970703125, - "time_interval": { - "end": 12.86, - "start": 12.72 - }, - "word": " lift" - }, - { - "alignment_confidence": 0.998046875, - "time_interval": { - "end": 13.04, - "start": 12.86 - }, - "word": " it" - }, - { - "alignment_confidence": 0.99951171875, - "time_interval": { - "end": 13.4, - "start": 13.04 - }, - "word": " up" - }, - { - "alignment_confidence": 0.9306640625, - "time_interval": { - "end": 13.88, - "start": 13.4 - }, - "word": " one" - }, - { - "alignment_confidence": 0.99755859375, - "time_interval": { - "end": 14.18, - "start": 13.88 - }, - "word": " meter," - }, - { - "alignment_confidence": 0.99853515625, - "time_interval": { - "end": 14.42, - "start": 14.26 - }, - "word": " which" - }, - { - "alignment_confidence": 0.99951171875, - "time_interval": { - "end": 14.54, - "start": 14.42 - }, - "word": " I" - }, - { - "alignment_confidence": 0.99658203125, - "time_interval": { - "end": 14.72, - "start": 14.54 - }, - "word": " have" - }, - { - "alignment_confidence": 0.99853515625, - "time_interval": { - "end": 14.84, - "start": 14.72 - }, - "word": " done" - }, - { - "alignment_confidence": 0.9912109375, - "time_interval": { - "end": 15.4, - "start": 14.84 - }, - "word": " now." - } - ] - }, - { - "confidence": 0.8740019997697033, - "no_speech_confidence": 0.108642578125, - "text": " That means I've done work, MGH is the work I have done, believe me.", - "time_interval": { - "end": 19.84, - "start": 15.4 - }, - "words": [ - { - "alignment_confidence": 0.88037109375, - "time_interval": { - "end": 15.8, - "start": 15.4 - }, - "word": " That" - }, - { - "alignment_confidence": 0.99609375, - "time_interval": { - "end": 16.0, - "start": 15.8 - }, - "word": " means" - }, - { - "alignment_confidence": 0.919189453125, - "time_interval": { - "end": 16.2, - "start": 16.0 - }, - "word": " I've" - }, - { - "alignment_confidence": 0.99853515625, - "time_interval": { - "end": 16.42, - "start": 16.2 - }, - "word": " done" - }, - { - "alignment_confidence": 0.99560546875, - "time_interval": { - "end": 17.06, - "start": 16.42 - }, - "word": " work," - }, - { - "alignment_confidence": 0.595947265625, - "time_interval": { - "end": 18.12, - "start": 17.7 - }, - "word": " MGH" - }, - { - "alignment_confidence": 0.96044921875, - "time_interval": { - "end": 18.4, - "start": 18.12 - }, - "word": " is" - }, - { - "alignment_confidence": 0.99755859375, - "time_interval": { - "end": 18.54, - "start": 18.4 - }, - "word": " the" - }, - { - "alignment_confidence": 0.9990234375, - "time_interval": { - "end": 18.66, - "start": 18.54 - }, - "word": " work" - }, - { - "alignment_confidence": 0.98876953125, - "time_interval": { - "end": 18.82, - "start": 18.66 - }, - "word": " I" - }, - { - "alignment_confidence": 0.98583984375, - "time_interval": { - "end": 19.04, - "start": 18.82 - }, - "word": " have" - }, - { - "alignment_confidence": 0.9990234375, - "time_interval": { - "end": 19.3, - "start": 19.04 - }, - "word": " done," - }, - { - "alignment_confidence": 0.9951171875, - "time_interval": { - "end": 19.62, - "start": 19.36 - }, - "word": " believe" - }, - { - "alignment_confidence": 1.0, - "time_interval": { - "end": 19.84, - "start": 19.62 - }, - "word": " me." - } - ] - }, - { - "confidence": 0.8740019997697033, - "no_speech_confidence": 0.108642578125, - "text": " I've increased the potential energy of this object.", - "time_interval": { - "end": 22.46, - "start": 20.04 - }, - "words": [ - { - "alignment_confidence": 0.84765625, - "time_interval": { - "end": 20.38, - "start": 20.04 - }, - "word": " I've" - }, - { - "alignment_confidence": 0.9970703125, - "time_interval": { - "end": 20.7, - "start": 20.38 - }, - "word": " increased" - }, - { - "alignment_confidence": 0.99951171875, - "time_interval": { - "end": 20.88, - "start": 20.7 - }, - "word": " the" - }, - { - "alignment_confidence": 0.9990234375, - "time_interval": { - "end": 21.3, - "start": 20.88 - }, - "word": " potential" - }, - { - "alignment_confidence": 0.998046875, - "time_interval": { - "end": 21.6, - "start": 21.3 - }, - "word": " energy" - }, - { - "alignment_confidence": 0.99853515625, - "time_interval": { - "end": 21.74, - "start": 21.6 - }, - "word": " of" - }, - { - "alignment_confidence": 0.99853515625, - "time_interval": { - "end": 21.96, - "start": 21.74 - }, - "word": " this" - }, - { - "alignment_confidence": 0.99951171875, - "time_interval": { - "end": 22.46, - "start": 21.96 - }, - "word": " object." - } - ] - }, - { - "confidence": 0.8740019997697033, - "no_speech_confidence": 0.108642578125, - "text": " 15 times 10 is about 150 joules.", - "time_interval": { - "end": 25.74, - "start": 23.06 - }, - "words": [ - { - "alignment_confidence": 0.765625, - "time_interval": { - "end": 23.42, - "start": 23.06 - }, - "word": " 15" - }, - { - "alignment_confidence": 0.88037109375, - "time_interval": { - "end": 23.76, - "start": 23.42 - }, - "word": " times" - }, - { - "alignment_confidence": 0.475830078125, - "time_interval": { - "end": 24.14, - "start": 23.76 - }, - "word": " 10" - }, - { - "alignment_confidence": 0.6630859375, - "time_interval": { - "end": 24.36, - "start": 24.14 - }, - "word": " is" - }, - { - "alignment_confidence": 0.98828125, - "time_interval": { - "end": 24.62, - "start": 24.36 - }, - "word": " about" - }, - { - "alignment_confidence": 0.9970703125, - "time_interval": { - "end": 25.1, - "start": 24.62 - }, - "word": " 150" - }, - { - "alignment_confidence": 0.97216796875, - "time_interval": { - "end": 25.74, - "start": 25.1 - }, - "word": " joules." - } - ] - }, - { - "confidence": 0.8740019997697033, - "no_speech_confidence": 0.108642578125, - "text": " If I let it fall, then that will be converted to kinetic energy.", - "time_interval": { - "end": 30.9, - "start": 26.46 - }, - "words": [ - { - "alignment_confidence": 0.99169921875, - "time_interval": { - "end": 26.7, - "start": 26.46 - }, - "word": " If" - }, - { - "alignment_confidence": 0.99951171875, - "time_interval": { - "end": 26.84, - "start": 26.7 - }, - "word": " I" - }, - { - "alignment_confidence": 0.9990234375, - "time_interval": { - "end": 26.96, - "start": 26.84 - }, - "word": " let" - }, - { - "alignment_confidence": 0.99853515625, - "time_interval": { - "end": 27.2, - "start": 26.96 - }, - "word": " it" - }, - { - "alignment_confidence": 0.9990234375, - "time_interval": { - "end": 27.68, - "start": 27.2 - }, - "word": " fall," - }, - { - "alignment_confidence": 0.99658203125, - "time_interval": { - "end": 28.68, - "start": 28.3 - }, - "word": " then" - }, - { - "alignment_confidence": 0.9931640625, - "time_interval": { - "end": 29.2, - "start": 28.68 - }, - "word": " that" - }, - { - "alignment_confidence": 0.9970703125, - "time_interval": { - "end": 29.4, - "start": 29.2 - }, - "word": " will" - }, - { - "alignment_confidence": 0.9990234375, - "time_interval": { - "end": 29.62, - "start": 29.4 - }, - "word": " be" - }, - { - "alignment_confidence": 0.9990234375, - "time_interval": { - "end": 29.92, - "start": 29.62 - }, - "word": " converted" - }, - { - "alignment_confidence": 0.9951171875, - "time_interval": { - "end": 30.1, - "start": 29.92 - }, - "word": " to" - }, - { - "alignment_confidence": 1.0, - "time_interval": { - "end": 30.44, - "start": 30.1 - }, - "word": " kinetic" - }, - { - "alignment_confidence": 1.0, - "time_interval": { - "end": 30.9, - "start": 30.44 - }, - "word": " energy." - } - ] - }, - { - "confidence": 0.9112219726865124, - "no_speech_confidence": 0.039886474609375, - "text": " If I would let it swing from one meter height", - "time_interval": { - "end": 36.8, - "start": 31.7 - }, - "words": [ - { - "alignment_confidence": 0.80126953125, - "time_interval": { - "end": 32.14, - "start": 31.7 - }, - "word": " If" - }, - { - "alignment_confidence": 0.99609375, - "time_interval": { - "end": 32.28, - "start": 32.14 - }, - "word": " I" - }, - { - "alignment_confidence": 0.9853515625, - "time_interval": { - "end": 32.44, - "start": 32.28 - }, - "word": " would" - }, - { - "alignment_confidence": 0.9990234375, - "time_interval": { - "end": 32.58, - "start": 32.44 - }, - "word": " let" - }, - { - "alignment_confidence": 0.99853515625, - "time_interval": { - "end": 32.82, - "start": 32.58 - }, - "word": " it" - }, - { - "alignment_confidence": 0.9970703125, - "time_interval": { - "end": 33.44, - "start": 32.82 - }, - "word": " swing" - }, - { - "alignment_confidence": 0.98779296875, - "time_interval": { - "end": 35.82, - "start": 34.94 - }, - "word": " from" - }, - { - "alignment_confidence": 0.95361328125, - "time_interval": { - "end": 36.02, - "start": 35.82 - }, - "word": " one" - }, - { - "alignment_confidence": 0.85498046875, - "time_interval": { - "end": 36.22, - "start": 36.02 - }, - "word": " meter" - }, - { - "alignment_confidence": 0.935546875, - "time_interval": { - "end": 36.8, - "start": 36.22 - }, - "word": " height" - } - ] - }, - { - "confidence": 0.9112219726865124, - "no_speech_confidence": 0.039886474609375, - "text": " and you would be there and it would hit you, you'd be dead.", - "time_interval": { - "end": 40.04, - "start": 36.8 - }, - "words": [ - { - "alignment_confidence": 0.80078125, - "time_interval": { - "end": 37.3, - "start": 36.8 - }, - "word": " and" - }, - { - "alignment_confidence": 0.99365234375, - "time_interval": { - "end": 37.42, - "start": 37.3 - }, - "word": " you" - }, - { - "alignment_confidence": 0.99462890625, - "time_interval": { - "end": 37.6, - "start": 37.42 - }, - "word": " would" - }, - { - "alignment_confidence": 0.99853515625, - "time_interval": { - "end": 37.82, - "start": 37.6 - }, - "word": " be" - }, - { - "alignment_confidence": 0.97900390625, - "time_interval": { - "end": 37.94, - "start": 37.82 - }, - "word": " there" - }, - { - "alignment_confidence": 0.9443359375, - "time_interval": { - "end": 38.0, - "start": 37.94 - }, - "word": " and" - }, - { - "alignment_confidence": 0.99462890625, - "time_interval": { - "end": 38.12, - "start": 38.0 - }, - "word": " it" - }, - { - "alignment_confidence": 0.9970703125, - "time_interval": { - "end": 38.3, - "start": 38.12 - }, - "word": " would" - }, - { - "alignment_confidence": 0.99853515625, - "time_interval": { - "end": 38.5, - "start": 38.3 - }, - "word": " hit" - }, - { - "alignment_confidence": 0.99853515625, - "time_interval": { - "end": 38.9, - "start": 38.5 - }, - "word": " you," - }, - { - "alignment_confidence": 0.940673828125, - "time_interval": { - "end": 39.34, - "start": 39.1 - }, - "word": " you'd" - }, - { - "alignment_confidence": 0.99951171875, - "time_interval": { - "end": 39.52, - "start": 39.34 - }, - "word": " be" - }, - { - "alignment_confidence": 0.9990234375, - "time_interval": { - "end": 40.04, - "start": 39.52 - }, - "word": " dead." - } - ] - }, - { - "confidence": 0.9112219726865124, - "no_speech_confidence": 0.039886474609375, - "text": " 150 joules is enough to kill you.", - "time_interval": { - "end": 43.16, - "start": 40.92 - }, - "words": [ - { - "alignment_confidence": 0.98193359375, - "time_interval": { - "end": 41.36, - "start": 40.92 - }, - "word": " 150" - }, - { - "alignment_confidence": 0.975830078125, - "time_interval": { - "end": 41.72, - "start": 41.36 - }, - "word": " joules" - }, - { - "alignment_confidence": 0.99951171875, - "time_interval": { - "end": 41.92, - "start": 41.72 - }, - "word": " is" - }, - { - "alignment_confidence": 0.99951171875, - "time_interval": { - "end": 42.1, - "start": 41.92 - }, - "word": " enough" - }, - { - "alignment_confidence": 1.0, - "time_interval": { - "end": 42.3, - "start": 42.1 - }, - "word": " to" - }, - { - "alignment_confidence": 0.99951171875, - "time_interval": { - "end": 42.48, - "start": 42.3 - }, - "word": " kill" - }, - { - "alignment_confidence": 1.0, - "time_interval": { - "end": 43.16, - "start": 42.48 - }, - "word": " you." - } - ] - }, - { - "confidence": 0.9112219726865124, - "no_speech_confidence": 0.039886474609375, - "text": " They use these devices.", - "time_interval": { - "end": 45.68, - "start": 44.3 - }, - "words": [ - { - "alignment_confidence": 0.99560546875, - "time_interval": { - "end": 44.58, - "start": 44.3 - }, - "word": " They" - }, - { - "alignment_confidence": 0.80615234375, - "time_interval": { - "end": 44.8, - "start": 44.58 - }, - "word": " use" - }, - { - "alignment_confidence": 0.9990234375, - "time_interval": { - "end": 45.04, - "start": 44.8 - }, - "word": " these" - }, - { - "alignment_confidence": 0.9990234375, - "time_interval": { - "end": 45.68, - "start": 45.04 - }, - "word": " devices." - } - ] - }, - { - "confidence": 0.850807701839507, - "no_speech_confidence": 0.6787109375, - "text": " They use them to demolish buildings.", - "time_interval": { - "end": 49.52, - "start": 47.12 - }, - "words": [ - { - "alignment_confidence": 0.344970703125, - "time_interval": { - "end": 47.78, - "start": 47.12 - }, - "word": " They" - }, - { - "alignment_confidence": 0.05169677734375, - "time_interval": { - "end": 48.32, - "start": 47.78 - }, - "word": " use" - }, - { - "alignment_confidence": 0.97509765625, - "time_interval": { - "end": 48.5, - "start": 48.32 - }, - "word": " them" - }, - { - "alignment_confidence": 0.9990234375, - "time_interval": { - "end": 48.64, - "start": 48.5 - }, - "word": " to" - }, - { - "alignment_confidence": 0.999755859375, - "time_interval": { - "end": 49.02, - "start": 48.64 - }, - "word": " demolish" - }, - { - "alignment_confidence": 0.99755859375, - "time_interval": { - "end": 49.52, - "start": 49.02 - }, - "word": " buildings." - } - ] - }, - { - "confidence": 0.850807701839507, - "no_speech_confidence": 0.6787109375, - "text": " You lift up a very heavy object, even heavier than this,", - "time_interval": { - "end": 54.14, - "start": 50.4 - }, - "words": [ - { - "alignment_confidence": 0.994140625, - "time_interval": { - "end": 50.76, - "start": 50.4 - }, - "word": " You" - }, - { - "alignment_confidence": 0.9990234375, - "time_interval": { - "end": 51.08, - "start": 50.76 - }, - "word": " lift" - }, - { - "alignment_confidence": 0.9970703125, - "time_interval": { - "end": 51.58, - "start": 51.08 - }, - "word": " up" - }, - { - "alignment_confidence": 0.99853515625, - "time_interval": { - "end": 51.74, - "start": 51.58 - }, - "word": " a" - }, - { - "alignment_confidence": 0.99951171875, - "time_interval": { - "end": 52.02, - "start": 51.74 - }, - "word": " very" - }, - { - "alignment_confidence": 0.9990234375, - "time_interval": { - "end": 52.18, - "start": 52.02 - }, - "word": " heavy" - }, - { - "alignment_confidence": 0.99951171875, - "time_interval": { - "end": 52.7, - "start": 52.18 - }, - "word": " object," - }, - { - "alignment_confidence": 0.99462890625, - "time_interval": { - "end": 53.18, - "start": 52.9 - }, - "word": " even" - }, - { - "alignment_confidence": 0.998046875, - "time_interval": { - "end": 53.42, - "start": 53.18 - }, - "word": " heavier" - }, - { - "alignment_confidence": 0.9990234375, - "time_interval": { - "end": 53.62, - "start": 53.42 - }, - "word": " than" - }, - { - "alignment_confidence": 1.0, - "time_interval": { - "end": 54.14, - "start": 53.62 - }, - "word": " this," - } - ] - }, - { - "confidence": 0.850807701839507, - "no_speech_confidence": 0.6787109375, - "text": " and then you let it go, you swing it,", - "time_interval": { - "end": 57.32, - "start": 54.56 - }, - "words": [ - { - "alignment_confidence": 0.99365234375, - "time_interval": { - "end": 54.92, - "start": 54.56 - }, - "word": " and" - }, - { - "alignment_confidence": 0.998046875, - "time_interval": { - "end": 55.58, - "start": 54.92 - }, - "word": " then" - }, - { - "alignment_confidence": 0.9912109375, - "time_interval": { - "end": 55.92, - "start": 55.58 - }, - "word": " you" - }, - { - "alignment_confidence": 1.0, - "time_interval": { - "end": 56.04, - "start": 55.92 - }, - "word": " let" - }, - { - "alignment_confidence": 0.998046875, - "time_interval": { - "end": 56.26, - "start": 56.04 - }, - "word": " it" - }, - { - "alignment_confidence": 0.99951171875, - "time_interval": { - "end": 56.42, - "start": 56.26 - }, - "word": " go," - }, - { - "alignment_confidence": 0.994140625, - "time_interval": { - "end": 56.7, - "start": 56.46 - }, - "word": " you" - }, - { - "alignment_confidence": 0.99853515625, - "time_interval": { - "end": 56.9, - "start": 56.7 - }, - "word": " swing" - }, - { - "alignment_confidence": 0.99951171875, - "time_interval": { - "end": 57.32, - "start": 56.9 - }, - "word": " it," - } - ] - }, - { - "confidence": 0.850807701839507, - "no_speech_confidence": 0.6787109375, - "text": " thereby converting gravitational potential energy", - "time_interval": { - "end": 60.14, - "start": 57.4 - }, - "words": [ - { - "alignment_confidence": 0.99462890625, - "time_interval": { - "end": 57.7, - "start": 57.4 - }, - "word": " thereby" - }, - { - "alignment_confidence": 0.998046875, - "time_interval": { - "end": 58.24, - "start": 57.7 - }, - "word": " converting" - }, - { - "alignment_confidence": 0.99853515625, - "time_interval": { - "end": 58.98, - "start": 58.24 - }, - "word": " gravitational" - }, - { - "alignment_confidence": 0.98486328125, - "time_interval": { - "end": 59.76, - "start": 58.98 - }, - "word": " potential" - }, - { - "alignment_confidence": 0.99951171875, - "time_interval": { - "end": 60.14, - "start": 59.76 - }, - "word": " energy" - } - ] - }, - { - "confidence": 0.8986252293616015, - "no_speech_confidence": 0.13134765625, - "text": " into kinetic energy and that way you can demolish a building.", - "time_interval": { - "end": 65.22, - "start": 60.14 - }, - "words": [ - { - "alignment_confidence": 0.52587890625, - "time_interval": { - "end": 60.8, - "start": 60.14 - }, - "word": " into" - }, - { - "alignment_confidence": 0.99951171875, - "time_interval": { - "end": 61.62, - "start": 60.8 - }, - "word": " kinetic" - }, - { - "alignment_confidence": 1.0, - "time_interval": { - "end": 62.22, - "start": 61.62 - }, - "word": " energy" - }, - { - "alignment_confidence": 0.57177734375, - "time_interval": { - "end": 62.56, - "start": 62.22 - }, - "word": " and" - }, - { - "alignment_confidence": 0.97314453125, - "time_interval": { - "end": 62.78, - "start": 62.56 - }, - "word": " that" - }, - { - "alignment_confidence": 0.99951171875, - "time_interval": { - "end": 63.3, - "start": 62.78 - }, - "word": " way" - }, - { - "alignment_confidence": 0.92236328125, - "time_interval": { - "end": 63.46, - "start": 63.3 - }, - "word": " you" - }, - { - "alignment_confidence": 0.998046875, - "time_interval": { - "end": 64.3, - "start": 63.46 - }, - "word": " can" - }, - { - "alignment_confidence": 0.999267578125, - "time_interval": { - "end": 64.78, - "start": 64.3 - }, - "word": " demolish" - }, - { - "alignment_confidence": 0.99609375, - "time_interval": { - "end": 64.92, - "start": 64.78 - }, - "word": " a" - }, - { - "alignment_confidence": 1.0, - "time_interval": { - "end": 65.22, - "start": 64.92 - }, - "word": " building." - } - ] - }, - { - "confidence": 0.8986252293616015, - "no_speech_confidence": 0.13134765625, - "text": " You just let it hit and it breaks a building.", - "time_interval": { - "end": 71.4, - "start": 65.5 - }, - "words": [ - { - "alignment_confidence": 0.99169921875, - "time_interval": { - "end": 65.94, - "start": 65.5 - }, - "word": " You" - }, - { - "alignment_confidence": 0.99853515625, - "time_interval": { - "end": 66.14, - "start": 65.94 - }, - "word": " just" - }, - { - "alignment_confidence": 0.99951171875, - "time_interval": { - "end": 66.28, - "start": 66.14 - }, - "word": " let" - }, - { - "alignment_confidence": 0.99951171875, - "time_interval": { - "end": 66.46, - "start": 66.28 - }, - "word": " it" - }, - { - "alignment_confidence": 0.998046875, - "time_interval": { - "end": 67.04, - "start": 66.46 - }, - "word": " hit" - }, - { - "alignment_confidence": 0.382080078125, - "time_interval": { - "end": 70.52, - "start": 67.04 - }, - "word": " and" - }, - { - "alignment_confidence": 0.99951171875, - "time_interval": { - "end": 70.7, - "start": 70.52 - }, - "word": " it" - }, - { - "alignment_confidence": 0.99755859375, - "time_interval": { - "end": 70.96, - "start": 70.7 - }, - "word": " breaks" - }, - { - "alignment_confidence": 0.98779296875, - "time_interval": { - "end": 71.08, - "start": 70.96 - }, - "word": " a" - }, - { - "alignment_confidence": 1.0, - "time_interval": { - "end": 71.4, - "start": 71.08 - }, - "word": " building." - } - ] - }, - { - "confidence": 0.8986252293616015, - "no_speech_confidence": 0.13134765625, - "text": " And that's the whole idea of wrecking.", - "time_interval": { - "end": 74.04, - "start": 71.5 - }, - "words": [ - { - "alignment_confidence": 0.9638671875, - "time_interval": { - "end": 71.72, - "start": 71.5 - }, - "word": " And" - }, - { - "alignment_confidence": 0.998291015625, - "time_interval": { - "end": 71.96, - "start": 71.72 - }, - "word": " that's" - }, - { - "alignment_confidence": 0.9990234375, - "time_interval": { - "end": 72.0, - "start": 71.96 - }, - "word": " the" - }, - { - "alignment_confidence": 0.99951171875, - "time_interval": { - "end": 72.18, - "start": 72.0 - }, - "word": " whole" - }, - { - "alignment_confidence": 1.0, - "time_interval": { - "end": 72.88, - "start": 72.18 - }, - "word": " idea" - }, - { - "alignment_confidence": 0.99853515625, - "time_interval": { - "end": 73.42, - "start": 72.88 - }, - "word": " of" - }, - { - "alignment_confidence": 0.949951171875, - "time_interval": { - "end": 74.04, - "start": 73.42 - }, - "word": " wrecking." - } - ] - }, - { - "confidence": 0.8986252293616015, - "no_speech_confidence": 0.13134765625, - "text": " So you are using, then, the conversion of gravitational", - "time_interval": { - "end": 80.1, - "start": 75.5 - }, - "words": [ - { - "alignment_confidence": 0.9599609375, - "time_interval": { - "end": 75.84, - "start": 75.5 - }, - "word": " So" - }, - { - "alignment_confidence": 0.9814453125, - "time_interval": { - "end": 76.04, - "start": 75.84 - }, - "word": " you" - }, - { - "alignment_confidence": 0.62939453125, - "time_interval": { - "end": 76.16, - "start": 76.04 - }, - "word": " are" - }, - { - "alignment_confidence": 0.9990234375, - "time_interval": { - "end": 76.46, - "start": 76.16 - }, - "word": " using," - }, - { - "alignment_confidence": 0.99951171875, - "time_interval": { - "end": 77.0, - "start": 76.94 - }, - "word": " then," - }, - { - "alignment_confidence": 0.998046875, - "time_interval": { - "end": 77.5, - "start": 77.3 - }, - "word": " the" - }, - { - "alignment_confidence": 0.99658203125, - "time_interval": { - "end": 78.18, - "start": 77.5 - }, - "word": " conversion" - }, - { - "alignment_confidence": 0.998046875, - "time_interval": { - "end": 79.64, - "start": 78.18 - }, - "word": " of" - }, - { - "alignment_confidence": 0.9970703125, - "time_interval": { - "end": 80.1, - "start": 79.64 - }, - "word": " gravitational" - } - ] - }, - { - "confidence": 0.9557131384740162, - "no_speech_confidence": 0.0328369140625, - "text": " potential energy to kinetic energy.", - "time_interval": { - "end": 83.08, - "start": 80.1 - }, - "words": [ - { - "alignment_confidence": 0.1656494140625, - "time_interval": { - "end": 80.58, - "start": 80.1 - }, - "word": " potential" - }, - { - "alignment_confidence": 0.9990234375, - "time_interval": { - "end": 81.26, - "start": 80.58 - }, - "word": " energy" - }, - { - "alignment_confidence": 0.9716796875, - "time_interval": { - "end": 82.24, - "start": 81.26 - }, - "word": " to" - }, - { - "alignment_confidence": 0.99951171875, - "time_interval": { - "end": 82.62, - "start": 82.24 - }, - "word": " kinetic" - }, - { - "alignment_confidence": 1.0, - "time_interval": { - "end": 83.08, - "start": 82.62 - }, - "word": " energy." - } - ] - }, - { - "confidence": 0.9557131384740162, - "no_speech_confidence": 0.0328369140625, - "text": " Now, I am such a strong believer of the conservation of mechanical energy", - "time_interval": { - "end": 91.72, - "start": 84.02 - }, - "words": [ - { - "alignment_confidence": 0.9921875, - "time_interval": { - "end": 84.5, - "start": 84.02 - }, - "word": " Now," - }, - { - "alignment_confidence": 0.99951171875, - "time_interval": { - "end": 85.32, - "start": 84.54 - }, - "word": " I" - }, - { - "alignment_confidence": 0.99560546875, - "time_interval": { - "end": 85.58, - "start": 85.32 - }, - "word": " am" - }, - { - "alignment_confidence": 0.9990234375, - "time_interval": { - "end": 85.78, - "start": 85.58 - }, - "word": " such" - }, - { - "alignment_confidence": 0.9990234375, - "time_interval": { - "end": 86.06, - "start": 85.78 - }, - "word": " a" - }, - { - "alignment_confidence": 0.99951171875, - "time_interval": { - "end": 86.32, - "start": 86.06 - }, - "word": " strong" - }, - { - "alignment_confidence": 0.99951171875, - "time_interval": { - "end": 86.72, - "start": 86.32 - }, - "word": " believer" - }, - { - "alignment_confidence": 0.99609375, - "time_interval": { - "end": 87.94, - "start": 86.72 - }, - "word": " of" - }, - { - "alignment_confidence": 0.99951171875, - "time_interval": { - "end": 89.02, - "start": 87.94 - }, - "word": " the" - }, - { - "alignment_confidence": 0.99853515625, - "time_interval": { - "end": 89.72, - "start": 89.02 - }, - "word": " conservation" - }, - { - "alignment_confidence": 0.99951171875, - "time_interval": { - "end": 90.5, - "start": 89.72 - }, - "word": " of" - }, - { - "alignment_confidence": 0.99951171875, - "time_interval": { - "end": 90.9, - "start": 90.5 - }, - "word": " mechanical" - }, - { - "alignment_confidence": 0.99951171875, - "time_interval": { - "end": 91.72, - "start": 90.9 - }, - "word": " energy" - } - ] - }, - { - "confidence": 0.9557131384740162, - "no_speech_confidence": 0.0328369140625, - "text": " that I am willing to put my life on the line.", - "time_interval": { - "end": 96.1, - "start": 91.72 - }, - "words": [ - { - "alignment_confidence": 0.984375, - "time_interval": { - "end": 92.36, - "start": 91.72 - }, - "word": " that" - }, - { - "alignment_confidence": 0.99951171875, - "time_interval": { - "end": 92.58, - "start": 92.36 - }, - "word": " I" - }, - { - "alignment_confidence": 0.99560546875, - "time_interval": { - "end": 92.76, - "start": 92.58 - }, - "word": " am" - }, - { - "alignment_confidence": 1.0, - "time_interval": { - "end": 93.06, - "start": 92.76 - }, - "word": " willing" - }, - { - "alignment_confidence": 0.99951171875, - "time_interval": { - "end": 94.0, - "start": 93.06 - }, - "word": " to" - }, - { - "alignment_confidence": 0.99951171875, - "time_interval": { - "end": 94.14, - "start": 94.0 - }, - "word": " put" - }, - { - "alignment_confidence": 0.99951171875, - "time_interval": { - "end": 94.38, - "start": 94.14 - }, - "word": " my" - }, - { - "alignment_confidence": 1.0, - "time_interval": { - "end": 95.06, - "start": 94.38 - }, - "word": " life" - }, - { - "alignment_confidence": 0.99853515625, - "time_interval": { - "end": 95.56, - "start": 95.06 - }, - "word": " on" - }, - { - "alignment_confidence": 1.0, - "time_interval": { - "end": 95.7, - "start": 95.56 - }, - "word": " the" - }, - { - "alignment_confidence": 1.0, - "time_interval": { - "end": 96.1, - "start": 95.7 - }, - "word": " line." - } - ] - }, - { - "confidence": 0.9557131384740162, - "no_speech_confidence": 0.0328369140625, - "text": " If I release that bob from a certain height,", - "time_interval": { - "end": 103.41, - "start": 98.49 - }, - "words": [ - { - "alignment_confidence": 0.98828125, - "time_interval": { - "end": 98.69, - "start": 98.49 - }, - "word": " If" - }, - { - "alignment_confidence": 0.99951171875, - "time_interval": { - "end": 99.07, - "start": 98.69 - }, - "word": " I" - }, - { - "alignment_confidence": 0.9990234375, - "time_interval": { - "end": 99.87, - "start": 99.07 - }, - "word": " release" - }, - { - "alignment_confidence": 0.99951171875, - "time_interval": { - "end": 100.85, - "start": 99.87 - }, - "word": " that" - }, - { - "alignment_confidence": 0.80419921875, - "time_interval": { - "end": 101.19, - "start": 100.85 - }, - "word": " bob" - }, - { - "alignment_confidence": 0.99462890625, - "time_interval": { - "end": 102.31, - "start": 101.19 - }, - "word": " from" - }, - { - "alignment_confidence": 0.99951171875, - "time_interval": { - "end": 102.57, - "start": 102.31 - }, - "word": " a" - }, - { - "alignment_confidence": 1.0, - "time_interval": { - "end": 102.81, - "start": 102.57 - }, - "word": " certain" - }, - { - "alignment_confidence": 0.998046875, - "time_interval": { - "end": 103.41, - "start": 102.81 - }, - "word": " height," - } - ] - }, - { - "confidence": 0.9174365324439642, - "no_speech_confidence": 0.00829315185546875, - "text": " then that bob can never come back to a point", - "time_interval": { - "end": 109.03, - "start": 104.85 - }, - "words": [ - { - "alignment_confidence": 0.315673828125, - "time_interval": { - "end": 105.45, - "start": 104.85 - }, - "word": " then" - }, - { - "alignment_confidence": 0.984375, - "time_interval": { - "end": 106.05, - "start": 105.45 - }, - "word": " that" - }, - { - "alignment_confidence": 0.4814453125, - "time_interval": { - "end": 106.29, - "start": 106.05 - }, - "word": " bob" - }, - { - "alignment_confidence": 0.99462890625, - "time_interval": { - "end": 106.57, - "start": 106.29 - }, - "word": " can" - }, - { - "alignment_confidence": 0.998046875, - "time_interval": { - "end": 107.05, - "start": 106.57 - }, - "word": " never" - }, - { - "alignment_confidence": 0.9990234375, - "time_interval": { - "end": 107.47, - "start": 107.05 - }, - "word": " come" - }, - { - "alignment_confidence": 0.99951171875, - "time_interval": { - "end": 108.11, - "start": 107.47 - }, - "word": " back" - }, - { - "alignment_confidence": 0.99609375, - "time_interval": { - "end": 108.45, - "start": 108.11 - }, - "word": " to" - }, - { - "alignment_confidence": 0.99755859375, - "time_interval": { - "end": 108.61, - "start": 108.45 - }, - "word": " a" - }, - { - "alignment_confidence": 0.99951171875, - "time_interval": { - "end": 109.03, - "start": 108.61 - }, - "word": " point" - } - ] - }, - { - "confidence": 0.9174365324439642, - "no_speech_confidence": 0.00829315185546875, - "text": " where the height is any larger.", - "time_interval": { - "end": 111.23, - "start": 109.03 - }, - "words": [ - { - "alignment_confidence": 0.99658203125, - "time_interval": { - "end": 109.71, - "start": 109.03 - }, - "word": " where" - }, - { - "alignment_confidence": 0.998046875, - "time_interval": { - "end": 109.91, - "start": 109.71 - }, - "word": " the" - }, - { - "alignment_confidence": 0.9921875, - "time_interval": { - "end": 110.23, - "start": 109.91 - }, - "word": " height" - }, - { - "alignment_confidence": 0.99755859375, - "time_interval": { - "end": 110.55, - "start": 110.23 - }, - "word": " is" - }, - { - "alignment_confidence": 0.9990234375, - "time_interval": { - "end": 110.85, - "start": 110.55 - }, - "word": " any" - }, - { - "alignment_confidence": 0.9990234375, - "time_interval": { - "end": 111.23, - "start": 110.85 - }, - "word": " larger." - } - ] - }, - { - "confidence": 0.9174365324439642, - "no_speech_confidence": 0.00829315185546875, - "text": " If I release it from this height and it swings,", - "time_interval": { - "end": 115.37, - "start": 111.91 - }, - "words": [ - { - "alignment_confidence": 0.9833984375, - "time_interval": { - "end": 112.07, - "start": 111.91 - }, - "word": " If" - }, - { - "alignment_confidence": 0.9990234375, - "time_interval": { - "end": 112.35, - "start": 112.07 - }, - "word": " I" - }, - { - "alignment_confidence": 0.98974609375, - "time_interval": { - "end": 112.61, - "start": 112.35 - }, - "word": " release" - }, - { - "alignment_confidence": 0.998046875, - "time_interval": { - "end": 112.77, - "start": 112.61 - }, - "word": " it" - }, - { - "alignment_confidence": 0.9990234375, - "time_interval": { - "end": 112.97, - "start": 112.77 - }, - "word": " from" - }, - { - "alignment_confidence": 0.9990234375, - "time_interval": { - "end": 113.19, - "start": 112.97 - }, - "word": " this" - }, - { - "alignment_confidence": 0.99951171875, - "time_interval": { - "end": 113.77, - "start": 113.19 - }, - "word": " height" - }, - { - "alignment_confidence": 0.95068359375, - "time_interval": { - "end": 114.49, - "start": 113.77 - }, - "word": " and" - }, - { - "alignment_confidence": 0.9990234375, - "time_interval": { - "end": 114.73, - "start": 114.49 - }, - "word": " it" - }, - { - "alignment_confidence": 0.99853515625, - "time_interval": { - "end": 115.37, - "start": 114.73 - }, - "word": " swings," - } - ] - }, - { - "confidence": 0.9174365324439642, - "no_speech_confidence": 0.00829315185546875, - "text": " then when it reaches here, it could not be higher.", - "time_interval": { - "end": 118.61, - "start": 116.23 - }, - "words": [ - { - "alignment_confidence": 0.99658203125, - "time_interval": { - "end": 116.43, - "start": 116.23 - }, - "word": " then" - }, - { - "alignment_confidence": 0.94091796875, - "time_interval": { - "end": 116.61, - "start": 116.43 - }, - "word": " when" - }, - { - "alignment_confidence": 0.99853515625, - "time_interval": { - "end": 116.81, - "start": 116.61 - }, - "word": " it" - }, - { - "alignment_confidence": 0.9990234375, - "time_interval": { - "end": 117.13, - "start": 116.81 - }, - "word": " reaches" - }, - { - "alignment_confidence": 0.9990234375, - "time_interval": { - "end": 117.43, - "start": 117.13 - }, - "word": " here," - }, - { - "alignment_confidence": 0.998046875, - "time_interval": { - "end": 117.57, - "start": 117.43 - }, - "word": " it" - }, - { - "alignment_confidence": 0.9951171875, - "time_interval": { - "end": 117.81, - "start": 117.57 - }, - "word": " could" - }, - { - "alignment_confidence": 0.9990234375, - "time_interval": { - "end": 118.01, - "start": 117.81 - }, - "word": " not" - }, - { - "alignment_confidence": 0.99951171875, - "time_interval": { - "end": 118.19, - "start": 118.01 - }, - "word": " be" - }, - { - "alignment_confidence": 0.99853515625, - "time_interval": { - "end": 118.61, - "start": 118.19 - }, - "word": " higher." - } - ] - }, - { - "confidence": 0.8976616176290693, - "no_speech_confidence": 0.1455078125, - "text": " There is a conversion from gravitational potential energy", - "time_interval": { - "end": 122.07, - "start": 118.61 - }, - "words": [ - { - "alignment_confidence": 0.64892578125, - "time_interval": { - "end": 119.39, - "start": 118.61 - }, - "word": " There" - }, - { - "alignment_confidence": 0.98388671875, - "time_interval": { - "end": 119.63, - "start": 119.39 - }, - "word": " is" - }, - { - "alignment_confidence": 0.99755859375, - "time_interval": { - "end": 119.79, - "start": 119.63 - }, - "word": " a" - }, - { - "alignment_confidence": 0.99560546875, - "time_interval": { - "end": 120.19, - "start": 119.79 - }, - "word": " conversion" - }, - { - "alignment_confidence": 0.99609375, - "time_interval": { - "end": 120.65, - "start": 120.19 - }, - "word": " from" - }, - { - "alignment_confidence": 0.98583984375, - "time_interval": { - "end": 121.21, - "start": 120.65 - }, - "word": " gravitational" - }, - { - "alignment_confidence": 0.91162109375, - "time_interval": { - "end": 121.73, - "start": 121.21 - }, - "word": " potential" - }, - { - "alignment_confidence": 0.9990234375, - "time_interval": { - "end": 122.07, - "start": 121.73 - }, - "word": " energy" - } - ] - }, - { - "confidence": 0.8976616176290693, - "no_speech_confidence": 0.1455078125, - "text": " to kinetic energy back to gravitational potential energy", - "time_interval": { - "end": 125.09, - "start": 122.07 - }, - "words": [ - { - "alignment_confidence": 0.95947265625, - "time_interval": { - "end": 122.27, - "start": 122.07 - }, - "word": " to" - }, - { - "alignment_confidence": 0.99951171875, - "time_interval": { - "end": 122.63, - "start": 122.27 - }, - "word": " kinetic" - }, - { - "alignment_confidence": 0.99951171875, - "time_interval": { - "end": 122.99, - "start": 122.63 - }, - "word": " energy" - }, - { - "alignment_confidence": 0.939453125, - "time_interval": { - "end": 123.25, - "start": 122.99 - }, - "word": " back" - }, - { - "alignment_confidence": 0.99853515625, - "time_interval": { - "end": 123.83, - "start": 123.25 - }, - "word": " to" - }, - { - "alignment_confidence": 0.99658203125, - "time_interval": { - "end": 124.35, - "start": 123.83 - }, - "word": " gravitational" - }, - { - "alignment_confidence": 0.9990234375, - "time_interval": { - "end": 124.81, - "start": 124.35 - }, - "word": " potential" - }, - { - "alignment_confidence": 0.9990234375, - "time_interval": { - "end": 125.09, - "start": 124.81 - }, - "word": " energy" - } - ] - }, - { - "confidence": 0.8976616176290693, - "no_speech_confidence": 0.1455078125, - "text": " and it will come to a stop here.", - "time_interval": { - "end": 126.57, - "start": 125.09 - }, - "words": [ - { - "alignment_confidence": 0.6865234375, - "time_interval": { - "end": 125.17, - "start": 125.09 - }, - "word": " and" - }, - { - "alignment_confidence": 0.8837890625, - "time_interval": { - "end": 125.35, - "start": 125.17 - }, - "word": " it" - }, - { - "alignment_confidence": 0.990234375, - "time_interval": { - "end": 125.49, - "start": 125.35 - }, - "word": " will" - }, - { - "alignment_confidence": 0.998046875, - "time_interval": { - "end": 125.65, - "start": 125.49 - }, - "word": " come" - }, - { - "alignment_confidence": 0.998046875, - "time_interval": { - "end": 125.91, - "start": 125.65 - }, - "word": " to" - }, - { - "alignment_confidence": 0.9912109375, - "time_interval": { - "end": 126.01, - "start": 125.91 - }, - "word": " a" - }, - { - "alignment_confidence": 0.99951171875, - "time_interval": { - "end": 126.17, - "start": 126.01 - }, - "word": " stop" - }, - { - "alignment_confidence": 0.9853515625, - "time_interval": { - "end": 126.57, - "start": 126.17 - }, - "word": " here." - } - ] - }, - { - "confidence": 0.8976616176290693, - "no_speech_confidence": 0.1455078125, - "text": " Provided that I do not give this object an initial speed", - "time_interval": { - "end": 136.79, - "start": 132.35 - }, - "words": [ - { - "alignment_confidence": 0.49389657378196716, - "time_interval": { - "end": 133.03, - "start": 132.35 - }, - "word": " Provided" - }, - { - "alignment_confidence": 0.97119140625, - "time_interval": { - "end": 133.71, - "start": 133.03 - }, - "word": " that" - }, - { - "alignment_confidence": 0.9775390625, - "time_interval": { - "end": 134.01, - "start": 133.71 - }, - "word": " I" - }, - { - "alignment_confidence": 0.99267578125, - "time_interval": { - "end": 134.25, - "start": 134.01 - }, - "word": " do" - }, - { - "alignment_confidence": 0.9990234375, - "time_interval": { - "end": 134.41, - "start": 134.25 - }, - "word": " not" - }, - { - "alignment_confidence": 0.9990234375, - "time_interval": { - "end": 134.61, - "start": 134.41 - }, - "word": " give" - }, - { - "alignment_confidence": 0.99755859375, - "time_interval": { - "end": 134.85, - "start": 134.61 - }, - "word": " this" - }, - { - "alignment_confidence": 1.0, - "time_interval": { - "end": 135.41, - "start": 134.85 - }, - "word": " object" - }, - { - "alignment_confidence": 0.96923828125, - "time_interval": { - "end": 136.01, - "start": 135.41 - }, - "word": " an" - }, - { - "alignment_confidence": 0.9990234375, - "time_interval": { - "end": 136.39, - "start": 136.01 - }, - "word": " initial" - }, - { - "alignment_confidence": 0.998046875, - "time_interval": { - "end": 136.79, - "start": 136.39 - }, - "word": " speed" - } - ] - }, - { - "confidence": 0.8636437433944959, - "no_speech_confidence": 0.337158203125, - "text": " when I stand here, I trust the conservation of mechanical energy", - "time_interval": { - "end": 143.39, - "start": 136.79 - }, - "words": [ - { - "alignment_confidence": 0.1610107421875, - "time_interval": { - "end": 136.85, - "start": 136.79 - }, - "word": " when" - }, - { - "alignment_confidence": 0.9970703125, - "time_interval": { - "end": 137.19, - "start": 136.85 - }, - "word": " I" - }, - { - "alignment_confidence": 0.998046875, - "time_interval": { - "end": 137.45, - "start": 137.19 - }, - "word": " stand" - }, - { - "alignment_confidence": 0.9990234375, - "time_interval": { - "end": 137.93, - "start": 137.45 - }, - "word": " here," - }, - { - "alignment_confidence": 0.99658203125, - "time_interval": { - "end": 140.15, - "start": 139.93 - }, - "word": " I" - }, - { - "alignment_confidence": 0.9990234375, - "time_interval": { - "end": 140.85, - "start": 140.15 - }, - "word": " trust" - }, - { - "alignment_confidence": 0.99462890625, - "time_interval": { - "end": 141.67, - "start": 140.85 - }, - "word": " the" - }, - { - "alignment_confidence": 0.99755859375, - "time_interval": { - "end": 142.13, - "start": 141.67 - }, - "word": " conservation" - }, - { - "alignment_confidence": 0.99609375, - "time_interval": { - "end": 142.31, - "start": 142.13 - }, - "word": " of" - }, - { - "alignment_confidence": 0.97509765625, - "time_interval": { - "end": 142.73, - "start": 142.31 - }, - "word": " mechanical" - }, - { - "alignment_confidence": 0.9990234375, - "time_interval": { - "end": 143.39, - "start": 142.73 - }, - "word": " energy" - } - ] - }, - { - "confidence": 0.8636437433944959, - "no_speech_confidence": 0.337158203125, - "text": " for 100%.", - "time_interval": { - "end": 144.95, - "start": 143.39 - }, - "words": [ - { - "alignment_confidence": 0.89111328125, - "time_interval": { - "end": 143.87, - "start": 143.39 - }, - "word": " for" - }, - { - "alignment_confidence": 0.89892578125, - "time_interval": { - "end": 144.95, - "start": 143.87 - }, - "word": " 100%." - } - ] - }, - { - "confidence": 0.8636437433944959, - "no_speech_confidence": 0.337158203125, - "text": " I may not trust myself.", - "time_interval": { - "end": 147.37, - "start": 144.95 - }, - "words": [ - { - "alignment_confidence": 0.92138671875, - "time_interval": { - "end": 145.97, - "start": 144.95 - }, - "word": " I" - }, - { - "alignment_confidence": 0.9990234375, - "time_interval": { - "end": 146.21, - "start": 145.97 - }, - "word": " may" - }, - { - "alignment_confidence": 0.99951171875, - "time_interval": { - "end": 146.39, - "start": 146.21 - }, - "word": " not" - }, - { - "alignment_confidence": 0.99951171875, - "time_interval": { - "end": 146.61, - "start": 146.39 - }, - "word": " trust" - }, - { - "alignment_confidence": 0.99853515625, - "time_interval": { - "end": 147.37, - "start": 146.61 - }, - "word": " myself." - } - ] - }, - { - "confidence": 0.8636437433944959, - "no_speech_confidence": 0.337158203125, - "text": " I'm going to release this object", - "time_interval": { - "end": 151.54, - "start": 149.84 - }, - "words": [ - { - "alignment_confidence": 0.920166015625, - "time_interval": { - "end": 150.12, - "start": 149.84 - }, - "word": " I'm" - }, - { - "alignment_confidence": 0.99951171875, - "time_interval": { - "end": 150.26, - "start": 150.12 - }, - "word": " going" - }, - { - "alignment_confidence": 0.99951171875, - "time_interval": { - "end": 150.5, - "start": 150.26 - }, - "word": " to" - }, - { - "alignment_confidence": 0.99951171875, - "time_interval": { - "end": 150.76, - "start": 150.5 - }, - "word": " release" - }, - { - "alignment_confidence": 0.99951171875, - "time_interval": { - "end": 151.0, - "start": 150.76 - }, - "word": " this" - }, - { - "alignment_confidence": 1.0, - "time_interval": { - "end": 151.54, - "start": 151.0 - }, - "word": " object" - } - ] - }, - { - "confidence": 0.8636437433944959, - "no_speech_confidence": 0.337158203125, - "text": " and I hope I will be able to do it at zero speed", - "time_interval": { - "end": 155.4, - "start": 151.54 - }, - "words": [ - { - "alignment_confidence": 0.69775390625, - "time_interval": { - "end": 152.34, - "start": 151.54 - }, - "word": " and" - }, - { - "alignment_confidence": 0.99755859375, - "time_interval": { - "end": 152.5, - "start": 152.34 - }, - "word": " I" - }, - { - "alignment_confidence": 0.9990234375, - "time_interval": { - "end": 152.68, - "start": 152.5 - }, - "word": " hope" - }, - { - "alignment_confidence": 0.9931640625, - "time_interval": { - "end": 152.84, - "start": 152.68 - }, - "word": " I" - }, - { - "alignment_confidence": 0.9951171875, - "time_interval": { - "end": 152.98, - "start": 152.84 - }, - "word": " will" - }, - { - "alignment_confidence": 0.99755859375, - "time_interval": { - "end": 153.16, - "start": 152.98 - }, - "word": " be" - }, - { - "alignment_confidence": 0.99951171875, - "time_interval": { - "end": 153.32, - "start": 153.16 - }, - "word": " able" - }, - { - "alignment_confidence": 0.99853515625, - "time_interval": { - "end": 153.52, - "start": 153.32 - }, - "word": " to" - }, - { - "alignment_confidence": 0.9990234375, - "time_interval": { - "end": 153.62, - "start": 153.52 - }, - "word": " do" - }, - { - "alignment_confidence": 0.9970703125, - "time_interval": { - "end": 153.82, - "start": 153.62 - }, - "word": " it" - }, - { - "alignment_confidence": 0.99609375, - "time_interval": { - "end": 154.04, - "start": 153.82 - }, - "word": " at" - }, - { - "alignment_confidence": 0.99658203125, - "time_interval": { - "end": 154.42, - "start": 154.04 - }, - "word": " zero" - }, - { - "alignment_confidence": 0.99609375, - "time_interval": { - "end": 155.4, - "start": 154.42 - }, - "word": " speed" - } - ] - }, - { - "confidence": 0.9320337947271228, - "no_speech_confidence": 0.05712890625, - "text": " so that when it comes back it may touch my chin", - "time_interval": { - "end": 158.66, - "start": 155.4 - }, - "words": [ - { - "alignment_confidence": 0.75244140625, - "time_interval": { - "end": 156.28, - "start": 155.4 - }, - "word": " so" - }, - { - "alignment_confidence": 0.98876953125, - "time_interval": { - "end": 156.4, - "start": 156.28 - }, - "word": " that" - }, - { - "alignment_confidence": 0.9541015625, - "time_interval": { - "end": 156.54, - "start": 156.4 - }, - "word": " when" - }, - { - "alignment_confidence": 0.9970703125, - "time_interval": { - "end": 156.68, - "start": 156.54 - }, - "word": " it" - }, - { - "alignment_confidence": 0.99755859375, - "time_interval": { - "end": 156.94, - "start": 156.68 - }, - "word": " comes" - }, - { - "alignment_confidence": 1.0, - "time_interval": { - "end": 157.32, - "start": 156.94 - }, - "word": " back" - }, - { - "alignment_confidence": 0.64599609375, - "time_interval": { - "end": 157.46, - "start": 157.32 - }, - "word": " it" - }, - { - "alignment_confidence": 0.99755859375, - "time_interval": { - "end": 157.72, - "start": 157.46 - }, - "word": " may" - }, - { - "alignment_confidence": 0.9990234375, - "time_interval": { - "end": 157.96, - "start": 157.72 - }, - "word": " touch" - }, - { - "alignment_confidence": 0.99951171875, - "time_interval": { - "end": 158.3, - "start": 157.96 - }, - "word": " my" - }, - { - "alignment_confidence": 0.99951171875, - "time_interval": { - "end": 158.66, - "start": 158.3 - }, - "word": " chin" - } - ] - }, - { - "confidence": 0.9320337947271228, - "no_speech_confidence": 0.05712890625, - "text": " but it may not crush my chin.", - "time_interval": { - "end": 160.6, - "start": 158.66 - }, - "words": [ - { - "alignment_confidence": 0.865234375, - "time_interval": { - "end": 159.28, - "start": 158.66 - }, - "word": " but" - }, - { - "alignment_confidence": 0.998046875, - "time_interval": { - "end": 159.4, - "start": 159.28 - }, - "word": " it" - }, - { - "alignment_confidence": 0.998046875, - "time_interval": { - "end": 159.62, - "start": 159.4 - }, - "word": " may" - }, - { - "alignment_confidence": 0.99951171875, - "time_interval": { - "end": 159.8, - "start": 159.62 - }, - "word": " not" - }, - { - "alignment_confidence": 0.9970703125, - "time_interval": { - "end": 160.02, - "start": 159.8 - }, - "word": " crush" - }, - { - "alignment_confidence": 0.99951171875, - "time_interval": { - "end": 160.32, - "start": 160.02 - }, - "word": " my" - }, - { - "alignment_confidence": 0.99951171875, - "time_interval": { - "end": 160.6, - "start": 160.32 - }, - "word": " chin." - } - ] - }, - { - "confidence": 0.9320337947271228, - "no_speech_confidence": 0.05712890625, - "text": " I want you to be extremely quiet because this is no joke.", - "time_interval": { - "end": 165.74, - "start": 162.7 - }, - "words": [ - { - "alignment_confidence": 0.99609375, - "time_interval": { - "end": 162.86, - "start": 162.7 - }, - "word": " I" - }, - { - "alignment_confidence": 0.99951171875, - "time_interval": { - "end": 163.06, - "start": 162.86 - }, - "word": " want" - }, - { - "alignment_confidence": 0.9990234375, - "time_interval": { - "end": 163.2, - "start": 163.06 - }, - "word": " you" - }, - { - "alignment_confidence": 0.99951171875, - "time_interval": { - "end": 163.32, - "start": 163.2 - }, - "word": " to" - }, - { - "alignment_confidence": 0.99951171875, - "time_interval": { - "end": 163.56, - "start": 163.32 - }, - "word": " be" - }, - { - "alignment_confidence": 0.9990234375, - "time_interval": { - "end": 163.94, - "start": 163.56 - }, - "word": " extremely" - }, - { - "alignment_confidence": 0.9951171875, - "time_interval": { - "end": 164.46, - "start": 163.94 - }, - "word": " quiet" - }, - { - "alignment_confidence": 0.71240234375, - "time_interval": { - "end": 164.74, - "start": 164.46 - }, - "word": " because" - }, - { - "alignment_confidence": 0.97998046875, - "time_interval": { - "end": 164.92, - "start": 164.74 - }, - "word": " this" - }, - { - "alignment_confidence": 0.99853515625, - "time_interval": { - "end": 165.14, - "start": 164.92 - }, - "word": " is" - }, - { - "alignment_confidence": 0.99658203125, - "time_interval": { - "end": 165.32, - "start": 165.14 - }, - "word": " no" - }, - { - "alignment_confidence": 0.99951171875, - "time_interval": { - "end": 165.74, - "start": 165.32 - }, - "word": " joke." - } - ] - }, - { - "confidence": 0.9320337947271228, - "no_speech_confidence": 0.05712890625, - "text": " If I don't succeed in giving it zero speed,", - "time_interval": { - "end": 169.96, - "start": 166.72 - }, - "words": [ - { - "alignment_confidence": 0.98779296875, - "time_interval": { - "end": 166.88, - "start": 166.72 - }, - "word": " If" - }, - { - "alignment_confidence": 0.998046875, - "time_interval": { - "end": 167.38, - "start": 166.88 - }, - "word": " I" - }, - { - "alignment_confidence": 0.999267578125, - "time_interval": { - "end": 167.68, - "start": 167.38 - }, - "word": " don't" - }, - { - "alignment_confidence": 0.99951171875, - "time_interval": { - "end": 168.26, - "start": 167.68 - }, - "word": " succeed" - }, - { - "alignment_confidence": 0.99755859375, - "time_interval": { - "end": 168.58, - "start": 168.26 - }, - "word": " in" - }, - { - "alignment_confidence": 0.99658203125, - "time_interval": { - "end": 168.76, - "start": 168.58 - }, - "word": " giving" - }, - { - "alignment_confidence": 0.99658203125, - "time_interval": { - "end": 169.06, - "start": 168.76 - }, - "word": " it" - }, - { - "alignment_confidence": 0.9951171875, - "time_interval": { - "end": 169.3, - "start": 169.06 - }, - "word": " zero" - }, - { - "alignment_confidence": 0.99609375, - "time_interval": { - "end": 169.96, - "start": 169.3 - }, - "word": " speed," - } - ] - }, - { - "confidence": 0.9040926065601008, - "no_speech_confidence": 0.1513671875, - "text": " then this will be my last lecture.", - "time_interval": { - "end": 172.42, - "start": 169.96 - }, - "words": [ - { - "alignment_confidence": 0.587890625, - "time_interval": { - "end": 170.7, - "start": 169.96 - }, - "word": " then" - }, - { - "alignment_confidence": 0.9765625, - "time_interval": { - "end": 171.38, - "start": 170.7 - }, - "word": " this" - }, - { - "alignment_confidence": 0.9990234375, - "time_interval": { - "end": 171.52, - "start": 171.38 - }, - "word": " will" - }, - { - "alignment_confidence": 0.99951171875, - "time_interval": { - "end": 171.68, - "start": 171.52 - }, - "word": " be" - }, - { - "alignment_confidence": 0.9990234375, - "time_interval": { - "end": 171.82, - "start": 171.68 - }, - "word": " my" - }, - { - "alignment_confidence": 0.99951171875, - "time_interval": { - "end": 172.12, - "start": 171.82 - }, - "word": " last" - }, - { - "alignment_confidence": 1.0, - "time_interval": { - "end": 172.42, - "start": 172.12 - }, - "word": " lecture." - } - ] - }, - { - "confidence": 0.9040926065601008, - "no_speech_confidence": 0.1513671875, - "text": " I will close my eyes.", - "time_interval": { - "end": 175.96, - "start": 174.88 - }, - "words": [ - { - "alignment_confidence": 0.99609375, - "time_interval": { - "end": 174.94, - "start": 174.88 - }, - "word": " I" - }, - { - "alignment_confidence": 0.99365234375, - "time_interval": { - "end": 175.2, - "start": 174.94 - }, - "word": " will" - }, - { - "alignment_confidence": 0.99951171875, - "time_interval": { - "end": 175.44, - "start": 175.2 - }, - "word": " close" - }, - { - "alignment_confidence": 1.0, - "time_interval": { - "end": 175.72, - "start": 175.44 - }, - "word": " my" - }, - { - "alignment_confidence": 0.99951171875, - "time_interval": { - "end": 175.96, - "start": 175.72 - }, - "word": " eyes." - } - ] - }, - { - "confidence": 0.9040926065601008, - "no_speech_confidence": 0.1513671875, - "text": " I don't want to see this.", - "time_interval": { - "end": 177.26, - "start": 176.04 - }, - "words": [ - { - "alignment_confidence": 0.9990234375, - "time_interval": { - "end": 176.16, - "start": 176.04 - }, - "word": " I" - }, - { - "alignment_confidence": 0.999267578125, - "time_interval": { - "end": 176.32, - "start": 176.16 - }, - "word": " don't" - }, - { - "alignment_confidence": 0.9658203125, - "time_interval": { - "end": 176.44, - "start": 176.32 - }, - "word": " want" - }, - { - "alignment_confidence": 0.99853515625, - "time_interval": { - "end": 176.56, - "start": 176.44 - }, - "word": " to" - }, - { - "alignment_confidence": 0.99951171875, - "time_interval": { - "end": 176.72, - "start": 176.56 - }, - "word": " see" - }, - { - "alignment_confidence": 0.99951171875, - "time_interval": { - "end": 177.26, - "start": 176.72 - }, - "word": " this." - } - ] - }, - { - "confidence": 0.9040926065601008, - "no_speech_confidence": 0.1513671875, - "text": " So please be very quiet.", - "time_interval": { - "end": 179.82, - "start": 178.12 - }, - "words": [ - { - "alignment_confidence": 0.97802734375, - "time_interval": { - "end": 178.44, - "start": 178.12 - }, - "word": " So" - }, - { - "alignment_confidence": 0.9208984375, - "time_interval": { - "end": 178.74, - "start": 178.44 - }, - "word": " please" - }, - { - "alignment_confidence": 0.97802734375, - "time_interval": { - "end": 178.96, - "start": 178.74 - }, - "word": " be" - }, - { - "alignment_confidence": 0.99951171875, - "time_interval": { - "end": 179.3, - "start": 178.96 - }, - "word": " very" - }, - { - "alignment_confidence": 0.99755859375, - "time_interval": { - "end": 179.82, - "start": 179.3 - }, - "word": " quiet." - } - ] - } - ], - "transcription": { - "text": " Now I want to return to the conservation of mechanical energy. I have here a pendulum. I have an object that weighs 15 kilograms and I can lift it up one meter, which I have done now. That means I've done work, MGH is the work I have done, believe me. I've increased the potential energy of this object. 15 times 10 is about 150 joules. If I let it fall, then that will be converted to kinetic energy. If I would let it swing from one meter height and you would be there and it would hit you, you'd be dead. 150 joules is enough to kill you. They use these devices. They use them to demolish buildings. You lift up a very heavy object, even heavier than this, and then you let it go, you swing it, thereby converting gravitational potential energy into kinetic energy and that way you can demolish a building. You just let it hit and it breaks a building. And that's the whole idea of wrecking. So you are using, then, the conversion of gravitational potential energy to kinetic energy. Now, I am such a strong believer of the conservation of mechanical energy that I am willing to put my life on the line. If I release that bob from a certain height, then that bob can never come back to a point where the height is any larger. If I release it from this height and it swings, then when it reaches here, it could not be higher. There is a conversion from gravitational potential energy to kinetic energy back to gravitational potential energy and it will come to a stop here. Provided that I do not give this object an initial speed when I stand here, I trust the conservation of mechanical energy for 100%. I may not trust myself. I'm going to release this object and I hope I will be able to do it at zero speed so that when it comes back it may touch my chin but it may not crush my chin. I want you to be extremely quiet because this is no joke. If I don't succeed in giving it zero speed, then this will be my last lecture. I will close my eyes. I don't want to see this. So please be very quiet." - }, - "transcription_info": { - "language": "en", - "language_confidence": 0.98291015625 - } -} \ No newline at end of file diff --git a/aana/tests/files/expected/whisper/medium/physicsworks_batched.json b/aana/tests/files/expected/whisper/medium/physicsworks_batched.json deleted file mode 100644 index d01f4dcb..00000000 --- a/aana/tests/files/expected/whisper/medium/physicsworks_batched.json +++ /dev/null @@ -1,91 +0,0 @@ -{ - "segments": [ - { - "text": " Now I want to return to the conservation of mechanical energy. I have here a pendulum. I have an object that weighs 15 kilograms and I can lift it up one meter, which I have done now. That means I've done work. MGH is the work I have done, believe me. I've increased the potential energy of this object. 15 times 10 is about 150 joules. If I let it fall,", - "time_interval": { - "start": 0.0, - "end": 27.788 - }, - "confidence": null, - "no_speech_confidence": null, - "words": [] - }, - { - "text": " then that will be converted to kinetic energy. If I would let it swing from one meter height and you would be there and it would hit you, you'd be dead. 150 joules is enough to kill you. They use these devices called a racquetball. They use them to demolish buildings. You lift up a very heavy object, even heavier than this,", - "time_interval": { - "start": 28.117, - "end": 54.204 - }, - "confidence": null, - "no_speech_confidence": null, - "words": [] - }, - { - "text": " And then you let it go, you swing it, thereby converting gravitational potential energy into kinetic energy, and that way you can demolish a building. You just let it hit, and it breaks a building. And that's the whole idea of wrecking. So you're using then the conversion of gravitational potential energy to kinetic energy.", - "time_interval": { - "start": 54.362, - "end": 83.18 - }, - "confidence": null, - "no_speech_confidence": null, - "words": [] - }, - { - "text": " Now, I am such a strong believer of the conservation of mechanical energy that I am willing to put my life on the line. If I release that bob from a certain height, then that bob can never come back to a point where the height is any larger. If I release it from this height,", - "time_interval": { - "start": 83.851, - "end": 113.76 - }, - "confidence": null, - "no_speech_confidence": null, - "words": [] - }, - { - "text": " and it swings, then when it reaches here, it could not be higher. There is a conversion from gravitational potential energy to kinetic energy back to gravitational potential energy and it will come to a stop here. And when it swings back, it should not be able to reach any higher, provided that I do not give this object an initial speed when I stand here. I trust", - "time_interval": { - "start": 114.175, - "end": 140.945 - }, - "confidence": null, - "no_speech_confidence": null, - "words": [] - }, - { - "text": " the conservation of mechanical energy for 100%. I may not trust myself. I'm going to release this object and I hope I will be able to do it at zero speed so that when it comes back it may touch my chin but it may not crush my chin. I want you to be extremely quiet because this is no joke. If I don't succeed in giving it zero speed", - "time_interval": { - "start": 141.274, - "end": 170.04 - }, - "confidence": null, - "no_speech_confidence": null, - "words": [] - }, - { - "text": " then this will be my last lecture. I will close my eyes. I don't want to see this. So please be very quiet. I almost didn't sleep all night. Three, two, one, zero.", - "time_interval": { - "start": 170.199, - "end": 187.89 - }, - "confidence": null, - "no_speech_confidence": null, - "words": [] - }, - { - "text": " Physics works, and I'm still alive.", - "time_interval": { - "start": 200.728, - "end": 202.924 - }, - "confidence": null, - "no_speech_confidence": null, - "words": [] - } - ], - "transcription": { - "text": " Now I want to return to the conservation of mechanical energy. I have here a pendulum. I have an object that weighs 15 kilograms and I can lift it up one meter, which I have done now. That means I've done work. MGH is the work I have done, believe me. I've increased the potential energy of this object. 15 times 10 is about 150 joules. If I let it fall, then that will be converted to kinetic energy. If I would let it swing from one meter height and you would be there and it would hit you, you'd be dead. 150 joules is enough to kill you. They use these devices called a racquetball. They use them to demolish buildings. You lift up a very heavy object, even heavier than this, And then you let it go, you swing it, thereby converting gravitational potential energy into kinetic energy, and that way you can demolish a building. You just let it hit, and it breaks a building. And that's the whole idea of wrecking. So you're using then the conversion of gravitational potential energy to kinetic energy. Now, I am such a strong believer of the conservation of mechanical energy that I am willing to put my life on the line. If I release that bob from a certain height, then that bob can never come back to a point where the height is any larger. If I release it from this height, and it swings, then when it reaches here, it could not be higher. There is a conversion from gravitational potential energy to kinetic energy back to gravitational potential energy and it will come to a stop here. And when it swings back, it should not be able to reach any higher, provided that I do not give this object an initial speed when I stand here. I trust the conservation of mechanical energy for 100%. I may not trust myself. I'm going to release this object and I hope I will be able to do it at zero speed so that when it comes back it may touch my chin but it may not crush my chin. I want you to be extremely quiet because this is no joke. If I don't succeed in giving it zero speed then this will be my last lecture. I will close my eyes. I don't want to see this. So please be very quiet. I almost didn't sleep all night. Three, two, one, zero. Physics works, and I'm still alive." - }, - "transcription_info": { - "language": "en", - "language_confidence": 0.982421875 - } -} \ No newline at end of file diff --git a/aana/tests/files/expected/whisper/medium/squirrel.json b/aana/tests/files/expected/whisper/medium/squirrel.json deleted file mode 100644 index cd88d134..00000000 --- a/aana/tests/files/expected/whisper/medium/squirrel.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "segments": [], - "transcription_info": { - "language": "silence", - "language_confidence": 1.0 - }, - "transcription": { - "text": "" - } -} \ No newline at end of file diff --git a/aana/tests/files/expected/whisper/medium/squirrel_batched.json b/aana/tests/files/expected/whisper/medium/squirrel_batched.json deleted file mode 100644 index 10731654..00000000 --- a/aana/tests/files/expected/whisper/medium/squirrel_batched.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "segments": [], - "transcription": { - "text": "" - }, - "transcription_info": { - "language": "silence", - "language_confidence": 1.0 - } -} \ No newline at end of file diff --git a/aana/tests/files/expected/whisper/whisper_medium_physicsworks.wav.json b/aana/tests/files/expected/whisper/whisper_medium_physicsworks.wav.json new file mode 100644 index 00000000..162c53e5 --- /dev/null +++ b/aana/tests/files/expected/whisper/whisper_medium_physicsworks.wav.json @@ -0,0 +1,3731 @@ +{ + "segments": [ + { + "text": " Now I want to return to the conservation of mechanical energy.", + "time_interval": { + "start": 0.0, + "end": 4.94 + }, + "confidence": 0.9157558281907482, + "no_speech_confidence": 0.0072174072265625, + "words": [ + { + "word": " Now", + "time_interval": { + "start": 0.0, + "end": 0.24 + }, + "alignment_confidence": 0.88134765625 + }, + { + "word": " I", + "time_interval": { + "start": 0.24, + "end": 0.36 + }, + "alignment_confidence": 0.9443359375 + }, + { + "word": " want", + "time_interval": { + "start": 0.36, + "end": 0.62 + }, + "alignment_confidence": 0.99951171875 + }, + { + "word": " to", + "time_interval": { + "start": 0.62, + "end": 1.4 + }, + "alignment_confidence": 0.99951171875 + }, + { + "word": " return", + "time_interval": { + "start": 1.4, + "end": 2.2 + }, + "alignment_confidence": 0.82177734375 + }, + { + "word": " to", + "time_interval": { + "start": 2.2, + "end": 2.56 + }, + "alignment_confidence": 0.9990234375 + }, + { + "word": " the", + "time_interval": { + "start": 2.56, + "end": 2.74 + }, + "alignment_confidence": 0.998046875 + }, + { + "word": " conservation", + "time_interval": { + "start": 2.74, + "end": 3.34 + }, + "alignment_confidence": 0.998046875 + }, + { + "word": " of", + "time_interval": { + "start": 3.34, + "end": 3.72 + }, + "alignment_confidence": 0.99853515625 + }, + { + "word": " mechanical", + "time_interval": { + "start": 3.72, + "end": 4.32 + }, + "alignment_confidence": 0.99853515625 + }, + { + "word": " energy.", + "time_interval": { + "start": 4.32, + "end": 4.94 + }, + "alignment_confidence": 0.99951171875 + } + ] + }, + { + "text": " I have here a pendulum.", + "time_interval": { + "start": 6.48, + "end": 9.1 + }, + "confidence": 0.9157558281907482, + "no_speech_confidence": 0.0072174072265625, + "words": [ + { + "word": " I", + "time_interval": { + "start": 6.48, + "end": 6.78 + }, + "alignment_confidence": 0.99609375 + }, + { + "word": " have", + "time_interval": { + "start": 6.78, + "end": 6.98 + }, + "alignment_confidence": 0.99951171875 + }, + { + "word": " here", + "time_interval": { + "start": 6.98, + "end": 7.56 + }, + "alignment_confidence": 0.98828125 + }, + { + "word": " a", + "time_interval": { + "start": 7.56, + "end": 8.68 + }, + "alignment_confidence": 0.9912109375 + }, + { + "word": " pendulum.", + "time_interval": { + "start": 8.68, + "end": 9.1 + }, + "alignment_confidence": 0.99853515625 + } + ] + }, + { + "text": " I have an object that weighs 15 kilograms", + "time_interval": { + "start": 10.2, + "end": 12.2 + }, + "confidence": 0.9157558281907482, + "no_speech_confidence": 0.0072174072265625, + "words": [ + { + "word": " I", + "time_interval": { + "start": 10.2, + "end": 10.3 + }, + "alignment_confidence": 0.99853515625 + }, + { + "word": " have", + "time_interval": { + "start": 10.3, + "end": 10.44 + }, + "alignment_confidence": 0.99951171875 + }, + { + "word": " an", + "time_interval": { + "start": 10.44, + "end": 10.6 + }, + "alignment_confidence": 0.9990234375 + }, + { + "word": " object", + "time_interval": { + "start": 10.6, + "end": 10.9 + }, + "alignment_confidence": 1.0 + }, + { + "word": " that", + "time_interval": { + "start": 10.9, + "end": 11.1 + }, + "alignment_confidence": 0.9970703125 + }, + { + "word": " weighs", + "time_interval": { + "start": 11.1, + "end": 11.26 + }, + "alignment_confidence": 0.9912109375 + }, + { + "word": " 15", + "time_interval": { + "start": 11.26, + "end": 11.72 + }, + "alignment_confidence": 0.9873046875 + }, + { + "word": " kilograms", + "time_interval": { + "start": 11.72, + "end": 12.2 + }, + "alignment_confidence": 0.93701171875 + } + ] + }, + { + "text": " and I can lift it up one meter, which I have done now.", + "time_interval": { + "start": 12.2, + "end": 15.4 + }, + "confidence": 0.9157558281907482, + "no_speech_confidence": 0.0072174072265625, + "words": [ + { + "word": " and", + "time_interval": { + "start": 12.2, + "end": 12.36 + }, + "alignment_confidence": 0.716796875 + }, + { + "word": " I", + "time_interval": { + "start": 12.36, + "end": 12.48 + }, + "alignment_confidence": 0.99951171875 + }, + { + "word": " can", + "time_interval": { + "start": 12.48, + "end": 12.72 + }, + "alignment_confidence": 0.9990234375 + }, + { + "word": " lift", + "time_interval": { + "start": 12.72, + "end": 12.86 + }, + "alignment_confidence": 0.9970703125 + }, + { + "word": " it", + "time_interval": { + "start": 12.86, + "end": 13.04 + }, + "alignment_confidence": 0.998046875 + }, + { + "word": " up", + "time_interval": { + "start": 13.04, + "end": 13.4 + }, + "alignment_confidence": 0.99951171875 + }, + { + "word": " one", + "time_interval": { + "start": 13.4, + "end": 13.88 + }, + "alignment_confidence": 0.9306640625 + }, + { + "word": " meter,", + "time_interval": { + "start": 13.88, + "end": 14.18 + }, + "alignment_confidence": 0.99755859375 + }, + { + "word": " which", + "time_interval": { + "start": 14.26, + "end": 14.42 + }, + "alignment_confidence": 0.99853515625 + }, + { + "word": " I", + "time_interval": { + "start": 14.42, + "end": 14.54 + }, + "alignment_confidence": 0.99951171875 + }, + { + "word": " have", + "time_interval": { + "start": 14.54, + "end": 14.72 + }, + "alignment_confidence": 0.99658203125 + }, + { + "word": " done", + "time_interval": { + "start": 14.72, + "end": 14.84 + }, + "alignment_confidence": 0.99853515625 + }, + { + "word": " now.", + "time_interval": { + "start": 14.84, + "end": 15.4 + }, + "alignment_confidence": 0.99169921875 + } + ] + }, + { + "text": " That means I've done work, MGH is the work I have done, believe me.", + "time_interval": { + "start": 15.4, + "end": 19.84 + }, + "confidence": 0.8714046728059055, + "no_speech_confidence": 0.09173583984375, + "words": [ + { + "word": " That", + "time_interval": { + "start": 15.4, + "end": 15.8 + }, + "alignment_confidence": 0.86474609375 + }, + { + "word": " means", + "time_interval": { + "start": 15.8, + "end": 16.0 + }, + "alignment_confidence": 0.99560546875 + }, + { + "word": " I've", + "time_interval": { + "start": 16.0, + "end": 16.2 + }, + "alignment_confidence": 0.914794921875 + }, + { + "word": " done", + "time_interval": { + "start": 16.2, + "end": 16.42 + }, + "alignment_confidence": 0.99853515625 + }, + { + "word": " work,", + "time_interval": { + "start": 16.42, + "end": 17.04 + }, + "alignment_confidence": 0.99560546875 + }, + { + "word": " MGH", + "time_interval": { + "start": 17.7, + "end": 18.12 + }, + "alignment_confidence": 0.5955810546875 + }, + { + "word": " is", + "time_interval": { + "start": 18.12, + "end": 18.4 + }, + "alignment_confidence": 0.9580078125 + }, + { + "word": " the", + "time_interval": { + "start": 18.4, + "end": 18.54 + }, + "alignment_confidence": 0.99755859375 + }, + { + "word": " work", + "time_interval": { + "start": 18.54, + "end": 18.66 + }, + "alignment_confidence": 0.9990234375 + }, + { + "word": " I", + "time_interval": { + "start": 18.66, + "end": 18.82 + }, + "alignment_confidence": 0.98828125 + }, + { + "word": " have", + "time_interval": { + "start": 18.82, + "end": 19.04 + }, + "alignment_confidence": 0.98388671875 + }, + { + "word": " done,", + "time_interval": { + "start": 19.04, + "end": 19.3 + }, + "alignment_confidence": 0.9990234375 + }, + { + "word": " believe", + "time_interval": { + "start": 19.36, + "end": 19.62 + }, + "alignment_confidence": 0.9951171875 + }, + { + "word": " me.", + "time_interval": { + "start": 19.62, + "end": 19.84 + }, + "alignment_confidence": 1.0 + } + ] + }, + { + "text": " I've increased the potential energy of this object.", + "time_interval": { + "start": 20.06, + "end": 22.46 + }, + "confidence": 0.8714046728059055, + "no_speech_confidence": 0.09173583984375, + "words": [ + { + "word": " I've", + "time_interval": { + "start": 20.06, + "end": 20.38 + }, + "alignment_confidence": 0.846923828125 + }, + { + "word": " increased", + "time_interval": { + "start": 20.38, + "end": 20.7 + }, + "alignment_confidence": 0.9970703125 + }, + { + "word": " the", + "time_interval": { + "start": 20.7, + "end": 20.88 + }, + "alignment_confidence": 0.99951171875 + }, + { + "word": " potential", + "time_interval": { + "start": 20.88, + "end": 21.3 + }, + "alignment_confidence": 0.9990234375 + }, + { + "word": " energy", + "time_interval": { + "start": 21.3, + "end": 21.6 + }, + "alignment_confidence": 0.99755859375 + }, + { + "word": " of", + "time_interval": { + "start": 21.6, + "end": 21.74 + }, + "alignment_confidence": 0.99853515625 + }, + { + "word": " this", + "time_interval": { + "start": 21.74, + "end": 21.96 + }, + "alignment_confidence": 0.99853515625 + }, + { + "word": " object.", + "time_interval": { + "start": 21.96, + "end": 22.46 + }, + "alignment_confidence": 0.99951171875 + } + ] + }, + { + "text": " 15 times 10 is about 150 joules.", + "time_interval": { + "start": 23.06, + "end": 25.76 + }, + "confidence": 0.8714046728059055, + "no_speech_confidence": 0.09173583984375, + "words": [ + { + "word": " 15", + "time_interval": { + "start": 23.06, + "end": 23.42 + }, + "alignment_confidence": 0.7734375 + }, + { + "word": " times", + "time_interval": { + "start": 23.42, + "end": 23.76 + }, + "alignment_confidence": 0.86572265625 + }, + { + "word": " 10", + "time_interval": { + "start": 23.76, + "end": 24.14 + }, + "alignment_confidence": 0.483642578125 + }, + { + "word": " is", + "time_interval": { + "start": 24.14, + "end": 24.36 + }, + "alignment_confidence": 0.67138671875 + }, + { + "word": " about", + "time_interval": { + "start": 24.36, + "end": 24.62 + }, + "alignment_confidence": 0.98779296875 + }, + { + "word": " 150", + "time_interval": { + "start": 24.62, + "end": 25.1 + }, + "alignment_confidence": 0.9970703125 + }, + { + "word": " joules.", + "time_interval": { + "start": 25.1, + "end": 25.76 + }, + "alignment_confidence": 0.97216796875 + } + ] + }, + { + "text": " If I let it fall, then that will be converted to kinetic energy.", + "time_interval": { + "start": 26.46, + "end": 30.9 + }, + "confidence": 0.8714046728059055, + "no_speech_confidence": 0.09173583984375, + "words": [ + { + "word": " If", + "time_interval": { + "start": 26.46, + "end": 26.7 + }, + "alignment_confidence": 0.9912109375 + }, + { + "word": " I", + "time_interval": { + "start": 26.7, + "end": 26.84 + }, + "alignment_confidence": 0.99951171875 + }, + { + "word": " let", + "time_interval": { + "start": 26.84, + "end": 26.96 + }, + "alignment_confidence": 0.9990234375 + }, + { + "word": " it", + "time_interval": { + "start": 26.96, + "end": 27.2 + }, + "alignment_confidence": 0.99853515625 + }, + { + "word": " fall,", + "time_interval": { + "start": 27.2, + "end": 27.66 + }, + "alignment_confidence": 0.9990234375 + }, + { + "word": " then", + "time_interval": { + "start": 28.3, + "end": 28.68 + }, + "alignment_confidence": 0.99658203125 + }, + { + "word": " that", + "time_interval": { + "start": 28.68, + "end": 29.2 + }, + "alignment_confidence": 0.99267578125 + }, + { + "word": " will", + "time_interval": { + "start": 29.2, + "end": 29.4 + }, + "alignment_confidence": 0.9970703125 + }, + { + "word": " be", + "time_interval": { + "start": 29.4, + "end": 29.62 + }, + "alignment_confidence": 0.9990234375 + }, + { + "word": " converted", + "time_interval": { + "start": 29.62, + "end": 29.92 + }, + "alignment_confidence": 0.9990234375 + }, + { + "word": " to", + "time_interval": { + "start": 29.92, + "end": 30.1 + }, + "alignment_confidence": 0.99462890625 + }, + { + "word": " kinetic", + "time_interval": { + "start": 30.1, + "end": 30.44 + }, + "alignment_confidence": 1.0 + }, + { + "word": " energy.", + "time_interval": { + "start": 30.44, + "end": 30.9 + }, + "alignment_confidence": 0.99951171875 + } + ] + }, + { + "text": " If I would let it swing from one meter height", + "time_interval": { + "start": 31.72, + "end": 36.85 + }, + "confidence": 0.9081219394602439, + "no_speech_confidence": 0.036529541015625, + "words": [ + { + "word": " If", + "time_interval": { + "start": 31.72, + "end": 32.16 + }, + "alignment_confidence": 0.83642578125 + }, + { + "word": " I", + "time_interval": { + "start": 32.16, + "end": 32.28 + }, + "alignment_confidence": 0.99755859375 + }, + { + "word": " would", + "time_interval": { + "start": 32.28, + "end": 32.44 + }, + "alignment_confidence": 0.986328125 + }, + { + "word": " let", + "time_interval": { + "start": 32.44, + "end": 32.58 + }, + "alignment_confidence": 0.9990234375 + }, + { + "word": " it", + "time_interval": { + "start": 32.58, + "end": 32.82 + }, + "alignment_confidence": 0.9990234375 + }, + { + "word": " swing", + "time_interval": { + "start": 32.82, + "end": 33.46 + }, + "alignment_confidence": 0.99755859375 + }, + { + "word": " from", + "time_interval": { + "start": 34.93, + "end": 35.83 + }, + "alignment_confidence": 0.98876953125 + }, + { + "word": " one", + "time_interval": { + "start": 35.83, + "end": 36.01 + }, + "alignment_confidence": 0.96240234375 + }, + { + "word": " meter", + "time_interval": { + "start": 36.01, + "end": 36.23 + }, + "alignment_confidence": 0.88232421875 + }, + { + "word": " height", + "time_interval": { + "start": 36.23, + "end": 36.85 + }, + "alignment_confidence": 0.947265625 + } + ] + }, + { + "text": " and you would be there and it would hit you, you'd be dead.", + "time_interval": { + "start": 36.85, + "end": 39.99 + }, + "confidence": 0.9081219394602439, + "no_speech_confidence": 0.036529541015625, + "words": [ + { + "word": " and", + "time_interval": { + "start": 36.85, + "end": 37.31 + }, + "alignment_confidence": 0.76806640625 + }, + { + "word": " you", + "time_interval": { + "start": 37.31, + "end": 37.43 + }, + "alignment_confidence": 0.99169921875 + }, + { + "word": " would", + "time_interval": { + "start": 37.43, + "end": 37.59 + }, + "alignment_confidence": 0.99560546875 + }, + { + "word": " be", + "time_interval": { + "start": 37.59, + "end": 37.81 + }, + "alignment_confidence": 0.99853515625 + }, + { + "word": " there", + "time_interval": { + "start": 37.81, + "end": 37.95 + }, + "alignment_confidence": 0.99365234375 + }, + { + "word": " and", + "time_interval": { + "start": 37.95, + "end": 38.01 + }, + "alignment_confidence": 0.94921875 + }, + { + "word": " it", + "time_interval": { + "start": 38.01, + "end": 38.13 + }, + "alignment_confidence": 0.994140625 + }, + { + "word": " would", + "time_interval": { + "start": 38.13, + "end": 38.29 + }, + "alignment_confidence": 0.99755859375 + }, + { + "word": " hit", + "time_interval": { + "start": 38.29, + "end": 38.51 + }, + "alignment_confidence": 0.9990234375 + }, + { + "word": " you,", + "time_interval": { + "start": 38.51, + "end": 38.99 + }, + "alignment_confidence": 0.99853515625 + }, + { + "word": " you'd", + "time_interval": { + "start": 39.11, + "end": 39.33 + }, + "alignment_confidence": 0.944091796875 + }, + { + "word": " be", + "time_interval": { + "start": 39.33, + "end": 39.53 + }, + "alignment_confidence": 0.99951171875 + }, + { + "word": " dead.", + "time_interval": { + "start": 39.53, + "end": 39.99 + }, + "alignment_confidence": 0.9990234375 + } + ] + }, + { + "text": " 150 joules is enough to kill you.", + "time_interval": { + "start": 40.93, + "end": 42.93 + }, + "confidence": 0.9081219394602439, + "no_speech_confidence": 0.036529541015625, + "words": [ + { + "word": " 150", + "time_interval": { + "start": 40.93, + "end": 41.37 + }, + "alignment_confidence": 0.98388671875 + }, + { + "word": " joules", + "time_interval": { + "start": 41.37, + "end": 41.73 + }, + "alignment_confidence": 0.9765625 + }, + { + "word": " is", + "time_interval": { + "start": 41.73, + "end": 41.93 + }, + "alignment_confidence": 0.99951171875 + }, + { + "word": " enough", + "time_interval": { + "start": 41.93, + "end": 42.11 + }, + "alignment_confidence": 0.99951171875 + }, + { + "word": " to", + "time_interval": { + "start": 42.11, + "end": 42.31 + }, + "alignment_confidence": 1.0 + }, + { + "word": " kill", + "time_interval": { + "start": 42.31, + "end": 42.49 + }, + "alignment_confidence": 0.99951171875 + }, + { + "word": " you.", + "time_interval": { + "start": 42.49, + "end": 42.93 + }, + "alignment_confidence": 1.0 + } + ] + }, + { + "text": " You lift up a very heavy object, even heavier than this,", + "time_interval": { + "start": 47.65, + "end": 54.15 + }, + "confidence": 0.9081219394602439, + "no_speech_confidence": 0.036529541015625, + "words": [ + { + "word": " You", + "time_interval": { + "start": 47.65, + "end": 48.09 + }, + "alignment_confidence": 4.118680953979492e-05 + }, + { + "word": " lift", + "time_interval": { + "start": 48.09, + "end": 48.37 + }, + "alignment_confidence": 0.07733154296875 + }, + { + "word": " up", + "time_interval": { + "start": 48.37, + "end": 51.53 + }, + "alignment_confidence": 0.9951171875 + }, + { + "word": " a", + "time_interval": { + "start": 51.53, + "end": 51.69 + }, + "alignment_confidence": 0.9970703125 + }, + { + "word": " very", + "time_interval": { + "start": 51.69, + "end": 51.99 + }, + "alignment_confidence": 0.99951171875 + }, + { + "word": " heavy", + "time_interval": { + "start": 51.99, + "end": 52.19 + }, + "alignment_confidence": 0.9990234375 + }, + { + "word": " object,", + "time_interval": { + "start": 52.19, + "end": 52.71 + }, + "alignment_confidence": 0.99951171875 + }, + { + "word": " even", + "time_interval": { + "start": 52.89, + "end": 53.19 + }, + "alignment_confidence": 0.9853515625 + }, + { + "word": " heavier", + "time_interval": { + "start": 53.19, + "end": 53.43 + }, + "alignment_confidence": 0.998046875 + }, + { + "word": " than", + "time_interval": { + "start": 53.43, + "end": 53.65 + }, + "alignment_confidence": 0.9990234375 + }, + { + "word": " this,", + "time_interval": { + "start": 53.65, + "end": 54.15 + }, + "alignment_confidence": 1.0 + } + ] + }, + { + "text": " and then you let it go, you swing it,", + "time_interval": { + "start": 54.15, + "end": 57.33 + }, + "confidence": 0.8956798936024837, + "no_speech_confidence": 0.124755859375, + "words": [ + { + "word": " and", + "time_interval": { + "start": 54.15, + "end": 54.83 + }, + "alignment_confidence": 0.399658203125 + }, + { + "word": " then", + "time_interval": { + "start": 54.83, + "end": 55.33 + }, + "alignment_confidence": 0.986328125 + }, + { + "word": " you", + "time_interval": { + "start": 55.33, + "end": 55.91 + }, + "alignment_confidence": 0.97900390625 + }, + { + "word": " let", + "time_interval": { + "start": 55.91, + "end": 56.05 + }, + "alignment_confidence": 0.99951171875 + }, + { + "word": " it", + "time_interval": { + "start": 56.05, + "end": 56.25 + }, + "alignment_confidence": 0.99658203125 + }, + { + "word": " go,", + "time_interval": { + "start": 56.25, + "end": 56.43 + }, + "alignment_confidence": 0.9990234375 + }, + { + "word": " you", + "time_interval": { + "start": 56.43, + "end": 56.65 + }, + "alignment_confidence": 0.9970703125 + }, + { + "word": " swing", + "time_interval": { + "start": 56.65, + "end": 56.91 + }, + "alignment_confidence": 0.99853515625 + }, + { + "word": " it,", + "time_interval": { + "start": 56.91, + "end": 57.33 + }, + "alignment_confidence": 0.99951171875 + } + ] + }, + { + "text": " thereby converting gravitational potential energy into kinetic energy", + "time_interval": { + "start": 57.41, + "end": 62.21 + }, + "confidence": 0.8956798936024837, + "no_speech_confidence": 0.124755859375, + "words": [ + { + "word": " thereby", + "time_interval": { + "start": 57.41, + "end": 57.71 + }, + "alignment_confidence": 0.99365234375 + }, + { + "word": " converting", + "time_interval": { + "start": 57.71, + "end": 58.23 + }, + "alignment_confidence": 0.9970703125 + }, + { + "word": " gravitational", + "time_interval": { + "start": 58.23, + "end": 58.97 + }, + "alignment_confidence": 0.99853515625 + }, + { + "word": " potential", + "time_interval": { + "start": 58.97, + "end": 59.75 + }, + "alignment_confidence": 0.994140625 + }, + { + "word": " energy", + "time_interval": { + "start": 59.75, + "end": 60.15 + }, + "alignment_confidence": 0.99951171875 + }, + { + "word": " into", + "time_interval": { + "start": 60.15, + "end": 61.15 + }, + "alignment_confidence": 0.998046875 + }, + { + "word": " kinetic", + "time_interval": { + "start": 61.15, + "end": 61.65 + }, + "alignment_confidence": 1.0 + }, + { + "word": " energy", + "time_interval": { + "start": 61.65, + "end": 62.21 + }, + "alignment_confidence": 1.0 + } + ] + }, + { + "text": " and that way you can demolish a building.", + "time_interval": { + "start": 62.21, + "end": 65.23 + }, + "confidence": 0.8956798936024837, + "no_speech_confidence": 0.124755859375, + "words": [ + { + "word": " and", + "time_interval": { + "start": 62.21, + "end": 62.55 + }, + "alignment_confidence": 0.52734375 + }, + { + "word": " that", + "time_interval": { + "start": 62.55, + "end": 62.79 + }, + "alignment_confidence": 0.970703125 + }, + { + "word": " way", + "time_interval": { + "start": 62.79, + "end": 63.05 + }, + "alignment_confidence": 0.99951171875 + }, + { + "word": " you", + "time_interval": { + "start": 63.05, + "end": 63.47 + }, + "alignment_confidence": 0.8955078125 + }, + { + "word": " can", + "time_interval": { + "start": 63.47, + "end": 64.29 + }, + "alignment_confidence": 0.9990234375 + }, + { + "word": " demolish", + "time_interval": { + "start": 64.29, + "end": 64.77 + }, + "alignment_confidence": 0.99951171875 + }, + { + "word": " a", + "time_interval": { + "start": 64.77, + "end": 64.91 + }, + "alignment_confidence": 0.99755859375 + }, + { + "word": " building.", + "time_interval": { + "start": 64.91, + "end": 65.23 + }, + "alignment_confidence": 1.0 + } + ] + }, + { + "text": " You just let it hit and it breaks a building", + "time_interval": { + "start": 65.69, + "end": 71.38 + }, + "confidence": 0.8956798936024837, + "no_speech_confidence": 0.124755859375, + "words": [ + { + "word": " You", + "time_interval": { + "start": 65.69, + "end": 65.95 + }, + "alignment_confidence": 0.9921875 + }, + { + "word": " just", + "time_interval": { + "start": 65.95, + "end": 66.15 + }, + "alignment_confidence": 0.99853515625 + }, + { + "word": " let", + "time_interval": { + "start": 66.15, + "end": 66.27 + }, + "alignment_confidence": 0.99951171875 + }, + { + "word": " it", + "time_interval": { + "start": 66.27, + "end": 66.45 + }, + "alignment_confidence": 0.99951171875 + }, + { + "word": " hit", + "time_interval": { + "start": 66.45, + "end": 66.87 + }, + "alignment_confidence": 0.998046875 + }, + { + "word": " and", + "time_interval": { + "start": 69.78, + "end": 70.56 + }, + "alignment_confidence": 0.81396484375 + }, + { + "word": " it", + "time_interval": { + "start": 70.56, + "end": 70.7 + }, + "alignment_confidence": 0.9990234375 + }, + { + "word": " breaks", + "time_interval": { + "start": 70.7, + "end": 70.96 + }, + "alignment_confidence": 0.9970703125 + }, + { + "word": " a", + "time_interval": { + "start": 70.96, + "end": 71.08 + }, + "alignment_confidence": 0.99169921875 + }, + { + "word": " building", + "time_interval": { + "start": 71.08, + "end": 71.38 + }, + "alignment_confidence": 1.0 + } + ] + }, + { + "text": " and that's the whole idea of wrecking.", + "time_interval": { + "start": 71.38, + "end": 74.16 + }, + "confidence": 0.927728696874945, + "no_speech_confidence": 0.175537109375, + "words": [ + { + "word": " and", + "time_interval": { + "start": 71.38, + "end": 71.7 + }, + "alignment_confidence": 0.43115234375 + }, + { + "word": " that's", + "time_interval": { + "start": 71.7, + "end": 71.94 + }, + "alignment_confidence": 0.994873046875 + }, + { + "word": " the", + "time_interval": { + "start": 71.94, + "end": 72.02 + }, + "alignment_confidence": 0.9990234375 + }, + { + "word": " whole", + "time_interval": { + "start": 72.02, + "end": 72.16 + }, + "alignment_confidence": 0.99951171875 + }, + { + "word": " idea", + "time_interval": { + "start": 72.16, + "end": 72.84 + }, + "alignment_confidence": 1.0 + }, + { + "word": " of", + "time_interval": { + "start": 72.84, + "end": 73.38 + }, + "alignment_confidence": 0.99755859375 + }, + { + "word": " wrecking.", + "time_interval": { + "start": 73.38, + "end": 74.16 + }, + "alignment_confidence": 0.930419921875 + } + ] + }, + { + "text": " So you are using then the conversion of gravitational potential energy", + "time_interval": { + "start": 75.52, + "end": 81.18 + }, + "confidence": 0.927728696874945, + "no_speech_confidence": 0.175537109375, + "words": [ + { + "word": " So", + "time_interval": { + "start": 75.52, + "end": 75.84 + }, + "alignment_confidence": 0.93310546875 + }, + { + "word": " you", + "time_interval": { + "start": 75.84, + "end": 76.04 + }, + "alignment_confidence": 0.9736328125 + }, + { + "word": " are", + "time_interval": { + "start": 76.04, + "end": 76.16 + }, + "alignment_confidence": 0.599609375 + }, + { + "word": " using", + "time_interval": { + "start": 76.16, + "end": 76.44 + }, + "alignment_confidence": 0.9990234375 + }, + { + "word": " then", + "time_interval": { + "start": 76.44, + "end": 77.22 + }, + "alignment_confidence": 0.353515625 + }, + { + "word": " the", + "time_interval": { + "start": 77.22, + "end": 77.46 + }, + "alignment_confidence": 0.98583984375 + }, + { + "word": " conversion", + "time_interval": { + "start": 77.46, + "end": 78.12 + }, + "alignment_confidence": 0.99658203125 + }, + { + "word": " of", + "time_interval": { + "start": 78.12, + "end": 79.62 + }, + "alignment_confidence": 0.99755859375 + }, + { + "word": " gravitational", + "time_interval": { + "start": 79.62, + "end": 80.12 + }, + "alignment_confidence": 0.99560546875 + }, + { + "word": " potential", + "time_interval": { + "start": 80.12, + "end": 80.68 + }, + "alignment_confidence": 0.98583984375 + }, + { + "word": " energy", + "time_interval": { + "start": 80.68, + "end": 81.18 + }, + "alignment_confidence": 0.99951171875 + } + ] + }, + { + "text": " to kinetic energy.", + "time_interval": { + "start": 81.18, + "end": 83.08 + }, + "confidence": 0.927728696874945, + "no_speech_confidence": 0.175537109375, + "words": [ + { + "word": " to", + "time_interval": { + "start": 81.18, + "end": 82.06 + }, + "alignment_confidence": 0.9970703125 + }, + { + "word": " kinetic", + "time_interval": { + "start": 82.06, + "end": 82.62 + }, + "alignment_confidence": 0.99951171875 + }, + { + "word": " energy.", + "time_interval": { + "start": 82.62, + "end": 83.08 + }, + "alignment_confidence": 1.0 + } + ] + }, + { + "text": " Now, I am such a strong believer of the conservation of mechanical energy", + "time_interval": { + "start": 83.86, + "end": 91.66 + }, + "confidence": 0.927728696874945, + "no_speech_confidence": 0.175537109375, + "words": [ + { + "word": " Now,", + "time_interval": { + "start": 83.86, + "end": 84.48 + }, + "alignment_confidence": 0.99462890625 + }, + { + "word": " I", + "time_interval": { + "start": 84.84, + "end": 85.32 + }, + "alignment_confidence": 0.99951171875 + }, + { + "word": " am", + "time_interval": { + "start": 85.32, + "end": 85.6 + }, + "alignment_confidence": 0.99658203125 + }, + { + "word": " such", + "time_interval": { + "start": 85.6, + "end": 85.78 + }, + "alignment_confidence": 0.99951171875 + }, + { + "word": " a", + "time_interval": { + "start": 85.78, + "end": 86.06 + }, + "alignment_confidence": 0.99951171875 + }, + { + "word": " strong", + "time_interval": { + "start": 86.06, + "end": 86.3 + }, + "alignment_confidence": 0.99951171875 + }, + { + "word": " believer", + "time_interval": { + "start": 86.3, + "end": 86.72 + }, + "alignment_confidence": 0.99951171875 + }, + { + "word": " of", + "time_interval": { + "start": 86.72, + "end": 88.0 + }, + "alignment_confidence": 0.9951171875 + }, + { + "word": " the", + "time_interval": { + "start": 88.0, + "end": 89.02 + }, + "alignment_confidence": 0.99951171875 + }, + { + "word": " conservation", + "time_interval": { + "start": 89.02, + "end": 89.74 + }, + "alignment_confidence": 0.9990234375 + }, + { + "word": " of", + "time_interval": { + "start": 89.74, + "end": 90.52 + }, + "alignment_confidence": 0.99951171875 + }, + { + "word": " mechanical", + "time_interval": { + "start": 90.52, + "end": 90.9 + }, + "alignment_confidence": 0.99951171875 + }, + { + "word": " energy", + "time_interval": { + "start": 90.9, + "end": 91.66 + }, + "alignment_confidence": 1.0 + } + ] + }, + { + "text": " that I am willing to put my life on the line.", + "time_interval": { + "start": 91.66, + "end": 96.18 + }, + "confidence": 0.9438043274178106, + "no_speech_confidence": 0.482177734375, + "words": [ + { + "word": " that", + "time_interval": { + "start": 91.66, + "end": 92.32 + }, + "alignment_confidence": 0.75341796875 + }, + { + "word": " I", + "time_interval": { + "start": 92.32, + "end": 92.54 + }, + "alignment_confidence": 0.99609375 + }, + { + "word": " am", + "time_interval": { + "start": 92.54, + "end": 92.74 + }, + "alignment_confidence": 0.99072265625 + }, + { + "word": " willing", + "time_interval": { + "start": 92.74, + "end": 93.12 + }, + "alignment_confidence": 0.99951171875 + }, + { + "word": " to", + "time_interval": { + "start": 93.12, + "end": 93.96 + }, + "alignment_confidence": 0.99853515625 + }, + { + "word": " put", + "time_interval": { + "start": 93.96, + "end": 94.14 + }, + "alignment_confidence": 0.99951171875 + }, + { + "word": " my", + "time_interval": { + "start": 94.14, + "end": 94.38 + }, + "alignment_confidence": 0.99951171875 + }, + { + "word": " life", + "time_interval": { + "start": 94.38, + "end": 95.06 + }, + "alignment_confidence": 1.0 + }, + { + "word": " on", + "time_interval": { + "start": 95.06, + "end": 95.58 + }, + "alignment_confidence": 0.99853515625 + }, + { + "word": " the", + "time_interval": { + "start": 95.58, + "end": 95.7 + }, + "alignment_confidence": 1.0 + }, + { + "word": " line.", + "time_interval": { + "start": 95.7, + "end": 96.18 + }, + "alignment_confidence": 1.0 + } + ] + }, + { + "text": " If I release that bob from a certain height,", + "time_interval": { + "start": 98.4, + "end": 103.34 + }, + "confidence": 0.9438043274178106, + "no_speech_confidence": 0.482177734375, + "words": [ + { + "word": " If", + "time_interval": { + "start": 98.4, + "end": 98.7 + }, + "alignment_confidence": 0.98388671875 + }, + { + "word": " I", + "time_interval": { + "start": 98.7, + "end": 99.06 + }, + "alignment_confidence": 0.99951171875 + }, + { + "word": " release", + "time_interval": { + "start": 99.06, + "end": 99.88 + }, + "alignment_confidence": 0.99951171875 + }, + { + "word": " that", + "time_interval": { + "start": 99.88, + "end": 100.88 + }, + "alignment_confidence": 0.99951171875 + }, + { + "word": " bob", + "time_interval": { + "start": 100.88, + "end": 101.2 + }, + "alignment_confidence": 0.89013671875 + }, + { + "word": " from", + "time_interval": { + "start": 101.2, + "end": 102.32 + }, + "alignment_confidence": 0.99462890625 + }, + { + "word": " a", + "time_interval": { + "start": 102.32, + "end": 102.58 + }, + "alignment_confidence": 0.99951171875 + }, + { + "word": " certain", + "time_interval": { + "start": 102.58, + "end": 102.82 + }, + "alignment_confidence": 1.0 + }, + { + "word": " height,", + "time_interval": { + "start": 102.82, + "end": 103.34 + }, + "alignment_confidence": 0.99853515625 + } + ] + }, + { + "text": " then that bob can never come back to a point", + "time_interval": { + "start": 104.5, + "end": 109.08 + }, + "confidence": 0.9438043274178106, + "no_speech_confidence": 0.482177734375, + "words": [ + { + "word": " then", + "time_interval": { + "start": 104.5, + "end": 104.86 + }, + "alignment_confidence": 0.99755859375 + }, + { + "word": " that", + "time_interval": { + "start": 104.86, + "end": 106.0 + }, + "alignment_confidence": 0.99755859375 + }, + { + "word": " bob", + "time_interval": { + "start": 106.0, + "end": 106.32 + }, + "alignment_confidence": 0.998046875 + }, + { + "word": " can", + "time_interval": { + "start": 106.32, + "end": 106.6 + }, + "alignment_confidence": 0.99755859375 + }, + { + "word": " never", + "time_interval": { + "start": 106.6, + "end": 107.06 + }, + "alignment_confidence": 0.99951171875 + }, + { + "word": " come", + "time_interval": { + "start": 107.06, + "end": 107.48 + }, + "alignment_confidence": 0.99951171875 + }, + { + "word": " back", + "time_interval": { + "start": 107.48, + "end": 108.02 + }, + "alignment_confidence": 1.0 + }, + { + "word": " to", + "time_interval": { + "start": 108.02, + "end": 108.46 + }, + "alignment_confidence": 0.998046875 + }, + { + "word": " a", + "time_interval": { + "start": 108.46, + "end": 108.62 + }, + "alignment_confidence": 0.9990234375 + }, + { + "word": " point", + "time_interval": { + "start": 108.62, + "end": 109.08 + }, + "alignment_confidence": 0.99951171875 + } + ] + }, + { + "text": " where the height is any larger.", + "time_interval": { + "start": 109.08, + "end": 111.2 + }, + "confidence": 0.9438043274178106, + "no_speech_confidence": 0.482177734375, + "words": [ + { + "word": " where", + "time_interval": { + "start": 109.08, + "end": 109.7 + }, + "alignment_confidence": 0.99853515625 + }, + { + "word": " the", + "time_interval": { + "start": 109.7, + "end": 109.94 + }, + "alignment_confidence": 0.9990234375 + }, + { + "word": " height", + "time_interval": { + "start": 109.94, + "end": 110.22 + }, + "alignment_confidence": 0.99658203125 + }, + { + "word": " is", + "time_interval": { + "start": 110.22, + "end": 110.58 + }, + "alignment_confidence": 0.9990234375 + }, + { + "word": " any", + "time_interval": { + "start": 110.58, + "end": 110.82 + }, + "alignment_confidence": 0.99951171875 + }, + { + "word": " larger.", + "time_interval": { + "start": 110.82, + "end": 111.2 + }, + "alignment_confidence": 0.99951171875 + } + ] + }, + { + "text": " If I release it from this height and it swings,", + "time_interval": { + "start": 111.2, + "end": 115.36 + }, + "confidence": 0.9338503373698172, + "no_speech_confidence": 0.12158203125, + "words": [ + { + "word": " If", + "time_interval": { + "start": 111.2, + "end": 112.04 + }, + "alignment_confidence": 0.6689453125 + }, + { + "word": " I", + "time_interval": { + "start": 112.04, + "end": 112.34 + }, + "alignment_confidence": 0.99853515625 + }, + { + "word": " release", + "time_interval": { + "start": 112.34, + "end": 112.62 + }, + "alignment_confidence": 0.99169921875 + }, + { + "word": " it", + "time_interval": { + "start": 112.62, + "end": 112.78 + }, + "alignment_confidence": 0.998046875 + }, + { + "word": " from", + "time_interval": { + "start": 112.78, + "end": 112.96 + }, + "alignment_confidence": 0.9990234375 + }, + { + "word": " this", + "time_interval": { + "start": 112.96, + "end": 113.18 + }, + "alignment_confidence": 0.9990234375 + }, + { + "word": " height", + "time_interval": { + "start": 113.18, + "end": 113.7 + }, + "alignment_confidence": 0.9990234375 + }, + { + "word": " and", + "time_interval": { + "start": 113.7, + "end": 114.5 + }, + "alignment_confidence": 0.947265625 + }, + { + "word": " it", + "time_interval": { + "start": 114.5, + "end": 114.72 + }, + "alignment_confidence": 0.9990234375 + }, + { + "word": " swings,", + "time_interval": { + "start": 114.72, + "end": 115.36 + }, + "alignment_confidence": 0.99853515625 + } + ] + }, + { + "text": " then when it reaches here, it could not be higher.", + "time_interval": { + "start": 116.24, + "end": 118.64 + }, + "confidence": 0.9338503373698172, + "no_speech_confidence": 0.12158203125, + "words": [ + { + "word": " then", + "time_interval": { + "start": 116.24, + "end": 116.44 + }, + "alignment_confidence": 0.99658203125 + }, + { + "word": " when", + "time_interval": { + "start": 116.44, + "end": 116.6 + }, + "alignment_confidence": 0.95703125 + }, + { + "word": " it", + "time_interval": { + "start": 116.6, + "end": 116.8 + }, + "alignment_confidence": 0.99853515625 + }, + { + "word": " reaches", + "time_interval": { + "start": 116.8, + "end": 117.12 + }, + "alignment_confidence": 0.9990234375 + }, + { + "word": " here,", + "time_interval": { + "start": 117.12, + "end": 117.44 + }, + "alignment_confidence": 0.9990234375 + }, + { + "word": " it", + "time_interval": { + "start": 117.46, + "end": 117.58 + }, + "alignment_confidence": 0.99560546875 + }, + { + "word": " could", + "time_interval": { + "start": 117.58, + "end": 117.82 + }, + "alignment_confidence": 0.9931640625 + }, + { + "word": " not", + "time_interval": { + "start": 117.82, + "end": 118.0 + }, + "alignment_confidence": 0.9990234375 + }, + { + "word": " be", + "time_interval": { + "start": 118.0, + "end": 118.2 + }, + "alignment_confidence": 0.99951171875 + }, + { + "word": " higher.", + "time_interval": { + "start": 118.2, + "end": 118.64 + }, + "alignment_confidence": 0.99853515625 + } + ] + }, + { + "text": " There is a conversion from gravitational potential energy", + "time_interval": { + "start": 119.3, + "end": 122.08 + }, + "confidence": 0.9338503373698172, + "no_speech_confidence": 0.12158203125, + "words": [ + { + "word": " There", + "time_interval": { + "start": 119.3, + "end": 119.42 + }, + "alignment_confidence": 0.9775390625 + }, + { + "word": " is", + "time_interval": { + "start": 119.42, + "end": 119.64 + }, + "alignment_confidence": 0.98095703125 + }, + { + "word": " a", + "time_interval": { + "start": 119.64, + "end": 119.88 + }, + "alignment_confidence": 0.998046875 + }, + { + "word": " conversion", + "time_interval": { + "start": 119.88, + "end": 120.2 + }, + "alignment_confidence": 0.99560546875 + }, + { + "word": " from", + "time_interval": { + "start": 120.2, + "end": 120.68 + }, + "alignment_confidence": 0.99560546875 + }, + { + "word": " gravitational", + "time_interval": { + "start": 120.68, + "end": 121.2 + }, + "alignment_confidence": 0.98193359375 + }, + { + "word": " potential", + "time_interval": { + "start": 121.2, + "end": 121.74 + }, + "alignment_confidence": 0.92822265625 + }, + { + "word": " energy", + "time_interval": { + "start": 121.74, + "end": 122.08 + }, + "alignment_confidence": 0.9990234375 + } + ] + }, + { + "text": " to kinetic energy back to gravitational potential energy", + "time_interval": { + "start": 122.08, + "end": 125.1 + }, + "confidence": 0.9338503373698172, + "no_speech_confidence": 0.12158203125, + "words": [ + { + "word": " to", + "time_interval": { + "start": 122.08, + "end": 122.26 + }, + "alignment_confidence": 0.98095703125 + }, + { + "word": " kinetic", + "time_interval": { + "start": 122.26, + "end": 122.64 + }, + "alignment_confidence": 1.0 + }, + { + "word": " energy", + "time_interval": { + "start": 122.64, + "end": 123.0 + }, + "alignment_confidence": 0.99951171875 + }, + { + "word": " back", + "time_interval": { + "start": 123.0, + "end": 123.26 + }, + "alignment_confidence": 0.94775390625 + }, + { + "word": " to", + "time_interval": { + "start": 123.26, + "end": 123.82 + }, + "alignment_confidence": 0.99853515625 + }, + { + "word": " gravitational", + "time_interval": { + "start": 123.82, + "end": 124.36 + }, + "alignment_confidence": 0.9951171875 + }, + { + "word": " potential", + "time_interval": { + "start": 124.36, + "end": 124.8 + }, + "alignment_confidence": 0.9990234375 + }, + { + "word": " energy", + "time_interval": { + "start": 124.8, + "end": 125.1 + }, + "alignment_confidence": 0.99853515625 + } + ] + }, + { + "text": " and then it will come to a stop here.", + "time_interval": { + "start": 125.1, + "end": 126.58 + }, + "confidence": 0.9130794561691098, + "no_speech_confidence": 0.64599609375, + "words": [ + { + "word": " and", + "time_interval": { + "start": 125.1, + "end": 125.1 + }, + "alignment_confidence": 0.36962890625 + }, + { + "word": " then", + "time_interval": { + "start": 125.1, + "end": 125.24 + }, + "alignment_confidence": 0.2052001953125 + }, + { + "word": " it", + "time_interval": { + "start": 125.24, + "end": 125.32 + }, + "alignment_confidence": 0.90380859375 + }, + { + "word": " will", + "time_interval": { + "start": 125.32, + "end": 125.48 + }, + "alignment_confidence": 0.97802734375 + }, + { + "word": " come", + "time_interval": { + "start": 125.48, + "end": 125.64 + }, + "alignment_confidence": 0.9970703125 + }, + { + "word": " to", + "time_interval": { + "start": 125.64, + "end": 125.92 + }, + "alignment_confidence": 0.99755859375 + }, + { + "word": " a", + "time_interval": { + "start": 125.92, + "end": 126.02 + }, + "alignment_confidence": 0.98828125 + }, + { + "word": " stop", + "time_interval": { + "start": 126.02, + "end": 126.18 + }, + "alignment_confidence": 0.99951171875 + }, + { + "word": " here.", + "time_interval": { + "start": 126.18, + "end": 126.58 + }, + "alignment_confidence": 0.9892578125 + } + ] + }, + { + "text": " And when it swings back, it should not be able to reach any higher", + "time_interval": { + "start": 126.72, + "end": 131.24 + }, + "confidence": 0.9130794561691098, + "no_speech_confidence": 0.64599609375, + "words": [ + { + "word": " And", + "time_interval": { + "start": 126.72, + "end": 126.88 + }, + "alignment_confidence": 0.98291015625 + }, + { + "word": " when", + "time_interval": { + "start": 126.88, + "end": 127.04 + }, + "alignment_confidence": 0.99609375 + }, + { + "word": " it", + "time_interval": { + "start": 127.04, + "end": 127.22 + }, + "alignment_confidence": 0.99853515625 + }, + { + "word": " swings", + "time_interval": { + "start": 127.22, + "end": 127.44 + }, + "alignment_confidence": 0.99755859375 + }, + { + "word": " back,", + "time_interval": { + "start": 127.44, + "end": 128.02 + }, + "alignment_confidence": 0.99951171875 + }, + { + "word": " it", + "time_interval": { + "start": 128.46, + "end": 128.6 + }, + "alignment_confidence": 0.99560546875 + }, + { + "word": " should", + "time_interval": { + "start": 128.6, + "end": 128.82 + }, + "alignment_confidence": 0.99853515625 + }, + { + "word": " not", + "time_interval": { + "start": 128.82, + "end": 128.98 + }, + "alignment_confidence": 0.99853515625 + }, + { + "word": " be", + "time_interval": { + "start": 128.98, + "end": 129.2 + }, + "alignment_confidence": 0.9990234375 + }, + { + "word": " able", + "time_interval": { + "start": 129.2, + "end": 129.38 + }, + "alignment_confidence": 0.99951171875 + }, + { + "word": " to", + "time_interval": { + "start": 129.38, + "end": 129.6 + }, + "alignment_confidence": 0.99853515625 + }, + { + "word": " reach", + "time_interval": { + "start": 129.6, + "end": 130.18 + }, + "alignment_confidence": 0.99853515625 + }, + { + "word": " any", + "time_interval": { + "start": 130.18, + "end": 130.68 + }, + "alignment_confidence": 0.9990234375 + }, + { + "word": " higher", + "time_interval": { + "start": 130.68, + "end": 131.24 + }, + "alignment_confidence": 0.9990234375 + } + ] + }, + { + "text": " provided that I do not give this object an initial speed when I stand here.", + "time_interval": { + "start": 132.62, + "end": 137.9 + }, + "confidence": 0.9130794561691098, + "no_speech_confidence": 0.64599609375, + "words": [ + { + "word": " provided", + "time_interval": { + "start": 132.62, + "end": 133.18 + }, + "alignment_confidence": 0.2000732421875 + }, + { + "word": " that", + "time_interval": { + "start": 133.18, + "end": 133.74 + }, + "alignment_confidence": 0.99658203125 + }, + { + "word": " I", + "time_interval": { + "start": 133.74, + "end": 134.08 + }, + "alignment_confidence": 0.99853515625 + }, + { + "word": " do", + "time_interval": { + "start": 134.08, + "end": 134.26 + }, + "alignment_confidence": 0.998046875 + }, + { + "word": " not", + "time_interval": { + "start": 134.26, + "end": 134.42 + }, + "alignment_confidence": 0.99853515625 + }, + { + "word": " give", + "time_interval": { + "start": 134.42, + "end": 134.6 + }, + "alignment_confidence": 0.99951171875 + }, + { + "word": " this", + "time_interval": { + "start": 134.6, + "end": 134.88 + }, + "alignment_confidence": 0.998046875 + }, + { + "word": " object", + "time_interval": { + "start": 134.88, + "end": 135.42 + }, + "alignment_confidence": 1.0 + }, + { + "word": " an", + "time_interval": { + "start": 135.42, + "end": 136.04 + }, + "alignment_confidence": 0.9951171875 + }, + { + "word": " initial", + "time_interval": { + "start": 136.04, + "end": 136.38 + }, + "alignment_confidence": 0.99951171875 + }, + { + "word": " speed", + "time_interval": { + "start": 136.38, + "end": 136.78 + }, + "alignment_confidence": 0.99951171875 + }, + { + "word": " when", + "time_interval": { + "start": 136.78, + "end": 136.98 + }, + "alignment_confidence": 0.986328125 + }, + { + "word": " I", + "time_interval": { + "start": 136.98, + "end": 137.28 + }, + "alignment_confidence": 0.9990234375 + }, + { + "word": " stand", + "time_interval": { + "start": 137.28, + "end": 137.46 + }, + "alignment_confidence": 0.9990234375 + }, + { + "word": " here.", + "time_interval": { + "start": 137.46, + "end": 137.9 + }, + "alignment_confidence": 0.99951171875 + } + ] + }, + { + "text": " I trust the conservation of mechanical energy for 100%.", + "time_interval": { + "start": 139.85, + "end": 144.93 + }, + "confidence": 0.9130794561691098, + "no_speech_confidence": 0.64599609375, + "words": [ + { + "word": " I", + "time_interval": { + "start": 139.85, + "end": 140.17 + }, + "alignment_confidence": 0.99755859375 + }, + { + "word": " trust", + "time_interval": { + "start": 140.17, + "end": 140.81 + }, + "alignment_confidence": 0.99951171875 + }, + { + "word": " the", + "time_interval": { + "start": 140.81, + "end": 141.69 + }, + "alignment_confidence": 0.998046875 + }, + { + "word": " conservation", + "time_interval": { + "start": 141.69, + "end": 142.11 + }, + "alignment_confidence": 0.99853515625 + }, + { + "word": " of", + "time_interval": { + "start": 142.11, + "end": 142.33 + }, + "alignment_confidence": 0.998046875 + }, + { + "word": " mechanical", + "time_interval": { + "start": 142.33, + "end": 142.73 + }, + "alignment_confidence": 0.98779296875 + }, + { + "word": " energy", + "time_interval": { + "start": 142.73, + "end": 143.33 + }, + "alignment_confidence": 0.99951171875 + }, + { + "word": " for", + "time_interval": { + "start": 143.33, + "end": 143.89 + }, + "alignment_confidence": 0.896484375 + }, + { + "word": " 100%.", + "time_interval": { + "start": 143.89, + "end": 144.93 + }, + "alignment_confidence": 0.91455078125 + } + ] + }, + { + "text": " I may not trust myself.", + "time_interval": { + "start": 145.49, + "end": 147.37 + }, + "confidence": 0.9295358956175969, + "no_speech_confidence": 0.092041015625, + "words": [ + { + "word": " I", + "time_interval": { + "start": 145.49, + "end": 145.97 + }, + "alignment_confidence": 0.919921875 + }, + { + "word": " may", + "time_interval": { + "start": 145.97, + "end": 146.19 + }, + "alignment_confidence": 0.9482421875 + }, + { + "word": " not", + "time_interval": { + "start": 146.19, + "end": 146.37 + }, + "alignment_confidence": 0.9990234375 + }, + { + "word": " trust", + "time_interval": { + "start": 146.37, + "end": 146.61 + }, + "alignment_confidence": 0.9990234375 + }, + { + "word": " myself.", + "time_interval": { + "start": 146.61, + "end": 147.37 + }, + "alignment_confidence": 0.99755859375 + } + ] + }, + { + "text": " I'm going to release this object and I hope I will be able to do it at zero speed", + "time_interval": { + "start": 149.84, + "end": 155.32 + }, + "confidence": 0.9295358956175969, + "no_speech_confidence": 0.092041015625, + "words": [ + { + "word": " I'm", + "time_interval": { + "start": 149.84, + "end": 150.12 + }, + "alignment_confidence": 0.95166015625 + }, + { + "word": " going", + "time_interval": { + "start": 150.12, + "end": 150.24 + }, + "alignment_confidence": 0.99951171875 + }, + { + "word": " to", + "time_interval": { + "start": 150.24, + "end": 150.52 + }, + "alignment_confidence": 0.99951171875 + }, + { + "word": " release", + "time_interval": { + "start": 150.52, + "end": 150.74 + }, + "alignment_confidence": 0.9990234375 + }, + { + "word": " this", + "time_interval": { + "start": 150.74, + "end": 150.98 + }, + "alignment_confidence": 0.99951171875 + }, + { + "word": " object", + "time_interval": { + "start": 150.98, + "end": 151.58 + }, + "alignment_confidence": 1.0 + }, + { + "word": " and", + "time_interval": { + "start": 151.58, + "end": 152.34 + }, + "alignment_confidence": 0.83984375 + }, + { + "word": " I", + "time_interval": { + "start": 152.34, + "end": 152.5 + }, + "alignment_confidence": 0.998046875 + }, + { + "word": " hope", + "time_interval": { + "start": 152.5, + "end": 152.68 + }, + "alignment_confidence": 0.99951171875 + }, + { + "word": " I", + "time_interval": { + "start": 152.68, + "end": 152.84 + }, + "alignment_confidence": 0.99462890625 + }, + { + "word": " will", + "time_interval": { + "start": 152.84, + "end": 152.98 + }, + "alignment_confidence": 0.99560546875 + }, + { + "word": " be", + "time_interval": { + "start": 152.98, + "end": 153.16 + }, + "alignment_confidence": 0.99755859375 + }, + { + "word": " able", + "time_interval": { + "start": 153.16, + "end": 153.34 + }, + "alignment_confidence": 0.99951171875 + }, + { + "word": " to", + "time_interval": { + "start": 153.34, + "end": 153.52 + }, + "alignment_confidence": 0.99853515625 + }, + { + "word": " do", + "time_interval": { + "start": 153.52, + "end": 153.62 + }, + "alignment_confidence": 0.9990234375 + }, + { + "word": " it", + "time_interval": { + "start": 153.62, + "end": 153.82 + }, + "alignment_confidence": 0.998046875 + }, + { + "word": " at", + "time_interval": { + "start": 153.82, + "end": 154.04 + }, + "alignment_confidence": 0.99609375 + }, + { + "word": " zero", + "time_interval": { + "start": 154.04, + "end": 154.42 + }, + "alignment_confidence": 0.99658203125 + }, + { + "word": " speed", + "time_interval": { + "start": 154.42, + "end": 155.32 + }, + "alignment_confidence": 0.99658203125 + } + ] + }, + { + "text": " so that when it comes back it may touch my chin but it may not crush my chin.", + "time_interval": { + "start": 155.8, + "end": 160.64 + }, + "confidence": 0.9295358956175969, + "no_speech_confidence": 0.092041015625, + "words": [ + { + "word": " so", + "time_interval": { + "start": 155.8, + "end": 156.28 + }, + "alignment_confidence": 0.86328125 + }, + { + "word": " that", + "time_interval": { + "start": 156.28, + "end": 156.4 + }, + "alignment_confidence": 0.99755859375 + }, + { + "word": " when", + "time_interval": { + "start": 156.4, + "end": 156.52 + }, + "alignment_confidence": 0.94873046875 + }, + { + "word": " it", + "time_interval": { + "start": 156.52, + "end": 156.68 + }, + "alignment_confidence": 0.99853515625 + }, + { + "word": " comes", + "time_interval": { + "start": 156.68, + "end": 156.94 + }, + "alignment_confidence": 0.99853515625 + }, + { + "word": " back", + "time_interval": { + "start": 156.94, + "end": 157.3 + }, + "alignment_confidence": 1.0 + }, + { + "word": " it", + "time_interval": { + "start": 157.3, + "end": 157.46 + }, + "alignment_confidence": 0.70263671875 + }, + { + "word": " may", + "time_interval": { + "start": 157.46, + "end": 157.7 + }, + "alignment_confidence": 0.9990234375 + }, + { + "word": " touch", + "time_interval": { + "start": 157.7, + "end": 157.96 + }, + "alignment_confidence": 0.99951171875 + }, + { + "word": " my", + "time_interval": { + "start": 157.96, + "end": 158.28 + }, + "alignment_confidence": 0.99951171875 + }, + { + "word": " chin", + "time_interval": { + "start": 158.28, + "end": 158.68 + }, + "alignment_confidence": 0.99951171875 + }, + { + "word": " but", + "time_interval": { + "start": 158.68, + "end": 159.26 + }, + "alignment_confidence": 0.87744140625 + }, + { + "word": " it", + "time_interval": { + "start": 159.26, + "end": 159.42 + }, + "alignment_confidence": 0.9990234375 + }, + { + "word": " may", + "time_interval": { + "start": 159.42, + "end": 159.6 + }, + "alignment_confidence": 0.9990234375 + }, + { + "word": " not", + "time_interval": { + "start": 159.6, + "end": 159.8 + }, + "alignment_confidence": 0.99951171875 + }, + { + "word": " crush", + "time_interval": { + "start": 159.8, + "end": 160.04 + }, + "alignment_confidence": 0.99755859375 + }, + { + "word": " my", + "time_interval": { + "start": 160.04, + "end": 160.32 + }, + "alignment_confidence": 0.99951171875 + }, + { + "word": " chin.", + "time_interval": { + "start": 160.32, + "end": 160.64 + }, + "alignment_confidence": 1.0 + } + ] + }, + { + "text": " I want you to be extremely quiet because this is no joke.", + "time_interval": { + "start": 162.37, + "end": 165.75 + }, + "confidence": 0.9295358956175969, + "no_speech_confidence": 0.092041015625, + "words": [ + { + "word": " I", + "time_interval": { + "start": 162.37, + "end": 162.85 + }, + "alignment_confidence": 0.99658203125 + }, + { + "word": " want", + "time_interval": { + "start": 162.85, + "end": 163.07 + }, + "alignment_confidence": 0.99951171875 + }, + { + "word": " you", + "time_interval": { + "start": 163.07, + "end": 163.19 + }, + "alignment_confidence": 0.99951171875 + }, + { + "word": " to", + "time_interval": { + "start": 163.19, + "end": 163.31 + }, + "alignment_confidence": 0.9990234375 + }, + { + "word": " be", + "time_interval": { + "start": 163.31, + "end": 163.55 + }, + "alignment_confidence": 0.99951171875 + }, + { + "word": " extremely", + "time_interval": { + "start": 163.55, + "end": 163.95 + }, + "alignment_confidence": 0.99951171875 + }, + { + "word": " quiet", + "time_interval": { + "start": 163.95, + "end": 164.47 + }, + "alignment_confidence": 0.99755859375 + }, + { + "word": " because", + "time_interval": { + "start": 164.47, + "end": 164.73 + }, + "alignment_confidence": 0.75634765625 + }, + { + "word": " this", + "time_interval": { + "start": 164.73, + "end": 164.93 + }, + "alignment_confidence": 0.9912109375 + }, + { + "word": " is", + "time_interval": { + "start": 164.93, + "end": 165.13 + }, + "alignment_confidence": 0.99853515625 + }, + { + "word": " no", + "time_interval": { + "start": 165.13, + "end": 165.33 + }, + "alignment_confidence": 0.99755859375 + }, + { + "word": " joke.", + "time_interval": { + "start": 165.33, + "end": 165.75 + }, + "alignment_confidence": 0.99951171875 + } + ] + }, + { + "text": " If I don't succeed in giving it zero speed then this will be my last lecture.", + "time_interval": { + "start": 166.57, + "end": 172.41 + }, + "confidence": 0.8773652789607193, + "no_speech_confidence": 0.744140625, + "words": [ + { + "word": " If", + "time_interval": { + "start": 166.57, + "end": 166.85 + }, + "alignment_confidence": 0.85498046875 + }, + { + "word": " I", + "time_interval": { + "start": 166.85, + "end": 167.25 + }, + "alignment_confidence": 0.99853515625 + }, + { + "word": " don't", + "time_interval": { + "start": 167.25, + "end": 167.71 + }, + "alignment_confidence": 0.999267578125 + }, + { + "word": " succeed", + "time_interval": { + "start": 167.71, + "end": 168.25 + }, + "alignment_confidence": 0.9990234375 + }, + { + "word": " in", + "time_interval": { + "start": 168.25, + "end": 168.57 + }, + "alignment_confidence": 0.9951171875 + }, + { + "word": " giving", + "time_interval": { + "start": 168.57, + "end": 168.77 + }, + "alignment_confidence": 0.99267578125 + }, + { + "word": " it", + "time_interval": { + "start": 168.77, + "end": 169.05 + }, + "alignment_confidence": 0.99560546875 + }, + { + "word": " zero", + "time_interval": { + "start": 169.05, + "end": 169.31 + }, + "alignment_confidence": 0.99560546875 + }, + { + "word": " speed", + "time_interval": { + "start": 169.31, + "end": 169.85 + }, + "alignment_confidence": 0.99755859375 + }, + { + "word": " then", + "time_interval": { + "start": 169.85, + "end": 170.81 + }, + "alignment_confidence": 0.53125 + }, + { + "word": " this", + "time_interval": { + "start": 170.81, + "end": 171.39 + }, + "alignment_confidence": 0.990234375 + }, + { + "word": " will", + "time_interval": { + "start": 171.39, + "end": 171.53 + }, + "alignment_confidence": 0.99853515625 + }, + { + "word": " be", + "time_interval": { + "start": 171.53, + "end": 171.67 + }, + "alignment_confidence": 0.9990234375 + }, + { + "word": " my", + "time_interval": { + "start": 171.67, + "end": 171.81 + }, + "alignment_confidence": 0.99853515625 + }, + { + "word": " last", + "time_interval": { + "start": 171.81, + "end": 172.11 + }, + "alignment_confidence": 0.9990234375 + }, + { + "word": " lecture.", + "time_interval": { + "start": 172.11, + "end": 172.41 + }, + "alignment_confidence": 1.0 + } + ] + }, + { + "text": " I will close my eyes. I don't want to see this.", + "time_interval": { + "start": 174.84, + "end": 177.3 + }, + "confidence": 0.8773652789607193, + "no_speech_confidence": 0.744140625, + "words": [ + { + "word": " I", + "time_interval": { + "start": 174.84, + "end": 174.92 + }, + "alignment_confidence": 0.99365234375 + }, + { + "word": " will", + "time_interval": { + "start": 174.92, + "end": 175.2 + }, + "alignment_confidence": 0.994140625 + }, + { + "word": " close", + "time_interval": { + "start": 175.2, + "end": 175.42 + }, + "alignment_confidence": 0.99951171875 + }, + { + "word": " my", + "time_interval": { + "start": 175.42, + "end": 175.72 + }, + "alignment_confidence": 1.0 + }, + { + "word": " eyes.", + "time_interval": { + "start": 175.72, + "end": 175.96 + }, + "alignment_confidence": 0.99951171875 + }, + { + "word": " I", + "time_interval": { + "start": 176.0, + "end": 176.12 + }, + "alignment_confidence": 0.9990234375 + }, + { + "word": " don't", + "time_interval": { + "start": 176.12, + "end": 176.32 + }, + "alignment_confidence": 0.999267578125 + }, + { + "word": " want", + "time_interval": { + "start": 176.32, + "end": 176.44 + }, + "alignment_confidence": 0.966796875 + }, + { + "word": " to", + "time_interval": { + "start": 176.44, + "end": 176.56 + }, + "alignment_confidence": 0.9990234375 + }, + { + "word": " see", + "time_interval": { + "start": 176.56, + "end": 176.72 + }, + "alignment_confidence": 0.99951171875 + }, + { + "word": " this.", + "time_interval": { + "start": 176.72, + "end": 177.3 + }, + "alignment_confidence": 0.99951171875 + } + ] + }, + { + "text": " So please be very quiet. I almost didn't sleep all night.", + "time_interval": { + "start": 178.1, + "end": 183.73 + }, + "confidence": 0.8773652789607193, + "no_speech_confidence": 0.744140625, + "words": [ + { + "word": " So", + "time_interval": { + "start": 178.1, + "end": 178.44 + }, + "alignment_confidence": 0.9755859375 + }, + { + "word": " please", + "time_interval": { + "start": 178.44, + "end": 178.72 + }, + "alignment_confidence": 0.91650390625 + }, + { + "word": " be", + "time_interval": { + "start": 178.72, + "end": 178.96 + }, + "alignment_confidence": 0.9736328125 + }, + { + "word": " very", + "time_interval": { + "start": 178.96, + "end": 179.32 + }, + "alignment_confidence": 0.99951171875 + }, + { + "word": " quiet.", + "time_interval": { + "start": 179.32, + "end": 179.84 + }, + "alignment_confidence": 0.99755859375 + }, + { + "word": " I", + "time_interval": { + "start": 182.19, + "end": 182.33 + }, + "alignment_confidence": 0.9921875 + }, + { + "word": " almost", + "time_interval": { + "start": 182.33, + "end": 182.57 + }, + "alignment_confidence": 0.98828125 + }, + { + "word": " didn't", + "time_interval": { + "start": 182.57, + "end": 182.85 + }, + "alignment_confidence": 0.99951171875 + }, + { + "word": " sleep", + "time_interval": { + "start": 182.85, + "end": 183.11 + }, + "alignment_confidence": 0.99951171875 + }, + { + "word": " all", + "time_interval": { + "start": 183.11, + "end": 183.33 + }, + "alignment_confidence": 0.99755859375 + }, + { + "word": " night.", + "time_interval": { + "start": 183.33, + "end": 183.73 + }, + "alignment_confidence": 0.9990234375 + } + ] + }, + { + "text": " Three, two, one, zero. Physics works and I'm still alive.", + "time_interval": { + "start": 185.35, + "end": 202.77 + }, + "confidence": 0.8773652789607193, + "no_speech_confidence": 0.744140625, + "words": [ + { + "word": " Three,", + "time_interval": { + "start": 185.35, + "end": 185.91 + }, + "alignment_confidence": 0.9658203125 + }, + { + "word": " two,", + "time_interval": { + "start": 185.91, + "end": 186.47 + }, + "alignment_confidence": 0.998046875 + }, + { + "word": " one,", + "time_interval": { + "start": 186.73, + "end": 187.27 + }, + "alignment_confidence": 0.9990234375 + }, + { + "word": " zero.", + "time_interval": { + "start": 187.37, + "end": 187.83 + }, + "alignment_confidence": 0.9990234375 + }, + { + "word": " Physics", + "time_interval": { + "start": 201.05, + "end": 201.23 + }, + "alignment_confidence": 0.95751953125 + }, + { + "word": " works", + "time_interval": { + "start": 201.23, + "end": 201.73 + }, + "alignment_confidence": 0.947265625 + }, + { + "word": " and", + "time_interval": { + "start": 201.73, + "end": 201.95 + }, + "alignment_confidence": 0.6865234375 + }, + { + "word": " I'm", + "time_interval": { + "start": 201.95, + "end": 202.19 + }, + "alignment_confidence": 0.977294921875 + }, + { + "word": " still", + "time_interval": { + "start": 202.19, + "end": 202.43 + }, + "alignment_confidence": 0.99951171875 + }, + { + "word": " alive.", + "time_interval": { + "start": 202.43, + "end": 202.77 + }, + "alignment_confidence": 0.99951171875 + } + ] + } + ], + "transcription_info": { + "language": "en", + "language_confidence": 0.982421875 + }, + "transcription": { + "text": " Now I want to return to the conservation of mechanical energy. I have here a pendulum. I have an object that weighs 15 kilograms and I can lift it up one meter, which I have done now. That means I've done work, MGH is the work I have done, believe me. I've increased the potential energy of this object. 15 times 10 is about 150 joules. If I let it fall, then that will be converted to kinetic energy. If I would let it swing from one meter height and you would be there and it would hit you, you'd be dead. 150 joules is enough to kill you. You lift up a very heavy object, even heavier than this, and then you let it go, you swing it, thereby converting gravitational potential energy into kinetic energy and that way you can demolish a building. You just let it hit and it breaks a building and that's the whole idea of wrecking. So you are using then the conversion of gravitational potential energy to kinetic energy. Now, I am such a strong believer of the conservation of mechanical energy that I am willing to put my life on the line. If I release that bob from a certain height, then that bob can never come back to a point where the height is any larger. If I release it from this height and it swings, then when it reaches here, it could not be higher. There is a conversion from gravitational potential energy to kinetic energy back to gravitational potential energy and then it will come to a stop here. And when it swings back, it should not be able to reach any higher provided that I do not give this object an initial speed when I stand here. I trust the conservation of mechanical energy for 100%. I may not trust myself. I'm going to release this object and I hope I will be able to do it at zero speed so that when it comes back it may touch my chin but it may not crush my chin. I want you to be extremely quiet because this is no joke. If I don't succeed in giving it zero speed then this will be my last lecture. I will close my eyes. I don't want to see this. So please be very quiet. I almost didn't sleep all night. Three, two, one, zero. Physics works and I'm still alive." + } +} \ No newline at end of file diff --git a/aana/tests/files/expected/whisper/whisper_medium_squirrel.wav.json b/aana/tests/files/expected/whisper/whisper_medium_squirrel.wav.json new file mode 100644 index 00000000..0d640a21 --- /dev/null +++ b/aana/tests/files/expected/whisper/whisper_medium_squirrel.wav.json @@ -0,0 +1,10 @@ +{ + "segments": [], + "transcription_info": { + "language": "silence", + "language_confidence": 1.0 + }, + "transcription": { + "text": "" + } +} \ No newline at end of file diff --git a/aana/tests/files/expected/whisper/whisper_tiny_physicsworks.wav.json b/aana/tests/files/expected/whisper/whisper_tiny_physicsworks.wav.json new file mode 100644 index 00000000..d48424b1 --- /dev/null +++ b/aana/tests/files/expected/whisper/whisper_tiny_physicsworks.wav.json @@ -0,0 +1,3967 @@ +{ + "segments": [ + { + "text": " Now, I want to return to the conservation of mechanical energy.", + "time_interval": { + "start": 0.0, + "end": 4.94 + }, + "confidence": 0.7865826690027641, + "no_speech_confidence": 0.017841538414359093, + "words": [ + { + "word": " Now,", + "time_interval": { + "start": 0.0, + "end": 0.28 + }, + "alignment_confidence": 0.7238118052482605 + }, + { + "word": " I", + "time_interval": { + "start": 0.4, + "end": 0.4 + }, + "alignment_confidence": 0.9965147376060486 + }, + { + "word": " want", + "time_interval": { + "start": 0.4, + "end": 0.68 + }, + "alignment_confidence": 0.9958667755126953 + }, + { + "word": " to", + "time_interval": { + "start": 0.68, + "end": 1.7 + }, + "alignment_confidence": 0.9981689453125 + }, + { + "word": " return", + "time_interval": { + "start": 1.7, + "end": 2.1 + }, + "alignment_confidence": 0.9879878759384155 + }, + { + "word": " to", + "time_interval": { + "start": 2.1, + "end": 2.58 + }, + "alignment_confidence": 0.9942569136619568 + }, + { + "word": " the", + "time_interval": { + "start": 2.58, + "end": 2.7 + }, + "alignment_confidence": 0.9977353811264038 + }, + { + "word": " conservation", + "time_interval": { + "start": 2.7, + "end": 3.2 + }, + "alignment_confidence": 0.9798556566238403 + }, + { + "word": " of", + "time_interval": { + "start": 3.2, + "end": 3.7 + }, + "alignment_confidence": 0.9978200197219849 + }, + { + "word": " mechanical", + "time_interval": { + "start": 3.7, + "end": 4.2 + }, + "alignment_confidence": 0.9767789840698242 + }, + { + "word": " energy.", + "time_interval": { + "start": 4.2, + "end": 4.94 + }, + "alignment_confidence": 0.998817503452301 + } + ] + }, + { + "text": " I have here a pendulum.", + "time_interval": { + "start": 6.78, + "end": 9.06 + }, + "confidence": 0.7865826690027641, + "no_speech_confidence": 0.017841538414359093, + "words": [ + { + "word": " I", + "time_interval": { + "start": 6.78, + "end": 6.8 + }, + "alignment_confidence": 0.9913331866264343 + }, + { + "word": " have", + "time_interval": { + "start": 6.8, + "end": 7.02 + }, + "alignment_confidence": 0.9976971745491028 + }, + { + "word": " here", + "time_interval": { + "start": 7.02, + "end": 7.58 + }, + "alignment_confidence": 0.9649049639701843 + }, + { + "word": " a", + "time_interval": { + "start": 7.58, + "end": 8.74 + }, + "alignment_confidence": 0.8973593711853027 + }, + { + "word": " pendulum.", + "time_interval": { + "start": 8.74, + "end": 9.06 + }, + "alignment_confidence": 0.9907283782958984 + } + ] + }, + { + "text": " I have an object that weighs 15 kilograms,", + "time_interval": { + "start": 9.76, + "end": 12.12 + }, + "confidence": 0.7865826690027641, + "no_speech_confidence": 0.017841538414359093, + "words": [ + { + "word": " I", + "time_interval": { + "start": 9.76, + "end": 10.32 + }, + "alignment_confidence": 0.9905683398246765 + }, + { + "word": " have", + "time_interval": { + "start": 10.32, + "end": 10.46 + }, + "alignment_confidence": 0.9990732669830322 + }, + { + "word": " an", + "time_interval": { + "start": 10.46, + "end": 10.6 + }, + "alignment_confidence": 0.9925858378410339 + }, + { + "word": " object", + "time_interval": { + "start": 10.6, + "end": 10.88 + }, + "alignment_confidence": 0.9972833395004272 + }, + { + "word": " that", + "time_interval": { + "start": 10.88, + "end": 11.12 + }, + "alignment_confidence": 0.7133949995040894 + }, + { + "word": " weighs", + "time_interval": { + "start": 11.12, + "end": 11.28 + }, + "alignment_confidence": 0.9666092395782471 + }, + { + "word": " 15", + "time_interval": { + "start": 11.28, + "end": 11.64 + }, + "alignment_confidence": 0.9728266000747681 + }, + { + "word": " kilograms,", + "time_interval": { + "start": 11.64, + "end": 12.12 + }, + "alignment_confidence": 0.9676494002342224 + } + ] + }, + { + "text": " and I can lift it up one meter, which I have done now.", + "time_interval": { + "start": 12.34, + "end": 15.44 + }, + "confidence": 0.7865826690027641, + "no_speech_confidence": 0.017841538414359093, + "words": [ + { + "word": " and", + "time_interval": { + "start": 12.34, + "end": 12.46 + }, + "alignment_confidence": 0.9970792531967163 + }, + { + "word": " I", + "time_interval": { + "start": 12.46, + "end": 12.52 + }, + "alignment_confidence": 0.9978603720664978 + }, + { + "word": " can", + "time_interval": { + "start": 12.52, + "end": 12.68 + }, + "alignment_confidence": 0.9982426166534424 + }, + { + "word": " lift", + "time_interval": { + "start": 12.68, + "end": 12.86 + }, + "alignment_confidence": 0.9868676662445068 + }, + { + "word": " it", + "time_interval": { + "start": 12.86, + "end": 13.04 + }, + "alignment_confidence": 0.9983912110328674 + }, + { + "word": " up", + "time_interval": { + "start": 13.04, + "end": 13.5 + }, + "alignment_confidence": 0.999629020690918 + }, + { + "word": " one", + "time_interval": { + "start": 13.5, + "end": 13.9 + }, + "alignment_confidence": 0.7274935245513916 + }, + { + "word": " meter,", + "time_interval": { + "start": 13.9, + "end": 14.14 + }, + "alignment_confidence": 0.9383527636528015 + }, + { + "word": " which", + "time_interval": { + "start": 14.32, + "end": 14.44 + }, + "alignment_confidence": 0.997668445110321 + }, + { + "word": " I", + "time_interval": { + "start": 14.44, + "end": 14.54 + }, + "alignment_confidence": 0.9955123066902161 + }, + { + "word": " have", + "time_interval": { + "start": 14.54, + "end": 14.74 + }, + "alignment_confidence": 0.9910571575164795 + }, + { + "word": " done", + "time_interval": { + "start": 14.74, + "end": 14.86 + }, + "alignment_confidence": 0.9988508224487305 + }, + { + "word": " now.", + "time_interval": { + "start": 14.86, + "end": 15.44 + }, + "alignment_confidence": 0.94411700963974 + } + ] + }, + { + "text": " That means I've done work.", + "time_interval": { + "start": 15.72, + "end": 16.88 + }, + "confidence": 0.7865826690027641, + "no_speech_confidence": 0.017841538414359093, + "words": [ + { + "word": " That", + "time_interval": { + "start": 15.72, + "end": 15.92 + }, + "alignment_confidence": 0.9451774954795837 + }, + { + "word": " means", + "time_interval": { + "start": 15.92, + "end": 16.04 + }, + "alignment_confidence": 0.9800459146499634 + }, + { + "word": " I've", + "time_interval": { + "start": 16.04, + "end": 16.32 + }, + "alignment_confidence": 0.8902914822101593 + }, + { + "word": " done", + "time_interval": { + "start": 16.32, + "end": 16.46 + }, + "alignment_confidence": 0.9979881048202515 + }, + { + "word": " work.", + "time_interval": { + "start": 16.46, + "end": 16.88 + }, + "alignment_confidence": 0.9876915812492371 + } + ] + }, + { + "text": " MGH is the work I have done, believe me.", + "time_interval": { + "start": 17.64, + "end": 19.86 + }, + "confidence": 0.7865826690027641, + "no_speech_confidence": 0.017841538414359093, + "words": [ + { + "word": " MGH", + "time_interval": { + "start": 17.64, + "end": 18.2 + }, + "alignment_confidence": 0.4984796345233917 + }, + { + "word": " is", + "time_interval": { + "start": 18.2, + "end": 18.42 + }, + "alignment_confidence": 0.9442558884620667 + }, + { + "word": " the", + "time_interval": { + "start": 18.42, + "end": 18.5 + }, + "alignment_confidence": 0.9952213168144226 + }, + { + "word": " work", + "time_interval": { + "start": 18.5, + "end": 18.72 + }, + "alignment_confidence": 0.9518586993217468 + }, + { + "word": " I", + "time_interval": { + "start": 18.72, + "end": 18.82 + }, + "alignment_confidence": 0.9589998126029968 + }, + { + "word": " have", + "time_interval": { + "start": 18.82, + "end": 19.1 + }, + "alignment_confidence": 0.9875311255455017 + }, + { + "word": " done,", + "time_interval": { + "start": 19.1, + "end": 19.32 + }, + "alignment_confidence": 0.9990013241767883 + }, + { + "word": " believe", + "time_interval": { + "start": 19.34, + "end": 19.6 + }, + "alignment_confidence": 0.9376813769340515 + }, + { + "word": " me.", + "time_interval": { + "start": 19.6, + "end": 19.86 + }, + "alignment_confidence": 0.9991601705551147 + } + ] + }, + { + "text": " I've increased the potential energy of this object.", + "time_interval": { + "start": 19.98, + "end": 22.5 + }, + "confidence": 0.7865826690027641, + "no_speech_confidence": 0.017841538414359093, + "words": [ + { + "word": " I've", + "time_interval": { + "start": 19.98, + "end": 20.36 + }, + "alignment_confidence": 0.8995115458965302 + }, + { + "word": " increased", + "time_interval": { + "start": 20.36, + "end": 20.68 + }, + "alignment_confidence": 0.9915939569473267 + }, + { + "word": " the", + "time_interval": { + "start": 20.68, + "end": 20.88 + }, + "alignment_confidence": 0.9874683618545532 + }, + { + "word": " potential", + "time_interval": { + "start": 20.88, + "end": 21.2 + }, + "alignment_confidence": 0.9989922642707825 + }, + { + "word": " energy", + "time_interval": { + "start": 21.2, + "end": 21.58 + }, + "alignment_confidence": 0.9991986155509949 + }, + { + "word": " of", + "time_interval": { + "start": 21.58, + "end": 21.78 + }, + "alignment_confidence": 0.994388997554779 + }, + { + "word": " this", + "time_interval": { + "start": 21.78, + "end": 22.02 + }, + "alignment_confidence": 0.9935232400894165 + }, + { + "word": " object.", + "time_interval": { + "start": 22.02, + "end": 22.5 + }, + "alignment_confidence": 0.9981217980384827 + } + ] + }, + { + "text": " 15 times 10, so about 150 joules.", + "time_interval": { + "start": 23.1, + "end": 25.58 + }, + "confidence": 0.7865826690027641, + "no_speech_confidence": 0.017841538414359093, + "words": [ + { + "word": " 15", + "time_interval": { + "start": 23.1, + "end": 23.4 + }, + "alignment_confidence": 0.799468457698822 + }, + { + "word": " times", + "time_interval": { + "start": 23.4, + "end": 23.72 + }, + "alignment_confidence": 0.9801995158195496 + }, + { + "word": " 10,", + "time_interval": { + "start": 23.72, + "end": 24.16 + }, + "alignment_confidence": 0.7524096369743347 + }, + { + "word": " so", + "time_interval": { + "start": 24.28, + "end": 24.38 + }, + "alignment_confidence": 0.3907308280467987 + }, + { + "word": " about", + "time_interval": { + "start": 24.38, + "end": 24.56 + }, + "alignment_confidence": 0.6916391849517822 + }, + { + "word": " 150", + "time_interval": { + "start": 24.56, + "end": 25.0 + }, + "alignment_confidence": 0.8477363586425781 + }, + { + "word": " joules.", + "time_interval": { + "start": 25.0, + "end": 25.58 + }, + "alignment_confidence": 0.7878824472427368 + } + ] + }, + { + "text": " If I let it fall, then that will be converted to kinetic energy.", + "time_interval": { + "start": 26.22, + "end": 30.86 + }, + "confidence": 0.8190171160256863, + "no_speech_confidence": 0.011701539158821106, + "words": [ + { + "word": " If", + "time_interval": { + "start": 26.22, + "end": 26.7 + }, + "alignment_confidence": 0.4514966309070587 + }, + { + "word": " I", + "time_interval": { + "start": 26.7, + "end": 26.9 + }, + "alignment_confidence": 0.9696907997131348 + }, + { + "word": " let", + "time_interval": { + "start": 26.9, + "end": 27.0 + }, + "alignment_confidence": 0.9448893070220947 + }, + { + "word": " it", + "time_interval": { + "start": 27.0, + "end": 27.24 + }, + "alignment_confidence": 0.981036901473999 + }, + { + "word": " fall,", + "time_interval": { + "start": 27.24, + "end": 27.72 + }, + "alignment_confidence": 0.9942489862442017 + }, + { + "word": " then", + "time_interval": { + "start": 28.44, + "end": 28.82 + }, + "alignment_confidence": 0.968718945980072 + }, + { + "word": " that", + "time_interval": { + "start": 28.82, + "end": 29.24 + }, + "alignment_confidence": 0.9385294318199158 + }, + { + "word": " will", + "time_interval": { + "start": 29.24, + "end": 29.4 + }, + "alignment_confidence": 0.9916785955429077 + }, + { + "word": " be", + "time_interval": { + "start": 29.4, + "end": 29.64 + }, + "alignment_confidence": 0.998387336730957 + }, + { + "word": " converted", + "time_interval": { + "start": 29.64, + "end": 29.92 + }, + "alignment_confidence": 0.9937183856964111 + }, + { + "word": " to", + "time_interval": { + "start": 29.92, + "end": 30.12 + }, + "alignment_confidence": 0.9953140020370483 + }, + { + "word": " kinetic", + "time_interval": { + "start": 30.12, + "end": 30.42 + }, + "alignment_confidence": 0.9591261148452759 + }, + { + "word": " energy.", + "time_interval": { + "start": 30.42, + "end": 30.86 + }, + "alignment_confidence": 0.989159882068634 + } + ] + }, + { + "text": " If I would let it swing from one meter height,", + "time_interval": { + "start": 32.1, + "end": 36.83 + }, + "confidence": 0.8190171160256863, + "no_speech_confidence": 0.011701539158821106, + "words": [ + { + "word": " If", + "time_interval": { + "start": 32.1, + "end": 32.24 + }, + "alignment_confidence": 0.9885432720184326 + }, + { + "word": " I", + "time_interval": { + "start": 32.24, + "end": 32.32 + }, + "alignment_confidence": 0.9976031184196472 + }, + { + "word": " would", + "time_interval": { + "start": 32.32, + "end": 32.52 + }, + "alignment_confidence": 0.9588940143585205 + }, + { + "word": " let", + "time_interval": { + "start": 32.52, + "end": 32.62 + }, + "alignment_confidence": 0.9765266180038452 + }, + { + "word": " it", + "time_interval": { + "start": 32.62, + "end": 32.86 + }, + "alignment_confidence": 0.9987198114395142 + }, + { + "word": " swing", + "time_interval": { + "start": 32.86, + "end": 33.24 + }, + "alignment_confidence": 0.9671335816383362 + }, + { + "word": " from", + "time_interval": { + "start": 34.71, + "end": 35.75 + }, + "alignment_confidence": 0.9461715817451477 + }, + { + "word": " one", + "time_interval": { + "start": 35.75, + "end": 36.01 + }, + "alignment_confidence": 0.958652675151825 + }, + { + "word": " meter", + "time_interval": { + "start": 36.01, + "end": 36.23 + }, + "alignment_confidence": 0.8789799213409424 + }, + { + "word": " height,", + "time_interval": { + "start": 36.23, + "end": 36.83 + }, + "alignment_confidence": 0.9616008996963501 + } + ] + }, + { + "text": " and you would be there, and it would hit you, you'd be dead.", + "time_interval": { + "start": 37.23, + "end": 39.81 + }, + "confidence": 0.8190171160256863, + "no_speech_confidence": 0.011701539158821106, + "words": [ + { + "word": " and", + "time_interval": { + "start": 37.23, + "end": 37.39 + }, + "alignment_confidence": 0.7890705466270447 + }, + { + "word": " you", + "time_interval": { + "start": 37.39, + "end": 37.43 + }, + "alignment_confidence": 0.9690585732460022 + }, + { + "word": " would", + "time_interval": { + "start": 37.43, + "end": 37.63 + }, + "alignment_confidence": 0.9828061461448669 + }, + { + "word": " be", + "time_interval": { + "start": 37.63, + "end": 37.77 + }, + "alignment_confidence": 0.9925780892372131 + }, + { + "word": " there,", + "time_interval": { + "start": 37.77, + "end": 38.01 + }, + "alignment_confidence": 0.9877859354019165 + }, + { + "word": " and", + "time_interval": { + "start": 38.09, + "end": 38.13 + }, + "alignment_confidence": 0.7946281433105469 + }, + { + "word": " it", + "time_interval": { + "start": 38.13, + "end": 38.23 + }, + "alignment_confidence": 0.9372455477714539 + }, + { + "word": " would", + "time_interval": { + "start": 38.23, + "end": 38.31 + }, + "alignment_confidence": 0.9878387451171875 + }, + { + "word": " hit", + "time_interval": { + "start": 38.31, + "end": 38.49 + }, + "alignment_confidence": 0.9952373504638672 + }, + { + "word": " you,", + "time_interval": { + "start": 38.49, + "end": 39.21 + }, + "alignment_confidence": 0.9946460723876953 + }, + { + "word": " you'd", + "time_interval": { + "start": 39.21, + "end": 39.37 + }, + "alignment_confidence": 0.7746295630931854 + }, + { + "word": " be", + "time_interval": { + "start": 39.37, + "end": 39.49 + }, + "alignment_confidence": 0.998488187789917 + }, + { + "word": " dead.", + "time_interval": { + "start": 39.49, + "end": 39.81 + }, + "alignment_confidence": 0.770549476146698 + } + ] + }, + { + "text": " 150 joules is enough to kill you.", + "time_interval": { + "start": 40.99, + "end": 43.15 + }, + "confidence": 0.8190171160256863, + "no_speech_confidence": 0.011701539158821106, + "words": [ + { + "word": " 150", + "time_interval": { + "start": 40.99, + "end": 41.31 + }, + "alignment_confidence": 0.9462597966194153 + }, + { + "word": " joules", + "time_interval": { + "start": 41.31, + "end": 41.71 + }, + "alignment_confidence": 0.7231122106313705 + }, + { + "word": " is", + "time_interval": { + "start": 41.71, + "end": 41.93 + }, + "alignment_confidence": 0.9420801997184753 + }, + { + "word": " enough", + "time_interval": { + "start": 41.93, + "end": 42.11 + }, + "alignment_confidence": 0.9997724890708923 + }, + { + "word": " to", + "time_interval": { + "start": 42.11, + "end": 42.29 + }, + "alignment_confidence": 0.9984283447265625 + }, + { + "word": " kill", + "time_interval": { + "start": 42.29, + "end": 42.47 + }, + "alignment_confidence": 0.9977365732192993 + }, + { + "word": " you.", + "time_interval": { + "start": 42.47, + "end": 43.15 + }, + "alignment_confidence": 0.9981504082679749 + } + ] + }, + { + "text": " They use these devices to call a record ball.", + "time_interval": { + "start": 44.41, + "end": 47.55 + }, + "confidence": 0.8190171160256863, + "no_speech_confidence": 0.011701539158821106, + "words": [ + { + "word": " They", + "time_interval": { + "start": 44.41, + "end": 44.59 + }, + "alignment_confidence": 0.8778481483459473 + }, + { + "word": " use", + "time_interval": { + "start": 44.59, + "end": 44.81 + }, + "alignment_confidence": 0.90138840675354 + }, + { + "word": " these", + "time_interval": { + "start": 44.81, + "end": 45.07 + }, + "alignment_confidence": 0.9964935183525085 + }, + { + "word": " devices", + "time_interval": { + "start": 45.07, + "end": 45.53 + }, + "alignment_confidence": 0.9984306693077087 + }, + { + "word": " to", + "time_interval": { + "start": 45.53, + "end": 46.29 + }, + "alignment_confidence": 0.38538050651550293 + }, + { + "word": " call", + "time_interval": { + "start": 46.29, + "end": 46.41 + }, + "alignment_confidence": 0.7960322499275208 + }, + { + "word": " a", + "time_interval": { + "start": 46.41, + "end": 46.63 + }, + "alignment_confidence": 0.8317017555236816 + }, + { + "word": " record", + "time_interval": { + "start": 46.63, + "end": 46.89 + }, + "alignment_confidence": 0.2067384570837021 + }, + { + "word": " ball.", + "time_interval": { + "start": 46.89, + "end": 47.55 + }, + "alignment_confidence": 0.8906757831573486 + } + ] + }, + { + "text": " They use them to demolish buildings.", + "time_interval": { + "start": 47.99, + "end": 49.45 + }, + "confidence": 0.8190171160256863, + "no_speech_confidence": 0.011701539158821106, + "words": [ + { + "word": " They", + "time_interval": { + "start": 47.99, + "end": 48.13 + }, + "alignment_confidence": 0.9764949083328247 + }, + { + "word": " use", + "time_interval": { + "start": 48.13, + "end": 48.35 + }, + "alignment_confidence": 0.9069616198539734 + }, + { + "word": " them", + "time_interval": { + "start": 48.35, + "end": 48.53 + }, + "alignment_confidence": 0.996046245098114 + }, + { + "word": " to", + "time_interval": { + "start": 48.53, + "end": 48.65 + }, + "alignment_confidence": 0.9552075862884521 + }, + { + "word": " demolish", + "time_interval": { + "start": 48.65, + "end": 49.05 + }, + "alignment_confidence": 0.9428343772888184 + }, + { + "word": " buildings.", + "time_interval": { + "start": 49.05, + "end": 49.45 + }, + "alignment_confidence": 0.9958974123001099 + } + ] + }, + { + "text": " You lift up a very heavy object, even heavier than this.", + "time_interval": { + "start": 50.45, + "end": 54.13 + }, + "confidence": 0.8190171160256863, + "no_speech_confidence": 0.011701539158821106, + "words": [ + { + "word": " You", + "time_interval": { + "start": 50.45, + "end": 50.65 + }, + "alignment_confidence": 0.9830003976821899 + }, + { + "word": " lift", + "time_interval": { + "start": 50.65, + "end": 51.05 + }, + "alignment_confidence": 0.9535365104675293 + }, + { + "word": " up", + "time_interval": { + "start": 51.05, + "end": 51.73 + }, + "alignment_confidence": 0.9933398365974426 + }, + { + "word": " a", + "time_interval": { + "start": 51.73, + "end": 51.85 + }, + "alignment_confidence": 0.8627347350120544 + }, + { + "word": " very", + "time_interval": { + "start": 51.85, + "end": 51.99 + }, + "alignment_confidence": 0.9978410005569458 + }, + { + "word": " heavy", + "time_interval": { + "start": 51.99, + "end": 52.19 + }, + "alignment_confidence": 0.9970757961273193 + }, + { + "word": " object,", + "time_interval": { + "start": 52.19, + "end": 52.75 + }, + "alignment_confidence": 0.9917219281196594 + }, + { + "word": " even", + "time_interval": { + "start": 52.97, + "end": 53.15 + }, + "alignment_confidence": 0.9829718470573425 + }, + { + "word": " heavier", + "time_interval": { + "start": 53.15, + "end": 53.43 + }, + "alignment_confidence": 0.9816137552261353 + }, + { + "word": " than", + "time_interval": { + "start": 53.43, + "end": 53.61 + }, + "alignment_confidence": 0.9970205426216125 + }, + { + "word": " this.", + "time_interval": { + "start": 53.61, + "end": 54.13 + }, + "alignment_confidence": 0.9989683628082275 + } + ] + }, + { + "text": " And then you let it go, you swing it,", + "time_interval": { + "start": 54.13, + "end": 57.41 + }, + "confidence": 0.7833715884161727, + "no_speech_confidence": 0.007702074944972992, + "words": [ + { + "word": " And", + "time_interval": { + "start": 54.13, + "end": 54.87 + }, + "alignment_confidence": 0.5527192950248718 + }, + { + "word": " then", + "time_interval": { + "start": 54.87, + "end": 55.67 + }, + "alignment_confidence": 0.9611676335334778 + }, + { + "word": " you", + "time_interval": { + "start": 55.67, + "end": 55.95 + }, + "alignment_confidence": 0.8037102222442627 + }, + { + "word": " let", + "time_interval": { + "start": 55.95, + "end": 56.13 + }, + "alignment_confidence": 0.976357638835907 + }, + { + "word": " it", + "time_interval": { + "start": 56.13, + "end": 56.27 + }, + "alignment_confidence": 0.9984806180000305 + }, + { + "word": " go,", + "time_interval": { + "start": 56.27, + "end": 56.45 + }, + "alignment_confidence": 0.9981714487075806 + }, + { + "word": " you", + "time_interval": { + "start": 56.61, + "end": 56.73 + }, + "alignment_confidence": 0.984697699546814 + }, + { + "word": " swing", + "time_interval": { + "start": 56.73, + "end": 56.89 + }, + "alignment_confidence": 0.8221107125282288 + }, + { + "word": " it,", + "time_interval": { + "start": 56.89, + "end": 57.41 + }, + "alignment_confidence": 0.9981728792190552 + } + ] + }, + { + "text": " thereby converting gravitational potential energy", + "time_interval": { + "start": 57.51, + "end": 60.15 + }, + "confidence": 0.7833715884161727, + "no_speech_confidence": 0.007702074944972992, + "words": [ + { + "word": " thereby", + "time_interval": { + "start": 57.51, + "end": 57.71 + }, + "alignment_confidence": 0.9930078983306885 + }, + { + "word": " converting", + "time_interval": { + "start": 57.71, + "end": 58.19 + }, + "alignment_confidence": 0.9614977240562439 + }, + { + "word": " gravitational", + "time_interval": { + "start": 58.19, + "end": 58.83 + }, + "alignment_confidence": 0.9897106289863586 + }, + { + "word": " potential", + "time_interval": { + "start": 58.83, + "end": 59.63 + }, + "alignment_confidence": 0.9963505268096924 + }, + { + "word": " energy", + "time_interval": { + "start": 59.63, + "end": 60.15 + }, + "alignment_confidence": 0.998849630355835 + } + ] + }, + { + "text": " into kinetic energy, and that way, you can demolish a building.", + "time_interval": { + "start": 60.15, + "end": 65.23 + }, + "confidence": 0.7833715884161727, + "no_speech_confidence": 0.007702074944972992, + "words": [ + { + "word": " into", + "time_interval": { + "start": 60.15, + "end": 61.15 + }, + "alignment_confidence": 0.989512026309967 + }, + { + "word": " kinetic", + "time_interval": { + "start": 61.15, + "end": 61.59 + }, + "alignment_confidence": 0.9943463206291199 + }, + { + "word": " energy,", + "time_interval": { + "start": 61.59, + "end": 62.13 + }, + "alignment_confidence": 0.9994509816169739 + }, + { + "word": " and", + "time_interval": { + "start": 62.47, + "end": 62.57 + }, + "alignment_confidence": 0.9673118591308594 + }, + { + "word": " that", + "time_interval": { + "start": 62.57, + "end": 62.75 + }, + "alignment_confidence": 0.9788104295730591 + }, + { + "word": " way,", + "time_interval": { + "start": 62.75, + "end": 63.09 + }, + "alignment_confidence": 0.9979144930839539 + }, + { + "word": " you", + "time_interval": { + "start": 63.43, + "end": 63.51 + }, + "alignment_confidence": 0.9967043995857239 + }, + { + "word": " can", + "time_interval": { + "start": 63.51, + "end": 64.21 + }, + "alignment_confidence": 0.998316764831543 + }, + { + "word": " demolish", + "time_interval": { + "start": 64.21, + "end": 64.75 + }, + "alignment_confidence": 0.9317982792854309 + }, + { + "word": " a", + "time_interval": { + "start": 64.75, + "end": 64.87 + }, + "alignment_confidence": 0.9526762962341309 + }, + { + "word": " building.", + "time_interval": { + "start": 64.87, + "end": 65.23 + }, + "alignment_confidence": 0.9989494681358337 + } + ] + }, + { + "text": " You just let it hit, and it breaks a building.", + "time_interval": { + "start": 65.81, + "end": 71.42 + }, + "confidence": 0.7833715884161727, + "no_speech_confidence": 0.007702074944972992, + "words": [ + { + "word": " You", + "time_interval": { + "start": 65.81, + "end": 65.95 + }, + "alignment_confidence": 0.9844510555267334 + }, + { + "word": " just", + "time_interval": { + "start": 65.95, + "end": 66.15 + }, + "alignment_confidence": 0.9529476165771484 + }, + { + "word": " let", + "time_interval": { + "start": 66.15, + "end": 66.29 + }, + "alignment_confidence": 0.9958949089050293 + }, + { + "word": " it", + "time_interval": { + "start": 66.29, + "end": 66.43 + }, + "alignment_confidence": 0.9993322491645813 + }, + { + "word": " hit,", + "time_interval": { + "start": 66.43, + "end": 67.41 + }, + "alignment_confidence": 0.9965086579322815 + }, + { + "word": " and", + "time_interval": { + "start": 70.32, + "end": 70.62 + }, + "alignment_confidence": 0.9634908437728882 + }, + { + "word": " it", + "time_interval": { + "start": 70.62, + "end": 70.74 + }, + "alignment_confidence": 0.9953640699386597 + }, + { + "word": " breaks", + "time_interval": { + "start": 70.74, + "end": 70.94 + }, + "alignment_confidence": 0.9779229164123535 + }, + { + "word": " a", + "time_interval": { + "start": 70.94, + "end": 71.06 + }, + "alignment_confidence": 0.9676049947738647 + }, + { + "word": " building.", + "time_interval": { + "start": 71.06, + "end": 71.42 + }, + "alignment_confidence": 0.9989898800849915 + } + ] + }, + { + "text": " And that's the whole idea of wrecking.", + "time_interval": { + "start": 71.6, + "end": 73.72 + }, + "confidence": 0.7833715884161727, + "no_speech_confidence": 0.007702074944972992, + "words": [ + { + "word": " And", + "time_interval": { + "start": 71.6, + "end": 71.78 + }, + "alignment_confidence": 0.9524349570274353 + }, + { + "word": " that's", + "time_interval": { + "start": 71.78, + "end": 72.0 + }, + "alignment_confidence": 0.995445966720581 + }, + { + "word": " the", + "time_interval": { + "start": 72.0, + "end": 72.08 + }, + "alignment_confidence": 0.9948977828025818 + }, + { + "word": " whole", + "time_interval": { + "start": 72.08, + "end": 72.18 + }, + "alignment_confidence": 0.9978228807449341 + }, + { + "word": " idea", + "time_interval": { + "start": 72.18, + "end": 72.46 + }, + "alignment_confidence": 0.9988676309585571 + }, + { + "word": " of", + "time_interval": { + "start": 72.46, + "end": 73.4 + }, + "alignment_confidence": 0.9752076268196106 + }, + { + "word": " wrecking.", + "time_interval": { + "start": 73.4, + "end": 73.72 + }, + "alignment_confidence": 0.9110634922981262 + } + ] + }, + { + "text": " So you're using then the conversion", + "time_interval": { + "start": 75.38, + "end": 77.9 + }, + "confidence": 0.7833715884161727, + "no_speech_confidence": 0.007702074944972992, + "words": [ + { + "word": " So", + "time_interval": { + "start": 75.38, + "end": 75.9 + }, + "alignment_confidence": 0.8891520500183105 + }, + { + "word": " you're", + "time_interval": { + "start": 75.9, + "end": 76.12 + }, + "alignment_confidence": 0.7737447917461395 + }, + { + "word": " using", + "time_interval": { + "start": 76.12, + "end": 76.44 + }, + "alignment_confidence": 0.9981895089149475 + }, + { + "word": " then", + "time_interval": { + "start": 76.44, + "end": 77.18 + }, + "alignment_confidence": 0.6897729635238647 + }, + { + "word": " the", + "time_interval": { + "start": 77.18, + "end": 77.52 + }, + "alignment_confidence": 0.9638241529464722 + }, + { + "word": " conversion", + "time_interval": { + "start": 77.52, + "end": 77.9 + }, + "alignment_confidence": 0.9903045296669006 + } + ] + }, + { + "text": " of gravitational potential energy to kinetic energy.", + "time_interval": { + "start": 78.94, + "end": 82.96 + }, + "confidence": 0.7833715884161727, + "no_speech_confidence": 0.007702074944972992, + "words": [ + { + "word": " of", + "time_interval": { + "start": 78.94, + "end": 79.62 + }, + "alignment_confidence": 0.9901084899902344 + }, + { + "word": " gravitational", + "time_interval": { + "start": 79.62, + "end": 80.02 + }, + "alignment_confidence": 0.9768902063369751 + }, + { + "word": " potential", + "time_interval": { + "start": 80.02, + "end": 80.56 + }, + "alignment_confidence": 0.9987550973892212 + }, + { + "word": " energy", + "time_interval": { + "start": 80.56, + "end": 81.08 + }, + "alignment_confidence": 0.9990602135658264 + }, + { + "word": " to", + "time_interval": { + "start": 81.08, + "end": 82.12 + }, + "alignment_confidence": 0.9786949753761292 + }, + { + "word": " kinetic", + "time_interval": { + "start": 82.12, + "end": 82.58 + }, + "alignment_confidence": 0.9990137815475464 + }, + { + "word": " energy.", + "time_interval": { + "start": 82.58, + "end": 82.96 + }, + "alignment_confidence": 0.9993267059326172 + } + ] + }, + { + "text": " Now, I am such a strong believer of the conservation", + "time_interval": { + "start": 83.92, + "end": 89.52 + }, + "confidence": 0.8605858191819074, + "no_speech_confidence": 0.004619176033884287, + "words": [ + { + "word": " Now,", + "time_interval": { + "start": 83.92, + "end": 84.3 + }, + "alignment_confidence": 0.5202983617782593 + }, + { + "word": " I", + "time_interval": { + "start": 85.24, + "end": 85.36 + }, + "alignment_confidence": 0.9919993281364441 + }, + { + "word": " am", + "time_interval": { + "start": 85.36, + "end": 85.54 + }, + "alignment_confidence": 0.9892585873603821 + }, + { + "word": " such", + "time_interval": { + "start": 85.54, + "end": 85.84 + }, + "alignment_confidence": 0.9920699000358582 + }, + { + "word": " a", + "time_interval": { + "start": 85.84, + "end": 86.08 + }, + "alignment_confidence": 0.9953300952911377 + }, + { + "word": " strong", + "time_interval": { + "start": 86.08, + "end": 86.32 + }, + "alignment_confidence": 0.9541620016098022 + }, + { + "word": " believer", + "time_interval": { + "start": 86.32, + "end": 86.76 + }, + "alignment_confidence": 0.9816672801971436 + }, + { + "word": " of", + "time_interval": { + "start": 86.76, + "end": 88.18 + }, + "alignment_confidence": 0.9825990200042725 + }, + { + "word": " the", + "time_interval": { + "start": 88.18, + "end": 88.32 + }, + "alignment_confidence": 0.9965115189552307 + }, + { + "word": " conservation", + "time_interval": { + "start": 88.32, + "end": 89.52 + }, + "alignment_confidence": 0.982275128364563 + } + ] + }, + { + "text": " of mechanical energy that I am willing to put my life on the line.", + "time_interval": { + "start": 90.06, + "end": 96.06 + }, + "confidence": 0.8605858191819074, + "no_speech_confidence": 0.004619176033884287, + "words": [ + { + "word": " of", + "time_interval": { + "start": 90.06, + "end": 90.44 + }, + "alignment_confidence": 0.9126776456832886 + }, + { + "word": " mechanical", + "time_interval": { + "start": 90.44, + "end": 90.84 + }, + "alignment_confidence": 0.9454366564750671 + }, + { + "word": " energy", + "time_interval": { + "start": 90.84, + "end": 91.5 + }, + "alignment_confidence": 0.9991769194602966 + }, + { + "word": " that", + "time_interval": { + "start": 91.5, + "end": 92.48 + }, + "alignment_confidence": 0.9153311252593994 + }, + { + "word": " I", + "time_interval": { + "start": 92.48, + "end": 92.62 + }, + "alignment_confidence": 0.997143566608429 + }, + { + "word": " am", + "time_interval": { + "start": 92.62, + "end": 92.72 + }, + "alignment_confidence": 0.9760224223136902 + }, + { + "word": " willing", + "time_interval": { + "start": 92.72, + "end": 93.16 + }, + "alignment_confidence": 0.9997546076774597 + }, + { + "word": " to", + "time_interval": { + "start": 93.16, + "end": 93.92 + }, + "alignment_confidence": 0.9925325512886047 + }, + { + "word": " put", + "time_interval": { + "start": 93.92, + "end": 94.12 + }, + "alignment_confidence": 0.99847012758255 + }, + { + "word": " my", + "time_interval": { + "start": 94.12, + "end": 94.36 + }, + "alignment_confidence": 0.9970105886459351 + }, + { + "word": " life", + "time_interval": { + "start": 94.36, + "end": 94.84 + }, + "alignment_confidence": 0.9973867535591125 + }, + { + "word": " on", + "time_interval": { + "start": 94.84, + "end": 95.56 + }, + "alignment_confidence": 0.9920165538787842 + }, + { + "word": " the", + "time_interval": { + "start": 95.56, + "end": 95.66 + }, + "alignment_confidence": 0.9975390434265137 + }, + { + "word": " line.", + "time_interval": { + "start": 95.66, + "end": 96.06 + }, + "alignment_confidence": 0.9944835305213928 + } + ] + }, + { + "text": " If I release that Bob from a certain height,", + "time_interval": { + "start": 98.46, + "end": 103.4 + }, + "confidence": 0.8605858191819074, + "no_speech_confidence": 0.004619176033884287, + "words": [ + { + "word": " If", + "time_interval": { + "start": 98.46, + "end": 98.78 + }, + "alignment_confidence": 0.9910913109779358 + }, + { + "word": " I", + "time_interval": { + "start": 98.78, + "end": 99.02 + }, + "alignment_confidence": 0.9973952770233154 + }, + { + "word": " release", + "time_interval": { + "start": 99.02, + "end": 99.5 + }, + "alignment_confidence": 0.9912216663360596 + }, + { + "word": " that", + "time_interval": { + "start": 99.5, + "end": 100.5 + }, + "alignment_confidence": 0.9941950440406799 + }, + { + "word": " Bob", + "time_interval": { + "start": 100.5, + "end": 101.24 + }, + "alignment_confidence": 0.4948926270008087 + }, + { + "word": " from", + "time_interval": { + "start": 101.24, + "end": 102.36 + }, + "alignment_confidence": 0.9877553582191467 + }, + { + "word": " a", + "time_interval": { + "start": 102.36, + "end": 102.56 + }, + "alignment_confidence": 0.9928814172744751 + }, + { + "word": " certain", + "time_interval": { + "start": 102.56, + "end": 102.84 + }, + "alignment_confidence": 0.9789742231369019 + }, + { + "word": " height,", + "time_interval": { + "start": 102.84, + "end": 103.4 + }, + "alignment_confidence": 0.7952994108200073 + } + ] + }, + { + "text": " then that Bob can never come back to a point", + "time_interval": { + "start": 104.7, + "end": 109.12 + }, + "confidence": 0.8605858191819074, + "no_speech_confidence": 0.004619176033884287, + "words": [ + { + "word": " then", + "time_interval": { + "start": 104.7, + "end": 105.0 + }, + "alignment_confidence": 0.9940322041511536 + }, + { + "word": " that", + "time_interval": { + "start": 105.0, + "end": 106.06 + }, + "alignment_confidence": 0.9617432355880737 + }, + { + "word": " Bob", + "time_interval": { + "start": 106.06, + "end": 106.32 + }, + "alignment_confidence": 0.9865098595619202 + }, + { + "word": " can", + "time_interval": { + "start": 106.32, + "end": 106.6 + }, + "alignment_confidence": 0.9880363941192627 + }, + { + "word": " never", + "time_interval": { + "start": 106.6, + "end": 106.9 + }, + "alignment_confidence": 0.9966681599617004 + }, + { + "word": " come", + "time_interval": { + "start": 106.9, + "end": 107.46 + }, + "alignment_confidence": 0.9912394881248474 + }, + { + "word": " back", + "time_interval": { + "start": 107.46, + "end": 108.1 + }, + "alignment_confidence": 0.9988755583763123 + }, + { + "word": " to", + "time_interval": { + "start": 108.1, + "end": 108.4 + }, + "alignment_confidence": 0.9855432510375977 + }, + { + "word": " a", + "time_interval": { + "start": 108.4, + "end": 108.58 + }, + "alignment_confidence": 0.9926924109458923 + }, + { + "word": " point", + "time_interval": { + "start": 108.58, + "end": 109.12 + }, + "alignment_confidence": 0.999041736125946 + } + ] + }, + { + "text": " where the height is any larger.", + "time_interval": { + "start": 109.12, + "end": 111.14 + }, + "confidence": 0.8605858191819074, + "no_speech_confidence": 0.004619176033884287, + "words": [ + { + "word": " where", + "time_interval": { + "start": 109.12, + "end": 109.72 + }, + "alignment_confidence": 0.9963119626045227 + }, + { + "word": " the", + "time_interval": { + "start": 109.72, + "end": 109.86 + }, + "alignment_confidence": 0.9958178400993347 + }, + { + "word": " height", + "time_interval": { + "start": 109.86, + "end": 110.26 + }, + "alignment_confidence": 0.9502960443496704 + }, + { + "word": " is", + "time_interval": { + "start": 110.26, + "end": 110.64 + }, + "alignment_confidence": 0.9953977465629578 + }, + { + "word": " any", + "time_interval": { + "start": 110.64, + "end": 110.82 + }, + "alignment_confidence": 0.9839960932731628 + }, + { + "word": " larger.", + "time_interval": { + "start": 110.82, + "end": 111.14 + }, + "alignment_confidence": 0.9971336126327515 + } + ] + }, + { + "text": " If I release it from this height,", + "time_interval": { + "start": 111.98, + "end": 113.78 + }, + "confidence": 0.8605858191819074, + "no_speech_confidence": 0.004619176033884287, + "words": [ + { + "word": " If", + "time_interval": { + "start": 111.98, + "end": 112.14 + }, + "alignment_confidence": 0.9958608746528625 + }, + { + "word": " I", + "time_interval": { + "start": 112.14, + "end": 112.32 + }, + "alignment_confidence": 0.9985472559928894 + }, + { + "word": " release", + "time_interval": { + "start": 112.32, + "end": 112.58 + }, + "alignment_confidence": 0.9834049940109253 + }, + { + "word": " it", + "time_interval": { + "start": 112.58, + "end": 112.84 + }, + "alignment_confidence": 0.9944102168083191 + }, + { + "word": " from", + "time_interval": { + "start": 112.84, + "end": 113.0 + }, + "alignment_confidence": 0.998638927936554 + }, + { + "word": " this", + "time_interval": { + "start": 113.0, + "end": 113.2 + }, + "alignment_confidence": 0.9892882108688354 + }, + { + "word": " height,", + "time_interval": { + "start": 113.2, + "end": 113.78 + }, + "alignment_confidence": 0.996995210647583 + } + ] + }, + { + "text": " and it swings, then when it reaches here,", + "time_interval": { + "start": 113.78, + "end": 117.46 + }, + "confidence": 0.8595506196137843, + "no_speech_confidence": 0.0023059395607560873, + "words": [ + { + "word": " and", + "time_interval": { + "start": 113.78, + "end": 114.52 + }, + "alignment_confidence": 0.24155384302139282 + }, + { + "word": " it", + "time_interval": { + "start": 114.52, + "end": 114.76 + }, + "alignment_confidence": 0.6790362000465393 + }, + { + "word": " swings,", + "time_interval": { + "start": 114.76, + "end": 115.14 + }, + "alignment_confidence": 0.964177668094635 + }, + { + "word": " then", + "time_interval": { + "start": 116.1, + "end": 116.46 + }, + "alignment_confidence": 0.9669479727745056 + }, + { + "word": " when", + "time_interval": { + "start": 116.46, + "end": 116.66 + }, + "alignment_confidence": 0.9590566754341125 + }, + { + "word": " it", + "time_interval": { + "start": 116.66, + "end": 116.86 + }, + "alignment_confidence": 0.9800296425819397 + }, + { + "word": " reaches", + "time_interval": { + "start": 116.86, + "end": 117.06 + }, + "alignment_confidence": 0.9589938521385193 + }, + { + "word": " here,", + "time_interval": { + "start": 117.06, + "end": 117.46 + }, + "alignment_confidence": 0.972370445728302 + } + ] + }, + { + "text": " it could not be higher.", + "time_interval": { + "start": 117.48, + "end": 118.64 + }, + "confidence": 0.8595506196137843, + "no_speech_confidence": 0.0023059395607560873, + "words": [ + { + "word": " it", + "time_interval": { + "start": 117.48, + "end": 117.58 + }, + "alignment_confidence": 0.9980428218841553 + }, + { + "word": " could", + "time_interval": { + "start": 117.58, + "end": 117.8 + }, + "alignment_confidence": 0.9831780791282654 + }, + { + "word": " not", + "time_interval": { + "start": 117.8, + "end": 118.0 + }, + "alignment_confidence": 0.9986761212348938 + }, + { + "word": " be", + "time_interval": { + "start": 118.0, + "end": 118.24 + }, + "alignment_confidence": 0.9956740736961365 + }, + { + "word": " higher.", + "time_interval": { + "start": 118.24, + "end": 118.64 + }, + "alignment_confidence": 0.9964985847473145 + } + ] + }, + { + "text": " There is a conversion from gravitational potential energy", + "time_interval": { + "start": 119.44, + "end": 122.04 + }, + "confidence": 0.8595506196137843, + "no_speech_confidence": 0.0023059395607560873, + "words": [ + { + "word": " There", + "time_interval": { + "start": 119.44, + "end": 119.52 + }, + "alignment_confidence": 0.990422248840332 + }, + { + "word": " is", + "time_interval": { + "start": 119.52, + "end": 119.64 + }, + "alignment_confidence": 0.9250597357749939 + }, + { + "word": " a", + "time_interval": { + "start": 119.64, + "end": 119.84 + }, + "alignment_confidence": 0.977531909942627 + }, + { + "word": " conversion", + "time_interval": { + "start": 119.84, + "end": 120.12 + }, + "alignment_confidence": 0.9874240756034851 + }, + { + "word": " from", + "time_interval": { + "start": 120.12, + "end": 120.6 + }, + "alignment_confidence": 0.9896935820579529 + }, + { + "word": " gravitational", + "time_interval": { + "start": 120.6, + "end": 121.0 + }, + "alignment_confidence": 0.49526625871658325 + }, + { + "word": " potential", + "time_interval": { + "start": 121.0, + "end": 121.7 + }, + "alignment_confidence": 0.9806143045425415 + }, + { + "word": " energy", + "time_interval": { + "start": 121.7, + "end": 122.04 + }, + "alignment_confidence": 0.9974685907363892 + } + ] + }, + { + "text": " to kinetic energy back to gravitational potential energy", + "time_interval": { + "start": 122.04, + "end": 125.14 + }, + "confidence": 0.8595506196137843, + "no_speech_confidence": 0.0023059395607560873, + "words": [ + { + "word": " to", + "time_interval": { + "start": 122.04, + "end": 122.28 + }, + "alignment_confidence": 0.9894071221351624 + }, + { + "word": " kinetic", + "time_interval": { + "start": 122.28, + "end": 122.6 + }, + "alignment_confidence": 0.9938785433769226 + }, + { + "word": " energy", + "time_interval": { + "start": 122.6, + "end": 123.0 + }, + "alignment_confidence": 0.9997656941413879 + }, + { + "word": " back", + "time_interval": { + "start": 123.0, + "end": 123.28 + }, + "alignment_confidence": 0.9785637855529785 + }, + { + "word": " to", + "time_interval": { + "start": 123.28, + "end": 123.66 + }, + "alignment_confidence": 0.9680786728858948 + }, + { + "word": " gravitational", + "time_interval": { + "start": 123.66, + "end": 124.26 + }, + "alignment_confidence": 0.9365329742431641 + }, + { + "word": " potential", + "time_interval": { + "start": 124.26, + "end": 124.78 + }, + "alignment_confidence": 0.9984439015388489 + }, + { + "word": " energy", + "time_interval": { + "start": 124.78, + "end": 125.14 + }, + "alignment_confidence": 0.9977978467941284 + } + ] + }, + { + "text": " and it will come to stop here.", + "time_interval": { + "start": 125.14, + "end": 126.54 + }, + "confidence": 0.8595506196137843, + "no_speech_confidence": 0.0023059395607560873, + "words": [ + { + "word": " and", + "time_interval": { + "start": 125.14, + "end": 125.26 + }, + "alignment_confidence": 0.4282432198524475 + }, + { + "word": " it", + "time_interval": { + "start": 125.26, + "end": 125.4 + }, + "alignment_confidence": 0.890454888343811 + }, + { + "word": " will", + "time_interval": { + "start": 125.4, + "end": 125.5 + }, + "alignment_confidence": 0.950375497341156 + }, + { + "word": " come", + "time_interval": { + "start": 125.5, + "end": 125.66 + }, + "alignment_confidence": 0.9848394989967346 + }, + { + "word": " to", + "time_interval": { + "start": 125.66, + "end": 125.8 + }, + "alignment_confidence": 0.968828022480011 + }, + { + "word": " stop", + "time_interval": { + "start": 125.8, + "end": 126.14 + }, + "alignment_confidence": 0.19553247094154358 + }, + { + "word": " here.", + "time_interval": { + "start": 126.14, + "end": 126.54 + }, + "alignment_confidence": 0.99639493227005 + } + ] + }, + { + "text": " And when it swings back, it should not be able to reach any higher.", + "time_interval": { + "start": 126.76, + "end": 131.12 + }, + "confidence": 0.8595506196137843, + "no_speech_confidence": 0.0023059395607560873, + "words": [ + { + "word": " And", + "time_interval": { + "start": 126.76, + "end": 126.96 + }, + "alignment_confidence": 0.9571191668510437 + }, + { + "word": " when", + "time_interval": { + "start": 126.96, + "end": 127.08 + }, + "alignment_confidence": 0.9902164936065674 + }, + { + "word": " it", + "time_interval": { + "start": 127.08, + "end": 127.24 + }, + "alignment_confidence": 0.9939523339271545 + }, + { + "word": " swings", + "time_interval": { + "start": 127.24, + "end": 127.42 + }, + "alignment_confidence": 0.9937899708747864 + }, + { + "word": " back,", + "time_interval": { + "start": 127.42, + "end": 128.1 + }, + "alignment_confidence": 0.9952888488769531 + }, + { + "word": " it", + "time_interval": { + "start": 128.58, + "end": 128.62 + }, + "alignment_confidence": 0.9980407357215881 + }, + { + "word": " should", + "time_interval": { + "start": 128.62, + "end": 128.78 + }, + "alignment_confidence": 0.996751070022583 + }, + { + "word": " not", + "time_interval": { + "start": 128.78, + "end": 129.0 + }, + "alignment_confidence": 0.9974338412284851 + }, + { + "word": " be", + "time_interval": { + "start": 129.0, + "end": 129.14 + }, + "alignment_confidence": 0.9985234141349792 + }, + { + "word": " able", + "time_interval": { + "start": 129.14, + "end": 129.44 + }, + "alignment_confidence": 0.9990823268890381 + }, + { + "word": " to", + "time_interval": { + "start": 129.44, + "end": 129.6 + }, + "alignment_confidence": 0.9987092018127441 + }, + { + "word": " reach", + "time_interval": { + "start": 129.6, + "end": 130.0 + }, + "alignment_confidence": 0.9979422688484192 + }, + { + "word": " any", + "time_interval": { + "start": 130.0, + "end": 130.66 + }, + "alignment_confidence": 0.9918901920318604 + }, + { + "word": " higher.", + "time_interval": { + "start": 130.66, + "end": 131.12 + }, + "alignment_confidence": 0.9981531500816345 + } + ] + }, + { + "text": " Provide it that I do not give this object", + "time_interval": { + "start": 131.74, + "end": 135.4 + }, + "confidence": 0.8595506196137843, + "no_speech_confidence": 0.0023059395607560873, + "words": [ + { + "word": " Provide", + "time_interval": { + "start": 131.74, + "end": 132.3 + }, + "alignment_confidence": 0.7731214761734009 + }, + { + "word": " it", + "time_interval": { + "start": 132.3, + "end": 133.1 + }, + "alignment_confidence": 0.9800809621810913 + }, + { + "word": " that", + "time_interval": { + "start": 133.1, + "end": 133.88 + }, + "alignment_confidence": 0.9414197206497192 + }, + { + "word": " I", + "time_interval": { + "start": 133.88, + "end": 134.06 + }, + "alignment_confidence": 0.8176822066307068 + }, + { + "word": " do", + "time_interval": { + "start": 134.06, + "end": 134.2 + }, + "alignment_confidence": 0.9883572459220886 + }, + { + "word": " not", + "time_interval": { + "start": 134.2, + "end": 134.4 + }, + "alignment_confidence": 0.9948818683624268 + }, + { + "word": " give", + "time_interval": { + "start": 134.4, + "end": 134.6 + }, + "alignment_confidence": 0.9976344108581543 + }, + { + "word": " this", + "time_interval": { + "start": 134.6, + "end": 134.92 + }, + "alignment_confidence": 0.9902393817901611 + }, + { + "word": " object", + "time_interval": { + "start": 134.92, + "end": 135.4 + }, + "alignment_confidence": 0.9970594048500061 + } + ] + }, + { + "text": " an initial speed when I stand here.", + "time_interval": { + "start": 135.4, + "end": 138.12 + }, + "confidence": 0.8595506196137843, + "no_speech_confidence": 0.0023059395607560873, + "words": [ + { + "word": " an", + "time_interval": { + "start": 135.4, + "end": 136.0 + }, + "alignment_confidence": 0.9275807738304138 + }, + { + "word": " initial", + "time_interval": { + "start": 136.0, + "end": 136.34 + }, + "alignment_confidence": 0.998518168926239 + }, + { + "word": " speed", + "time_interval": { + "start": 136.34, + "end": 136.8 + }, + "alignment_confidence": 0.9874047636985779 + }, + { + "word": " when", + "time_interval": { + "start": 136.8, + "end": 137.04 + }, + "alignment_confidence": 0.7924344539642334 + }, + { + "word": " I", + "time_interval": { + "start": 137.04, + "end": 137.22 + }, + "alignment_confidence": 0.9926038384437561 + }, + { + "word": " stand", + "time_interval": { + "start": 137.22, + "end": 137.48 + }, + "alignment_confidence": 0.7864892482757568 + }, + { + "word": " here.", + "time_interval": { + "start": 137.48, + "end": 138.12 + }, + "alignment_confidence": 0.9994090795516968 + } + ] + }, + { + "text": " I trust the conservation of mechanical energy", + "time_interval": { + "start": 140.01, + "end": 143.15 + }, + "confidence": 0.8595506196137843, + "no_speech_confidence": 0.0023059395607560873, + "words": [ + { + "word": " I", + "time_interval": { + "start": 140.01, + "end": 140.21 + }, + "alignment_confidence": 0.9929959177970886 + }, + { + "word": " trust", + "time_interval": { + "start": 140.21, + "end": 140.65 + }, + "alignment_confidence": 0.9715197682380676 + }, + { + "word": " the", + "time_interval": { + "start": 140.65, + "end": 141.67 + }, + "alignment_confidence": 0.9617992043495178 + }, + { + "word": " conservation", + "time_interval": { + "start": 141.67, + "end": 142.05 + }, + "alignment_confidence": 0.9894988536834717 + }, + { + "word": " of", + "time_interval": { + "start": 142.05, + "end": 142.31 + }, + "alignment_confidence": 0.9957210421562195 + }, + { + "word": " mechanical", + "time_interval": { + "start": 142.31, + "end": 142.63 + }, + "alignment_confidence": 0.026015134528279305 + }, + { + "word": " energy", + "time_interval": { + "start": 142.63, + "end": 143.15 + }, + "alignment_confidence": 0.9991880059242249 + } + ] + }, + { + "text": " for 100%.", + "time_interval": { + "start": 143.15, + "end": 145.63 + }, + "confidence": 0.8666325983933976, + "no_speech_confidence": 0.014034797437489033, + "words": [ + { + "word": " for", + "time_interval": { + "start": 143.15, + "end": 143.85 + }, + "alignment_confidence": 0.12345527857542038 + }, + { + "word": " 100%.", + "time_interval": { + "start": 143.85, + "end": 145.63 + }, + "alignment_confidence": 0.5379329323768616 + } + ] + }, + { + "text": " I may not trust myself.", + "time_interval": { + "start": 145.63, + "end": 147.25 + }, + "confidence": 0.8666325983933976, + "no_speech_confidence": 0.014034797437489033, + "words": [ + { + "word": " I", + "time_interval": { + "start": 145.63, + "end": 146.05 + }, + "alignment_confidence": 0.9048857092857361 + }, + { + "word": " may", + "time_interval": { + "start": 146.05, + "end": 146.19 + }, + "alignment_confidence": 0.6968775987625122 + }, + { + "word": " not", + "time_interval": { + "start": 146.19, + "end": 146.37 + }, + "alignment_confidence": 0.977141797542572 + }, + { + "word": " trust", + "time_interval": { + "start": 146.37, + "end": 146.61 + }, + "alignment_confidence": 0.993317723274231 + }, + { + "word": " myself.", + "time_interval": { + "start": 146.61, + "end": 147.25 + }, + "alignment_confidence": 0.9846845269203186 + } + ] + }, + { + "text": " I'm going to release this object,", + "time_interval": { + "start": 149.82, + "end": 151.56 + }, + "confidence": 0.8666325983933976, + "no_speech_confidence": 0.014034797437489033, + "words": [ + { + "word": " I'm", + "time_interval": { + "start": 149.82, + "end": 150.06 + }, + "alignment_confidence": 0.9033253192901611 + }, + { + "word": " going", + "time_interval": { + "start": 150.06, + "end": 150.28 + }, + "alignment_confidence": 0.9959381818771362 + }, + { + "word": " to", + "time_interval": { + "start": 150.28, + "end": 150.46 + }, + "alignment_confidence": 0.9979628324508667 + }, + { + "word": " release", + "time_interval": { + "start": 150.46, + "end": 150.74 + }, + "alignment_confidence": 0.9924719333648682 + }, + { + "word": " this", + "time_interval": { + "start": 150.74, + "end": 151.06 + }, + "alignment_confidence": 0.9980177879333496 + }, + { + "word": " object,", + "time_interval": { + "start": 151.06, + "end": 151.56 + }, + "alignment_confidence": 0.9888736009597778 + } + ] + }, + { + "text": " and I hope I will be able to do it at zero speed.", + "time_interval": { + "start": 152.38, + "end": 155.3 + }, + "confidence": 0.8666325983933976, + "no_speech_confidence": 0.014034797437489033, + "words": [ + { + "word": " and", + "time_interval": { + "start": 152.38, + "end": 152.38 + }, + "alignment_confidence": 0.9921389222145081 + }, + { + "word": " I", + "time_interval": { + "start": 152.38, + "end": 152.54 + }, + "alignment_confidence": 0.9939153790473938 + }, + { + "word": " hope", + "time_interval": { + "start": 152.54, + "end": 152.68 + }, + "alignment_confidence": 0.9957286715507507 + }, + { + "word": " I", + "time_interval": { + "start": 152.68, + "end": 152.8 + }, + "alignment_confidence": 0.982494056224823 + }, + { + "word": " will", + "time_interval": { + "start": 152.8, + "end": 152.96 + }, + "alignment_confidence": 0.9848441481590271 + }, + { + "word": " be", + "time_interval": { + "start": 152.96, + "end": 153.08 + }, + "alignment_confidence": 0.9985126852989197 + }, + { + "word": " able", + "time_interval": { + "start": 153.08, + "end": 153.36 + }, + "alignment_confidence": 0.9995008707046509 + }, + { + "word": " to", + "time_interval": { + "start": 153.36, + "end": 153.5 + }, + "alignment_confidence": 0.9989339709281921 + }, + { + "word": " do", + "time_interval": { + "start": 153.5, + "end": 153.7 + }, + "alignment_confidence": 0.9959931373596191 + }, + { + "word": " it", + "time_interval": { + "start": 153.7, + "end": 153.9 + }, + "alignment_confidence": 0.9849197864532471 + }, + { + "word": " at", + "time_interval": { + "start": 153.9, + "end": 153.96 + }, + "alignment_confidence": 0.9863082766532898 + }, + { + "word": " zero", + "time_interval": { + "start": 153.96, + "end": 154.38 + }, + "alignment_confidence": 0.8826894164085388 + }, + { + "word": " speed.", + "time_interval": { + "start": 154.38, + "end": 155.3 + }, + "alignment_confidence": 0.9910484552383423 + } + ] + }, + { + "text": " So that when it comes back, it may touch my chin,", + "time_interval": { + "start": 156.24, + "end": 158.74 + }, + "confidence": 0.8666325983933976, + "no_speech_confidence": 0.014034797437489033, + "words": [ + { + "word": " So", + "time_interval": { + "start": 156.24, + "end": 156.28 + }, + "alignment_confidence": 0.846107006072998 + }, + { + "word": " that", + "time_interval": { + "start": 156.28, + "end": 156.42 + }, + "alignment_confidence": 0.32526469230651855 + }, + { + "word": " when", + "time_interval": { + "start": 156.42, + "end": 156.54 + }, + "alignment_confidence": 0.8890630006790161 + }, + { + "word": " it", + "time_interval": { + "start": 156.54, + "end": 156.7 + }, + "alignment_confidence": 0.9838812351226807 + }, + { + "word": " comes", + "time_interval": { + "start": 156.7, + "end": 156.9 + }, + "alignment_confidence": 0.9934551119804382 + }, + { + "word": " back,", + "time_interval": { + "start": 156.9, + "end": 157.3 + }, + "alignment_confidence": 0.999140739440918 + }, + { + "word": " it", + "time_interval": { + "start": 157.48, + "end": 157.56 + }, + "alignment_confidence": 0.9915898442268372 + }, + { + "word": " may", + "time_interval": { + "start": 157.56, + "end": 157.74 + }, + "alignment_confidence": 0.9565119743347168 + }, + { + "word": " touch", + "time_interval": { + "start": 157.74, + "end": 157.96 + }, + "alignment_confidence": 0.9922165870666504 + }, + { + "word": " my", + "time_interval": { + "start": 157.96, + "end": 158.28 + }, + "alignment_confidence": 0.9906655550003052 + }, + { + "word": " chin,", + "time_interval": { + "start": 158.28, + "end": 158.74 + }, + "alignment_confidence": 0.99639892578125 + } + ] + }, + { + "text": " but it may not crush my chin.", + "time_interval": { + "start": 159.26, + "end": 160.64 + }, + "confidence": 0.8666325983933976, + "no_speech_confidence": 0.014034797437489033, + "words": [ + { + "word": " but", + "time_interval": { + "start": 159.26, + "end": 159.3 + }, + "alignment_confidence": 0.9975107908248901 + }, + { + "word": " it", + "time_interval": { + "start": 159.3, + "end": 159.48 + }, + "alignment_confidence": 0.9924472570419312 + }, + { + "word": " may", + "time_interval": { + "start": 159.48, + "end": 159.56 + }, + "alignment_confidence": 0.9992545247077942 + }, + { + "word": " not", + "time_interval": { + "start": 159.56, + "end": 159.78 + }, + "alignment_confidence": 0.9971357583999634 + }, + { + "word": " crush", + "time_interval": { + "start": 159.78, + "end": 160.06 + }, + "alignment_confidence": 0.4385891258716583 + }, + { + "word": " my", + "time_interval": { + "start": 160.06, + "end": 160.38 + }, + "alignment_confidence": 0.9932611584663391 + }, + { + "word": " chin.", + "time_interval": { + "start": 160.38, + "end": 160.64 + }, + "alignment_confidence": 0.9992039799690247 + } + ] + }, + { + "text": " I want you to be extremely quiet because this is no joke.", + "time_interval": { + "start": 162.75, + "end": 165.79 + }, + "confidence": 0.8666325983933976, + "no_speech_confidence": 0.014034797437489033, + "words": [ + { + "word": " I", + "time_interval": { + "start": 162.75, + "end": 162.93 + }, + "alignment_confidence": 0.9955839514732361 + }, + { + "word": " want", + "time_interval": { + "start": 162.93, + "end": 163.11 + }, + "alignment_confidence": 0.9864007234573364 + }, + { + "word": " you", + "time_interval": { + "start": 163.11, + "end": 163.25 + }, + "alignment_confidence": 0.9965115189552307 + }, + { + "word": " to", + "time_interval": { + "start": 163.25, + "end": 163.35 + }, + "alignment_confidence": 0.9978604912757874 + }, + { + "word": " be", + "time_interval": { + "start": 163.35, + "end": 163.53 + }, + "alignment_confidence": 0.9967639446258545 + }, + { + "word": " extremely", + "time_interval": { + "start": 163.53, + "end": 163.91 + }, + "alignment_confidence": 0.9981449842453003 + }, + { + "word": " quiet", + "time_interval": { + "start": 163.91, + "end": 164.41 + }, + "alignment_confidence": 0.9988917708396912 + }, + { + "word": " because", + "time_interval": { + "start": 164.41, + "end": 164.77 + }, + "alignment_confidence": 0.4819663465023041 + }, + { + "word": " this", + "time_interval": { + "start": 164.77, + "end": 164.95 + }, + "alignment_confidence": 0.7419525384902954 + }, + { + "word": " is", + "time_interval": { + "start": 164.95, + "end": 165.11 + }, + "alignment_confidence": 0.9924913048744202 + }, + { + "word": " no", + "time_interval": { + "start": 165.11, + "end": 165.35 + }, + "alignment_confidence": 0.9855770468711853 + }, + { + "word": " joke.", + "time_interval": { + "start": 165.35, + "end": 165.79 + }, + "alignment_confidence": 0.9986068606376648 + } + ] + }, + { + "text": " If I don't succeed in giving it zero speed,", + "time_interval": { + "start": 166.69, + "end": 169.93 + }, + "confidence": 0.8666325983933976, + "no_speech_confidence": 0.014034797437489033, + "words": [ + { + "word": " If", + "time_interval": { + "start": 166.69, + "end": 166.97 + }, + "alignment_confidence": 0.9880703091621399 + }, + { + "word": " I", + "time_interval": { + "start": 166.97, + "end": 167.25 + }, + "alignment_confidence": 0.9959337115287781 + }, + { + "word": " don't", + "time_interval": { + "start": 167.25, + "end": 167.65 + }, + "alignment_confidence": 0.9962749183177948 + }, + { + "word": " succeed", + "time_interval": { + "start": 167.65, + "end": 168.19 + }, + "alignment_confidence": 0.9834172129631042 + }, + { + "word": " in", + "time_interval": { + "start": 168.19, + "end": 168.53 + }, + "alignment_confidence": 0.9932234287261963 + }, + { + "word": " giving", + "time_interval": { + "start": 168.53, + "end": 168.75 + }, + "alignment_confidence": 0.9578129053115845 + }, + { + "word": " it", + "time_interval": { + "start": 168.75, + "end": 169.03 + }, + "alignment_confidence": 0.8744503259658813 + }, + { + "word": " zero", + "time_interval": { + "start": 169.03, + "end": 169.31 + }, + "alignment_confidence": 0.9860007166862488 + }, + { + "word": " speed,", + "time_interval": { + "start": 169.31, + "end": 169.93 + }, + "alignment_confidence": 0.9976598024368286 + } + ] + }, + { + "text": " then this will be my last lecture.", + "time_interval": { + "start": 170.59, + "end": 172.47 + }, + "confidence": 0.8666325983933976, + "no_speech_confidence": 0.014034797437489033, + "words": [ + { + "word": " then", + "time_interval": { + "start": 170.59, + "end": 170.99 + }, + "alignment_confidence": 0.9875348806381226 + }, + { + "word": " this", + "time_interval": { + "start": 170.99, + "end": 171.43 + }, + "alignment_confidence": 0.9533582925796509 + }, + { + "word": " will", + "time_interval": { + "start": 171.43, + "end": 171.53 + }, + "alignment_confidence": 0.9960792660713196 + }, + { + "word": " be", + "time_interval": { + "start": 171.53, + "end": 171.67 + }, + "alignment_confidence": 0.9978517293930054 + }, + { + "word": " my", + "time_interval": { + "start": 171.67, + "end": 171.83 + }, + "alignment_confidence": 0.9946558475494385 + }, + { + "word": " last", + "time_interval": { + "start": 171.83, + "end": 172.05 + }, + "alignment_confidence": 0.9996576309204102 + }, + { + "word": " lecture.", + "time_interval": { + "start": 172.05, + "end": 172.47 + }, + "alignment_confidence": 0.9738222360610962 + } + ] + }, + { + "text": " I will close my eyes.", + "time_interval": { + "start": 174.66, + "end": 176.0 + }, + "confidence": 0.7443284760340367, + "no_speech_confidence": 0.0363335981965065, + "words": [ + { + "word": " I", + "time_interval": { + "start": 174.66, + "end": 174.96 + }, + "alignment_confidence": 0.8463158011436462 + }, + { + "word": " will", + "time_interval": { + "start": 174.96, + "end": 175.14 + }, + "alignment_confidence": 0.6811813712120056 + }, + { + "word": " close", + "time_interval": { + "start": 175.14, + "end": 175.4 + }, + "alignment_confidence": 0.9903717041015625 + }, + { + "word": " my", + "time_interval": { + "start": 175.4, + "end": 175.72 + }, + "alignment_confidence": 0.9961956739425659 + }, + { + "word": " eyes.", + "time_interval": { + "start": 175.72, + "end": 176.0 + }, + "alignment_confidence": 0.9981514811515808 + } + ] + }, + { + "text": " I don't want to see this.", + "time_interval": { + "start": 176.16, + "end": 177.01 + }, + "confidence": 0.7443284760340367, + "no_speech_confidence": 0.0363335981965065, + "words": [ + { + "word": " I", + "time_interval": { + "start": 176.16, + "end": 176.16 + }, + "alignment_confidence": 0.9939716458320618 + }, + { + "word": " don't", + "time_interval": { + "start": 176.16, + "end": 176.28 + }, + "alignment_confidence": 0.987319141626358 + }, + { + "word": " want", + "time_interval": { + "start": 176.28, + "end": 176.5 + }, + "alignment_confidence": 0.8719594478607178 + }, + { + "word": " to", + "time_interval": { + "start": 176.5, + "end": 176.54 + }, + "alignment_confidence": 0.9853519797325134 + }, + { + "word": " see", + "time_interval": { + "start": 176.54, + "end": 176.72 + }, + "alignment_confidence": 0.989686906337738 + }, + { + "word": " this.", + "time_interval": { + "start": 176.72, + "end": 177.01 + }, + "alignment_confidence": 0.9978752136230469 + } + ] + }, + { + "text": " So please be very quiet.", + "time_interval": { + "start": 178.24, + "end": 179.84 + }, + "confidence": 0.7443284760340367, + "no_speech_confidence": 0.0363335981965065, + "words": [ + { + "word": " So", + "time_interval": { + "start": 178.24, + "end": 178.4 + }, + "alignment_confidence": 0.6359757781028748 + }, + { + "word": " please", + "time_interval": { + "start": 178.4, + "end": 178.68 + }, + "alignment_confidence": 0.8838503956794739 + }, + { + "word": " be", + "time_interval": { + "start": 178.68, + "end": 179.02 + }, + "alignment_confidence": 0.9828333258628845 + }, + { + "word": " very", + "time_interval": { + "start": 179.02, + "end": 179.32 + }, + "alignment_confidence": 0.9940919280052185 + }, + { + "word": " quiet.", + "time_interval": { + "start": 179.32, + "end": 179.84 + }, + "alignment_confidence": 0.997450053691864 + } + ] + }, + { + "text": " I almost didn't sleep all night.", + "time_interval": { + "start": 182.41, + "end": 183.75 + }, + "confidence": 0.7443284760340367, + "no_speech_confidence": 0.0363335981965065, + "words": [ + { + "word": " I", + "time_interval": { + "start": 182.41, + "end": 182.41 + }, + "alignment_confidence": 0.7408883571624756 + }, + { + "word": " almost", + "time_interval": { + "start": 182.41, + "end": 182.57 + }, + "alignment_confidence": 0.9822964072227478 + }, + { + "word": " didn't", + "time_interval": { + "start": 182.57, + "end": 182.89 + }, + "alignment_confidence": 0.9811134934425354 + }, + { + "word": " sleep", + "time_interval": { + "start": 182.89, + "end": 183.11 + }, + "alignment_confidence": 0.9830210208892822 + }, + { + "word": " all", + "time_interval": { + "start": 183.11, + "end": 183.33 + }, + "alignment_confidence": 0.6139775514602661 + }, + { + "word": " night.", + "time_interval": { + "start": 183.33, + "end": 183.75 + }, + "alignment_confidence": 0.9994192123413086 + } + ] + }, + { + "text": " Three, two, one, zero.", + "time_interval": { + "start": 185.27, + "end": 187.93 + }, + "confidence": 0.7443284760340367, + "no_speech_confidence": 0.0363335981965065, + "words": [ + { + "word": " Three,", + "time_interval": { + "start": 185.27, + "end": 185.39 + }, + "alignment_confidence": 0.6562132835388184 + }, + { + "word": " two,", + "time_interval": { + "start": 185.95, + "end": 186.19 + }, + "alignment_confidence": 0.9817777872085571 + }, + { + "word": " one,", + "time_interval": { + "start": 186.55, + "end": 186.95 + }, + "alignment_confidence": 0.9960665106773376 + }, + { + "word": " zero.", + "time_interval": { + "start": 187.33, + "end": 187.93 + }, + "alignment_confidence": 0.9836380481719971 + } + ] + }, + { + "text": " Physics works, and I'm still alive.", + "time_interval": { + "start": 201.01, + "end": 202.79 + }, + "confidence": 0.7443284760340367, + "no_speech_confidence": 0.0363335981965065, + "words": [ + { + "word": " Physics", + "time_interval": { + "start": 201.01, + "end": 201.21 + }, + "alignment_confidence": 0.5964256525039673 + }, + { + "word": " works,", + "time_interval": { + "start": 201.21, + "end": 201.73 + }, + "alignment_confidence": 0.963376522064209 + }, + { + "word": " and", + "time_interval": { + "start": 201.89, + "end": 202.03 + }, + "alignment_confidence": 0.9905419945716858 + }, + { + "word": " I'm", + "time_interval": { + "start": 202.03, + "end": 202.21 + }, + "alignment_confidence": 0.9624911844730377 + }, + { + "word": " still", + "time_interval": { + "start": 202.21, + "end": 202.35 + }, + "alignment_confidence": 0.988471269607544 + }, + { + "word": " alive.", + "time_interval": { + "start": 202.35, + "end": 202.79 + }, + "alignment_confidence": 0.9962403774261475 + } + ] + } + ], + "transcription_info": { + "language": "en", + "language_confidence": 0.7898461818695068 + }, + "transcription": { + "text": " Now, I want to return to the conservation of mechanical energy. I have here a pendulum. I have an object that weighs 15 kilograms, and I can lift it up one meter, which I have done now. That means I've done work. MGH is the work I have done, believe me. I've increased the potential energy of this object. 15 times 10, so about 150 joules. If I let it fall, then that will be converted to kinetic energy. If I would let it swing from one meter height, and you would be there, and it would hit you, you'd be dead. 150 joules is enough to kill you. They use these devices to call a record ball. They use them to demolish buildings. You lift up a very heavy object, even heavier than this. And then you let it go, you swing it, thereby converting gravitational potential energy into kinetic energy, and that way, you can demolish a building. You just let it hit, and it breaks a building. And that's the whole idea of wrecking. So you're using then the conversion of gravitational potential energy to kinetic energy. Now, I am such a strong believer of the conservation of mechanical energy that I am willing to put my life on the line. If I release that Bob from a certain height, then that Bob can never come back to a point where the height is any larger. If I release it from this height, and it swings, then when it reaches here, it could not be higher. There is a conversion from gravitational potential energy to kinetic energy back to gravitational potential energy and it will come to stop here. And when it swings back, it should not be able to reach any higher. Provide it that I do not give this object an initial speed when I stand here. I trust the conservation of mechanical energy for 100%. I may not trust myself. I'm going to release this object, and I hope I will be able to do it at zero speed. So that when it comes back, it may touch my chin, but it may not crush my chin. I want you to be extremely quiet because this is no joke. If I don't succeed in giving it zero speed, then this will be my last lecture. I will close my eyes. I don't want to see this. So please be very quiet. I almost didn't sleep all night. Three, two, one, zero. Physics works, and I'm still alive." + } +} \ No newline at end of file diff --git a/aana/tests/files/expected/whisper/whisper_tiny_squirrel.wav.json b/aana/tests/files/expected/whisper/whisper_tiny_squirrel.wav.json new file mode 100644 index 00000000..0d640a21 --- /dev/null +++ b/aana/tests/files/expected/whisper/whisper_tiny_squirrel.wav.json @@ -0,0 +1,10 @@ +{ + "segments": [], + "transcription_info": { + "language": "silence", + "language_confidence": 1.0 + }, + "transcription": { + "text": "" + } +} \ No newline at end of file diff --git a/aana/tests/integration/__init__.py b/aana/tests/integration/__init__.py new file mode 100644 index 00000000..e69de29b diff --git a/aana/tests/integration/test_haystack_component.py b/aana/tests/integration/test_haystack_component.py deleted file mode 100644 index e699d100..00000000 --- a/aana/tests/integration/test_haystack_component.py +++ /dev/null @@ -1,93 +0,0 @@ -# ruff: noqa: S101 -import haystack -import haystack.components.preprocessors -import PIL -import pytest - -from aana.deployments.aana_deployment_handle import AanaDeploymentHandle -from aana.integrations.haystack.deployment_component import AanaDeploymentComponent -from aana.tests.deployments.test_stablediffusion2_deployment import ( - setup_deployment as setup_stablediffusion2_deployment, # noqa: F401 -) -from aana.tests.utils import is_gpu_available, is_using_deployment_cache - - -@pytest.mark.skipif( - not is_gpu_available() and not is_using_deployment_cache(), - reason="GPU is not available", -) -@pytest.mark.asyncio -async def test_haystack_wrapper(setup_stablediffusion2_deployment): # noqa: F811 - """Tests haystack wrapper for deployments.""" - deployment_name = "sd2_deployment" - method_name = "generate" - result_key = "image" - deployment_handle = await AanaDeploymentHandle.create(deployment_name) - component = AanaDeploymentComponent(deployment_handle, method_name) - result = component.run(prompt="foo") - assert result_key in result, result - - -@pytest.mark.skipif( - not is_gpu_available() and not is_using_deployment_cache(), - reason="GPU is not available", -) -@pytest.mark.asyncio -async def test_haystack_pipeline(setup_stablediffusion2_deployment): # noqa: F811 - """Tests haystack wrapper in a pipeline.""" - - # Haystack components generally take lists of things - # so we need a component to turn a list of strings into a single string - @haystack.component - class TextCombinerComponent: - @haystack.component.output_types(text=str) - def run(self, texts: list[str]): - return {"text": " ".join(texts)} - - # Haystack also doesn't have any simple components that - # take images as inputs, so let's have one of those as well - @haystack.component - class ImageSizeComponent: - @haystack.component.output_types(size=tuple[int, int]) - def run(self, image: PIL.Image.Image): - return {"size": image.size} - - deployment_name = "sd2_deployment" - method_name = "generate" - # result_key = "image" - deployment_handle = await AanaDeploymentHandle.create(deployment_name) - aana_component = AanaDeploymentComponent(deployment_handle, method_name) - aana_component.warm_up() - text_cleaner = haystack.components.preprocessors.TextCleaner( - convert_to_lowercase=False, remove_punctuation=True, remove_numbers=True - ) - text_combiner = TextCombinerComponent() - image_sizer = ImageSizeComponent() - - pipeline = haystack.Pipeline() - pipeline.add_component("stablediffusion2", aana_component) - pipeline.add_component("text_cleaner", text_cleaner) - pipeline.add_component("text_combiner", text_combiner) - pipeline.add_component("image_sizer", image_sizer) - pipeline.connect("text_cleaner.texts", "text_combiner.texts") - pipeline.connect("text_combiner.text", "stablediffusion2.prompt") - pipeline.connect("stablediffusion2.image", "image_sizer.image") - result = pipeline.run({"text_cleaner": {"texts": ["A? dog!"]}}) - - assert "image_sizer" in result - assert "size" in result["image_sizer"] - assert len(result["image_sizer"]["size"]) == 2 - - -@pytest.mark.skipif( - not is_gpu_available() and not is_using_deployment_cache(), - reason="GPU is not available", -) -@pytest.mark.asyncio -async def test_haystack_wrapper_fails(setup_stablediffusion2_deployment): # noqa: F811 - """Tests that haystack wrapper raises if method_name is missing.""" - deployment_name = "sd2_deployment" - missing_method_name = "does_not_exist" - deployment_handle = await AanaDeploymentHandle.create(deployment_name) - with pytest.raises(AttributeError): - _component = AanaDeploymentComponent(deployment_handle, missing_method_name) diff --git a/aana/tests/integration/test_haystack_deployment_component.py b/aana/tests/integration/test_haystack_deployment_component.py new file mode 100644 index 00000000..7fc03419 --- /dev/null +++ b/aana/tests/integration/test_haystack_deployment_component.py @@ -0,0 +1,133 @@ +# ruff: noqa: S101 +from typing import Any, TypedDict + +import haystack +import haystack.components.preprocessors +import numpy as np +import pytest +from haystack import Document +from haystack.components.preprocessors import TextCleaner +from ray import serve + +from aana.deployments.aana_deployment_handle import AanaDeploymentHandle +from aana.deployments.base_deployment import BaseDeployment +from aana.integrations.haystack.deployment_component import AanaDeploymentComponent + + +class DummyEmbedderOutput(TypedDict): + """Output of the dummy embedder.""" + + embeddings: np.ndarray + + +@serve.deployment +class DummyEmbedder(BaseDeployment): + """Simple deployment to store video data.""" + + async def apply_config(self, config: dict[str, Any]): + """Apply the configuration to the deployment and initialize it.""" + pass + + async def embed(self, texts: list[str]) -> DummyEmbedderOutput: + """Generate a dummy embedding for the texts.""" + return {"embeddings": np.random.default_rng().random((len(texts), 8))} + + async def embed_fail(self, texts: list[str]) -> DummyEmbedderOutput: + """Fail to generate a dummy embedding for the texts.""" + raise Exception("Dummy exception") # noqa: TRY002, TRY003 + + +@pytest.fixture(scope="module") +def setup_dummy_embedder_deployment(create_app): + """Set up the dummy embedder deployment.""" + deployment_name = "dummy_embedder" + deployment = DummyEmbedder.options(num_replicas=1, user_config={}) + deployments = [ + { + "name": deployment_name, + "instance": deployment, + } + ] + endpoints = [] + + return deployment_name, create_app(deployments, endpoints) + + +@pytest.mark.asyncio +async def test_haystack_wrapper(setup_dummy_embedder_deployment): + """Tests haystack wrapper for deployments.""" + deployment_name, _ = setup_dummy_embedder_deployment + deployment_handle = await AanaDeploymentHandle.create(deployment_name) + component = AanaDeploymentComponent(deployment_handle, "embed") + result = component.run(texts=["Hello, world!", "Roses are red", "Violets are blue"]) + + assert "embeddings" in result + assert isinstance(result["embeddings"], np.ndarray) + assert result["embeddings"].shape == (3, 8) + + +@pytest.mark.asyncio +async def test_haystack_pipeline(setup_dummy_embedder_deployment): + """Tests haystack wrapper in a pipeline.""" + deployment_name, _ = setup_dummy_embedder_deployment + + @haystack.component + class DocumentCombinerComponent: + @haystack.component.output_types(documents=list[Document]) + def run(self, texts: list[str], embeddings: np.ndarray): + documents = [ + Document(content=text, embedding=embedding) + for text, embedding in zip(texts, embeddings, strict=True) + ] + return {"documents": documents} + + embedder_handle = await AanaDeploymentHandle.create(deployment_name) + embedder = AanaDeploymentComponent(embedder_handle, "embed") + + text_cleaner = TextCleaner( + convert_to_lowercase=False, remove_punctuation=True, remove_numbers=True + ) + + document_combiner = DocumentCombinerComponent() + + pipeline = haystack.Pipeline() + pipeline.add_component("text_cleaner", text_cleaner) + pipeline.add_component("dummy_embedder", embedder) + pipeline.add_component("document_combiner", document_combiner) + pipeline.connect("text_cleaner.texts", "dummy_embedder.texts") + pipeline.connect("dummy_embedder.embeddings", "document_combiner.embeddings") + pipeline.connect("text_cleaner.texts", "document_combiner.texts") + + texts = ["Hello, world!", "Roses are red", "Violets are blue"] + + output = pipeline.run({"text_cleaner": {"texts": texts}}) + # {'document_combiner': + # {'documents': + # [Document(id=489009ee9ce0fd7f2aa38658ff7885fe8c2ea70fab5a711b14ee9d5eb65b2843, content: 'Hello world', embedding: vector of size 8), + # Document(id=489009ee9ce0fd7f2aa38658ff7885fe8c2ea70fab5a711b14ee9d5eb65b2843, content: 'Roses red', embedding: vector of size 8), + # Document(id=489009ee9ce0fd7f2aa38658ff7885fe8c2ea70fab5a711b14ee9d5eb65b2843, content: 'Violets blue', embedding: vector of size 8) + # ] + # } + # } + + assert "document_combiner" in output + assert "documents" in output["document_combiner"] + assert len(output["document_combiner"]["documents"]) == 3 + assert all( + isinstance(doc, Document) for doc in output["document_combiner"]["documents"] + ) + + +@pytest.mark.asyncio +async def test_haystack_wrapper_fails(setup_dummy_embedder_deployment): + """Tests that haystack wrapper raises if method_name is missing.""" + deployment_name, _ = setup_dummy_embedder_deployment + missing_method_name = "does_not_exist" + deployment_handle = await AanaDeploymentHandle.create(deployment_name) + with pytest.raises(AttributeError): + AanaDeploymentComponent(deployment_handle, missing_method_name) + + failing_method_name = "embed_fail" + component = AanaDeploymentComponent(deployment_handle, failing_method_name) + with pytest.raises(Exception): # noqa: B017 + component.run(texts=["Hello, world!", "Roses are red", "Violets are blue"]) diff --git a/aana/tests/units/test_haystack_integration.py b/aana/tests/integration/test_haystack_remote_component.py similarity index 100% rename from aana/tests/units/test_haystack_integration.py rename to aana/tests/integration/test_haystack_remote_component.py diff --git a/aana/tests/utils.py b/aana/tests/utils.py index 88ff0733..21201839 100644 --- a/aana/tests/utils.py +++ b/aana/tests/utils.py @@ -1,5 +1,8 @@ # ruff: noqa: S101 import json +from collections import defaultdict +from collections.abc import Mapping, Sequence +from pathlib import Path from typing import Any import rapidfuzz @@ -8,8 +11,11 @@ from pydantic import ValidationError from aana.api.api_generation import Endpoint +from aana.configs.settings import settings +from aana.core.models.base import pydantic_to_dict from aana.sdk import AanaSDK from aana.tests.const import ALLOWED_LEVENSTEIN_ERROR_RATE +from aana.utils.json import jsonify def is_gpu_available() -> bool: @@ -24,37 +30,119 @@ def is_gpu_available() -> bool: return torch.cuda.is_available() -def is_using_deployment_cache() -> bool: - """Check if the deployment cache is being used. - - Returns: - bool: True if the deployment cache is being used, False otherwise. - """ - from aana.configs.settings import settings - - return settings.test.use_deployment_cache +def round_floats(obj, decimals=2): + """Round floats in a nested structure.""" + if isinstance(obj, float): + return round(obj, decimals) + elif isinstance(obj, defaultdict): + return defaultdict( + obj.default_factory, {k: round_floats(v, decimals) for k, v in obj.items()} + ) + elif isinstance(obj, Mapping): + return type(obj)((k, round_floats(v, decimals)) for k, v in obj.items()) + elif isinstance(obj, Sequence) and not isinstance(obj, str): # noqa: SIM114 + return type(obj)(round_floats(x, decimals) for x in obj) + elif isinstance(obj, set): + return type(obj)(round_floats(x, decimals) for x in obj) + elif hasattr(obj, "__dict__"): + obj.__dict__.update( + (k, round_floats(v, decimals)) for k, v in obj.__dict__.items() + ) + return obj + else: + return obj -def compare_texts(expected_text: str, text: str): +def compare_texts( + expected_text: str, + text: str, + allowed_error_rate: float = ALLOWED_LEVENSTEIN_ERROR_RATE, +): """Compare two texts using Levenshtein distance. The error rate is allowed to be less than ALLOWED_LEVENSTEIN_ERROR_RATE. Args: expected_text (str): the expected text - text (str): the actual text + text (str): the actual texts + allowed_error_rate (float): the allowed error rate (default: ALLOWED_LEVENSTEIN_ERROR_RATE) Raises: AssertionError: if the error rate is too high """ dist = rapidfuzz.distance.Levenshtein.distance(text, expected_text) - assert dist < len(expected_text) * ALLOWED_LEVENSTEIN_ERROR_RATE, ( + assert dist < len(expected_text) * allowed_error_rate, ( expected_text, text, dist, ) +def compare_results( + expected_result: dict[str, Any], + result: dict[str, Any], + allowed_error_rate: float = ALLOWED_LEVENSTEIN_ERROR_RATE, + apply_float_rounding=True, + round_decimals=2, +): + """Compare expected and actual results by jsonifying them and comparing the strings using Levenshtein distance. + + Args: + expected_result (dict): the expected result + result (dict): the actual result + allowed_error_rate (float): the allowed error rate (default: ALLOWED_LEVENSTEIN_ERROR_RATE) + apply_float_rounding (bool): whether to round floats (default: True) + round_decimals (int): the number of decimals to round floats to (default: 2) + + Raises: + AssertionError: if the error rate is too high + """ + if apply_float_rounding: + expected_json = jsonify(round_floats(expected_result, round_decimals)) + result_json = jsonify(round_floats(result, round_decimals)) + else: + expected_json = jsonify(expected_result) + result_json = jsonify(result) + compare_texts(expected_json, result_json, allowed_error_rate) + + +def verify_deployment_results( + expected_output_path: Path, + results: dict[str, Any], +): + """Verify the output of a deployment call against an expected output file. + + If the expected output file doesn't exist and the SAVE_EXPECTED_OUTPUT + environment variable is set, save the current results as the expected output. + Creates parent directories if they don't exist. + + Args: + expected_output_path (Path): Path to the expected output file. + results (dict): The actual results. + """ + # Convert pydantic models to dictionaries before comparison + results = pydantic_to_dict(results) + + if not expected_output_path.exists(): + if settings.test.save_expected_output: + # Ensure the parent directory exists + expected_output_path.parent.mkdir(parents=True, exist_ok=True) + + with expected_output_path.open("w") as f: + json.dump(results, f, indent=2) + print(f"Saved results as expected output to: {expected_output_path}") + return + else: + raise FileNotFoundError( # noqa: TRY003 + f"Expected output not found: {expected_output_path}" + ) + + with expected_output_path.open() as f: + expected_output = json.load(f) + + compare_results(expected_output, results) + + class LevenshteinOperator(BaseOperator): """Deepdiff operator class for Levenshtein distances.""" diff --git a/aana/utils/asyncio.py b/aana/utils/asyncio.py index f1b94473..85e5ae11 100644 --- a/aana/utils/asyncio.py +++ b/aana/utils/asyncio.py @@ -28,20 +28,27 @@ def __init__(self, coro): """Initialize the thread.""" self.coro = coro self.result = None + self.exception = None super().__init__() def run(self): """Run the coroutine.""" - self.result = asyncio.run(self.coro) + try: + self.result = asyncio.run(self.coro) + except Exception as e: + self.exception = e try: loop = asyncio.get_running_loop() except RuntimeError: loop = None + if loop and loop.is_running(): thread = RunThread(coro) thread.start() thread.join() + if thread.exception: + raise thread.exception return thread.result else: return asyncio.run(coro) diff --git a/aana/utils/json.py b/aana/utils/json.py index 09308d28..6ff89b10 100644 --- a/aana/utils/json.py +++ b/aana/utils/json.py @@ -44,7 +44,7 @@ def json_serializer_default(obj: object) -> object: raise TypeError(type(obj)) -def jsonify(data: Any, option: int | None = orjson.OPT_SERIALIZE_NUMPY, as_bytes: bool = False) -> str | bytes: +def jsonify(data: Any, option: int | None = orjson.OPT_SERIALIZE_NUMPY | orjson.OPT_SORT_KEYS, as_bytes: bool = False) -> str | bytes: """Serialize content using orjson. Args: diff --git a/docs/pages/deployment_test_cache.md b/docs/pages/deployment_test_cache.md deleted file mode 100644 index ea68f999..00000000 --- a/docs/pages/deployment_test_cache.md +++ /dev/null @@ -1,85 +0,0 @@ -# Deployment Test Cache - -The deployment test cache is a feature of integration tests that allows you to simulate running the model endpoints without having to go to the effort of downloading the model, loading it, and running on a GPU. This is useful to save time as well as to be able to run the integration tests without needing a GPU (for example if you are on your laptop without internet access). - -To mark a function as cacheable so its output can be stored in the deployment cache, annotate it with `@test_cache` imported from [aana.deployments.base_deployment](https://github.com/mobiusml/aana_sdk/tree/main/aana/deployments/base_deployment.py). Here's our StableDiffusion 2 deployment from above with the generate method annotated: - -```python -class StableDiffusion2Deployment(BaseDeployment): - """Stable Diffusion 2 deployment.""" - - async def apply_config(self, _config: dict[str, Any]): - """Apply configuration. - - The method is called when the deployment is created or updated. - - Normally we'd have a Config object, a TypedDict, to represent configurable parameters. In this case, hardcoded values are used and we load the model and scheduler from HuggingFace. You could also use the HuggingFace pipeline deployment class in `aana.deployments.hf_pipeline_deployment.py`. - """ - - # Load the model and processor from HuggingFace - model_id = "stabilityai/stable-diffusion-2" - device = "cuda" if torch.cuda.is_available() else "cpu" - self.model = StableDiffusionPipeline.from_pretrained( - model_id, - torch_dtype=Dtype.FLOAT16.to_torch(), - scheduler=EulerDiscreteScheduler.from_pretrained( - model_id, subfolder="scheduler" - ), - device_map="auto", - ) - - # Move the model to the GPU. - self.model.to(device) - - @test_cache - async def generate_single(self, prompt: str) -> StableDiffusion2Output: - """Runs the model on a given prompt and returns the first output. - - Arguments: - prompt (str): the prompt to the model. - - Returns: - StableDiffusion2Output: a dictionary with one key containing the result - """ - image = self.model(prompt).images[0] - return {"image": image} - -``` - -It just needs to be added to your inference methods. In this case, we have only one, `generate_single()`. - -There are a few environment variables that can be set to control the behavior of the tests: - -- `USE_DEPLOYMENT_CACHE`: If set to `true`, the tests will use the deployment cache to avoid downloading the models and running the deployments. This is useful for running integration tests faster and in the environment where GPU is not available. -- `SAVE_DEPLOYMENT_CACHE`: If set to `true`, the tests will save the deployment cache after running the deployments. This is useful for updating the deployment cache if new deployments or tests are added. - -### How to use the deployment cache environment variables - -Here are some examples of how to use the deployment cache environment variables. - -#### Do you want to run the tests normally using GPU? - -```bash -USE_DEPLOYMENT_CACHE=false -SAVE_DEPLOYMENT_CACHE=false -``` - -This is the default behavior. The tests will run normally using GPU and the deployment cache will be completely ignored. - -#### Do you want to run the tests faster without GPU? - -```bash -USE_DEPLOYMENT_CACHE=true -SAVE_DEPLOYMENT_CACHE=false -``` - -This will run the tests using the deployment cache to avoid downloading the models and running the deployments. The deployment cache will not be updated after running the deployments. Only use it if you are sure that the deployment cache is up to date. - -#### Do you want to update the deployment cache? - -```bash -USE_DEPLOYMENT_CACHE=false -SAVE_DEPLOYMENT_CACHE=true -``` - -This will run the tests normally using GPU and save the deployment cache after running the deployments. Use it if you have added new deployments or tests and want to update the deployment cache. diff --git a/docs/pages/testing.md b/docs/pages/testing.md index 66638d17..eccda354 100644 --- a/docs/pages/testing.md +++ b/docs/pages/testing.md @@ -6,6 +6,170 @@ The project uses pytest for testing. To run the tests, use the following command poetry run pytest ``` +Most deployment tests require GPU to run. They are skipped if the GPU is not available. Right now we don't GPU runner for our CI/CD pipeline, so if you change anything related to deployments, make sure to run the tests locally with GPU and mention it in the PR description. + If you are using VS Code, you can run the tests using the Test Explorer that is installed with the [Python extension](https://code.visualstudio.com/docs/python/testing). -Testing ML models poses a couple of problems: loading and running models may be very time consuming, and you may wish to run tests on systems that lack hardware support necessary for the models, for example a subnotebook without a GPU or a CI/CD server. To solve this issue, we created a **deployment test cache**. See [deployment test cache docs](deployment_test_cache.md) for more information. +## Testing Deployments + +This guide explains how to test the deployments. Aana SDK provides a set of fixtures and utilities that help you to write tests for the deployments. + +### Goals + +The goal is to verify that the deployment, wrapper around the model, works as expected. The goal is NOT to test the model itself. That's why we only test 1-2 deployment configurations, just to make sure that the deployment works as expected. + +### Setup Deployment Fixture + +The `setup_deployment` fixture is used to start Aana SDK application with the given deployment configuration. The fixture is parametrized with two parameters: +- `deployment_name`: The name of the deployment. This is used to identify the deployment in the test. +- `deployment`: The deployment configuration. + +We use indirect parametrization to pass the deployment configuration to the fixture. The deployment configurations are defined as a list of tuples. Each tuple contains the deployment name and the deployment configuration. + +The fixture returns a tuple with three elements: +- `deployment_name`: The name of the deployment, same as the passed to the fixture. +- `handle_name`: The name of the deployment handle. It is used to interact with the deployment. +- `app`: The Aana SDK application instance. Most of the time, you don't need to use it. + +```python +deployments = [("your_deployment_name", your_deployment_config), ...] + +@pytest.mark.parametrize("setup_deployment", deployments, indirect=True) +class TestYourDeployment: + """Test your deployment.""" + + @pytest.mark.asyncio + async def test_your_deployment(setup_deployment): + deployment_name, handle_name, _ = setup_deployment + ... +``` + +You don't need to import the `setup_deployment` fixture because it is automatically imported from conftest.py. + +### Test Class + +Deployment tests are organized in test classes. The reason is that we want to setup the deployment only once for all tests in the class. That's why we use the `setup_deployment` fixture as a parameter to the test class. + + + +### Deployment Handle + +The `AanaDeploymentHandle` class is used to interact with the deployment. The class allows you to call the methods on the deployment remotely. + +To create an instance of the `AanaDeploymentHandle` class, use the class method `create`. The method takes the handle name as an argument. + +```python +handle = await AanaDeploymentHandle.create(handle_name) +``` + +### Verify Results Utility + +The `aana.tests.utils.verify_deployment_results` utility is used to compare the expected output with the actual output. The utility takes two arguments: +- `expected_output_path (Path)`: The path to the expected output file. +- `output (Dict)`: The actual output of the deployment. + +The expected outputs are stored in the `aana/tests/files/expected` directory. There is a convention to store the expected output files for each deployment in a separate directory. + +For example, + +```python +expected_output_path = ( + resources.path("aana.tests.files.expected", "") + / "whisper" + / f"{deployment_name}_{audio_file}.json" +) +``` + +### SAVE_EXPECTED_OUTPUT Environment Variable + +`verify_deployment_results` has a built-in mechanism to save the actual output as the expected output. If you set the environment variable `SAVE_EXPECTED_OUTPUT` to `True` and `verify_deployment_results` does not find the expected output file, it will save the actual output as the expected output. It is useful when you are writing tests for a new deployment because you don't need to create the expected output files manually but only need to verify the output. But remember to set the environment variable back to `False` after you have created the expected output files and check created files manually to make sure they are correct. + + +### GPU Availability + +If the deployment requires a GPU, the `setup_deployment` fixture will skip the test if the GPU is not available. It uses `num_gpus` from the deployment configuration to check if the GPU is required. + + +### Example + +Here is an example of the test for the Whisper deployment. You can find the full test in the [`aana/tests/deployments/test_whisper_deployment.py`](https://github.com/mobiusml/aana_sdk/blob/main/aana/tests/deployments/test_whisper_deployment.py). + +```python +import pytest +from importlib import resources +from aana.core.models.audio import Audio +from aana.core.models.whisper import WhisperParams +from aana.deployments.aana_deployment_handle import AanaDeploymentHandle +from aana.deployments.whisper_deployment import WhisperComputeType, WhisperConfig, WhisperDeployment, WhisperModelSize +from aana.tests.utils import verify_deployment_results + +# Define the deployments to test as a list of tuples. +deployments = [ + ( + "whisper_tiny", + WhisperDeployment.options( + num_replicas=1, + user_config=WhisperConfig( + model_size=WhisperModelSize.TINY, + compute_type=WhisperComputeType.FLOAT32, + ).model_dump(mode="json"), + ), + ), + ( + "whisper_medium", + WhisperDeployment.options( + num_replicas=1, + max_ongoing_requests=1000, + ray_actor_options={"num_gpus": 0.25}, + user_config=WhisperConfig( + model_size=WhisperModelSize.MEDIUM, + compute_type=WhisperComputeType.FLOAT16, + ).model_dump(mode="json"), + ), + ) +] + + +# Parametrize the test with the deployments. +@pytest.mark.parametrize("setup_deployment", deployments, indirect=True) +class TestWhisperDeployment: + """Test Whisper deployment.""" + + # The test is asynchronous because it interacts with the deployment. + @pytest.mark.asyncio + # Parametrize the test with the audio files (this can be anything else like prompts etc.). + @pytest.mark.parametrize("audio_file", ["squirrel.wav", "physicsworks.wav"]) + # Define the test function, add `setup_deployment` fixture, and parameterized arguments to the function. + async def test_transcribe(self, setup_deployment, audio_file): + """Test transcribe methods.""" + # Get deployment name, handle name, and app instance from the setup_deployment fixture. + deployment_name, handle_name, app = setup_deployment + + # Create the deployment handle, use the handle name from the setup_deployment fixture. + handle = await AanaDeploymentHandle.create(handle_name) + + # Define the path to the expected output file. + # There are 3 parts: + # - The path to the expected output directory (aana/tests/files/expected), should not be changed. + # - The name of the subdirectory for the deployment (whisper), should be changed for each deployment type. + # - File name with based on the parameters (deployment_name, audio_file, etc.). + expected_output_path = ( + resources.path("aana.tests.files.expected", "") + / "whisper" + / f"{deployment_name}_{audio_file}.json" + ) + + # Run the deployment method. + path = resources.path("aana.tests.files.audios", audio_file) + assert path.exists(), f"Audio not found: {path}" + + audio = Audio(path=path, media_id=audio_file) + + output = await handle.transcribe( + audio=audio, params=WhisperParams(word_timestamps=True, temperature=0.0) + ) + + # Verify the results with the expected output. + verify_deployment_results(expected_output_path, output) +``` + \ No newline at end of file diff --git a/mkdocs.yml b/mkdocs.yml index e04537a8..343bc58d 100644 --- a/mkdocs.yml +++ b/mkdocs.yml @@ -112,7 +112,6 @@ nav: - Code Standards: pages/code_standards.md - Database: pages/database.md - Testing: pages/testing.md - - Deployment Test Cache: pages/deployment_test_cache.md - Reference (Code API): - reference/index.md - reference/sdk.md diff --git a/poetry.lock b/poetry.lock index 541484b0..c8def7e7 100644 --- a/poetry.lock +++ b/poetry.lock @@ -1,4 +1,4 @@ -# This file is automatically @generated by Poetry 1.8.3 and should not be changed by hand. +# This file is automatically @generated by Poetry 1.6.1 and should not be changed by hand. [[package]] name = "accelerate" @@ -32,13 +32,13 @@ testing = ["bitsandbytes", "datasets", "deepspeed", "evaluate", "parameterized", [[package]] name = "aiohappyeyeballs" -version = "2.3.4" +version = "2.3.5" description = "Happy Eyeballs for asyncio" optional = false -python-versions = "<4.0,>=3.8" +python-versions = ">=3.8" files = [ - {file = "aiohappyeyeballs-2.3.4-py3-none-any.whl", hash = "sha256:40a16ceffcf1fc9e142fd488123b2e218abc4188cf12ac20c67200e1579baa42"}, - {file = "aiohappyeyeballs-2.3.4.tar.gz", hash = "sha256:7e1ae8399c320a8adec76f6c919ed5ceae6edd4c3672f4d9eae2b27e37c80ff6"}, + {file = "aiohappyeyeballs-2.3.5-py3-none-any.whl", hash = "sha256:4d6dea59215537dbc746e93e779caea8178c866856a721c9c660d7a5a7b8be03"}, + {file = "aiohappyeyeballs-2.3.5.tar.gz", hash = "sha256:6fa48b9f1317254f122a07a131a86b71ca6946ca989ce6326fff54a99a920105"}, ] [[package]] @@ -1609,13 +1609,13 @@ grpcio-gcp = ["grpcio-gcp (>=0.2.2,<1.0.dev0)"] [[package]] name = "google-auth" -version = "2.32.0" +version = "2.33.0" description = "Google Authentication Library" optional = false python-versions = ">=3.7" files = [ - {file = "google_auth-2.32.0-py2.py3-none-any.whl", hash = "sha256:53326ea2ebec768070a94bee4e1b9194c9646ea0c2bd72422785bd0f9abfad7b"}, - {file = "google_auth-2.32.0.tar.gz", hash = "sha256:49315be72c55a6a37d62819e3573f6b416aca00721f7e3e31a008d928bf64022"}, + {file = "google_auth-2.33.0-py2.py3-none-any.whl", hash = "sha256:8eff47d0d4a34ab6265c50a106a3362de6a9975bb08998700e389f857e4d39df"}, + {file = "google_auth-2.33.0.tar.gz", hash = "sha256:d6a52342160d7290e334b4d47ba390767e4438ad0d45b7630774533e82655b95"}, ] [package.dependencies] @@ -2693,48 +2693,45 @@ tests = ["matplotlib (>=3.5.0)", "packaging (>=20.0)", "pytest", "pytest-cov", " [[package]] name = "lightning" -version = "2.3.3" +version = "2.4.0" description = "The Deep Learning framework to train, deploy, and ship AI products Lightning fast." optional = false -python-versions = ">=3.8" +python-versions = ">=3.9" files = [ - {file = "lightning-2.3.3-py3-none-any.whl", hash = "sha256:5b4950f20b5117f30aad7820709cfa56669567cf4ded93df502b3dee443a6a5d"}, - {file = "lightning-2.3.3.tar.gz", hash = "sha256:7f454711895c1c6e455766f01fa39522e25e5ab54c15c5e5fbad342fa92bc93c"}, + {file = "lightning-2.4.0-py3-none-any.whl", hash = "sha256:560163af9711cf59055c448232c473150a299089efce0d2be3cc3288082d8768"}, + {file = "lightning-2.4.0.tar.gz", hash = "sha256:9156604cc56e4b2b603f34fa7f0fe5107375c8e6d85e74544b319a15faa9ed0e"}, ] [package.dependencies] fsspec = {version = ">=2022.5.0,<2026.0", extras = ["http"]} lightning-utilities = ">=0.10.0,<2.0" -numpy = ">=1.17.2,<3.0" packaging = ">=20.0,<25.0" pytorch-lightning = "*" PyYAML = ">=5.4,<8.0" -torch = ">=2.0.0,<4.0" +torch = ">=2.1.0,<4.0" torchmetrics = ">=0.7.0,<3.0" tqdm = ">=4.57.0,<6.0" typing-extensions = ">=4.4.0,<6.0" [package.extras] -all = ["bitsandbytes (>=0.42.0,<1.0)", "deepspeed (>=0.8.2,<=0.9.3)", "hydra-core (>=1.2.0,<2.0)", "ipython[all] (<9.0)", "jsonargparse[signatures] (>=4.27.7,<5.0)", "lightning-utilities (>=0.8.0,<1.0)", "matplotlib (>3.1,<4.0)", "omegaconf (>=2.2.3,<3.0)", "requests (<3.0)", "rich (>=12.3.0,<14.0)", "tensorboardX (>=2.2,<3.0)", "torchmetrics (>=0.10.0,<2.0)", "torchvision (>=0.15.0,<1.0)"] -app = ["lightning-app (>=2.3.3,<3.0)"] +all = ["bitsandbytes (>=0.42.0,<1.0)", "deepspeed (>=0.8.2,<=0.9.3)", "hydra-core (>=1.2.0,<2.0)", "ipython[all] (<9.0)", "jsonargparse[signatures] (>=4.27.7,<5.0)", "lightning-utilities (>=0.8.0,<1.0)", "matplotlib (>3.1,<4.0)", "omegaconf (>=2.2.3,<3.0)", "requests (<3.0)", "rich (>=12.3.0,<14.0)", "tensorboardX (>=2.2,<3.0)", "torchmetrics (>=0.10.0,<2.0)", "torchvision (>=0.16.0,<1.0)"] data = ["litdata (>=0.2.0rc,<1.0)"] -dev = ["bitsandbytes (>=0.42.0,<1.0)", "click (==8.1.7)", "cloudpickle (>=1.3,<3.0)", "coverage (==7.3.1)", "deepspeed (>=0.8.2,<=0.9.3)", "fastapi", "hydra-core (>=1.2.0,<2.0)", "ipython[all] (<9.0)", "jsonargparse[signatures] (>=4.27.7,<5.0)", "lightning-utilities (>=0.8.0,<1.0)", "matplotlib (>3.1,<4.0)", "omegaconf (>=2.2.3,<3.0)", "onnx (>=0.14.0,<2.0)", "onnxruntime (>=0.15.0,<2.0)", "pandas (>1.0,<3.0)", "psutil (<6.0)", "pytest (==7.4.0)", "pytest-cov (==4.1.0)", "pytest-random-order (==1.1.0)", "pytest-rerunfailures (==12.0)", "pytest-timeout (==2.1.0)", "requests (<3.0)", "rich (>=12.3.0,<14.0)", "scikit-learn (>0.22.1,<2.0)", "tensorboard (>=2.9.1,<3.0)", "tensorboardX (>=2.2,<3.0)", "torchmetrics (>=0.10.0,<2.0)", "torchmetrics (>=0.7.0,<2.0)", "torchvision (>=0.15.0,<1.0)", "uvicorn"] -examples = ["ipython[all] (<9.0)", "lightning-utilities (>=0.8.0,<1.0)", "requests (<3.0)", "torchmetrics (>=0.10.0,<2.0)", "torchvision (>=0.15.0,<1.0)"] +dev = ["bitsandbytes (>=0.42.0,<1.0)", "click (==8.1.7)", "cloudpickle (>=1.3,<3.0)", "coverage (==7.3.1)", "deepspeed (>=0.8.2,<=0.9.3)", "fastapi", "hydra-core (>=1.2.0,<2.0)", "ipython[all] (<9.0)", "jsonargparse[signatures] (>=4.27.7,<5.0)", "lightning-utilities (>=0.8.0,<1.0)", "matplotlib (>3.1,<4.0)", "numpy (>=1.17.2,<2.0)", "omegaconf (>=2.2.3,<3.0)", "onnx (>=1.12.0,<2.0)", "onnxruntime (>=1.12.0,<2.0)", "pandas (>1.0,<3.0)", "psutil (<6.0)", "pytest (==7.4.0)", "pytest-cov (==4.1.0)", "pytest-random-order (==1.1.0)", "pytest-rerunfailures (==12.0)", "pytest-timeout (==2.1.0)", "requests (<3.0)", "rich (>=12.3.0,<14.0)", "scikit-learn (>0.22.1,<2.0)", "tensorboard (>=2.9.1,<3.0)", "tensorboardX (>=2.2,<3.0)", "torchmetrics (>=0.10.0,<2.0)", "torchmetrics (>=0.7.0,<2.0)", "torchvision (>=0.16.0,<1.0)", "uvicorn"] +examples = ["ipython[all] (<9.0)", "lightning-utilities (>=0.8.0,<1.0)", "requests (<3.0)", "torchmetrics (>=0.10.0,<2.0)", "torchvision (>=0.16.0,<1.0)"] extra = ["bitsandbytes (>=0.42.0,<1.0)", "hydra-core (>=1.2.0,<2.0)", "jsonargparse[signatures] (>=4.27.7,<5.0)", "matplotlib (>3.1,<4.0)", "omegaconf (>=2.2.3,<3.0)", "rich (>=12.3.0,<14.0)", "tensorboardX (>=2.2,<3.0)"] -fabric-all = ["bitsandbytes (>=0.42.0,<1.0)", "deepspeed (>=0.8.2,<=0.9.3)", "lightning-utilities (>=0.8.0,<1.0)", "torchmetrics (>=0.10.0,<2.0)", "torchvision (>=0.15.0,<1.0)"] -fabric-dev = ["bitsandbytes (>=0.42.0,<1.0)", "click (==8.1.7)", "coverage (==7.3.1)", "deepspeed (>=0.8.2,<=0.9.3)", "lightning-utilities (>=0.8.0,<1.0)", "pytest (==7.4.0)", "pytest-cov (==4.1.0)", "pytest-random-order (==1.1.0)", "pytest-rerunfailures (==12.0)", "pytest-timeout (==2.1.0)", "tensorboardX (>=2.2,<3.0)", "torchmetrics (>=0.10.0,<2.0)", "torchmetrics (>=0.7.0,<2.0)", "torchvision (>=0.15.0,<1.0)"] -fabric-examples = ["lightning-utilities (>=0.8.0,<1.0)", "torchmetrics (>=0.10.0,<2.0)", "torchvision (>=0.15.0,<1.0)"] +fabric-all = ["bitsandbytes (>=0.42.0,<1.0)", "deepspeed (>=0.8.2,<=0.9.3)", "lightning-utilities (>=0.8.0,<1.0)", "torchmetrics (>=0.10.0,<2.0)", "torchvision (>=0.16.0,<1.0)"] +fabric-dev = ["bitsandbytes (>=0.42.0,<1.0)", "click (==8.1.7)", "coverage (==7.3.1)", "deepspeed (>=0.8.2,<=0.9.3)", "lightning-utilities (>=0.8.0,<1.0)", "numpy (>=1.17.2,<2.0)", "pytest (==7.4.0)", "pytest-cov (==4.1.0)", "pytest-random-order (==1.1.0)", "pytest-rerunfailures (==12.0)", "pytest-timeout (==2.1.0)", "tensorboardX (>=2.2,<3.0)", "torchmetrics (>=0.10.0,<2.0)", "torchmetrics (>=0.7.0,<2.0)", "torchvision (>=0.16.0,<1.0)"] +fabric-examples = ["lightning-utilities (>=0.8.0,<1.0)", "torchmetrics (>=0.10.0,<2.0)", "torchvision (>=0.16.0,<1.0)"] fabric-strategies = ["bitsandbytes (>=0.42.0,<1.0)", "deepspeed (>=0.8.2,<=0.9.3)"] -fabric-test = ["click (==8.1.7)", "coverage (==7.3.1)", "pytest (==7.4.0)", "pytest-cov (==4.1.0)", "pytest-random-order (==1.1.0)", "pytest-rerunfailures (==12.0)", "pytest-timeout (==2.1.0)", "tensorboardX (>=2.2,<3.0)", "torchmetrics (>=0.7.0,<2.0)"] -pytorch-all = ["bitsandbytes (>=0.42.0,<1.0)", "deepspeed (>=0.8.2,<=0.9.3)", "hydra-core (>=1.2.0,<2.0)", "ipython[all] (<9.0)", "jsonargparse[signatures] (>=4.27.7,<5.0)", "lightning-utilities (>=0.8.0,<1.0)", "matplotlib (>3.1,<4.0)", "omegaconf (>=2.2.3,<3.0)", "requests (<3.0)", "rich (>=12.3.0,<14.0)", "tensorboardX (>=2.2,<3.0)", "torchmetrics (>=0.10.0,<2.0)", "torchvision (>=0.15.0,<1.0)"] -pytorch-dev = ["bitsandbytes (>=0.42.0,<1.0)", "cloudpickle (>=1.3,<3.0)", "coverage (==7.3.1)", "deepspeed (>=0.8.2,<=0.9.3)", "fastapi", "hydra-core (>=1.2.0,<2.0)", "ipython[all] (<9.0)", "jsonargparse[signatures] (>=4.27.7,<5.0)", "lightning-utilities (>=0.8.0,<1.0)", "matplotlib (>3.1,<4.0)", "omegaconf (>=2.2.3,<3.0)", "onnx (>=0.14.0,<2.0)", "onnxruntime (>=0.15.0,<2.0)", "pandas (>1.0,<3.0)", "psutil (<6.0)", "pytest (==7.4.0)", "pytest-cov (==4.1.0)", "pytest-random-order (==1.1.0)", "pytest-rerunfailures (==12.0)", "pytest-timeout (==2.1.0)", "requests (<3.0)", "rich (>=12.3.0,<14.0)", "scikit-learn (>0.22.1,<2.0)", "tensorboard (>=2.9.1,<3.0)", "tensorboardX (>=2.2,<3.0)", "torchmetrics (>=0.10.0,<2.0)", "torchvision (>=0.15.0,<1.0)", "uvicorn"] -pytorch-examples = ["ipython[all] (<9.0)", "lightning-utilities (>=0.8.0,<1.0)", "requests (<3.0)", "torchmetrics (>=0.10.0,<2.0)", "torchvision (>=0.15.0,<1.0)"] +fabric-test = ["click (==8.1.7)", "coverage (==7.3.1)", "numpy (>=1.17.2,<2.0)", "pytest (==7.4.0)", "pytest-cov (==4.1.0)", "pytest-random-order (==1.1.0)", "pytest-rerunfailures (==12.0)", "pytest-timeout (==2.1.0)", "tensorboardX (>=2.2,<3.0)", "torchmetrics (>=0.7.0,<2.0)"] +pytorch-all = ["bitsandbytes (>=0.42.0,<1.0)", "deepspeed (>=0.8.2,<=0.9.3)", "hydra-core (>=1.2.0,<2.0)", "ipython[all] (<9.0)", "jsonargparse[signatures] (>=4.27.7,<5.0)", "lightning-utilities (>=0.8.0,<1.0)", "matplotlib (>3.1,<4.0)", "omegaconf (>=2.2.3,<3.0)", "requests (<3.0)", "rich (>=12.3.0,<14.0)", "tensorboardX (>=2.2,<3.0)", "torchmetrics (>=0.10.0,<2.0)", "torchvision (>=0.16.0,<1.0)"] +pytorch-dev = ["bitsandbytes (>=0.42.0,<1.0)", "cloudpickle (>=1.3,<3.0)", "coverage (==7.3.1)", "deepspeed (>=0.8.2,<=0.9.3)", "fastapi", "hydra-core (>=1.2.0,<2.0)", "ipython[all] (<9.0)", "jsonargparse[signatures] (>=4.27.7,<5.0)", "lightning-utilities (>=0.8.0,<1.0)", "matplotlib (>3.1,<4.0)", "numpy (>=1.17.2,<2.0)", "omegaconf (>=2.2.3,<3.0)", "onnx (>=1.12.0,<2.0)", "onnxruntime (>=1.12.0,<2.0)", "pandas (>1.0,<3.0)", "psutil (<6.0)", "pytest (==7.4.0)", "pytest-cov (==4.1.0)", "pytest-random-order (==1.1.0)", "pytest-rerunfailures (==12.0)", "pytest-timeout (==2.1.0)", "requests (<3.0)", "rich (>=12.3.0,<14.0)", "scikit-learn (>0.22.1,<2.0)", "tensorboard (>=2.9.1,<3.0)", "tensorboardX (>=2.2,<3.0)", "torchmetrics (>=0.10.0,<2.0)", "torchvision (>=0.16.0,<1.0)", "uvicorn"] +pytorch-examples = ["ipython[all] (<9.0)", "lightning-utilities (>=0.8.0,<1.0)", "requests (<3.0)", "torchmetrics (>=0.10.0,<2.0)", "torchvision (>=0.16.0,<1.0)"] pytorch-extra = ["bitsandbytes (>=0.42.0,<1.0)", "hydra-core (>=1.2.0,<2.0)", "jsonargparse[signatures] (>=4.27.7,<5.0)", "matplotlib (>3.1,<4.0)", "omegaconf (>=2.2.3,<3.0)", "rich (>=12.3.0,<14.0)", "tensorboardX (>=2.2,<3.0)"] pytorch-strategies = ["deepspeed (>=0.8.2,<=0.9.3)"] -pytorch-test = ["cloudpickle (>=1.3,<3.0)", "coverage (==7.3.1)", "fastapi", "onnx (>=0.14.0,<2.0)", "onnxruntime (>=0.15.0,<2.0)", "pandas (>1.0,<3.0)", "psutil (<6.0)", "pytest (==7.4.0)", "pytest-cov (==4.1.0)", "pytest-random-order (==1.1.0)", "pytest-rerunfailures (==12.0)", "pytest-timeout (==2.1.0)", "scikit-learn (>0.22.1,<2.0)", "tensorboard (>=2.9.1,<3.0)", "uvicorn"] -store-test = ["coverage (==7.3.1)", "pytest (==7.4.0)", "pytest-cov (==4.1.0)", "pytest-random-order (==1.1.0)", "pytest-rerunfailures (==12.0)", "pytest-timeout (==2.1.0)"] +pytorch-test = ["cloudpickle (>=1.3,<3.0)", "coverage (==7.3.1)", "fastapi", "numpy (>=1.17.2,<2.0)", "onnx (>=1.12.0,<2.0)", "onnxruntime (>=1.12.0,<2.0)", "pandas (>1.0,<3.0)", "psutil (<6.0)", "pytest (==7.4.0)", "pytest-cov (==4.1.0)", "pytest-random-order (==1.1.0)", "pytest-rerunfailures (==12.0)", "pytest-timeout (==2.1.0)", "scikit-learn (>0.22.1,<2.0)", "tensorboard (>=2.9.1,<3.0)", "uvicorn"] strategies = ["bitsandbytes (>=0.42.0,<1.0)", "deepspeed (>=0.8.2,<=0.9.3)"] -test = ["click (==8.1.7)", "cloudpickle (>=1.3,<3.0)", "coverage (==7.3.1)", "fastapi", "onnx (>=0.14.0,<2.0)", "onnxruntime (>=0.15.0,<2.0)", "pandas (>1.0,<3.0)", "psutil (<6.0)", "pytest (==7.4.0)", "pytest-cov (==4.1.0)", "pytest-random-order (==1.1.0)", "pytest-rerunfailures (==12.0)", "pytest-timeout (==2.1.0)", "scikit-learn (>0.22.1,<2.0)", "tensorboard (>=2.9.1,<3.0)", "tensorboardX (>=2.2,<3.0)", "torchmetrics (>=0.7.0,<2.0)", "uvicorn"] +test = ["click (==8.1.7)", "cloudpickle (>=1.3,<3.0)", "coverage (==7.3.1)", "fastapi", "numpy (>=1.17.2,<2.0)", "onnx (>=1.12.0,<2.0)", "onnxruntime (>=1.12.0,<2.0)", "pandas (>1.0,<3.0)", "psutil (<6.0)", "pytest (==7.4.0)", "pytest-cov (==4.1.0)", "pytest-random-order (==1.1.0)", "pytest-rerunfailures (==12.0)", "pytest-timeout (==2.1.0)", "scikit-learn (>0.22.1,<2.0)", "tensorboard (>=2.9.1,<3.0)", "tensorboardX (>=2.2,<3.0)", "torchmetrics (>=0.7.0,<2.0)", "uvicorn"] [[package]] name = "lightning-utilities" @@ -2955,40 +2952,40 @@ files = [ [[package]] name = "matplotlib" -version = "3.9.0" +version = "3.9.1.post1" description = "Python plotting package" optional = false python-versions = ">=3.9" files = [ - {file = "matplotlib-3.9.0-cp310-cp310-macosx_10_12_x86_64.whl", hash = "sha256:2bcee1dffaf60fe7656183ac2190bd630842ff87b3153afb3e384d966b57fe56"}, - {file = "matplotlib-3.9.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:3f988bafb0fa39d1074ddd5bacd958c853e11def40800c5824556eb630f94d3b"}, - {file = "matplotlib-3.9.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:fe428e191ea016bb278758c8ee82a8129c51d81d8c4bc0846c09e7e8e9057241"}, - {file = "matplotlib-3.9.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:eaf3978060a106fab40c328778b148f590e27f6fa3cd15a19d6892575bce387d"}, - {file = "matplotlib-3.9.0-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:2e7f03e5cbbfacdd48c8ea394d365d91ee8f3cae7e6ec611409927b5ed997ee4"}, - {file = "matplotlib-3.9.0-cp310-cp310-win_amd64.whl", hash = "sha256:13beb4840317d45ffd4183a778685e215939be7b08616f431c7795276e067463"}, - {file = "matplotlib-3.9.0-cp311-cp311-macosx_10_12_x86_64.whl", hash = "sha256:063af8587fceeac13b0936c42a2b6c732c2ab1c98d38abc3337e430e1ff75e38"}, - {file = "matplotlib-3.9.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:9a2fa6d899e17ddca6d6526cf6e7ba677738bf2a6a9590d702c277204a7c6152"}, - {file = "matplotlib-3.9.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:550cdda3adbd596078cca7d13ed50b77879104e2e46392dcd7c75259d8f00e85"}, - {file = "matplotlib-3.9.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:76cce0f31b351e3551d1f3779420cf8f6ec0d4a8cf9c0237a3b549fd28eb4abb"}, - {file = "matplotlib-3.9.0-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:c53aeb514ccbbcbab55a27f912d79ea30ab21ee0531ee2c09f13800efb272674"}, - {file = "matplotlib-3.9.0-cp311-cp311-win_amd64.whl", hash = "sha256:a5be985db2596d761cdf0c2eaf52396f26e6a64ab46bd8cd810c48972349d1be"}, - {file = "matplotlib-3.9.0-cp312-cp312-macosx_10_12_x86_64.whl", hash = "sha256:c79f3a585f1368da6049318bdf1f85568d8d04b2e89fc24b7e02cc9b62017382"}, - {file = "matplotlib-3.9.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:bdd1ecbe268eb3e7653e04f451635f0fb0f77f07fd070242b44c076c9106da84"}, - {file = "matplotlib-3.9.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d38e85a1a6d732f645f1403ce5e6727fd9418cd4574521d5803d3d94911038e5"}, - {file = "matplotlib-3.9.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:0a490715b3b9984fa609116481b22178348c1a220a4499cda79132000a79b4db"}, - {file = "matplotlib-3.9.0-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:8146ce83cbc5dc71c223a74a1996d446cd35cfb6a04b683e1446b7e6c73603b7"}, - {file = "matplotlib-3.9.0-cp312-cp312-win_amd64.whl", hash = "sha256:d91a4ffc587bacf5c4ce4ecfe4bcd23a4b675e76315f2866e588686cc97fccdf"}, - {file = "matplotlib-3.9.0-cp39-cp39-macosx_10_12_x86_64.whl", hash = "sha256:616fabf4981a3b3c5a15cd95eba359c8489c4e20e03717aea42866d8d0465956"}, - {file = "matplotlib-3.9.0-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:cd53c79fd02f1c1808d2cfc87dd3cf4dbc63c5244a58ee7944497107469c8d8a"}, - {file = "matplotlib-3.9.0-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:06a478f0d67636554fa78558cfbcd7b9dba85b51f5c3b5a0c9be49010cf5f321"}, - {file = "matplotlib-3.9.0-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:81c40af649d19c85f8073e25e5806926986806fa6d54be506fbf02aef47d5a89"}, - {file = "matplotlib-3.9.0-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:52146fc3bd7813cc784562cb93a15788be0b2875c4655e2cc6ea646bfa30344b"}, - {file = "matplotlib-3.9.0-cp39-cp39-win_amd64.whl", hash = "sha256:0fc51eaa5262553868461c083d9adadb11a6017315f3a757fc45ec6ec5f02888"}, - {file = "matplotlib-3.9.0-pp39-pypy39_pp73-macosx_10_12_x86_64.whl", hash = "sha256:bd4f2831168afac55b881db82a7730992aa41c4f007f1913465fb182d6fb20c0"}, - {file = "matplotlib-3.9.0-pp39-pypy39_pp73-macosx_11_0_arm64.whl", hash = "sha256:290d304e59be2b33ef5c2d768d0237f5bd132986bdcc66f80bc9bcc300066a03"}, - {file = "matplotlib-3.9.0-pp39-pypy39_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:7ff2e239c26be4f24bfa45860c20ffccd118d270c5b5d081fa4ea409b5469fcd"}, - {file = "matplotlib-3.9.0-pp39-pypy39_pp73-win_amd64.whl", hash = "sha256:af4001b7cae70f7eaacfb063db605280058246de590fa7874f00f62259f2df7e"}, - {file = "matplotlib-3.9.0.tar.gz", hash = "sha256:e6d29ea6c19e34b30fb7d88b7081f869a03014f66fe06d62cc77d5a6ea88ed7a"}, + {file = "matplotlib-3.9.1.post1-cp310-cp310-macosx_10_12_x86_64.whl", hash = "sha256:3779ad3e8b72df22b8a622c5796bbcfabfa0069b835412e3c1dec8ee3de92d0c"}, + {file = "matplotlib-3.9.1.post1-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:ec400340f8628e8e2260d679078d4e9b478699f386e5cc8094e80a1cb0039c7c"}, + {file = "matplotlib-3.9.1.post1-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:82c18791b8862ea095081f745b81f896b011c5a5091678fb33204fef641476af"}, + {file = "matplotlib-3.9.1.post1-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:621a628389c09a6b9f609a238af8e66acecece1cfa12febc5fe4195114ba7446"}, + {file = "matplotlib-3.9.1.post1-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:9a54734ca761ebb27cd4f0b6c2ede696ab6861052d7d7e7b8f7a6782665115f5"}, + {file = "matplotlib-3.9.1.post1-cp310-cp310-win_amd64.whl", hash = "sha256:0721f93db92311bb514e446842e2b21c004541dcca0281afa495053e017c5458"}, + {file = "matplotlib-3.9.1.post1-cp311-cp311-macosx_10_12_x86_64.whl", hash = "sha256:b08b46058fe2a31ecb81ef6aa3611f41d871f6a8280e9057cb4016cb3d8e894a"}, + {file = "matplotlib-3.9.1.post1-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:22b344e84fcc574f561b5731f89a7625db8ef80cdbb0026a8ea855a33e3429d1"}, + {file = "matplotlib-3.9.1.post1-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:4b49fee26d64aefa9f061b575f0f7b5fc4663e51f87375c7239efa3d30d908fa"}, + {file = "matplotlib-3.9.1.post1-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:89eb7e89e2b57856533c5c98f018aa3254fa3789fcd86d5f80077b9034a54c9a"}, + {file = "matplotlib-3.9.1.post1-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:c06e742bade41fda6176d4c9c78c9ea016e176cd338e62a1686384cb1eb8de41"}, + {file = "matplotlib-3.9.1.post1-cp311-cp311-win_amd64.whl", hash = "sha256:c44edab5b849e0fc1f1c9d6e13eaa35ef65925f7be45be891d9784709ad95561"}, + {file = "matplotlib-3.9.1.post1-cp312-cp312-macosx_10_12_x86_64.whl", hash = "sha256:bf28b09986aee06393e808e661c3466be9c21eff443c9bc881bce04bfbb0c500"}, + {file = "matplotlib-3.9.1.post1-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:92aeb8c439d4831510d8b9d5e39f31c16c7f37873879767c26b147cef61e54cd"}, + {file = "matplotlib-3.9.1.post1-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:f15798b0691b45c80d3320358a88ce5a9d6f518b28575b3ea3ed31b4bd95d009"}, + {file = "matplotlib-3.9.1.post1-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:d59fc6096da7b9c1df275f9afc3fef5cbf634c21df9e5f844cba3dd8deb1847d"}, + {file = "matplotlib-3.9.1.post1-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:ab986817a32a70ce22302438691e7df4c6ee4a844d47289db9d583d873491e0b"}, + {file = "matplotlib-3.9.1.post1-cp312-cp312-win_amd64.whl", hash = "sha256:0d78e7d2d86c4472da105d39aba9b754ed3dfeaeaa4ac7206b82706e0a5362fa"}, + {file = "matplotlib-3.9.1.post1-cp39-cp39-macosx_10_12_x86_64.whl", hash = "sha256:bd07eba6431b4dc9253cce6374a28c415e1d3a7dc9f8aba028ea7592f06fe172"}, + {file = "matplotlib-3.9.1.post1-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:ca230cc4482010d646827bd2c6d140c98c361e769ae7d954ebf6fff2a226f5b1"}, + {file = "matplotlib-3.9.1.post1-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:ace27c0fdeded399cbc43f22ffa76e0f0752358f5b33106ec7197534df08725a"}, + {file = "matplotlib-3.9.1.post1-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:9a4f3aeb7ba14c497dc6f021a076c48c2e5fbdf3da1e7264a5d649683e284a2f"}, + {file = "matplotlib-3.9.1.post1-cp39-cp39-musllinux_1_2_x86_64.whl", hash = "sha256:23f96fbd4ff4cfa9b8a6b685a65e7eb3c2ced724a8d965995ec5c9c2b1f7daf5"}, + {file = "matplotlib-3.9.1.post1-cp39-cp39-win_amd64.whl", hash = "sha256:2808b95452b4ffa14bfb7c7edffc5350743c31bda495f0d63d10fdd9bc69e895"}, + {file = "matplotlib-3.9.1.post1-pp39-pypy39_pp73-macosx_10_15_x86_64.whl", hash = "sha256:ffc91239f73b4179dec256b01299d46d0ffa9d27d98494bc1476a651b7821cbe"}, + {file = "matplotlib-3.9.1.post1-pp39-pypy39_pp73-macosx_11_0_arm64.whl", hash = "sha256:f965ebca9fd4feaaca45937c4849d92b70653057497181100fcd1e18161e5f29"}, + {file = "matplotlib-3.9.1.post1-pp39-pypy39_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:801ee9323fd7b2da0d405aebbf98d1da77ea430bbbbbec6834c0b3af15e5db44"}, + {file = "matplotlib-3.9.1.post1-pp39-pypy39_pp73-win_amd64.whl", hash = "sha256:50113e9b43ceb285739f35d43db36aa752fb8154325b35d134ff6e177452f9ec"}, + {file = "matplotlib-3.9.1.post1.tar.gz", hash = "sha256:c91e585c65092c975a44dc9d4239ba8c594ba3c193d7c478b6d178c4ef61f406"}, ] [package.dependencies] @@ -3289,13 +3286,13 @@ files = [ [[package]] name = "more-itertools" -version = "10.3.0" +version = "10.4.0" description = "More routines for operating on iterables, beyond itertools" optional = false python-versions = ">=3.8" files = [ - {file = "more-itertools-10.3.0.tar.gz", hash = "sha256:e5d93ef411224fbcef366a6e8ddc4c5781bc6359d43412a65dd5964e46111463"}, - {file = "more_itertools-10.3.0-py3-none-any.whl", hash = "sha256:ea6a02e24a9161e51faad17a8782b92a0df82c12c1c8886fec7f0c3fa1a1b320"}, + {file = "more-itertools-10.4.0.tar.gz", hash = "sha256:fe0e63c4ab068eac62410ab05cccca2dc71ec44ba8ef29916a0090df061cf923"}, + {file = "more_itertools-10.4.0-py3-none-any.whl", hash = "sha256:0f7d9f83a0a8dcfa8a2694a770590d98a67ea943e3d9f5298309a484758c4e27"}, ] [[package]] @@ -3924,13 +3921,13 @@ sympy = "*" [[package]] name = "openai" -version = "1.40.0" +version = "1.40.1" description = "The official Python library for the openai API" optional = false python-versions = ">=3.7.1" files = [ - {file = "openai-1.40.0-py3-none-any.whl", hash = "sha256:eb6909abaacd62ef28c275a5c175af29f607b40645b0a49d2856bbed62edb2e7"}, - {file = "openai-1.40.0.tar.gz", hash = "sha256:1b7b316e27b2333b063ee62b6539b74267c7282498d9a02fc4ccb38a9c14336c"}, + {file = "openai-1.40.1-py3-none-any.whl", hash = "sha256:cf5929076c6ca31c26f1ed207e9fd19eb05404cc9104f64c9d29bb0ac0c5bcd4"}, + {file = "openai-1.40.1.tar.gz", hash = "sha256:cb1294ac1f8c6a1acbb07e090698eb5ad74a7a88484e77126612a4f22579673d"}, ] [package.dependencies] @@ -3992,9 +3989,9 @@ files = [ [package.dependencies] numpy = [ {version = ">=1.26.0", markers = "python_version >= \"3.12\""}, + {version = ">=1.23.5", markers = "python_version >= \"3.11\" and python_version < \"3.12\""}, {version = ">=1.21.4", markers = "python_version >= \"3.10\" and platform_system == \"Darwin\" and python_version < \"3.11\""}, {version = ">=1.21.2", markers = "platform_system != \"Darwin\" and python_version >= \"3.10\" and python_version < \"3.11\""}, - {version = ">=1.23.5", markers = "python_version >= \"3.11\" and python_version < \"3.12\""}, ] [[package]] @@ -4194,8 +4191,8 @@ files = [ [package.dependencies] numpy = [ {version = ">=1.26.0", markers = "python_version >= \"3.12\""}, - {version = ">=1.22.4", markers = "python_version < \"3.11\""}, {version = ">=1.23.2", markers = "python_version == \"3.11\""}, + {version = ">=1.22.4", markers = "python_version < \"3.11\""}, ] python-dateutil = ">=2.8.2" pytz = ">=2020.1" @@ -4688,87 +4685,6 @@ files = [ {file = "psycopg_binary-3.2.1-cp39-cp39-win_amd64.whl", hash = "sha256:921f0c7f39590763d64a619de84d1b142587acc70fd11cbb5ba8fa39786f3073"}, ] -[[package]] -name = "psycopg2-binary" -version = "2.9.9" -description = "psycopg2 - Python-PostgreSQL Database Adapter" -optional = false -python-versions = ">=3.7" -files = [ - {file = "psycopg2-binary-2.9.9.tar.gz", hash = "sha256:7f01846810177d829c7692f1f5ada8096762d9172af1b1a28d4ab5b77c923c1c"}, - {file = "psycopg2_binary-2.9.9-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:c2470da5418b76232f02a2fcd2229537bb2d5a7096674ce61859c3229f2eb202"}, - {file = "psycopg2_binary-2.9.9-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:c6af2a6d4b7ee9615cbb162b0738f6e1fd1f5c3eda7e5da17861eacf4c717ea7"}, - {file = "psycopg2_binary-2.9.9-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:75723c3c0fbbf34350b46a3199eb50638ab22a0228f93fb472ef4d9becc2382b"}, - {file = "psycopg2_binary-2.9.9-cp310-cp310-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:83791a65b51ad6ee6cf0845634859d69a038ea9b03d7b26e703f94c7e93dbcf9"}, - {file = "psycopg2_binary-2.9.9-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:0ef4854e82c09e84cc63084a9e4ccd6d9b154f1dbdd283efb92ecd0b5e2b8c84"}, - {file = "psycopg2_binary-2.9.9-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ed1184ab8f113e8d660ce49a56390ca181f2981066acc27cf637d5c1e10ce46e"}, - {file = "psycopg2_binary-2.9.9-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:d2997c458c690ec2bc6b0b7ecbafd02b029b7b4283078d3b32a852a7ce3ddd98"}, - {file = "psycopg2_binary-2.9.9-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:b58b4710c7f4161b5e9dcbe73bb7c62d65670a87df7bcce9e1faaad43e715245"}, - {file = "psycopg2_binary-2.9.9-cp310-cp310-musllinux_1_1_ppc64le.whl", hash = "sha256:0c009475ee389757e6e34611d75f6e4f05f0cf5ebb76c6037508318e1a1e0d7e"}, - {file = "psycopg2_binary-2.9.9-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:8dbf6d1bc73f1d04ec1734bae3b4fb0ee3cb2a493d35ede9badbeb901fb40f6f"}, - {file = "psycopg2_binary-2.9.9-cp310-cp310-win32.whl", hash = "sha256:3f78fd71c4f43a13d342be74ebbc0666fe1f555b8837eb113cb7416856c79682"}, - {file = "psycopg2_binary-2.9.9-cp310-cp310-win_amd64.whl", hash = "sha256:876801744b0dee379e4e3c38b76fc89f88834bb15bf92ee07d94acd06ec890a0"}, - {file = "psycopg2_binary-2.9.9-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:ee825e70b1a209475622f7f7b776785bd68f34af6e7a46e2e42f27b659b5bc26"}, - {file = "psycopg2_binary-2.9.9-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:1ea665f8ce695bcc37a90ee52de7a7980be5161375d42a0b6c6abedbf0d81f0f"}, - {file = "psycopg2_binary-2.9.9-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:143072318f793f53819048fdfe30c321890af0c3ec7cb1dfc9cc87aa88241de2"}, - {file = "psycopg2_binary-2.9.9-cp311-cp311-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:c332c8d69fb64979ebf76613c66b985414927a40f8defa16cf1bc028b7b0a7b0"}, - {file = "psycopg2_binary-2.9.9-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:f7fc5a5acafb7d6ccca13bfa8c90f8c51f13d8fb87d95656d3950f0158d3ce53"}, - {file = "psycopg2_binary-2.9.9-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:977646e05232579d2e7b9c59e21dbe5261f403a88417f6a6512e70d3f8a046be"}, - {file = "psycopg2_binary-2.9.9-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:b6356793b84728d9d50ead16ab43c187673831e9d4019013f1402c41b1db9b27"}, - {file = "psycopg2_binary-2.9.9-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:bc7bb56d04601d443f24094e9e31ae6deec9ccb23581f75343feebaf30423359"}, - {file = "psycopg2_binary-2.9.9-cp311-cp311-musllinux_1_1_ppc64le.whl", hash = "sha256:77853062a2c45be16fd6b8d6de2a99278ee1d985a7bd8b103e97e41c034006d2"}, - {file = "psycopg2_binary-2.9.9-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:78151aa3ec21dccd5cdef6c74c3e73386dcdfaf19bced944169697d7ac7482fc"}, - {file = "psycopg2_binary-2.9.9-cp311-cp311-win32.whl", hash = "sha256:dc4926288b2a3e9fd7b50dc6a1909a13bbdadfc67d93f3374d984e56f885579d"}, - {file = "psycopg2_binary-2.9.9-cp311-cp311-win_amd64.whl", hash = "sha256:b76bedd166805480ab069612119ea636f5ab8f8771e640ae103e05a4aae3e417"}, - {file = "psycopg2_binary-2.9.9-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:8532fd6e6e2dc57bcb3bc90b079c60de896d2128c5d9d6f24a63875a95a088cf"}, - {file = "psycopg2_binary-2.9.9-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:b0605eaed3eb239e87df0d5e3c6489daae3f7388d455d0c0b4df899519c6a38d"}, - {file = "psycopg2_binary-2.9.9-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:8f8544b092a29a6ddd72f3556a9fcf249ec412e10ad28be6a0c0d948924f2212"}, - {file = "psycopg2_binary-2.9.9-cp312-cp312-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:2d423c8d8a3c82d08fe8af900ad5b613ce3632a1249fd6a223941d0735fce493"}, - {file = "psycopg2_binary-2.9.9-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:2e5afae772c00980525f6d6ecf7cbca55676296b580c0e6abb407f15f3706996"}, - {file = "psycopg2_binary-2.9.9-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:6e6f98446430fdf41bd36d4faa6cb409f5140c1c2cf58ce0bbdaf16af7d3f119"}, - {file = "psycopg2_binary-2.9.9-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:c77e3d1862452565875eb31bdb45ac62502feabbd53429fdc39a1cc341d681ba"}, - {file = "psycopg2_binary-2.9.9-cp312-cp312-musllinux_1_1_i686.whl", hash = "sha256:cb16c65dcb648d0a43a2521f2f0a2300f40639f6f8c1ecbc662141e4e3e1ee07"}, - {file = "psycopg2_binary-2.9.9-cp312-cp312-musllinux_1_1_ppc64le.whl", hash = "sha256:911dda9c487075abd54e644ccdf5e5c16773470a6a5d3826fda76699410066fb"}, - {file = "psycopg2_binary-2.9.9-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:57fede879f08d23c85140a360c6a77709113efd1c993923c59fde17aa27599fe"}, - {file = "psycopg2_binary-2.9.9-cp312-cp312-win32.whl", hash = "sha256:64cf30263844fa208851ebb13b0732ce674d8ec6a0c86a4e160495d299ba3c93"}, - {file = "psycopg2_binary-2.9.9-cp312-cp312-win_amd64.whl", hash = "sha256:81ff62668af011f9a48787564ab7eded4e9fb17a4a6a74af5ffa6a457400d2ab"}, - {file = "psycopg2_binary-2.9.9-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:2293b001e319ab0d869d660a704942c9e2cce19745262a8aba2115ef41a0a42a"}, - {file = "psycopg2_binary-2.9.9-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:03ef7df18daf2c4c07e2695e8cfd5ee7f748a1d54d802330985a78d2a5a6dca9"}, - {file = "psycopg2_binary-2.9.9-cp37-cp37m-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:0a602ea5aff39bb9fac6308e9c9d82b9a35c2bf288e184a816002c9fae930b77"}, - {file = "psycopg2_binary-2.9.9-cp37-cp37m-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:8359bf4791968c5a78c56103702000105501adb557f3cf772b2c207284273984"}, - {file = "psycopg2_binary-2.9.9-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:275ff571376626195ab95a746e6a04c7df8ea34638b99fc11160de91f2fef503"}, - {file = "psycopg2_binary-2.9.9-cp37-cp37m-musllinux_1_1_aarch64.whl", hash = "sha256:f9b5571d33660d5009a8b3c25dc1db560206e2d2f89d3df1cb32d72c0d117d52"}, - {file = "psycopg2_binary-2.9.9-cp37-cp37m-musllinux_1_1_i686.whl", hash = "sha256:420f9bbf47a02616e8554e825208cb947969451978dceb77f95ad09c37791dae"}, - {file = "psycopg2_binary-2.9.9-cp37-cp37m-musllinux_1_1_ppc64le.whl", hash = "sha256:4154ad09dac630a0f13f37b583eae260c6aa885d67dfbccb5b02c33f31a6d420"}, - {file = "psycopg2_binary-2.9.9-cp37-cp37m-musllinux_1_1_x86_64.whl", hash = "sha256:a148c5d507bb9b4f2030a2025c545fccb0e1ef317393eaba42e7eabd28eb6041"}, - {file = "psycopg2_binary-2.9.9-cp37-cp37m-win32.whl", hash = "sha256:68fc1f1ba168724771e38bee37d940d2865cb0f562380a1fb1ffb428b75cb692"}, - {file = "psycopg2_binary-2.9.9-cp37-cp37m-win_amd64.whl", hash = "sha256:281309265596e388ef483250db3640e5f414168c5a67e9c665cafce9492eda2f"}, - {file = "psycopg2_binary-2.9.9-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:60989127da422b74a04345096c10d416c2b41bd7bf2a380eb541059e4e999980"}, - {file = "psycopg2_binary-2.9.9-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:246b123cc54bb5361588acc54218c8c9fb73068bf227a4a531d8ed56fa3ca7d6"}, - {file = "psycopg2_binary-2.9.9-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:34eccd14566f8fe14b2b95bb13b11572f7c7d5c36da61caf414d23b91fcc5d94"}, - {file = "psycopg2_binary-2.9.9-cp38-cp38-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:18d0ef97766055fec15b5de2c06dd8e7654705ce3e5e5eed3b6651a1d2a9a152"}, - {file = "psycopg2_binary-2.9.9-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:d3f82c171b4ccd83bbaf35aa05e44e690113bd4f3b7b6cc54d2219b132f3ae55"}, - {file = "psycopg2_binary-2.9.9-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ead20f7913a9c1e894aebe47cccf9dc834e1618b7aa96155d2091a626e59c972"}, - {file = "psycopg2_binary-2.9.9-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:ca49a8119c6cbd77375ae303b0cfd8c11f011abbbd64601167ecca18a87e7cdd"}, - {file = "psycopg2_binary-2.9.9-cp38-cp38-musllinux_1_1_i686.whl", hash = "sha256:323ba25b92454adb36fa425dc5cf6f8f19f78948cbad2e7bc6cdf7b0d7982e59"}, - {file = "psycopg2_binary-2.9.9-cp38-cp38-musllinux_1_1_ppc64le.whl", hash = "sha256:1236ed0952fbd919c100bc839eaa4a39ebc397ed1c08a97fc45fee2a595aa1b3"}, - {file = "psycopg2_binary-2.9.9-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:729177eaf0aefca0994ce4cffe96ad3c75e377c7b6f4efa59ebf003b6d398716"}, - {file = "psycopg2_binary-2.9.9-cp38-cp38-win32.whl", hash = "sha256:804d99b24ad523a1fe18cc707bf741670332f7c7412e9d49cb5eab67e886b9b5"}, - {file = "psycopg2_binary-2.9.9-cp38-cp38-win_amd64.whl", hash = "sha256:a6cdcc3ede532f4a4b96000b6362099591ab4a3e913d70bcbac2b56c872446f7"}, - {file = "psycopg2_binary-2.9.9-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:72dffbd8b4194858d0941062a9766f8297e8868e1dd07a7b36212aaa90f49472"}, - {file = "psycopg2_binary-2.9.9-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:30dcc86377618a4c8f3b72418df92e77be4254d8f89f14b8e8f57d6d43603c0f"}, - {file = "psycopg2_binary-2.9.9-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:31a34c508c003a4347d389a9e6fcc2307cc2150eb516462a7a17512130de109e"}, - {file = "psycopg2_binary-2.9.9-cp39-cp39-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:15208be1c50b99203fe88d15695f22a5bed95ab3f84354c494bcb1d08557df67"}, - {file = "psycopg2_binary-2.9.9-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:1873aade94b74715be2246321c8650cabf5a0d098a95bab81145ffffa4c13876"}, - {file = "psycopg2_binary-2.9.9-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:3a58c98a7e9c021f357348867f537017057c2ed7f77337fd914d0bedb35dace7"}, - {file = "psycopg2_binary-2.9.9-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:4686818798f9194d03c9129a4d9a702d9e113a89cb03bffe08c6cf799e053291"}, - {file = "psycopg2_binary-2.9.9-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:ebdc36bea43063116f0486869652cb2ed7032dbc59fbcb4445c4862b5c1ecf7f"}, - {file = "psycopg2_binary-2.9.9-cp39-cp39-musllinux_1_1_ppc64le.whl", hash = "sha256:ca08decd2697fdea0aea364b370b1249d47336aec935f87b8bbfd7da5b2ee9c1"}, - {file = "psycopg2_binary-2.9.9-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:ac05fb791acf5e1a3e39402641827780fe44d27e72567a000412c648a85ba860"}, - {file = "psycopg2_binary-2.9.9-cp39-cp39-win32.whl", hash = "sha256:9dba73be7305b399924709b91682299794887cbbd88e38226ed9f6712eabee90"}, - {file = "psycopg2_binary-2.9.9-cp39-cp39-win_amd64.whl", hash = "sha256:f7ae5d65ccfbebdfa761585228eb4d0df3a8b15cfb53bd953e713e09fbb12957"}, -] - [[package]] name = "ptyprocess" version = "0.7.0" @@ -5466,34 +5382,33 @@ dev = ["atomicwrites (==1.4.1)", "attrs (==23.2.0)", "coverage (==7.4.1)", "hatc [[package]] name = "pytorch-lightning" -version = "2.3.3" +version = "2.4.0" description = "PyTorch Lightning is the lightweight PyTorch wrapper for ML researchers. Scale your models. Write less boilerplate." optional = false python-versions = ">=3.8" files = [ - {file = "pytorch-lightning-2.3.3.tar.gz", hash = "sha256:5f974015425af6873b5689246c5495ca12686b446751479273c154b73aeea843"}, - {file = "pytorch_lightning-2.3.3-py3-none-any.whl", hash = "sha256:4365e3f2874e223e63cb42628d24c88c2bdc8d1794453cac38c0619b31115fba"}, + {file = "pytorch-lightning-2.4.0.tar.gz", hash = "sha256:6aa897fd9d6dfa7b7b49f37c2f04e13592861831d08deae584dfda423fdb71c8"}, + {file = "pytorch_lightning-2.4.0-py3-none-any.whl", hash = "sha256:9ac7935229ac022ef06994c928217ed37f525ac6700f7d4fc57009624570e655"}, ] [package.dependencies] fsspec = {version = ">=2022.5.0", extras = ["http"]} lightning-utilities = ">=0.10.0" -numpy = ">=1.17.2" packaging = ">=20.0" PyYAML = ">=5.4" -torch = ">=2.0.0" +torch = ">=2.1.0" torchmetrics = ">=0.7.0" tqdm = ">=4.57.0" typing-extensions = ">=4.4.0" [package.extras] -all = ["bitsandbytes (>=0.42.0)", "deepspeed (>=0.8.2,<=0.9.3)", "hydra-core (>=1.2.0)", "ipython[all] (<8.15.0)", "jsonargparse[signatures] (>=4.27.7)", "lightning-utilities (>=0.8.0)", "matplotlib (>3.1)", "omegaconf (>=2.2.3)", "requests (<2.32.0)", "rich (>=12.3.0)", "tensorboardX (>=2.2)", "torchmetrics (>=0.10.0)", "torchvision (>=0.15.0)"] +all = ["bitsandbytes (>=0.42.0)", "deepspeed (>=0.8.2,<=0.9.3)", "hydra-core (>=1.2.0)", "ipython[all] (<8.15.0)", "jsonargparse[signatures] (>=4.27.7)", "lightning-utilities (>=0.8.0)", "matplotlib (>3.1)", "omegaconf (>=2.2.3)", "requests (<2.32.0)", "rich (>=12.3.0)", "tensorboardX (>=2.2)", "torchmetrics (>=0.10.0)", "torchvision (>=0.16.0)"] deepspeed = ["deepspeed (>=0.8.2,<=0.9.3)"] -dev = ["bitsandbytes (>=0.42.0)", "cloudpickle (>=1.3)", "coverage (==7.3.1)", "deepspeed (>=0.8.2,<=0.9.3)", "fastapi", "hydra-core (>=1.2.0)", "ipython[all] (<8.15.0)", "jsonargparse[signatures] (>=4.27.7)", "lightning-utilities (>=0.8.0)", "matplotlib (>3.1)", "omegaconf (>=2.2.3)", "onnx (>=0.14.0)", "onnxruntime (>=0.15.0)", "pandas (>1.0)", "psutil (<5.9.6)", "pytest (==7.4.0)", "pytest-cov (==4.1.0)", "pytest-random-order (==1.1.0)", "pytest-rerunfailures (==12.0)", "pytest-timeout (==2.1.0)", "requests (<2.32.0)", "rich (>=12.3.0)", "scikit-learn (>0.22.1)", "tensorboard (>=2.9.1)", "tensorboardX (>=2.2)", "torchmetrics (>=0.10.0)", "torchvision (>=0.15.0)", "uvicorn"] -examples = ["ipython[all] (<8.15.0)", "lightning-utilities (>=0.8.0)", "requests (<2.32.0)", "torchmetrics (>=0.10.0)", "torchvision (>=0.15.0)"] +dev = ["bitsandbytes (>=0.42.0)", "cloudpickle (>=1.3)", "coverage (==7.3.1)", "deepspeed (>=0.8.2,<=0.9.3)", "fastapi", "hydra-core (>=1.2.0)", "ipython[all] (<8.15.0)", "jsonargparse[signatures] (>=4.27.7)", "lightning-utilities (>=0.8.0)", "matplotlib (>3.1)", "numpy (>=1.17.2)", "omegaconf (>=2.2.3)", "onnx (>=1.12.0)", "onnxruntime (>=1.12.0)", "pandas (>1.0)", "psutil (<5.9.6)", "pytest (==7.4.0)", "pytest-cov (==4.1.0)", "pytest-random-order (==1.1.0)", "pytest-rerunfailures (==12.0)", "pytest-timeout (==2.1.0)", "requests (<2.32.0)", "rich (>=12.3.0)", "scikit-learn (>0.22.1)", "tensorboard (>=2.9.1)", "tensorboardX (>=2.2)", "torchmetrics (>=0.10.0)", "torchvision (>=0.16.0)", "uvicorn"] +examples = ["ipython[all] (<8.15.0)", "lightning-utilities (>=0.8.0)", "requests (<2.32.0)", "torchmetrics (>=0.10.0)", "torchvision (>=0.16.0)"] extra = ["bitsandbytes (>=0.42.0)", "hydra-core (>=1.2.0)", "jsonargparse[signatures] (>=4.27.7)", "matplotlib (>3.1)", "omegaconf (>=2.2.3)", "rich (>=12.3.0)", "tensorboardX (>=2.2)"] strategies = ["deepspeed (>=0.8.2,<=0.9.3)"] -test = ["cloudpickle (>=1.3)", "coverage (==7.3.1)", "fastapi", "onnx (>=0.14.0)", "onnxruntime (>=0.15.0)", "pandas (>1.0)", "psutil (<5.9.6)", "pytest (==7.4.0)", "pytest-cov (==4.1.0)", "pytest-random-order (==1.1.0)", "pytest-rerunfailures (==12.0)", "pytest-timeout (==2.1.0)", "scikit-learn (>0.22.1)", "tensorboard (>=2.9.1)", "uvicorn"] +test = ["cloudpickle (>=1.3)", "coverage (==7.3.1)", "fastapi", "numpy (>=1.17.2)", "onnx (>=1.12.0)", "onnxruntime (>=1.12.0)", "pandas (>1.0)", "psutil (<5.9.6)", "pytest (==7.4.0)", "pytest-cov (==4.1.0)", "pytest-random-order (==1.1.0)", "pytest-rerunfailures (==12.0)", "pytest-timeout (==2.1.0)", "scikit-learn (>0.22.1)", "tensorboard (>=2.9.1)", "uvicorn"] [[package]] name = "pytorch-metric-learning" @@ -5554,62 +5469,64 @@ files = [ [[package]] name = "pyyaml" -version = "6.0.1" +version = "6.0.2" description = "YAML parser and emitter for Python" optional = false -python-versions = ">=3.6" +python-versions = ">=3.8" files = [ - {file = "PyYAML-6.0.1-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:d858aa552c999bc8a8d57426ed01e40bef403cd8ccdd0fc5f6f04a00414cac2a"}, - {file = "PyYAML-6.0.1-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:fd66fc5d0da6d9815ba2cebeb4205f95818ff4b79c3ebe268e75d961704af52f"}, - {file = "PyYAML-6.0.1-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:69b023b2b4daa7548bcfbd4aa3da05b3a74b772db9e23b982788168117739938"}, - {file = "PyYAML-6.0.1-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:81e0b275a9ecc9c0c0c07b4b90ba548307583c125f54d5b6946cfee6360c733d"}, - {file = "PyYAML-6.0.1-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ba336e390cd8e4d1739f42dfe9bb83a3cc2e80f567d8805e11b46f4a943f5515"}, - {file = "PyYAML-6.0.1-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:326c013efe8048858a6d312ddd31d56e468118ad4cdeda36c719bf5bb6192290"}, - {file = "PyYAML-6.0.1-cp310-cp310-win32.whl", hash = "sha256:bd4af7373a854424dabd882decdc5579653d7868b8fb26dc7d0e99f823aa5924"}, - {file = "PyYAML-6.0.1-cp310-cp310-win_amd64.whl", hash = "sha256:fd1592b3fdf65fff2ad0004b5e363300ef59ced41c2e6b3a99d4089fa8c5435d"}, - {file = "PyYAML-6.0.1-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:6965a7bc3cf88e5a1c3bd2e0b5c22f8d677dc88a455344035f03399034eb3007"}, - {file = "PyYAML-6.0.1-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:f003ed9ad21d6a4713f0a9b5a7a0a79e08dd0f221aff4525a2be4c346ee60aab"}, - {file = "PyYAML-6.0.1-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:42f8152b8dbc4fe7d96729ec2b99c7097d656dc1213a3229ca5383f973a5ed6d"}, - {file = "PyYAML-6.0.1-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:062582fca9fabdd2c8b54a3ef1c978d786e0f6b3a1510e0ac93ef59e0ddae2bc"}, - {file = "PyYAML-6.0.1-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:d2b04aac4d386b172d5b9692e2d2da8de7bfb6c387fa4f801fbf6fb2e6ba4673"}, - {file = "PyYAML-6.0.1-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:e7d73685e87afe9f3b36c799222440d6cf362062f78be1013661b00c5c6f678b"}, - {file = "PyYAML-6.0.1-cp311-cp311-win32.whl", hash = "sha256:1635fd110e8d85d55237ab316b5b011de701ea0f29d07611174a1b42f1444741"}, - {file = "PyYAML-6.0.1-cp311-cp311-win_amd64.whl", hash = "sha256:bf07ee2fef7014951eeb99f56f39c9bb4af143d8aa3c21b1677805985307da34"}, - {file = "PyYAML-6.0.1-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:855fb52b0dc35af121542a76b9a84f8d1cd886ea97c84703eaa6d88e37a2ad28"}, - {file = "PyYAML-6.0.1-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:40df9b996c2b73138957fe23a16a4f0ba614f4c0efce1e9406a184b6d07fa3a9"}, - {file = "PyYAML-6.0.1-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a08c6f0fe150303c1c6b71ebcd7213c2858041a7e01975da3a99aed1e7a378ef"}, - {file = "PyYAML-6.0.1-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:6c22bec3fbe2524cde73d7ada88f6566758a8f7227bfbf93a408a9d86bcc12a0"}, - {file = "PyYAML-6.0.1-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:8d4e9c88387b0f5c7d5f281e55304de64cf7f9c0021a3525bd3b1c542da3b0e4"}, - {file = "PyYAML-6.0.1-cp312-cp312-win32.whl", hash = "sha256:d483d2cdf104e7c9fa60c544d92981f12ad66a457afae824d146093b8c294c54"}, - {file = "PyYAML-6.0.1-cp312-cp312-win_amd64.whl", hash = "sha256:0d3304d8c0adc42be59c5f8a4d9e3d7379e6955ad754aa9d6ab7a398b59dd1df"}, - {file = "PyYAML-6.0.1-cp36-cp36m-macosx_10_9_x86_64.whl", hash = "sha256:50550eb667afee136e9a77d6dc71ae76a44df8b3e51e41b77f6de2932bfe0f47"}, - {file = "PyYAML-6.0.1-cp36-cp36m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:1fe35611261b29bd1de0070f0b2f47cb6ff71fa6595c077e42bd0c419fa27b98"}, - {file = "PyYAML-6.0.1-cp36-cp36m-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:704219a11b772aea0d8ecd7058d0082713c3562b4e271b849ad7dc4a5c90c13c"}, - {file = "PyYAML-6.0.1-cp36-cp36m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:afd7e57eddb1a54f0f1a974bc4391af8bcce0b444685d936840f125cf046d5bd"}, - {file = "PyYAML-6.0.1-cp36-cp36m-win32.whl", hash = "sha256:fca0e3a251908a499833aa292323f32437106001d436eca0e6e7833256674585"}, - {file = "PyYAML-6.0.1-cp36-cp36m-win_amd64.whl", hash = "sha256:f22ac1c3cac4dbc50079e965eba2c1058622631e526bd9afd45fedd49ba781fa"}, - {file = "PyYAML-6.0.1-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:b1275ad35a5d18c62a7220633c913e1b42d44b46ee12554e5fd39c70a243d6a3"}, - {file = "PyYAML-6.0.1-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:18aeb1bf9a78867dc38b259769503436b7c72f7a1f1f4c93ff9a17de54319b27"}, - {file = "PyYAML-6.0.1-cp37-cp37m-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:596106435fa6ad000c2991a98fa58eeb8656ef2325d7e158344fb33864ed87e3"}, - {file = "PyYAML-6.0.1-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:baa90d3f661d43131ca170712d903e6295d1f7a0f595074f151c0aed377c9b9c"}, - {file = "PyYAML-6.0.1-cp37-cp37m-win32.whl", hash = "sha256:9046c58c4395dff28dd494285c82ba00b546adfc7ef001486fbf0324bc174fba"}, - {file = "PyYAML-6.0.1-cp37-cp37m-win_amd64.whl", hash = "sha256:4fb147e7a67ef577a588a0e2c17b6db51dda102c71de36f8549b6816a96e1867"}, - {file = "PyYAML-6.0.1-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:1d4c7e777c441b20e32f52bd377e0c409713e8bb1386e1099c2415f26e479595"}, - {file = "PyYAML-6.0.1-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a0cd17c15d3bb3fa06978b4e8958dcdc6e0174ccea823003a106c7d4d7899ac5"}, - {file = "PyYAML-6.0.1-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:28c119d996beec18c05208a8bd78cbe4007878c6dd15091efb73a30e90539696"}, - {file = "PyYAML-6.0.1-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:7e07cbde391ba96ab58e532ff4803f79c4129397514e1413a7dc761ccd755735"}, - {file = "PyYAML-6.0.1-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:49a183be227561de579b4a36efbb21b3eab9651dd81b1858589f796549873dd6"}, - {file = "PyYAML-6.0.1-cp38-cp38-win32.whl", hash = "sha256:184c5108a2aca3c5b3d3bf9395d50893a7ab82a38004c8f61c258d4428e80206"}, - {file = "PyYAML-6.0.1-cp38-cp38-win_amd64.whl", hash = "sha256:1e2722cc9fbb45d9b87631ac70924c11d3a401b2d7f410cc0e3bbf249f2dca62"}, - {file = "PyYAML-6.0.1-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:9eb6caa9a297fc2c2fb8862bc5370d0303ddba53ba97e71f08023b6cd73d16a8"}, - {file = "PyYAML-6.0.1-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:c8098ddcc2a85b61647b2590f825f3db38891662cfc2fc776415143f599bb859"}, - {file = "PyYAML-6.0.1-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:5773183b6446b2c99bb77e77595dd486303b4faab2b086e7b17bc6bef28865f6"}, - {file = "PyYAML-6.0.1-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:b786eecbdf8499b9ca1d697215862083bd6d2a99965554781d0d8d1ad31e13a0"}, - {file = "PyYAML-6.0.1-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:bc1bf2925a1ecd43da378f4db9e4f799775d6367bdb94671027b73b393a7c42c"}, - {file = "PyYAML-6.0.1-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:04ac92ad1925b2cff1db0cfebffb6ffc43457495c9b3c39d3fcae417d7125dc5"}, - {file = "PyYAML-6.0.1-cp39-cp39-win32.whl", hash = "sha256:faca3bdcf85b2fc05d06ff3fbc1f83e1391b3e724afa3feba7d13eeab355484c"}, - {file = "PyYAML-6.0.1-cp39-cp39-win_amd64.whl", hash = "sha256:510c9deebc5c0225e8c96813043e62b680ba2f9c50a08d3724c7f28a747d1486"}, - {file = "PyYAML-6.0.1.tar.gz", hash = "sha256:bfdf460b1736c775f2ba9f6a92bca30bc2095067b8a9d77876d1fad6cc3b4a43"}, + {file = "PyYAML-6.0.2-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:0a9a2848a5b7feac301353437eb7d5957887edbf81d56e903999a75a3d743086"}, + {file = "PyYAML-6.0.2-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:29717114e51c84ddfba879543fb232a6ed60086602313ca38cce623c1d62cfbf"}, + {file = "PyYAML-6.0.2-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:8824b5a04a04a047e72eea5cec3bc266db09e35de6bdfe34c9436ac5ee27d237"}, + {file = "PyYAML-6.0.2-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:7c36280e6fb8385e520936c3cb3b8042851904eba0e58d277dca80a5cfed590b"}, + {file = "PyYAML-6.0.2-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ec031d5d2feb36d1d1a24380e4db6d43695f3748343d99434e6f5f9156aaa2ed"}, + {file = "PyYAML-6.0.2-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:936d68689298c36b53b29f23c6dbb74de12b4ac12ca6cfe0e047bedceea56180"}, + {file = "PyYAML-6.0.2-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:23502f431948090f597378482b4812b0caae32c22213aecf3b55325e049a6c68"}, + {file = "PyYAML-6.0.2-cp310-cp310-win32.whl", hash = "sha256:2e99c6826ffa974fe6e27cdb5ed0021786b03fc98e5ee3c5bfe1fd5015f42b99"}, + {file = "PyYAML-6.0.2-cp310-cp310-win_amd64.whl", hash = "sha256:a4d3091415f010369ae4ed1fc6b79def9416358877534caf6a0fdd2146c87a3e"}, + {file = "PyYAML-6.0.2-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:cc1c1159b3d456576af7a3e4d1ba7e6924cb39de8f67111c735f6fc832082774"}, + {file = "PyYAML-6.0.2-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:1e2120ef853f59c7419231f3bf4e7021f1b936f6ebd222406c3b60212205d2ee"}, + {file = "PyYAML-6.0.2-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:5d225db5a45f21e78dd9358e58a98702a0302f2659a3c6cd320564b75b86f47c"}, + {file = "PyYAML-6.0.2-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:5ac9328ec4831237bec75defaf839f7d4564be1e6b25ac710bd1a96321cc8317"}, + {file = "PyYAML-6.0.2-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:3ad2a3decf9aaba3d29c8f537ac4b243e36bef957511b4766cb0057d32b0be85"}, + {file = "PyYAML-6.0.2-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:ff3824dc5261f50c9b0dfb3be22b4567a6f938ccce4587b38952d85fd9e9afe4"}, + {file = "PyYAML-6.0.2-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:797b4f722ffa07cc8d62053e4cff1486fa6dc094105d13fea7b1de7d8bf71c9e"}, + {file = "PyYAML-6.0.2-cp311-cp311-win32.whl", hash = "sha256:11d8f3dd2b9c1207dcaf2ee0bbbfd5991f571186ec9cc78427ba5bd32afae4b5"}, + {file = "PyYAML-6.0.2-cp311-cp311-win_amd64.whl", hash = "sha256:e10ce637b18caea04431ce14fabcf5c64a1c61ec9c56b071a4b7ca131ca52d44"}, + {file = "PyYAML-6.0.2-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:c70c95198c015b85feafc136515252a261a84561b7b1d51e3384e0655ddf25ab"}, + {file = "PyYAML-6.0.2-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:ce826d6ef20b1bc864f0a68340c8b3287705cae2f8b4b1d932177dcc76721725"}, + {file = "PyYAML-6.0.2-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:1f71ea527786de97d1a0cc0eacd1defc0985dcf6b3f17bb77dcfc8c34bec4dc5"}, + {file = "PyYAML-6.0.2-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:9b22676e8097e9e22e36d6b7bda33190d0d400f345f23d4065d48f4ca7ae0425"}, + {file = "PyYAML-6.0.2-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:80bab7bfc629882493af4aa31a4cfa43a4c57c83813253626916b8c7ada83476"}, + {file = "PyYAML-6.0.2-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:0833f8694549e586547b576dcfaba4a6b55b9e96098b36cdc7ebefe667dfed48"}, + {file = "PyYAML-6.0.2-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:8b9c7197f7cb2738065c481a0461e50ad02f18c78cd75775628afb4d7137fb3b"}, + {file = "PyYAML-6.0.2-cp312-cp312-win32.whl", hash = "sha256:ef6107725bd54b262d6dedcc2af448a266975032bc85ef0172c5f059da6325b4"}, + {file = "PyYAML-6.0.2-cp312-cp312-win_amd64.whl", hash = "sha256:7e7401d0de89a9a855c839bc697c079a4af81cf878373abd7dc625847d25cbd8"}, + {file = "PyYAML-6.0.2-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:efdca5630322a10774e8e98e1af481aad470dd62c3170801852d752aa7a783ba"}, + {file = "PyYAML-6.0.2-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:50187695423ffe49e2deacb8cd10510bc361faac997de9efef88badc3bb9e2d1"}, + {file = "PyYAML-6.0.2-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:0ffe8360bab4910ef1b9e87fb812d8bc0a308b0d0eef8c8f44e0254ab3b07133"}, + {file = "PyYAML-6.0.2-cp313-cp313-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:17e311b6c678207928d649faa7cb0d7b4c26a0ba73d41e99c4fff6b6c3276484"}, + {file = "PyYAML-6.0.2-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:70b189594dbe54f75ab3a1acec5f1e3faa7e8cf2f1e08d9b561cb41b845f69d5"}, + {file = "PyYAML-6.0.2-cp313-cp313-musllinux_1_1_aarch64.whl", hash = "sha256:41e4e3953a79407c794916fa277a82531dd93aad34e29c2a514c2c0c5fe971cc"}, + {file = "PyYAML-6.0.2-cp313-cp313-musllinux_1_1_x86_64.whl", hash = "sha256:68ccc6023a3400877818152ad9a1033e3db8625d899c72eacb5a668902e4d652"}, + {file = "PyYAML-6.0.2-cp313-cp313-win32.whl", hash = "sha256:bc2fa7c6b47d6bc618dd7fb02ef6fdedb1090ec036abab80d4681424b84c1183"}, + {file = "PyYAML-6.0.2-cp313-cp313-win_amd64.whl", hash = "sha256:8388ee1976c416731879ac16da0aff3f63b286ffdd57cdeb95f3f2e085687563"}, + {file = "PyYAML-6.0.2-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:24471b829b3bf607e04e88d79542a9d48bb037c2267d7927a874e6c205ca7e9a"}, + {file = "PyYAML-6.0.2-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d7fded462629cfa4b685c5416b949ebad6cec74af5e2d42905d41e257e0869f5"}, + {file = "PyYAML-6.0.2-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:d84a1718ee396f54f3a086ea0a66d8e552b2ab2017ef8b420e92edbc841c352d"}, + {file = "PyYAML-6.0.2-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:9056c1ecd25795207ad294bcf39f2db3d845767be0ea6e6a34d856f006006083"}, + {file = "PyYAML-6.0.2-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:82d09873e40955485746739bcb8b4586983670466c23382c19cffecbf1fd8706"}, + {file = "PyYAML-6.0.2-cp38-cp38-win32.whl", hash = "sha256:43fa96a3ca0d6b1812e01ced1044a003533c47f6ee8aca31724f78e93ccc089a"}, + {file = "PyYAML-6.0.2-cp38-cp38-win_amd64.whl", hash = "sha256:01179a4a8559ab5de078078f37e5c1a30d76bb88519906844fd7bdea1b7729ff"}, + {file = "PyYAML-6.0.2-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:688ba32a1cffef67fd2e9398a2efebaea461578b0923624778664cc1c914db5d"}, + {file = "PyYAML-6.0.2-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:a8786accb172bd8afb8be14490a16625cbc387036876ab6ba70912730faf8e1f"}, + {file = "PyYAML-6.0.2-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d8e03406cac8513435335dbab54c0d385e4a49e4945d2909a581c83647ca0290"}, + {file = "PyYAML-6.0.2-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:f753120cb8181e736c57ef7636e83f31b9c0d1722c516f7e86cf15b7aa57ff12"}, + {file = "PyYAML-6.0.2-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:3b1fdb9dc17f5a7677423d508ab4f243a726dea51fa5e70992e59a7411c89d19"}, + {file = "PyYAML-6.0.2-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:0b69e4ce7a131fe56b7e4d770c67429700908fc0752af059838b1cfb41960e4e"}, + {file = "PyYAML-6.0.2-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:a9f8c2e67970f13b16084e04f134610fd1d374bf477b17ec1599185cf611d725"}, + {file = "PyYAML-6.0.2-cp39-cp39-win32.whl", hash = "sha256:6395c297d42274772abc367baaa79683958044e5d3835486c16da75d2a694631"}, + {file = "PyYAML-6.0.2-cp39-cp39-win_amd64.whl", hash = "sha256:39693e1f8320ae4f43943590b49779ffb98acb81f788220ea932a6b6c51004d8"}, + {file = "pyyaml-6.0.2.tar.gz", hash = "sha256:d584d9ec91ad65861cc08d42e834324ef890a082e591037abe114850ff7bbc3e"}, ] [[package]] @@ -5791,104 +5708,119 @@ qdrant-client = "*" [[package]] name = "rapidfuzz" -version = "3.9.5" +version = "3.9.6" description = "rapid fuzzy string matching" optional = false python-versions = ">=3.8" files = [ - {file = "rapidfuzz-3.9.5-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:7659058863d84a2c36c5a76c28bc8713d33eab03e677e67260d9e1cca43fc3bb"}, - {file = "rapidfuzz-3.9.5-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:802a018776bd3cb7c5d23ba38ebbb1663a9f742be1d58e73b62d8c7cace6e607"}, - {file = "rapidfuzz-3.9.5-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:da71e8fdb0d1a21f4b58b2c84bcbc2b89a472c073c5f7bdb9339f4cb3122c0e3"}, - {file = "rapidfuzz-3.9.5-cp310-cp310-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:f9433cb12731167b358fbcff9828d2294429986a03222031f6d14308eb643c77"}, - {file = "rapidfuzz-3.9.5-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:3e33e1d185206730b916b3e7d9bce1941c65b2a1488cdd0457ae21be385a7912"}, - {file = "rapidfuzz-3.9.5-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:758719e9613c47a274768f1926460955223fe0a03e7eda264f2b78b1b97a4743"}, - {file = "rapidfuzz-3.9.5-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:7981cc6240d01d4480795d758ea2ee748257771f68127d630045e58fe1b5545a"}, - {file = "rapidfuzz-3.9.5-cp310-cp310-musllinux_1_2_aarch64.whl", hash = "sha256:b6cdca86120c3f9aa069f8d4e1c5422e92f833d705d719a2ba7082412f4c933b"}, - {file = "rapidfuzz-3.9.5-cp310-cp310-musllinux_1_2_i686.whl", hash = "sha256:ffa533acb1a9dcb6e26c4467fdc1347995fb168ec9f794b97545f6b72dee733c"}, - {file = "rapidfuzz-3.9.5-cp310-cp310-musllinux_1_2_ppc64le.whl", hash = "sha256:13eeaeb0d5fe00fa99336f73fb5ab65c46109c7121cf87659b9601908b8b6178"}, - {file = "rapidfuzz-3.9.5-cp310-cp310-musllinux_1_2_s390x.whl", hash = "sha256:d7b1922b1403ccb3583218e8cd931b08e04c5442ca03dbaf6ea4fcf574ee2b24"}, - {file = "rapidfuzz-3.9.5-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:b0189f691cea4dc9fe074ea6b97da30a91d0882fa69724b4b34b51d2c1983473"}, - {file = "rapidfuzz-3.9.5-cp310-cp310-win32.whl", hash = "sha256:72e466e5de12a327a09ed6d0116f024759b5146b335645c32241da84134a7f34"}, - {file = "rapidfuzz-3.9.5-cp310-cp310-win_amd64.whl", hash = "sha256:345011cfcafaa3674c46673baad67d2394eb58285530d8333e65c3c9a143b4f4"}, - {file = "rapidfuzz-3.9.5-cp310-cp310-win_arm64.whl", hash = "sha256:5dc19c8222475e4f7f528b94d2fa28e7979355c5cf7c6e73902d2abb2be96522"}, - {file = "rapidfuzz-3.9.5-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:6c741972d64031535cfd76d89cf47259e590e822353be57ec2f5d56758c98296"}, - {file = "rapidfuzz-3.9.5-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:a7452d079800cf70a7314f73044f03cbcbd90a651d9dec39443d2a8a2b63ab53"}, - {file = "rapidfuzz-3.9.5-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:f06f163a0341bad162e972590b73e17f9cea2ed8ee27b193875ccbc3dd6eca2f"}, - {file = "rapidfuzz-3.9.5-cp311-cp311-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:529e2cf441746bd492f6c36a38bf9fa6a418df95b9c003f8e92a55d8a979bd9c"}, - {file = "rapidfuzz-3.9.5-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:9811a741aa1350ad36689d675ded8b34e423e68b396bd30bff751a9c582f586e"}, - {file = "rapidfuzz-3.9.5-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:9e36c4640a789b8c922b69a548968939d1c0433fa7aac83cb08e1334d4e5d7de"}, - {file = "rapidfuzz-3.9.5-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:53fb2f32f14c921d2f673c5b7cd58d4cc626c574a28c0791f283880d8e57022c"}, - {file = "rapidfuzz-3.9.5-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:031806eb035a6f09f4ff23b9d971d50b30b5e93aa3ee620c920bee1dc32827e7"}, - {file = "rapidfuzz-3.9.5-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:f6dbe1df0b9334e3cf07445d810c81734ae23d137b5efc69e1d676ff55691351"}, - {file = "rapidfuzz-3.9.5-cp311-cp311-musllinux_1_2_ppc64le.whl", hash = "sha256:24345826b50aafcea26e2e4be5c103d96fe9d7fc549ac9190641300290958f3b"}, - {file = "rapidfuzz-3.9.5-cp311-cp311-musllinux_1_2_s390x.whl", hash = "sha256:bfd3b66ee1f0ebb40c672a7a7e5bda00fb763fa9bca082058084175151f8e685"}, - {file = "rapidfuzz-3.9.5-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:a6f1df5b0e602e94199cccb5e241bbc2319644003e34f077741ebf48aea7ed1a"}, - {file = "rapidfuzz-3.9.5-cp311-cp311-win32.whl", hash = "sha256:f080d6709f51a8335e73826b96af9b4e3657631eca6c69e1ac501868dcc84b7f"}, - {file = "rapidfuzz-3.9.5-cp311-cp311-win_amd64.whl", hash = "sha256:bf9ed6988da6a2c1f8df367cb5d6be26a3d8543646c8eba79741ac9e764fbc59"}, - {file = "rapidfuzz-3.9.5-cp311-cp311-win_arm64.whl", hash = "sha256:599714790dfac0a23a473134e6677d0a103690a4e21ba189cfc826e322cdc8d5"}, - {file = "rapidfuzz-3.9.5-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:9729852038fb2de096e249899f8a9bee90fb1f92e10b6ccc539d5bb798c703bc"}, - {file = "rapidfuzz-3.9.5-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:9dc39435476fb3b3b3c24ab2c08c726056b2b487aa7ee450aee698b808c808ac"}, - {file = "rapidfuzz-3.9.5-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d6ceea632b0eb97dac54411c29feb190054e91fd0571f585b56e4a9159c55ab0"}, - {file = "rapidfuzz-3.9.5-cp312-cp312-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:cadd66e6ef9901909dc1b11db91048f1bf4613ba7d773386f922e28b1e1df4da"}, - {file = "rapidfuzz-3.9.5-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:63e34fb3586431589a5e1cd7fc61c6f057576c6c6804c1c673bac3de0516dee7"}, - {file = "rapidfuzz-3.9.5-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:181073256faec68e6b8ab3329a36cfa1360f7906aa70d9aee4a39cb70889f73f"}, - {file = "rapidfuzz-3.9.5-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:8419c18bbbd67058ca1312f35acda2e4e4592650f105cfd166569a2ebccd01f1"}, - {file = "rapidfuzz-3.9.5-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:191d1057cca56641f7b919fe712cb7e48cd226342e097a78136127f8bde32caa"}, - {file = "rapidfuzz-3.9.5-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:fe5a11eefd0ae90d32d9ff706a894498b4efb4b0c263ad9d1e6401050863504d"}, - {file = "rapidfuzz-3.9.5-cp312-cp312-musllinux_1_2_ppc64le.whl", hash = "sha256:e1b024d9d69bb83e125adee4162991f2764f16acc3fb1ed0f0fc1ad5aeb7e394"}, - {file = "rapidfuzz-3.9.5-cp312-cp312-musllinux_1_2_s390x.whl", hash = "sha256:7d5a34b8388ae99bdbd5a3646f45ac318f4c870105bdbe42a2f4c85e5b347761"}, - {file = "rapidfuzz-3.9.5-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:0e09abc0d397019bba61c8e6dfe2ec863d4dfb1762f51c9197ce0af5d5fd9adb"}, - {file = "rapidfuzz-3.9.5-cp312-cp312-win32.whl", hash = "sha256:e3c4be3057472c79ba6f4eab35daa9f12908cb697c472d05fbbd47949a87aec6"}, - {file = "rapidfuzz-3.9.5-cp312-cp312-win_amd64.whl", hash = "sha256:0d9fdb74df87018dd4146f3d00df9fca2c27f060936a9e8d3015e7bfb9cb69e4"}, - {file = "rapidfuzz-3.9.5-cp312-cp312-win_arm64.whl", hash = "sha256:491d3d425b5fe3f61f3b9a70abfd498ce9139d94956db7a8551e537e017c0e57"}, - {file = "rapidfuzz-3.9.5-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:518dec750a30f115ba1299ef2547cf468a69f310581a030c8a875257de747c5f"}, - {file = "rapidfuzz-3.9.5-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:252dc3d1c3d613b8db1b59d13381937e420c99f8a351ffa0e78c2f54746e107f"}, - {file = "rapidfuzz-3.9.5-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:ebd17688b75b6fa983e8586cad30f36eb9736b860946cc8b633b9442c9481831"}, - {file = "rapidfuzz-3.9.5-cp38-cp38-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:e8032492021b0aa55a623d6f6e739a5d4aaabc32af379c2a5656bf1e9e178bf1"}, - {file = "rapidfuzz-3.9.5-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:73362eb1c3d02f32e4c7f0d77eb284e9a13f278cff224f71e8f60e2aff5b6a5d"}, - {file = "rapidfuzz-3.9.5-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:a42d1f7b8988f50013e703ed27b5e216ef8a725b2f4ac53754ad0476020b26f4"}, - {file = "rapidfuzz-3.9.5-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:d4f2e985172bb76c9179e11fb67d9c9ecbee4933740eca2977797094df02498d"}, - {file = "rapidfuzz-3.9.5-cp38-cp38-musllinux_1_2_aarch64.whl", hash = "sha256:8e943c5cbd10e15369be1f371ef303cb413c1008f64d93bd13762ea06ca84d59"}, - {file = "rapidfuzz-3.9.5-cp38-cp38-musllinux_1_2_i686.whl", hash = "sha256:0d34b0e8e29f80cb2ac8afe8fb7b01a542b136ffbf7e2b9983d11bce49398f68"}, - {file = "rapidfuzz-3.9.5-cp38-cp38-musllinux_1_2_ppc64le.whl", hash = "sha256:62b8f9f58e9dffaa86fef84db2705457a58e191a962124f2b815026ba79d9aba"}, - {file = "rapidfuzz-3.9.5-cp38-cp38-musllinux_1_2_s390x.whl", hash = "sha256:ebf682bdb0f01b6b1f9a9ffe918aa3ac84fbdadb998ffbfcd5f9b12bd280170f"}, - {file = "rapidfuzz-3.9.5-cp38-cp38-musllinux_1_2_x86_64.whl", hash = "sha256:3ed0c17e5b6fdd2ac3230bdefa908579971377c36aa4a2f132700fa8145040db"}, - {file = "rapidfuzz-3.9.5-cp38-cp38-win32.whl", hash = "sha256:ac460d89b9759e37eef23fed05184179654882a241f6b2363df194f8940cc55f"}, - {file = "rapidfuzz-3.9.5-cp38-cp38-win_amd64.whl", hash = "sha256:cf9aceb4227fd09f9a20e505f78487b2089d6420ce232d288522ea0a78b986b9"}, - {file = "rapidfuzz-3.9.5-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:14587df847d0d50bd10cde0a198b5d64eedb7484c72b825f5c2ead6e6ff16eee"}, - {file = "rapidfuzz-3.9.5-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:fd94d952299ec73ea63a0fa4b699a2750785b6bb82aa56fd886d9023b86f90ab"}, - {file = "rapidfuzz-3.9.5-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:733bf3d7876bf6d8167e6436f99d6ea16a218ec2c8eb9da6048f20b9cc8733e2"}, - {file = "rapidfuzz-3.9.5-cp39-cp39-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:fb28f2b7173ed3678b4630b0c8b21503087d1cd082bae200dc2519ca38b26686"}, - {file = "rapidfuzz-3.9.5-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:80a4c8a2c5ae4b133fec6b5db1af9a4126ffa6eca18a558fe5b6ab8e330d3d78"}, - {file = "rapidfuzz-3.9.5-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:5feb75e905281e5c669e21c98d594acc3b222a8694d9342f17df988766d83748"}, - {file = "rapidfuzz-3.9.5-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:d047b01637a31d9bf776b66438f574fd1db856ad14cf296c1f48bb6bef8a5aff"}, - {file = "rapidfuzz-3.9.5-cp39-cp39-musllinux_1_2_aarch64.whl", hash = "sha256:d9e0a656274ac75ec24499a06c0bc5eee67bcd8276c6061da7c05d549f1b1a61"}, - {file = "rapidfuzz-3.9.5-cp39-cp39-musllinux_1_2_i686.whl", hash = "sha256:16c982dd3cdd33cf4aac91027a263a081d1a8050dc33a27470367a391a8d1576"}, - {file = "rapidfuzz-3.9.5-cp39-cp39-musllinux_1_2_ppc64le.whl", hash = "sha256:9a0c878d0980508e90e973a9cbfb591acc370085f2301c6aacadbd8362d52a36"}, - {file = "rapidfuzz-3.9.5-cp39-cp39-musllinux_1_2_s390x.whl", hash = "sha256:1d9bcfec5efd55b6268328cccd12956d833582d8da6385231a5c6c6201a1156a"}, - {file = "rapidfuzz-3.9.5-cp39-cp39-musllinux_1_2_x86_64.whl", hash = "sha256:8171fc6e4645e636161a9ef5b44b20605adbefe23cd990b68d72cae0b9c12509"}, - {file = "rapidfuzz-3.9.5-cp39-cp39-win32.whl", hash = "sha256:35088e759b083398ab3c4154517476e116653b7403604677af9a894179f1042f"}, - {file = "rapidfuzz-3.9.5-cp39-cp39-win_amd64.whl", hash = "sha256:6d8cc7e6e5c6fbcacdfe3cf7a86b60dcaf216216d86e6879ff52d488e5b11e27"}, - {file = "rapidfuzz-3.9.5-cp39-cp39-win_arm64.whl", hash = "sha256:506547889f18db0acca787ffb9f287757cbfe9f0fadddd4e07c64ce0bd924e13"}, - {file = "rapidfuzz-3.9.5-pp310-pypy310_pp73-macosx_10_15_x86_64.whl", hash = "sha256:f4e0122603af2119579e9f94e172c6e460860fdcdb713164332c1951c13df999"}, - {file = "rapidfuzz-3.9.5-pp310-pypy310_pp73-macosx_11_0_arm64.whl", hash = "sha256:e46cd486289d1d8e3dab779c725f5dde77b286185d32e7b874bfc3d161e3a927"}, - {file = "rapidfuzz-3.9.5-pp310-pypy310_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:7e2c0c8bbe4f4525009e3ad9b94a39cdff5d6378233e754d0b13c29cdfaa75fc"}, - {file = "rapidfuzz-3.9.5-pp310-pypy310_pp73-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:bfb47513a17c935f6ee606dcae0ea9d20a3fb0fe9ca597758472ea08be62dc54"}, - {file = "rapidfuzz-3.9.5-pp310-pypy310_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:976ed1105a76935b6a4d2bbc7d577be1b97b43997bcec2f29a0ab48ff6f5d6b1"}, - {file = "rapidfuzz-3.9.5-pp310-pypy310_pp73-win_amd64.whl", hash = "sha256:9cf2028edb9ccd21d1d5aaacef2fe3e14bee4343df1c2c0f7373ef6e81013bef"}, - {file = "rapidfuzz-3.9.5-pp38-pypy38_pp73-macosx_10_9_x86_64.whl", hash = "sha256:926701c8e61319ee2e4888619143f58ddcc0e3e886668269b8e053f2d68c1e92"}, - {file = "rapidfuzz-3.9.5-pp38-pypy38_pp73-macosx_11_0_arm64.whl", hash = "sha256:99eaa8dd8a44664813e0bef014775993ef75a134a863bc54cd855a60622203fd"}, - {file = "rapidfuzz-3.9.5-pp38-pypy38_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:7508ef727ef4891141dd3ac7a39a2327384ece070521ac9c58f06c27d57c72d5"}, - {file = "rapidfuzz-3.9.5-pp38-pypy38_pp73-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:f9f33d05db5bba1d076446c51347a6d93ff24d8f9d01b0b8b15ca8ec8b1ef382"}, - {file = "rapidfuzz-3.9.5-pp38-pypy38_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:7252666b85c931d51a59d5308bb6827a67434917ef510747d3ce7e88ec17e7f2"}, - {file = "rapidfuzz-3.9.5-pp38-pypy38_pp73-win_amd64.whl", hash = "sha256:d26f7299e2872d18fb7df1bc043e53aa94fc5a4a2a6a9537ad8707579fcb1668"}, - {file = "rapidfuzz-3.9.5-pp39-pypy39_pp73-macosx_10_15_x86_64.whl", hash = "sha256:2b17ecc17322b659962234799e90054e420911b8ca510a7869c2f4419f9f3ecb"}, - {file = "rapidfuzz-3.9.5-pp39-pypy39_pp73-macosx_11_0_arm64.whl", hash = "sha256:f3e037b9ec621dec0157d81566e7d47a91405e379335cf8f4ed3c20d61db91d8"}, - {file = "rapidfuzz-3.9.5-pp39-pypy39_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:42c4d1ba2647c8d2a82313c4dde332de750c936b94f016308339e762c2e5e53d"}, - {file = "rapidfuzz-3.9.5-pp39-pypy39_pp73-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:876e663b11d9067e1096ea76a2de87227c7b513aff2b60667b20417da74183e4"}, - {file = "rapidfuzz-3.9.5-pp39-pypy39_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:adee55488490375c1604b878fbc1eb1a51fe5e6f5bd05047df2f8c6505a48728"}, - {file = "rapidfuzz-3.9.5-pp39-pypy39_pp73-win_amd64.whl", hash = "sha256:abb1ac683671000bd4ec215a494aba687d75a198db72188408154a19ea313ff4"}, - {file = "rapidfuzz-3.9.5.tar.gz", hash = "sha256:257f2406a671371bafd99a2a2c57f991783446bc2176b93a83d1d833e35d36df"}, + {file = "rapidfuzz-3.9.6-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:a7ed0d0b9c85720f0ae33ac5efc8dc3f60c1489dad5c29d735fbdf2f66f0431f"}, + {file = "rapidfuzz-3.9.6-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:f3deff6ab7017ed21b9aec5874a07ad13e6b2a688af055837f88b743c7bfd947"}, + {file = "rapidfuzz-3.9.6-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:5c3f9fc060160507b2704f7d1491bd58453d69689b580cbc85289335b14fe8ca"}, + {file = "rapidfuzz-3.9.6-cp310-cp310-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:c4e86c2b3827fa6169ad6e7d4b790ce02a20acefb8b78d92fa4249589bbc7a2c"}, + {file = "rapidfuzz-3.9.6-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:f982e1aafb4bd8207a5e073b1efef9e68a984e91330e1bbf364f9ed157ed83f0"}, + {file = "rapidfuzz-3.9.6-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:9196a51d0ec5eaaaf5bca54a85b7b1e666fc944c332f68e6427503af9fb8c49e"}, + {file = "rapidfuzz-3.9.6-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:fb5a514064e02585b1cc09da2fe406a6dc1a7e5f3e92dd4f27c53e5f1465ec81"}, + {file = "rapidfuzz-3.9.6-cp310-cp310-musllinux_1_2_aarch64.whl", hash = "sha256:e3a4244f65dbc3580b1275480118c3763f9dc29fc3dd96610560cb5e140a4d4a"}, + {file = "rapidfuzz-3.9.6-cp310-cp310-musllinux_1_2_i686.whl", hash = "sha256:f6ebb910a702e41641e1e1dada3843bc11ba9107a33c98daef6945a885a40a07"}, + {file = "rapidfuzz-3.9.6-cp310-cp310-musllinux_1_2_ppc64le.whl", hash = "sha256:624fbe96115fb39addafa288d583b5493bc76dab1d34d0ebba9987d6871afdf9"}, + {file = "rapidfuzz-3.9.6-cp310-cp310-musllinux_1_2_s390x.whl", hash = "sha256:1c59f1c1507b7a557cf3c410c76e91f097460da7d97e51c985343798e9df7a3c"}, + {file = "rapidfuzz-3.9.6-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:f6f0256cb27b6a0fb2e1918477d1b56473cd04acfa245376a342e7c15806a396"}, + {file = "rapidfuzz-3.9.6-cp310-cp310-win32.whl", hash = "sha256:24d473d00d23a30a85802b502b417a7f5126019c3beec91a6739fe7b95388b24"}, + {file = "rapidfuzz-3.9.6-cp310-cp310-win_amd64.whl", hash = "sha256:248f6d2612e661e2b5f9a22bbd5862a1600e720da7bb6ad8a55bb1548cdfa423"}, + {file = "rapidfuzz-3.9.6-cp310-cp310-win_arm64.whl", hash = "sha256:e03fdf0e74f346ed7e798135df5f2a0fb8d6b96582b00ebef202dcf2171e1d1d"}, + {file = "rapidfuzz-3.9.6-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:52e4675f642fbc85632f691b67115a243cd4d2a47bdcc4a3d9a79e784518ff97"}, + {file = "rapidfuzz-3.9.6-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:1f93a2f13038700bd245b927c46a2017db3dcd4d4ff94687d74b5123689b873b"}, + {file = "rapidfuzz-3.9.6-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:42b70500bca460264b8141d8040caee22e9cf0418c5388104ff0c73fb69ee28f"}, + {file = "rapidfuzz-3.9.6-cp311-cp311-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:a1e037fb89f714a220f68f902fc6300ab7a33349f3ce8ffae668c3b3a40b0b06"}, + {file = "rapidfuzz-3.9.6-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:6792f66d59b86ccfad5e247f2912e255c85c575789acdbad8e7f561412ffed8a"}, + {file = "rapidfuzz-3.9.6-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:68d9cffe710b67f1969cf996983608cee4490521d96ea91d16bd7ea5dc80ea98"}, + {file = "rapidfuzz-3.9.6-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:63daaeeea76da17fa0bbe7fb05cba8ed8064bb1a0edf8360636557f8b6511961"}, + {file = "rapidfuzz-3.9.6-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:d214e063bffa13e3b771520b74f674b22d309b5720d4df9918ff3e0c0f037720"}, + {file = "rapidfuzz-3.9.6-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:ed443a2062460f44c0346cb9d269b586496b808c2419bbd6057f54061c9b9c75"}, + {file = "rapidfuzz-3.9.6-cp311-cp311-musllinux_1_2_ppc64le.whl", hash = "sha256:5b0c9b227ee0076fb2d58301c505bb837a290ae99ee628beacdb719f0626d749"}, + {file = "rapidfuzz-3.9.6-cp311-cp311-musllinux_1_2_s390x.whl", hash = "sha256:82c9722b7dfaa71e8b61f8c89fed0482567fb69178e139fe4151fc71ed7df782"}, + {file = "rapidfuzz-3.9.6-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:c18897c95c0a288347e29537b63608a8f63a5c3cb6da258ac46fcf89155e723e"}, + {file = "rapidfuzz-3.9.6-cp311-cp311-win32.whl", hash = "sha256:3e910cf08944da381159587709daaad9e59d8ff7bca1f788d15928f3c3d49c2a"}, + {file = "rapidfuzz-3.9.6-cp311-cp311-win_amd64.whl", hash = "sha256:59c4a61fab676d37329fc3a671618a461bfeef53a4d0b8b12e3bc24a14e166f8"}, + {file = "rapidfuzz-3.9.6-cp311-cp311-win_arm64.whl", hash = "sha256:8b4afea244102332973377fddbe54ce844d0916e1c67a5123432291717f32ffa"}, + {file = "rapidfuzz-3.9.6-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:70591b28b218fff351b88cdd7f2359a01a71f9f7f5a2e465ce3715ed4b3c422b"}, + {file = "rapidfuzz-3.9.6-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:ee2d8355c7343c631a03e57540ea06e8717c19ecf5ff64ea07e0498f7f161457"}, + {file = "rapidfuzz-3.9.6-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:708fb675de0f47b9635d1cc6fbbf80d52cb710d0a1abbfae5c84c46e3abbddc3"}, + {file = "rapidfuzz-3.9.6-cp312-cp312-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:1d66c247c2d3bb7a9b60567c395a15a929d0ebcc5f4ceedb55bfa202c38c6e0c"}, + {file = "rapidfuzz-3.9.6-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:15146301b32e6e3d2b7e8146db1a26747919d8b13690c7f83a4cb5dc111b3a08"}, + {file = "rapidfuzz-3.9.6-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:a7a03da59b6c7c97e657dd5cd4bcaab5fe4a2affd8193958d6f4d938bee36679"}, + {file = "rapidfuzz-3.9.6-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:0d2c2fe19e392dbc22695b6c3b2510527e2b774647e79936bbde49db7742d6f1"}, + {file = "rapidfuzz-3.9.6-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:91aaee4c94cb45930684f583ffc4e7c01a52b46610971cede33586cf8a04a12e"}, + {file = "rapidfuzz-3.9.6-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:3f5702828c10768f9281180a7ff8597da1e5002803e1304e9519dd0f06d79a85"}, + {file = "rapidfuzz-3.9.6-cp312-cp312-musllinux_1_2_ppc64le.whl", hash = "sha256:ccd1763b608fb4629a0b08f00b3c099d6395e67c14e619f6341b2c8429c2f310"}, + {file = "rapidfuzz-3.9.6-cp312-cp312-musllinux_1_2_s390x.whl", hash = "sha256:cc7a0d4b2cb166bc46d02c8c9f7551cde8e2f3c9789df3827309433ee9771163"}, + {file = "rapidfuzz-3.9.6-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:7496f53d40560a58964207b52586783633f371683834a8f719d6d965d223a2eb"}, + {file = "rapidfuzz-3.9.6-cp312-cp312-win32.whl", hash = "sha256:5eb1a9272ca71bc72be5415c2fa8448a6302ea4578e181bb7da9db855b367df0"}, + {file = "rapidfuzz-3.9.6-cp312-cp312-win_amd64.whl", hash = "sha256:0d21fc3c0ca507a1180152a6dbd129ebaef48facde3f943db5c1055b6e6be56a"}, + {file = "rapidfuzz-3.9.6-cp312-cp312-win_arm64.whl", hash = "sha256:43bb27a57c29dc5fa754496ba6a1a508480d21ae99ac0d19597646c16407e9f3"}, + {file = "rapidfuzz-3.9.6-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:83a5ac6547a9d6eedaa212975cb8f2ce2aa07e6e30833b40e54a52b9f9999aa4"}, + {file = "rapidfuzz-3.9.6-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:10f06139142ecde67078ebc9a745965446132b998f9feebffd71acdf218acfcc"}, + {file = "rapidfuzz-3.9.6-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:74720c3f24597f76c7c3e2c4abdff55f1664f4766ff5b28aeaa689f8ffba5fab"}, + {file = "rapidfuzz-3.9.6-cp313-cp313-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:ce2bce52b5c150878e558a0418c2b637fb3dbb6eb38e4eb27d24aa839920483e"}, + {file = "rapidfuzz-3.9.6-cp313-cp313-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:1611199f178793ca9a060c99b284e11f6d7d124998191f1cace9a0245334d219"}, + {file = "rapidfuzz-3.9.6-cp313-cp313-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:0308b2ad161daf502908a6e21a57c78ded0258eba9a8f5e2545e2dafca312507"}, + {file = "rapidfuzz-3.9.6-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:3eda91832201b86e3b70835f91522587725bec329ec68f2f7faf5124091e5ca7"}, + {file = "rapidfuzz-3.9.6-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:ece873c093aedd87fc07c2a7e333d52e458dc177016afa1edaf157e82b6914d8"}, + {file = "rapidfuzz-3.9.6-cp313-cp313-musllinux_1_2_i686.whl", hash = "sha256:d97d3c9d209d5c30172baea5966f2129e8a198fec4a1aeb2f92abb6e82a2edb1"}, + {file = "rapidfuzz-3.9.6-cp313-cp313-musllinux_1_2_ppc64le.whl", hash = "sha256:6c4550d0db4931f5ebe9f0678916d1b06f06f5a99ba0b8a48b9457fd8959a7d4"}, + {file = "rapidfuzz-3.9.6-cp313-cp313-musllinux_1_2_s390x.whl", hash = "sha256:b6b8dd4af6324fc325d9483bec75ecf9be33e590928c9202d408e4eafff6a0a6"}, + {file = "rapidfuzz-3.9.6-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:16122ae448bc89e2bea9d81ce6cb0f751e4e07da39bd1e70b95cae2493857853"}, + {file = "rapidfuzz-3.9.6-cp313-cp313-win32.whl", hash = "sha256:71cc168c305a4445109cd0d4925406f6e66bcb48fde99a1835387c58af4ecfe9"}, + {file = "rapidfuzz-3.9.6-cp313-cp313-win_amd64.whl", hash = "sha256:59ee78f2ecd53fef8454909cda7400fe2cfcd820f62b8a5d4dfe930102268054"}, + {file = "rapidfuzz-3.9.6-cp313-cp313-win_arm64.whl", hash = "sha256:58b4ce83f223605c358ae37e7a2d19a41b96aa65b1fede99cc664c9053af89ac"}, + {file = "rapidfuzz-3.9.6-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:9f469dbc9c4aeaac7dd005992af74b7dff94aa56a3ea063ce64e4b3e6736dd2f"}, + {file = "rapidfuzz-3.9.6-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:a9ed7ad9adb68d0fe63a156fe752bbf5f1403ed66961551e749641af2874da92"}, + {file = "rapidfuzz-3.9.6-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:39ffe48ffbeedf78d120ddfb9d583f2ca906712159a4e9c3c743c9f33e7b1775"}, + {file = "rapidfuzz-3.9.6-cp38-cp38-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:8502ccdea9084d54b6f737d96a3b60a84e3afed9d016686dc979b49cdac71613"}, + {file = "rapidfuzz-3.9.6-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:6a4bec4956e06b170ca896ba055d08d4c457dac745548172443982956a80e118"}, + {file = "rapidfuzz-3.9.6-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:2c0488b1c273be39e109ff885ccac0448b2fa74dea4c4dc676bcf756c15f16d6"}, + {file = "rapidfuzz-3.9.6-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:0542c036cb6acf24edd2c9e0411a67d7ba71e29e4d3001a082466b86fc34ff30"}, + {file = "rapidfuzz-3.9.6-cp38-cp38-musllinux_1_2_aarch64.whl", hash = "sha256:0a96b52c9f26857bf009e270dcd829381e7a634f7ddd585fa29b87d4c82146d9"}, + {file = "rapidfuzz-3.9.6-cp38-cp38-musllinux_1_2_i686.whl", hash = "sha256:6edd3cd7c4aa8c68c716d349f531bd5011f2ca49ddade216bb4429460151559f"}, + {file = "rapidfuzz-3.9.6-cp38-cp38-musllinux_1_2_ppc64le.whl", hash = "sha256:50b2fb55d7ed58c66d49c9f954acd8fc4a3f0e9fd0ff708299bd8abb68238d0e"}, + {file = "rapidfuzz-3.9.6-cp38-cp38-musllinux_1_2_s390x.whl", hash = "sha256:32848dfe54391636b84cda1823fd23e5a6b1dbb8be0e9a1d80e4ee9903820994"}, + {file = "rapidfuzz-3.9.6-cp38-cp38-musllinux_1_2_x86_64.whl", hash = "sha256:29146cb7a1bf69c87e928b31bffa54f066cb65639d073b36e1425f98cccdebc6"}, + {file = "rapidfuzz-3.9.6-cp38-cp38-win32.whl", hash = "sha256:aed13e5edacb0ecadcc304cc66e93e7e77ff24f059c9792ee602c0381808e10c"}, + {file = "rapidfuzz-3.9.6-cp38-cp38-win_amd64.whl", hash = "sha256:af440e36b828922256d0b4d79443bf2cbe5515fc4b0e9e96017ec789b36bb9fc"}, + {file = "rapidfuzz-3.9.6-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:efa674b407424553024522159296690d99d6e6b1192cafe99ca84592faff16b4"}, + {file = "rapidfuzz-3.9.6-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:0b40ff76ee19b03ebf10a0a87938f86814996a822786c41c3312d251b7927849"}, + {file = "rapidfuzz-3.9.6-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:16a6c7997cb5927ced6f617122eb116ba514ec6b6f60f4803e7925ef55158891"}, + {file = "rapidfuzz-3.9.6-cp39-cp39-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:f3f42504bdc8d770987fc3d99964766d42b2a03e4d5b0f891decdd256236bae0"}, + {file = "rapidfuzz-3.9.6-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:ad9462aa2be9f60b540c19a083471fdf28e7cf6434f068b631525b5e6251b35e"}, + {file = "rapidfuzz-3.9.6-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:1629698e68f47609a73bf9e73a6da3a4cac20bc710529215cbdf111ab603665b"}, + {file = "rapidfuzz-3.9.6-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:68bc7621843d8e9a7fd1b1a32729465bf94b47b6fb307d906da168413331f8d6"}, + {file = "rapidfuzz-3.9.6-cp39-cp39-musllinux_1_2_aarch64.whl", hash = "sha256:c6254c50f15bc2fcc33cb93a95a81b702d9e6590f432a7f7822b8c7aba9ae288"}, + {file = "rapidfuzz-3.9.6-cp39-cp39-musllinux_1_2_i686.whl", hash = "sha256:7e535a114fa575bc143e175e4ca386a467ec8c42909eff500f5f0f13dc84e3e0"}, + {file = "rapidfuzz-3.9.6-cp39-cp39-musllinux_1_2_ppc64le.whl", hash = "sha256:d50acc0e9d67e4ba7a004a14c42d1b1e8b6ca1c515692746f4f8e7948c673167"}, + {file = "rapidfuzz-3.9.6-cp39-cp39-musllinux_1_2_s390x.whl", hash = "sha256:fa742ec60bec53c5a211632cf1d31b9eb5a3c80f1371a46a23ac25a1fa2ab209"}, + {file = "rapidfuzz-3.9.6-cp39-cp39-musllinux_1_2_x86_64.whl", hash = "sha256:c256fa95d29cbe5aa717db790b231a9a5b49e5983d50dc9df29d364a1db5e35b"}, + {file = "rapidfuzz-3.9.6-cp39-cp39-win32.whl", hash = "sha256:89acbf728b764421036c173a10ada436ecca22999851cdc01d0aa904c70d362d"}, + {file = "rapidfuzz-3.9.6-cp39-cp39-win_amd64.whl", hash = "sha256:c608fcba8b14d86c04cb56b203fed31a96e8a1ebb4ce99e7b70313c5bf8cf497"}, + {file = "rapidfuzz-3.9.6-cp39-cp39-win_arm64.whl", hash = "sha256:d41c00ded0e22e9dba88ff23ebe0dc9d2a5f21ba2f88e185ea7374461e61daa9"}, + {file = "rapidfuzz-3.9.6-pp310-pypy310_pp73-macosx_10_15_x86_64.whl", hash = "sha256:a65c2f63218ea2dedd56fc56361035e189ca123bd9c9ce63a9bef6f99540d681"}, + {file = "rapidfuzz-3.9.6-pp310-pypy310_pp73-macosx_11_0_arm64.whl", hash = "sha256:680dc78a5f889d3b89f74824b89fe357f49f88ad10d2c121e9c3ad37bac1e4eb"}, + {file = "rapidfuzz-3.9.6-pp310-pypy310_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:b8ca862927a0b05bd825e46ddf82d0724ea44b07d898ef639386530bf9b40f15"}, + {file = "rapidfuzz-3.9.6-pp310-pypy310_pp73-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:2116fa1fbff21fa52cd46f3cfcb1e193ba1d65d81f8b6e123193451cd3d6c15e"}, + {file = "rapidfuzz-3.9.6-pp310-pypy310_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:4dcb7d9afd740370a897c15da61d3d57a8d54738d7c764a99cedb5f746d6a003"}, + {file = "rapidfuzz-3.9.6-pp310-pypy310_pp73-win_amd64.whl", hash = "sha256:1a5bd6401bb489e14cbb5981c378d53ede850b7cc84b2464cad606149cc4e17d"}, + {file = "rapidfuzz-3.9.6-pp38-pypy38_pp73-macosx_10_9_x86_64.whl", hash = "sha256:29fda70b9d03e29df6fc45cc27cbcc235534b1b0b2900e0a3ae0b43022aaeef5"}, + {file = "rapidfuzz-3.9.6-pp38-pypy38_pp73-macosx_11_0_arm64.whl", hash = "sha256:88144f5f52ae977df9352029488326afadd7a7f42c6779d486d1f82d43b2b1f2"}, + {file = "rapidfuzz-3.9.6-pp38-pypy38_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:715aeaabafba2709b9dd91acb2a44bad59d60b4616ef90c08f4d4402a3bbca60"}, + {file = "rapidfuzz-3.9.6-pp38-pypy38_pp73-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:af26ebd3714224fbf9bebbc27bdbac14f334c15f5d7043699cd694635050d6ca"}, + {file = "rapidfuzz-3.9.6-pp38-pypy38_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:101bd2df438861a005ed47c032631b7857dfcdb17b82beeeb410307983aac61d"}, + {file = "rapidfuzz-3.9.6-pp38-pypy38_pp73-win_amd64.whl", hash = "sha256:2185e8e29809b97ad22a7f99281d1669a89bdf5fa1ef4ef1feca36924e675367"}, + {file = "rapidfuzz-3.9.6-pp39-pypy39_pp73-macosx_10_15_x86_64.whl", hash = "sha256:9e53c72d08f0e9c6e4a369e52df5971f311305b4487690c62e8dd0846770260c"}, + {file = "rapidfuzz-3.9.6-pp39-pypy39_pp73-macosx_11_0_arm64.whl", hash = "sha256:a0cb157162f0cdd62e538c7bd298ff669847fc43a96422811d5ab933f4c16c3a"}, + {file = "rapidfuzz-3.9.6-pp39-pypy39_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:4bb5ff2bd48132ed5e7fbb8f619885facb2e023759f2519a448b2c18afe07e5d"}, + {file = "rapidfuzz-3.9.6-pp39-pypy39_pp73-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:6dc37f601865e8407e3a8037ffbc3afe0b0f837b2146f7632bd29d087385babe"}, + {file = "rapidfuzz-3.9.6-pp39-pypy39_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:a657eee4b94668faf1fa2703bdd803654303f7e468eb9ba10a664d867ed9e779"}, + {file = "rapidfuzz-3.9.6-pp39-pypy39_pp73-win_amd64.whl", hash = "sha256:51be6ab5b1d5bb32abd39718f2a5e3835502e026a8272d139ead295c224a6f5e"}, + {file = "rapidfuzz-3.9.6.tar.gz", hash = "sha256:5cf2a7d621e4515fee84722e93563bf77ff2cbe832a77a48b81f88f9e23b9e8d"}, ] [package.extras] @@ -7855,86 +7787,98 @@ watchmedo = ["PyYAML (>=3.10)"] [[package]] name = "watchfiles" -version = "0.22.0" +version = "0.23.0" description = "Simple, modern and high performance file watching and code reload in python." optional = false python-versions = ">=3.8" files = [ - {file = "watchfiles-0.22.0-cp310-cp310-macosx_10_12_x86_64.whl", hash = "sha256:da1e0a8caebf17976e2ffd00fa15f258e14749db5e014660f53114b676e68538"}, - {file = "watchfiles-0.22.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:61af9efa0733dc4ca462347becb82e8ef4945aba5135b1638bfc20fad64d4f0e"}, - {file = "watchfiles-0.22.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:1d9188979a58a096b6f8090e816ccc3f255f137a009dd4bbec628e27696d67c1"}, - {file = "watchfiles-0.22.0-cp310-cp310-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:2bdadf6b90c099ca079d468f976fd50062905d61fae183f769637cb0f68ba59a"}, - {file = "watchfiles-0.22.0-cp310-cp310-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:067dea90c43bf837d41e72e546196e674f68c23702d3ef80e4e816937b0a3ffd"}, - {file = "watchfiles-0.22.0-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:bbf8a20266136507abf88b0df2328e6a9a7c7309e8daff124dda3803306a9fdb"}, - {file = "watchfiles-0.22.0-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:1235c11510ea557fe21be5d0e354bae2c655a8ee6519c94617fe63e05bca4171"}, - {file = "watchfiles-0.22.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:c2444dc7cb9d8cc5ab88ebe792a8d75709d96eeef47f4c8fccb6df7c7bc5be71"}, - {file = "watchfiles-0.22.0-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:c5af2347d17ab0bd59366db8752d9e037982e259cacb2ba06f2c41c08af02c39"}, - {file = "watchfiles-0.22.0-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:9624a68b96c878c10437199d9a8b7d7e542feddda8d5ecff58fdc8e67b460848"}, - {file = "watchfiles-0.22.0-cp310-none-win32.whl", hash = "sha256:4b9f2a128a32a2c273d63eb1fdbf49ad64852fc38d15b34eaa3f7ca2f0d2b797"}, - {file = "watchfiles-0.22.0-cp310-none-win_amd64.whl", hash = "sha256:2627a91e8110b8de2406d8b2474427c86f5a62bf7d9ab3654f541f319ef22bcb"}, - {file = "watchfiles-0.22.0-cp311-cp311-macosx_10_12_x86_64.whl", hash = "sha256:8c39987a1397a877217be1ac0fb1d8b9f662c6077b90ff3de2c05f235e6a8f96"}, - {file = "watchfiles-0.22.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:a927b3034d0672f62fb2ef7ea3c9fc76d063c4b15ea852d1db2dc75fe2c09696"}, - {file = "watchfiles-0.22.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:052d668a167e9fc345c24203b104c313c86654dd6c0feb4b8a6dfc2462239249"}, - {file = "watchfiles-0.22.0-cp311-cp311-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:5e45fb0d70dda1623a7045bd00c9e036e6f1f6a85e4ef2c8ae602b1dfadf7550"}, - {file = "watchfiles-0.22.0-cp311-cp311-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:c49b76a78c156979759d759339fb62eb0549515acfe4fd18bb151cc07366629c"}, - {file = "watchfiles-0.22.0-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:c4a65474fd2b4c63e2c18ac67a0c6c66b82f4e73e2e4d940f837ed3d2fd9d4da"}, - {file = "watchfiles-0.22.0-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:1cc0cba54f47c660d9fa3218158b8963c517ed23bd9f45fe463f08262a4adae1"}, - {file = "watchfiles-0.22.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:94ebe84a035993bb7668f58a0ebf998174fb723a39e4ef9fce95baabb42b787f"}, - {file = "watchfiles-0.22.0-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:e0f0a874231e2839abbf473256efffe577d6ee2e3bfa5b540479e892e47c172d"}, - {file = "watchfiles-0.22.0-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:213792c2cd3150b903e6e7884d40660e0bcec4465e00563a5fc03f30ea9c166c"}, - {file = "watchfiles-0.22.0-cp311-none-win32.whl", hash = "sha256:b44b70850f0073b5fcc0b31ede8b4e736860d70e2dbf55701e05d3227a154a67"}, - {file = "watchfiles-0.22.0-cp311-none-win_amd64.whl", hash = "sha256:00f39592cdd124b4ec5ed0b1edfae091567c72c7da1487ae645426d1b0ffcad1"}, - {file = "watchfiles-0.22.0-cp311-none-win_arm64.whl", hash = "sha256:3218a6f908f6a276941422b035b511b6d0d8328edd89a53ae8c65be139073f84"}, - {file = "watchfiles-0.22.0-cp312-cp312-macosx_10_12_x86_64.whl", hash = "sha256:c7b978c384e29d6c7372209cbf421d82286a807bbcdeb315427687f8371c340a"}, - {file = "watchfiles-0.22.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:bd4c06100bce70a20c4b81e599e5886cf504c9532951df65ad1133e508bf20be"}, - {file = "watchfiles-0.22.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:425440e55cd735386ec7925f64d5dde392e69979d4c8459f6bb4e920210407f2"}, - {file = "watchfiles-0.22.0-cp312-cp312-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:68fe0c4d22332d7ce53ad094622b27e67440dacefbaedd29e0794d26e247280c"}, - {file = "watchfiles-0.22.0-cp312-cp312-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:a8a31bfd98f846c3c284ba694c6365620b637debdd36e46e1859c897123aa232"}, - {file = "watchfiles-0.22.0-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:dc2e8fe41f3cac0660197d95216c42910c2b7e9c70d48e6d84e22f577d106fc1"}, - {file = "watchfiles-0.22.0-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:55b7cc10261c2786c41d9207193a85c1db1b725cf87936df40972aab466179b6"}, - {file = "watchfiles-0.22.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:28585744c931576e535860eaf3f2c0ec7deb68e3b9c5a85ca566d69d36d8dd27"}, - {file = "watchfiles-0.22.0-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:00095dd368f73f8f1c3a7982a9801190cc88a2f3582dd395b289294f8975172b"}, - {file = "watchfiles-0.22.0-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:52fc9b0dbf54d43301a19b236b4a4614e610605f95e8c3f0f65c3a456ffd7d35"}, - {file = "watchfiles-0.22.0-cp312-none-win32.whl", hash = "sha256:581f0a051ba7bafd03e17127735d92f4d286af941dacf94bcf823b101366249e"}, - {file = "watchfiles-0.22.0-cp312-none-win_amd64.whl", hash = "sha256:aec83c3ba24c723eac14225194b862af176d52292d271c98820199110e31141e"}, - {file = "watchfiles-0.22.0-cp312-none-win_arm64.whl", hash = "sha256:c668228833c5619f6618699a2c12be057711b0ea6396aeaece4ded94184304ea"}, - {file = "watchfiles-0.22.0-cp38-cp38-macosx_10_12_x86_64.whl", hash = "sha256:d47e9ef1a94cc7a536039e46738e17cce058ac1593b2eccdede8bf72e45f372a"}, - {file = "watchfiles-0.22.0-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:28f393c1194b6eaadcdd8f941307fc9bbd7eb567995232c830f6aef38e8a6e88"}, - {file = "watchfiles-0.22.0-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:dd64f3a4db121bc161644c9e10a9acdb836853155a108c2446db2f5ae1778c3d"}, - {file = "watchfiles-0.22.0-cp38-cp38-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:2abeb79209630da981f8ebca30a2c84b4c3516a214451bfc5f106723c5f45843"}, - {file = "watchfiles-0.22.0-cp38-cp38-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:4cc382083afba7918e32d5ef12321421ef43d685b9a67cc452a6e6e18920890e"}, - {file = "watchfiles-0.22.0-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:d048ad5d25b363ba1d19f92dcf29023988524bee6f9d952130b316c5802069cb"}, - {file = "watchfiles-0.22.0-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:103622865599f8082f03af4214eaff90e2426edff5e8522c8f9e93dc17caee13"}, - {file = "watchfiles-0.22.0-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:d3e1f3cf81f1f823e7874ae563457828e940d75573c8fbf0ee66818c8b6a9099"}, - {file = "watchfiles-0.22.0-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:8597b6f9dc410bdafc8bb362dac1cbc9b4684a8310e16b1ff5eee8725d13dcd6"}, - {file = "watchfiles-0.22.0-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:0b04a2cbc30e110303baa6d3ddce8ca3664bc3403be0f0ad513d1843a41c97d1"}, - {file = "watchfiles-0.22.0-cp38-none-win32.whl", hash = "sha256:b610fb5e27825b570554d01cec427b6620ce9bd21ff8ab775fc3a32f28bba63e"}, - {file = "watchfiles-0.22.0-cp38-none-win_amd64.whl", hash = "sha256:fe82d13461418ca5e5a808a9e40f79c1879351fcaeddbede094028e74d836e86"}, - {file = "watchfiles-0.22.0-cp39-cp39-macosx_10_12_x86_64.whl", hash = "sha256:3973145235a38f73c61474d56ad6199124e7488822f3a4fc97c72009751ae3b0"}, - {file = "watchfiles-0.22.0-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:280a4afbc607cdfc9571b9904b03a478fc9f08bbeec382d648181c695648202f"}, - {file = "watchfiles-0.22.0-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:3a0d883351a34c01bd53cfa75cd0292e3f7e268bacf2f9e33af4ecede7e21d1d"}, - {file = "watchfiles-0.22.0-cp39-cp39-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:9165bcab15f2b6d90eedc5c20a7f8a03156b3773e5fb06a790b54ccecdb73385"}, - {file = "watchfiles-0.22.0-cp39-cp39-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:dc1b9b56f051209be458b87edb6856a449ad3f803315d87b2da4c93b43a6fe72"}, - {file = "watchfiles-0.22.0-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:8dc1fc25a1dedf2dd952909c8e5cb210791e5f2d9bc5e0e8ebc28dd42fed7562"}, - {file = "watchfiles-0.22.0-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:dc92d2d2706d2b862ce0568b24987eba51e17e14b79a1abcd2edc39e48e743c8"}, - {file = "watchfiles-0.22.0-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:97b94e14b88409c58cdf4a8eaf0e67dfd3ece7e9ce7140ea6ff48b0407a593ec"}, - {file = "watchfiles-0.22.0-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:96eec15e5ea7c0b6eb5bfffe990fc7c6bd833acf7e26704eb18387fb2f5fd087"}, - {file = "watchfiles-0.22.0-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:28324d6b28bcb8d7c1041648d7b63be07a16db5510bea923fc80b91a2a6cbed6"}, - {file = "watchfiles-0.22.0-cp39-none-win32.whl", hash = "sha256:8c3e3675e6e39dc59b8fe5c914a19d30029e36e9f99468dddffd432d8a7b1c93"}, - {file = "watchfiles-0.22.0-cp39-none-win_amd64.whl", hash = "sha256:25c817ff2a86bc3de3ed2df1703e3d24ce03479b27bb4527c57e722f8554d971"}, - {file = "watchfiles-0.22.0-pp310-pypy310_pp73-macosx_10_12_x86_64.whl", hash = "sha256:b810a2c7878cbdecca12feae2c2ae8af59bea016a78bc353c184fa1e09f76b68"}, - {file = "watchfiles-0.22.0-pp310-pypy310_pp73-macosx_11_0_arm64.whl", hash = "sha256:f7e1f9c5d1160d03b93fc4b68a0aeb82fe25563e12fbcdc8507f8434ab6f823c"}, - {file = "watchfiles-0.22.0-pp310-pypy310_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:030bc4e68d14bcad2294ff68c1ed87215fbd9a10d9dea74e7cfe8a17869785ab"}, - {file = "watchfiles-0.22.0-pp310-pypy310_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ace7d060432acde5532e26863e897ee684780337afb775107c0a90ae8dbccfd2"}, - {file = "watchfiles-0.22.0-pp38-pypy38_pp73-macosx_10_12_x86_64.whl", hash = "sha256:5834e1f8b71476a26df97d121c0c0ed3549d869124ed2433e02491553cb468c2"}, - {file = "watchfiles-0.22.0-pp38-pypy38_pp73-macosx_11_0_arm64.whl", hash = "sha256:0bc3b2f93a140df6806c8467c7f51ed5e55a931b031b5c2d7ff6132292e803d6"}, - {file = "watchfiles-0.22.0-pp38-pypy38_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:8fdebb655bb1ba0122402352b0a4254812717a017d2dc49372a1d47e24073795"}, - {file = "watchfiles-0.22.0-pp38-pypy38_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:0c8e0aa0e8cc2a43561e0184c0513e291ca891db13a269d8d47cb9841ced7c71"}, - {file = "watchfiles-0.22.0-pp39-pypy39_pp73-macosx_10_12_x86_64.whl", hash = "sha256:2f350cbaa4bb812314af5dab0eb8d538481e2e2279472890864547f3fe2281ed"}, - {file = "watchfiles-0.22.0-pp39-pypy39_pp73-macosx_11_0_arm64.whl", hash = "sha256:7a74436c415843af2a769b36bf043b6ccbc0f8d784814ba3d42fc961cdb0a9dc"}, - {file = "watchfiles-0.22.0-pp39-pypy39_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:00ad0bcd399503a84cc688590cdffbe7a991691314dde5b57b3ed50a41319a31"}, - {file = "watchfiles-0.22.0-pp39-pypy39_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:72a44e9481afc7a5ee3291b09c419abab93b7e9c306c9ef9108cb76728ca58d2"}, - {file = "watchfiles-0.22.0.tar.gz", hash = "sha256:988e981aaab4f3955209e7e28c7794acdb690be1efa7f16f8ea5aba7ffdadacb"}, + {file = "watchfiles-0.23.0-cp310-cp310-macosx_10_12_x86_64.whl", hash = "sha256:bee8ce357a05c20db04f46c22be2d1a2c6a8ed365b325d08af94358e0688eeb4"}, + {file = "watchfiles-0.23.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:4ccd3011cc7ee2f789af9ebe04745436371d36afe610028921cab9f24bb2987b"}, + {file = "watchfiles-0.23.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:fb02d41c33be667e6135e6686f1bb76104c88a312a18faa0ef0262b5bf7f1a0f"}, + {file = "watchfiles-0.23.0-cp310-cp310-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:7cf12ac34c444362f3261fb3ff548f0037ddd4c5bb85f66c4be30d2936beb3c5"}, + {file = "watchfiles-0.23.0-cp310-cp310-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:a0b2c25040a3c0ce0e66c7779cc045fdfbbb8d59e5aabfe033000b42fe44b53e"}, + {file = "watchfiles-0.23.0-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:ecf2be4b9eece4f3da8ba5f244b9e51932ebc441c0867bd6af46a3d97eb068d6"}, + {file = "watchfiles-0.23.0-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:40cb8fa00028908211eb9f8d47744dca21a4be6766672e1ff3280bee320436f1"}, + {file = "watchfiles-0.23.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:8f48c917ffd36ff9a5212614c2d0d585fa8b064ca7e66206fb5c095015bc8207"}, + {file = "watchfiles-0.23.0-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:9d183e3888ada88185ab17064079c0db8c17e32023f5c278d7bf8014713b1b5b"}, + {file = "watchfiles-0.23.0-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:9837edf328b2805346f91209b7e660f65fb0e9ca18b7459d075d58db082bf981"}, + {file = "watchfiles-0.23.0-cp310-none-win32.whl", hash = "sha256:296e0b29ab0276ca59d82d2da22cbbdb39a23eed94cca69aed274595fb3dfe42"}, + {file = "watchfiles-0.23.0-cp310-none-win_amd64.whl", hash = "sha256:4ea756e425ab2dfc8ef2a0cb87af8aa7ef7dfc6fc46c6f89bcf382121d4fff75"}, + {file = "watchfiles-0.23.0-cp311-cp311-macosx_10_12_x86_64.whl", hash = "sha256:e397b64f7aaf26915bf2ad0f1190f75c855d11eb111cc00f12f97430153c2eab"}, + {file = "watchfiles-0.23.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:b4ac73b02ca1824ec0a7351588241fd3953748d3774694aa7ddb5e8e46aef3e3"}, + {file = "watchfiles-0.23.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:130a896d53b48a1cecccfa903f37a1d87dbb74295305f865a3e816452f6e49e4"}, + {file = "watchfiles-0.23.0-cp311-cp311-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:c5e7803a65eb2d563c73230e9d693c6539e3c975ccfe62526cadde69f3fda0cf"}, + {file = "watchfiles-0.23.0-cp311-cp311-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:d1aa4cc85202956d1a65c88d18c7b687b8319dbe6b1aec8969784ef7a10e7d1a"}, + {file = "watchfiles-0.23.0-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:87f889f6e58849ddb7c5d2cb19e2e074917ed1c6e3ceca50405775166492cca8"}, + {file = "watchfiles-0.23.0-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:37fd826dac84c6441615aa3f04077adcc5cac7194a021c9f0d69af20fb9fa788"}, + {file = "watchfiles-0.23.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ee7db6e36e7a2c15923072e41ea24d9a0cf39658cb0637ecc9307b09d28827e1"}, + {file = "watchfiles-0.23.0-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:2368c5371c17fdcb5a2ea71c5c9d49f9b128821bfee69503cc38eae00feb3220"}, + {file = "watchfiles-0.23.0-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:857af85d445b9ba9178db95658c219dbd77b71b8264e66836a6eba4fbf49c320"}, + {file = "watchfiles-0.23.0-cp311-none-win32.whl", hash = "sha256:1d636c8aeb28cdd04a4aa89030c4b48f8b2954d8483e5f989774fa441c0ed57b"}, + {file = "watchfiles-0.23.0-cp311-none-win_amd64.whl", hash = "sha256:46f1d8069a95885ca529645cdbb05aea5837d799965676e1b2b1f95a4206313e"}, + {file = "watchfiles-0.23.0-cp311-none-win_arm64.whl", hash = "sha256:e495ed2a7943503766c5d1ff05ae9212dc2ce1c0e30a80d4f0d84889298fa304"}, + {file = "watchfiles-0.23.0-cp312-cp312-macosx_10_12_x86_64.whl", hash = "sha256:1db691bad0243aed27c8354b12d60e8e266b75216ae99d33e927ff5238d270b5"}, + {file = "watchfiles-0.23.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:62d2b18cb1edaba311fbbfe83fb5e53a858ba37cacb01e69bc20553bb70911b8"}, + {file = "watchfiles-0.23.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:e087e8fdf1270d000913c12e6eca44edd02aad3559b3e6b8ef00f0ce76e0636f"}, + {file = "watchfiles-0.23.0-cp312-cp312-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:dd41d5c72417b87c00b1b635738f3c283e737d75c5fa5c3e1c60cd03eac3af77"}, + {file = "watchfiles-0.23.0-cp312-cp312-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:1e5f3ca0ff47940ce0a389457b35d6df601c317c1e1a9615981c474452f98de1"}, + {file = "watchfiles-0.23.0-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:6991e3a78f642368b8b1b669327eb6751439f9f7eaaa625fae67dd6070ecfa0b"}, + {file = "watchfiles-0.23.0-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:7f7252f52a09f8fa5435dc82b6af79483118ce6bd51eb74e6269f05ee22a7b9f"}, + {file = "watchfiles-0.23.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:0e01bcb8d767c58865207a6c2f2792ad763a0fe1119fb0a430f444f5b02a5ea0"}, + {file = "watchfiles-0.23.0-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:8e56fbcdd27fce061854ddec99e015dd779cae186eb36b14471fc9ae713b118c"}, + {file = "watchfiles-0.23.0-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:bd3e2d64500a6cad28bcd710ee6269fbeb2e5320525acd0cfab5f269ade68581"}, + {file = "watchfiles-0.23.0-cp312-none-win32.whl", hash = "sha256:eb99c954291b2fad0eff98b490aa641e128fbc4a03b11c8a0086de8b7077fb75"}, + {file = "watchfiles-0.23.0-cp312-none-win_amd64.whl", hash = "sha256:dccc858372a56080332ea89b78cfb18efb945da858fabeb67f5a44fa0bcb4ebb"}, + {file = "watchfiles-0.23.0-cp312-none-win_arm64.whl", hash = "sha256:6c21a5467f35c61eafb4e394303720893066897fca937bade5b4f5877d350ff8"}, + {file = "watchfiles-0.23.0-cp313-cp313-macosx_10_12_x86_64.whl", hash = "sha256:ba31c32f6b4dceeb2be04f717811565159617e28d61a60bb616b6442027fd4b9"}, + {file = "watchfiles-0.23.0-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:85042ab91814fca99cec4678fc063fb46df4cbb57b4835a1cc2cb7a51e10250e"}, + {file = "watchfiles-0.23.0-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:24655e8c1c9c114005c3868a3d432c8aa595a786b8493500071e6a52f3d09217"}, + {file = "watchfiles-0.23.0-cp313-cp313-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:6b1a950ab299a4a78fd6369a97b8763732bfb154fdb433356ec55a5bce9515c1"}, + {file = "watchfiles-0.23.0-cp313-cp313-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:b8d3c5cd327dd6ce0edfc94374fb5883d254fe78a5e9d9dfc237a1897dc73cd1"}, + {file = "watchfiles-0.23.0-cp313-cp313-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:9ff785af8bacdf0be863ec0c428e3288b817e82f3d0c1d652cd9c6d509020dd0"}, + {file = "watchfiles-0.23.0-cp313-cp313-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:02b7ba9d4557149410747353e7325010d48edcfe9d609a85cb450f17fd50dc3d"}, + {file = "watchfiles-0.23.0-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:48a1b05c0afb2cd2f48c1ed2ae5487b116e34b93b13074ed3c22ad5c743109f0"}, + {file = "watchfiles-0.23.0-cp313-cp313-musllinux_1_1_aarch64.whl", hash = "sha256:109a61763e7318d9f821b878589e71229f97366fa6a5c7720687d367f3ab9eef"}, + {file = "watchfiles-0.23.0-cp313-cp313-musllinux_1_1_x86_64.whl", hash = "sha256:9f8e6bb5ac007d4a4027b25f09827ed78cbbd5b9700fd6c54429278dacce05d1"}, + {file = "watchfiles-0.23.0-cp313-none-win32.whl", hash = "sha256:f46c6f0aec8d02a52d97a583782d9af38c19a29900747eb048af358a9c1d8e5b"}, + {file = "watchfiles-0.23.0-cp313-none-win_amd64.whl", hash = "sha256:f449afbb971df5c6faeb0a27bca0427d7b600dd8f4a068492faec18023f0dcff"}, + {file = "watchfiles-0.23.0-cp38-cp38-macosx_10_12_x86_64.whl", hash = "sha256:2dddc2487d33e92f8b6222b5fb74ae2cfde5e8e6c44e0248d24ec23befdc5366"}, + {file = "watchfiles-0.23.0-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:e75695cc952e825fa3e0684a7f4a302f9128721f13eedd8dbd3af2ba450932b8"}, + {file = "watchfiles-0.23.0-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:2537ef60596511df79b91613a5bb499b63f46f01a11a81b0a2b0dedf645d0a9c"}, + {file = "watchfiles-0.23.0-cp38-cp38-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:20b423b58f5fdde704a226b598a2d78165fe29eb5621358fe57ea63f16f165c4"}, + {file = "watchfiles-0.23.0-cp38-cp38-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:b98732ec893975455708d6fc9a6daab527fc8bbe65be354a3861f8c450a632a4"}, + {file = "watchfiles-0.23.0-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:ee1f5fcbf5bc33acc0be9dd31130bcba35d6d2302e4eceafafd7d9018c7755ab"}, + {file = "watchfiles-0.23.0-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:a8f195338a5a7b50a058522b39517c50238358d9ad8284fd92943643144c0c03"}, + {file = "watchfiles-0.23.0-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:524fcb8d59b0dbee2c9b32207084b67b2420f6431ed02c18bd191e6c575f5c48"}, + {file = "watchfiles-0.23.0-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:0eff099a4df36afaa0eea7a913aa64dcf2cbd4e7a4f319a73012210af4d23810"}, + {file = "watchfiles-0.23.0-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:a8323daae27ea290ba3350c70c836c0d2b0fb47897fa3b0ca6a5375b952b90d3"}, + {file = "watchfiles-0.23.0-cp38-none-win32.whl", hash = "sha256:aafea64a3ae698695975251f4254df2225e2624185a69534e7fe70581066bc1b"}, + {file = "watchfiles-0.23.0-cp38-none-win_amd64.whl", hash = "sha256:c846884b2e690ba62a51048a097acb6b5cd263d8bd91062cd6137e2880578472"}, + {file = "watchfiles-0.23.0-cp39-cp39-macosx_10_12_x86_64.whl", hash = "sha256:a753993635eccf1ecb185dedcc69d220dab41804272f45e4aef0a67e790c3eb3"}, + {file = "watchfiles-0.23.0-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:6bb91fa4d0b392f0f7e27c40981e46dda9eb0fbc84162c7fb478fe115944f491"}, + {file = "watchfiles-0.23.0-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:b1f67312efa3902a8e8496bfa9824d3bec096ff83c4669ea555c6bdd213aa516"}, + {file = "watchfiles-0.23.0-cp39-cp39-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:7ca6b71dcc50d320c88fb2d88ecd63924934a8abc1673683a242a7ca7d39e781"}, + {file = "watchfiles-0.23.0-cp39-cp39-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:2aec5c29915caf08771d2507da3ac08e8de24a50f746eb1ed295584ba1820330"}, + {file = "watchfiles-0.23.0-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:1733b9bc2c8098c6bdb0ff7a3d7cb211753fecb7bd99bdd6df995621ee1a574b"}, + {file = "watchfiles-0.23.0-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:02ff5d7bd066c6a7673b17c8879cd8ee903078d184802a7ee851449c43521bdd"}, + {file = "watchfiles-0.23.0-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:18e2de19801b0eaa4c5292a223effb7cfb43904cb742c5317a0ac686ed604765"}, + {file = "watchfiles-0.23.0-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:8ada449e22198c31fb013ae7e9add887e8d2bd2335401abd3cbc55f8c5083647"}, + {file = "watchfiles-0.23.0-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:3af1b05361e1cc497bf1be654a664750ae61f5739e4bb094a2be86ec8c6db9b6"}, + {file = "watchfiles-0.23.0-cp39-none-win32.whl", hash = "sha256:486bda18be5d25ab5d932699ceed918f68eb91f45d018b0343e3502e52866e5e"}, + {file = "watchfiles-0.23.0-cp39-none-win_amd64.whl", hash = "sha256:d2d42254b189a346249424fb9bb39182a19289a2409051ee432fb2926bad966a"}, + {file = "watchfiles-0.23.0-pp310-pypy310_pp73-macosx_10_12_x86_64.whl", hash = "sha256:6a9265cf87a5b70147bfb2fec14770ed5b11a5bb83353f0eee1c25a81af5abfe"}, + {file = "watchfiles-0.23.0-pp310-pypy310_pp73-macosx_11_0_arm64.whl", hash = "sha256:9f02a259fcbbb5fcfe7a0805b1097ead5ba7a043e318eef1db59f93067f0b49b"}, + {file = "watchfiles-0.23.0-pp310-pypy310_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:1ebaebb53b34690da0936c256c1cdb0914f24fb0e03da76d185806df9328abed"}, + {file = "watchfiles-0.23.0-pp310-pypy310_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:fd257f98cff9c6cb39eee1a83c7c3183970d8a8d23e8cf4f47d9a21329285cee"}, + {file = "watchfiles-0.23.0-pp38-pypy38_pp73-macosx_10_12_x86_64.whl", hash = "sha256:aba037c1310dd108411d27b3d5815998ef0e83573e47d4219f45753c710f969f"}, + {file = "watchfiles-0.23.0-pp38-pypy38_pp73-macosx_11_0_arm64.whl", hash = "sha256:a96ac14e184aa86dc43b8a22bb53854760a58b2966c2b41580de938e9bf26ed0"}, + {file = "watchfiles-0.23.0-pp38-pypy38_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:11698bb2ea5e991d10f1f4f83a39a02f91e44e4bd05f01b5c1ec04c9342bf63c"}, + {file = "watchfiles-0.23.0-pp38-pypy38_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:efadd40fca3a04063d40c4448c9303ce24dd6151dc162cfae4a2a060232ebdcb"}, + {file = "watchfiles-0.23.0-pp39-pypy39_pp73-macosx_10_12_x86_64.whl", hash = "sha256:556347b0abb4224c5ec688fc58214162e92a500323f50182f994f3ad33385dcb"}, + {file = "watchfiles-0.23.0-pp39-pypy39_pp73-macosx_11_0_arm64.whl", hash = "sha256:1cf7f486169986c4b9d34087f08ce56a35126600b6fef3028f19ca16d5889071"}, + {file = "watchfiles-0.23.0-pp39-pypy39_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:f18de0f82c62c4197bea5ecf4389288ac755896aac734bd2cc44004c56e4ac47"}, + {file = "watchfiles-0.23.0-pp39-pypy39_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:532e1f2c491274d1333a814e4c5c2e8b92345d41b12dc806cf07aaff786beb66"}, + {file = "watchfiles-0.23.0.tar.gz", hash = "sha256:9338ade39ff24f8086bb005d16c29f8e9f19e55b18dcb04dfa26fcbc09da497b"}, ] [package.dependencies] @@ -8404,4 +8348,4 @@ test = ["big-O", "importlib-resources", "jaraco.functools", "jaraco.itertools", [metadata] lock-version = "2.0" python-versions = ">=3.10,<4.0" -content-hash = "7d28af02dcbd2e99eaf9cc65a46d29b073f4b78d9d50c45aff1a9581d6a0e42b" +content-hash = "42fd6e903fbef04cf1679137e2fba066f8b4ecf006d9b28e6f2cef313d1032b4" diff --git a/pyproject.toml b/pyproject.toml index 15b96775..92ff4df8 100644 --- a/pyproject.toml +++ b/pyproject.toml @@ -1,6 +1,6 @@ [tool.poetry] name = "aana" -version = "0.2.1" +version = "0.2.2" description = "Multimodal SDK" authors = ["Mobius Labs GmbH "] homepage = "https://www.mobiuslabs.com" @@ -42,6 +42,7 @@ pyannote-audio = "^3.1.1" pydantic = ">=2.0" pydantic-settings = "^2.1.0" python-multipart = "^0.0.9" +psycopg = {extras = ["binary"], version = "^3.2.1"} qdrant-haystack = "^3.2.1" ray = {extras = ["serve"], version = ">=2.20"} rapidfuzz = "^3.4.0" @@ -61,14 +62,12 @@ matplotlib = "^3.8.2" mypy = "^1.6.1" ruff = "^0.1.5" portpicker = "^1.6.0" -psycopg2-binary = "^2.9.9" pytest-asyncio = "^0.23.6" pytest-dotenv = "^0.5.2" pytest-env = "^1.1.3" pytest-mock = "^3.12.0" pytest-postgresql = "^6.0.0" pytest-timeout = "^2.2.0" -psycopg = {extras = ["binary"], version = "^3.2.1"} sqlalchemy-utils = "^0.41.1" [tool.poetry.group.docs.dependencies]